Browse Source

Initial commit

mistress
Ojas Ahuja 3 years ago
commit
1745c0a44f
61 changed files with 62501 additions and 0 deletions
  1. +124
    -0
      .gitignore
  2. +20
    -0
      README.md
  3. +133
    -0
      dataset.py
  4. +10
    -0
      datasets/#count.py#
  5. +893
    -0
      datasets/atis/test/label
  6. +893
    -0
      datasets/atis/test/seq.in
  7. +893
    -0
      datasets/atis/test/seq.out
  8. +4478
    -0
      datasets/atis/train/label
  9. +4478
    -0
      datasets/atis/train/seq.in
  10. +4478
    -0
      datasets/atis/train/seq.out
  11. +500
    -0
      datasets/atis/valid/label
  12. +500
    -0
      datasets/atis/valid/seq.in
  13. +500
    -0
      datasets/atis/valid/seq.out
  14. +11
    -0
      datasets/count.py
  15. +700
    -0
      datasets/snips/test/label
  16. +700
    -0
      datasets/snips/test/seq.in
  17. +700
    -0
      datasets/snips/test/seq.out
  18. +13084
    -0
      datasets/snips/train/label
  19. +13084
    -0
      datasets/snips/train/seq.in
  20. +13084
    -0
      datasets/snips/train/seq.out
  21. +700
    -0
      datasets/snips/valid/label
  22. +700
    -0
      datasets/snips/valid/seq.in
  23. +700
    -0
      datasets/snips/valid/seq.out
  24. +145
    -0
      distill.py
  25. +251
    -0
      models.py
  26. BIN
      models/atis_intent_0
  27. BIN
      models/atis_intent_1
  28. BIN
      models/atis_intent_2
  29. BIN
      models/atis_intent_3
  30. BIN
      models/atis_intent_4
  31. BIN
      models/atis_joint_0
  32. BIN
      models/atis_joint_1
  33. BIN
      models/atis_joint_2
  34. BIN
      models/atis_joint_3
  35. BIN
      models/atis_joint_4
  36. BIN
      models/atis_slot_0
  37. BIN
      models/atis_slot_1
  38. BIN
      models/atis_slot_2
  39. BIN
      models/atis_slot_3
  40. BIN
      models/atis_slot_4
  41. BIN
      models/snips_intent_0
  42. BIN
      models/snips_intent_1
  43. BIN
      models/snips_intent_2
  44. BIN
      models/snips_intent_3
  45. BIN
      models/snips_intent_4
  46. BIN
      models/snips_joint_0
  47. BIN
      models/snips_joint_1
  48. BIN
      models/snips_joint_2
  49. BIN
      models/snips_joint_3
  50. BIN
      models/snips_joint_4
  51. BIN
      models/snips_slot_0
  52. BIN
      models/snips_slot_1
  53. BIN
      models/snips_slot_2
  54. BIN
      models/snips_slot_3
  55. BIN
      models/snips_slot_4
  56. +152
    -0
      prune.py
  57. +4
    -0
      requirements.txt
  58. +59
    -0
      test.py
  59. +55
    -0
      timer.py
  60. +116
    -0
      train.py
  61. +356
    -0
      util.py

+ 124
- 0
.gitignore View File

@ -0,0 +1,124 @@
# Created by https://www.gitignore.io/api/python,visualstudiocode
# Edit at https://www.gitignore.io/?templates=python,visualstudiocode
### Python ###
# Byte-compiled / optimized / DLL files
__pycache__/
*.py[cod]
*$py.class
# C extensions
*.so
# Distribution / packaging
.Python
build/
develop-eggs/
dist/
downloads/
eggs/
.eggs/
lib/
lib64/
parts/
sdist/
var/
wheels/
pip-wheel-metadata/
share/python-wheels/
*.egg-info/
.installed.cfg
*.egg
MANIFEST
# PyInstaller
# Usually these files are written by a python script from a template
# before PyInstaller builds the exe, so as to inject date/other infos into it.
*.manifest
*.spec
# Installer logs
pip-log.txt
pip-delete-this-directory.txt
# Unit test / coverage reports
htmlcov/
.tox/
.nox/
.coverage
.coverage.*
.cache
nosetests.xml
coverage.xml
*.cover
.hypothesis/
.pytest_cache/
# Translations
*.mo
*.pot
# Scrapy stuff:
.scrapy
# Sphinx documentation
docs/_build/
# PyBuilder
target/
# pyenv
.python-version
# pipenv
# According to pypa/pipenv#598, it is recommended to include Pipfile.lock in version control.
# However, in case of collaboration, if having platform-specific dependencies or dependencies
# having no cross-platform support, pipenv may install dependencies that don't work, or not
# install all needed dependencies.
#Pipfile.lock
# celery beat schedule file
celerybeat-schedule
# SageMath parsed files
*.sage.py
# Spyder project settings
.spyderproject
.spyproject
# Rope project settings
.ropeproject
# Mr Developer
.mr.developer.cfg
.project
.pydevproject
# mkdocs documentation
/site
# mypy
.mypy_cache/
.dmypy.json
dmypy.json
# Pyre type checker
.pyre/
### VisualStudioCode ###
.vscode/*
!.vscode/settings.json
!.vscode/tasks.json
!.vscode/launch.json
!.vscode/extensions.json
### VisualStudioCode Patch ###
# Ignore all local history of files
.history
# End of https://www.gitignore.io/api/python,visualstudiocode
glove/
venv/

+ 20
- 0
README.md View File

@ -0,0 +1,20 @@
# pruned-nlu
## Requirements
- \>= Python 3.7
- \>= PyTorch 1.4.0
- [seqeval](https://github.com/chakki-works/seqeval)
## Setup
Download GloVe embeddings:
```
wget http://nlp.stanford.edu/data/glove.6B.zip
unzip glove.6B.zip -d glove
```
## Train & test
## Prune
## Distill

+ 133
- 0
dataset.py View File

@ -0,0 +1,133 @@
import collections
import torch
from torch.utils.data import Dataset, DataLoader
import numpy as np
PAD = "<pad>"
BOS = "<bos>"
EOS = "<eos>"
def build_glove(word2idx, idx2word, dim=100):
word2vecs = {}
with open(f'glove/glove.6B.{dim}d.txt') as glove_file:
for i, line in enumerate(glove_file):
splat = line.split()
word = str(splat.pop(0))
if word in word2idx:
word2vecs[word] = np.array(splat).astype(float)
vectors = []
for word in [idx2word[i] for i in range(len(idx2word))]:
if word in word2vecs:
vectors.append(torch.from_numpy(word2vecs[word]).float())
else:
vectors.append(torch.from_numpy(np.random.normal(0, 0.5, size=(dim,))).float())
return torch.stack(vectors)
class Corpus(Dataset):
def __init__(self, dataset, split_name, seq_len: int):
self.seq_len = seq_len
self.queries = []
self.intents = []
self.slots = []
self.word2idx = {}
self.idx2word = {}
self.intent2idx = {}
self.slot2idx = {}
self._register(PAD)
self._register(BOS)
self._register(EOS)
for split in ['train', 'valid', 'test']:
with open(f'datasets/{dataset}/{split}/label') as intent_file:
for line in intent_file:
intent = line.rstrip()
if intent not in self.intent2idx:
self.intent2idx[intent] = len(self.intent2idx)
with open(f'datasets/{dataset}/{split}/seq.in') as queries_file:
for line in queries_file:
query = line.rstrip().split()
for word in query:
if word not in self.word2idx:
idx = len(self.word2idx)
self.word2idx[word] = idx
self.idx2word[idx] = word
with open(f'datasets/{dataset}/{split}/seq.out') as slotses_file:
for line in slotses_file:
slots = line.rstrip().split()
for slot in slots:
if slot not in self.slot2idx:
self.slot2idx[slot] = len(self.slot2idx)
with open(f'datasets/{dataset}/{split_name}/label') as intent_file:
for line in intent_file:
intent = line.rstrip()
self.intents.append(intent)
with open(f'datasets/{dataset}/{split_name}/seq.in') as queries_file:
for line in queries_file:
query = line.rstrip().split()
self.queries.append(query)
with open(f'datasets/{dataset}/{split_name}/seq.out') as slotses_file:
for line in slotses_file:
slots = line.rstrip().split()
self.slots.append(slots)
self.idx2intent = {v: k for k, v in self.intent2idx.items()}
self.idx2slot = {v : k for k, v in self.slot2idx.items()}
def _register(self, word):
if word in self.word2idx:
return
assert(len(self.idx2word) == len(self.word2idx))
idx = len(self.idx2word)
self.idx2word[idx] = word
self.word2idx[word] = idx
def pad_query(self, sequence):
sequence = [self.word2idx[BOS]] + sequence + [self.word2idx[EOS]]
sequence = sequence[:self.seq_len]
sequence = np.pad(sequence, (0, self.seq_len - len(sequence)), mode='constant', constant_values=(self.word2idx[PAD],))
return sequence
def pad_slots(self, sequence):
sequence = [-1] + sequence + [-1]
sequence = sequence[:self.seq_len]
sequence = np.pad(sequence, (0, self.seq_len - len(sequence)), mode='constant', constant_values=(-1,))
return sequence
def __getitem__(self, i):
query = torch.from_numpy(self.pad_query([self.word2idx[word] for word in self.queries[i]]))
intent = torch.tensor(self.intent2idx[self.intents[i]])
slots = torch.from_numpy(self.pad_slots([self.slot2idx[slot] for slot in self.slots[i]]))
true_length = torch.tensor(min(len(self.queries[i]), self.seq_len))
return query, intent, slots, true_length, (self.queries[i], self.intents[i], self.slots[i]), (self.idx2word, self.idx2intent, self.idx2slot)
def __len__(self):
assert(len(self.queries) == len(self.intents))
return len(self.queries)
def load(dataset, batch_size, seq_len):
train_corpus, valid_corpus, test_corpus = Corpus(dataset, 'train', seq_len), Corpus(dataset, 'valid', seq_len), Corpus(dataset, 'test', seq_len)
# sanity checks
assert(len(train_corpus.word2idx) == len(valid_corpus.word2idx) == len(test_corpus.word2idx))
assert(len(train_corpus.intent2idx) == len(valid_corpus.intent2idx) == len(test_corpus.intent2idx))
assert(len(train_corpus.slot2idx) == len(valid_corpus.slot2idx) == len(test_corpus.slot2idx))
num_words, num_intents, num_slots = len(train_corpus.word2idx), len(train_corpus.intent2idx), len(train_corpus.slot2idx)
wordvecs = build_glove(train_corpus.word2idx, train_corpus.idx2word)
return (DataLoader(train_corpus, batch_size, shuffle=True),
DataLoader(valid_corpus, batch_size, shuffle=False),
DataLoader(test_corpus, batch_size),
num_words, num_intents, num_slots, wordvecs)

+ 10
- 0
datasets/#count.py# View File

@ -0,0 +1,10 @@
filename = 'atis/train/seq.out'
blah = set()
with open(filename) as f:
for line in f:
line = line.rstrip().split()
for word in line:
blah.add(word)
print(len(blah))

+ 893
- 0
datasets/atis/test/label View File

@ -0,0 +1,893 @@
atis_flight
atis_airfare
atis_flight
atis_flight
atis_flight
atis_flight
atis_flight
atis_flight
atis_flight
atis_flight
atis_flight
atis_flight
atis_flight#atis_airfare
atis_flight
atis_flight
atis_flight
atis_flight
atis_flight
atis_flight
atis_flight
atis_flight
atis_flight
atis_flight
atis_flight
atis_flight
atis_flight
atis_flight
atis_flight
atis_flight
atis_flight
atis_flight
atis_flight
atis_ground_service
atis_flight
atis_day_name
atis_flight
atis_day_name
atis_flight
atis_flight
atis_flight
atis_flight
atis_flight
atis_flight
atis_flight
atis_flight
atis_flight
atis_flight
atis_flight
atis_flight
atis_flight
atis_meal
atis_meal
atis_flight
atis_flight
atis_flight
atis_flight
atis_flight
atis_flight
atis_flight
atis_flight
atis_flight
atis_flight
atis_flight
atis_flight
atis_flight
atis_flight
atis_flight
atis_flight
atis_flight
atis_flight
atis_flight
atis_flight
atis_flight
atis_flight
atis_flight
atis_flight
atis_flight
atis_flight
atis_flight
atis_flight
atis_flight
atis_flight
atis_flight
atis_flight
atis_flight
atis_flight
atis_flight
atis_flight
atis_flight
atis_flight
atis_flight
atis_flight
atis_flight
atis_airport
atis_flight
atis_flight
atis_flight
atis_flight
atis_flight
atis_flight
atis_flight
atis_flight
atis_flight
atis_airfare
atis_airline
atis_flight_time
atis_flight
atis_flight
atis_city
atis_airline
atis_flight
atis_flight
atis_flight
atis_flight
atis_flight
atis_flight
atis_flight
atis_flight
atis_flight
atis_ground_service
atis_flight
atis_flight
atis_flight
atis_flight
atis_flight
atis_flight
atis_flight
atis_flight
atis_flight
atis_airline
atis_flight
atis_flight
atis_flight
atis_flight
atis_flight
atis_flight
atis_ground_service
atis_ground_fare
atis_ground_fare
atis_flight
atis_ground_service
atis_flight
atis_flight
atis_flight
atis_flight
atis_flight
atis_flight
atis_flight
atis_flight
atis_flight
atis_flight
atis_flight
atis_flight
atis_flight
atis_airline
atis_flight
atis_flight
atis_flight
atis_flight
atis_flight
atis_flight
atis_flight
atis_flight
atis_quantity
atis_quantity
atis_quantity
atis_flight
atis_flight
atis_airport
atis_flight
atis_flight
atis_flight
atis_airfare
atis_airfare
atis_flight
atis_abbreviation
atis_meal
atis_flight
atis_flight
atis_flight
atis_flight
atis_flight
atis_flight
atis_flight
atis_flight
atis_flight
atis_flight
atis_flight
atis_flight
atis_flight
atis_distance
atis_distance
atis_distance
atis_distance
atis_ground_fare
atis_ground_fare
atis_ground_fare
atis_ground_fare
atis_airline
atis_flight
atis_flight
atis_airfare
atis_aircraft
atis_flight
atis_airfare
atis_flight
atis_flight#atis_airfare
atis_flight#atis_airfare
atis_flight#atis_airfare
atis_flight
atis_flight
atis_flight
atis_flight
atis_flight#atis_airfare
atis_airline
atis_airline
atis_distance
atis_flight
atis_flight
atis_flight
atis_flight
atis_flight
atis_flight
atis_flight
atis_flight
atis_flight
atis_flight
atis_flight
atis_flight
atis_flight#atis_airfare
atis_abbreviation
atis_distance
atis_distance
atis_distance
atis_distance
atis_ground_fare
atis_flight
atis_flight
atis_flight
atis_flight
atis_flight
atis_airline
atis_capacity
atis_capacity
atis_flight
atis_flight
atis_flight
atis_flight
atis_flight
atis_flight
atis_flight
atis_airfare
atis_abbreviation
atis_flight
atis_flight
atis_flight
atis_flight
atis_flight
atis_flight
atis_flight
atis_flight
atis_airline
atis_airfare
atis_airfare
atis_flight
atis_flight
atis_flight
atis_flight
atis_flight
atis_flight
atis_flight
atis_flight
atis_flight
atis_flight
atis_flight
atis_flight
atis_flight
atis_flight
atis_flight
atis_flight
atis_abbreviation
atis_flight
atis_flight
atis_flight
atis_flight
atis_flight
atis_flight
atis_flight
atis_flight
atis_flight
atis_flight
atis_abbreviation
atis_airline
atis_flight
atis_flight
atis_flight
atis_flight
atis_flight
atis_flight
atis_flight
atis_flight
atis_flight
atis_flight
atis_flight
atis_airline
atis_flight
atis_flight
atis_flight
atis_flight
atis_airfare
atis_airfare
atis_airfare
atis_airfare
atis_ground_service
atis_flight
atis_ground_service
atis_airline
atis_airfare
atis_flight
atis_flight
atis_flight
atis_flight
atis_flight
atis_flight
atis_flight
atis_flight
atis_abbreviation
atis_flight
atis_flight
atis_meal
atis_ground_service
atis_flight
atis_flight
atis_airfare
atis_abbreviation
atis_airfare
atis_flight
atis_flight
atis_flight
atis_flight
atis_flight
atis_abbreviation
atis_abbreviation
atis_flight
atis_flight
atis_flight
atis_abbreviation
atis_flight
atis_flight
atis_flight
atis_flight
atis_ground_service
atis_flight
atis_ground_service
atis_flight
atis_flight
atis_flight
atis_airline
atis_flight
atis_abbreviation
atis_abbreviation
atis_flight
atis_abbreviation
atis_flight
atis_airline
atis_flight
atis_flight
atis_ground_service
atis_capacity
atis_capacity
atis_flight
atis_ground_service
atis_capacity
atis_flight
atis_airline
atis_flight
atis_flight
atis_ground_service
atis_flight
atis_ground_service
atis_flight
atis_ground_service
atis_aircraft
atis_flight
atis_flight
atis_flight
atis_flight
atis_flight
atis_flight
atis_flight
atis_flight
atis_flight
atis_flight
atis_flight
atis_flight
atis_flight
atis_flight
atis_flight
atis_flight
atis_flight
atis_flight
atis_flight
atis_flight
atis_flight
atis_flight
atis_flight#atis_airfare
atis_flight#atis_airfare
atis_flight#atis_airfare
atis_airfare
atis_airfare
atis_airfare
atis_flight
atis_flight
atis_flight
atis_flight
atis_flight
atis_flight
atis_flight
atis_flight
atis_flight
atis_flight
atis_flight
atis_flight
atis_ground_service
atis_flight
atis_flight
atis_flight
atis_flight
atis_flight
atis_flight
atis_flight
atis_flight
atis_flight
atis_flight
atis_flight
atis_flight
atis_flight
atis_airfare
atis_flight
atis_airfare
atis_airfare
atis_flight
atis_flight
atis_flight
atis_flight
atis_flight
atis_flight
atis_flight
atis_ground_service
atis_flight
atis_ground_service
atis_flight
atis_flight
atis_flight
atis_flight
atis_flight
atis_flight
atis_flight
atis_flight
atis_flight
atis_flight
atis_airfare
atis_flight
atis_flight
atis_airfare
atis_airfare
atis_airfare
atis_airfare
atis_airfare
atis_airfare
atis_flight
atis_flight
atis_flight
atis_flight
atis_flight
atis_flight
atis_flight
atis_flight
atis_flight
atis_flight
atis_flight
atis_flight
atis_flight
atis_flight
atis_ground_service
atis_flight
atis_flight
atis_flight
atis_flight
atis_flight
atis_flight
atis_ground_service
atis_flight
atis_ground_service
atis_flight
atis_ground_service
atis_flight
atis_flight#atis_airfare
atis_flight#atis_airfare
atis_airline#atis_flight_no
atis_flight_no
atis_airport
atis_airport
atis_airport
atis_airport
atis_flight
atis_airport
atis_airport
atis_flight
atis_flight
atis_airline
atis_flight
atis_abbreviation
atis_flight
atis_flight
atis_aircraft
atis_flight
atis_flight
atis_airfare
atis_airfare
atis_flight
atis_ground_service
atis_flight
atis_flight
atis_flight
atis_flight
atis_flight
atis_flight
atis_flight_no
atis_flight
atis_abbreviation
atis_flight
atis_abbreviation
atis_airfare
atis_flight
atis_abbreviation
atis_abbreviation
atis_abbreviation
atis_abbreviation
atis_flight
atis_flight
atis_flight
atis_airline
atis_flight
atis_flight
atis_airline
atis_flight
atis_abbreviation
atis_flight
atis_abbreviation
atis_abbreviation
atis_abbreviation
atis_abbreviation
atis_flight
atis_flight
atis_flight
atis_flight
atis_flight
atis_flight
atis_flight
atis_flight
atis_flight
atis_flight
atis_flight
atis_flight
atis_airline
atis_ground_service
atis_ground_service
atis_flight
atis_flight
atis_flight
atis_airline
atis_airline
atis_airline
atis_airline
atis_airline
atis_flight
atis_airline
atis_flight
atis_flight
atis_flight
atis_airline
atis_flight
atis_flight
atis_airline
atis_ground_service
atis_flight
atis_ground_service
atis_flight
atis_flight
atis_flight
atis_flight
atis_flight
atis_flight
atis_abbreviation
atis_flight
atis_abbreviation
atis_abbreviation
atis_airline
atis_airline
atis_airline
atis_airline
atis_flight
atis_flight
atis_flight#atis_airfare
atis_flight
atis_flight
atis_flight
atis_airline
atis_flight
atis_flight
atis_flight
atis_flight
atis_flight
atis_flight
atis_flight
atis_flight
atis_flight
atis_flight
atis_flight
atis_flight
atis_distance
atis_airport
atis_airport
atis_airport
atis_airport
atis_airport
atis_airport
atis_airport
atis_city
atis_city
atis_flight
atis_flight
atis_flight
atis_flight
atis_flight
atis_flight
atis_flight
atis_flight
atis_flight
atis_flight
atis_aircraft
atis_flight#atis_airfare
atis_abbreviation
atis_flight
atis_airfare
atis_airfare
atis_flight
atis_flight
atis_flight
atis_flight
atis_flight
atis_airline
atis_flight
atis_capacity
atis_flight
atis_ground_service
atis_ground_service
atis_flight
atis_flight
atis_flight
atis_flight
atis_airfare
atis_flight
atis_airfare
atis_flight
atis_flight
atis_flight
atis_flight
atis_flight
atis_flight
atis_flight
atis_flight
atis_flight
atis_flight
atis_flight
atis_flight
atis_flight
atis_flight
atis_flight
atis_flight
atis_flight
atis_flight
atis_flight
atis_flight
atis_flight
atis_airfare
atis_airfare
atis_flight_no
atis_flight_no
atis_flight
atis_flight_no
atis_flight_no
atis_flight_no
atis_flight_no
atis_airfare
atis_airfare
atis_flight
atis_flight
atis_flight
atis_flight
atis_flight
atis_flight
atis_flight
atis_airfare
atis_airfare
atis_flight
atis_flight
atis_flight
atis_flight
atis_flight
atis_flight
atis_flight
atis_flight
atis_flight
atis_flight
atis_flight
atis_flight
atis_flight
atis_flight
atis_flight
atis_flight
atis_flight
atis_flight
atis_flight
atis_city
atis_city
atis_city
atis_flight
atis_flight
atis_flight
atis_flight
atis_abbreviation
atis_aircraft
atis_abbreviation
atis_airport
atis_flight
atis_flight
atis_flight
atis_meal
atis_meal
atis_flight
atis_flight
atis_flight
atis_flight
atis_airfare
atis_airfare
atis_airfare
atis_airfare
atis_airfare
atis_flight
atis_flight
atis_flight
atis_flight
atis_flight
atis_flight
atis_flight
atis_flight
atis_flight
atis_capacity
atis_capacity
atis_capacity
atis_capacity
atis_capacity
atis_capacity
atis_airline
atis_airline
atis_airline
atis_flight
atis_capacity
atis_abbreviation
atis_capacity
atis_capacity
atis_capacity
atis_capacity
atis_flight
atis_flight
atis_flight
atis_capacity
atis_aircraft
atis_aircraft
atis_aircraft
atis_capacity
atis_capacity
atis_capacity
atis_flight
atis_flight
atis_flight
atis_flight
atis_flight
atis_ground_service
atis_flight
atis_abbreviation
atis_ground_service
atis_ground_service
atis_ground_service
atis_ground_service
atis_flight
atis_flight
atis_ground_service
atis_flight
atis_flight
atis_flight
atis_flight
atis_airline
atis_flight
atis_flight
atis_flight
atis_flight
atis_flight
atis_airfare
atis_flight
atis_flight
atis_flight
atis_flight
atis_flight
atis_flight
atis_flight
atis_flight
atis_flight
atis_aircraft
atis_flight
atis_flight
atis_flight
atis_flight
atis_flight
atis_ground_service
atis_ground_service
atis_flight
atis_flight
atis_flight
atis_flight
atis_flight
atis_flight
atis_flight
atis_flight
atis_flight
atis_flight
atis_flight
atis_flight
atis_flight
atis_flight
atis_flight
atis_flight
atis_flight
atis_flight
atis_flight
atis_flight
atis_flight
atis_flight
atis_flight
atis_flight
atis_flight
atis_flight
atis_flight
atis_flight
atis_flight
atis_flight
atis_flight
atis_flight
atis_flight
atis_flight
atis_flight
atis_flight
atis_flight
atis_flight
atis_flight
atis_flight
atis_flight
atis_flight
atis_flight
atis_flight
atis_flight
atis_flight
atis_flight
atis_flight
atis_flight
atis_flight
atis_flight
atis_flight
atis_flight
atis_airline
atis_flight
atis_flight
atis_flight
atis_airport
atis_flight
atis_airport
atis_flight
atis_flight
atis_flight
atis_flight
atis_flight

+ 893
- 0
datasets/atis/test/seq.in View File

@ -0,0 +1,893 @@
i would like to find a flight from charlotte to las vegas that makes a stop in st. louis
on april first i need a ticket from tacoma to san jose departing before 7 am
on april first i need a flight going from phoenix to san diego
i would like a flight traveling one way from phoenix to san diego on april first
i would like a flight from orlando to salt lake city for april first on delta airlines
i need a flight from toronto to newark one way leaving wednesday evening or thursday morning
monday morning i would like to fly from columbus to indianapolis
on wednesday april sixth i would like to fly from long beach to columbus after 3 pm
after 12 pm on wednesday april sixth i would like to fly from long beach to columbus
are there any flights from long beach to columbus on wednesday april sixth
find a flight from memphis to tacoma dinner
on next wednesday flight from kansas city to chicago should arrive in chicago around 7 pm return flight on thursday
show flight and prices kansas city to chicago on next wednesday arriving in chicago by 7 pm
flight on american from miami to chicago arrive in chicago about 5 pm
find flights arriving new york city next saturday
find nonstop flights from salt lake city to new york on saturday april ninth
show flights from burbank to milwaukee for today
show flights tomorrow evening from milwaukee to st. louis
show flights saturday evening from st. louis to burbank
show flights from burbank to st. louis on monday
show flights from burbank to milwaukee on monday
show flights tuesday evening from milwaukee to st. louis
show flights wednesday evening from st. louis to burbank
which flights travel from kansas city to los angeles
what flights travel from las vegas to los angeles
which flights travel from kansas city to los angeles on april ninth
which flights travel from las vegas to los angeles california and arrive on april ninth between 4 and 5 pm
which flights on us air go from orlando to cleveland
which flights travel from cleveland to indianapolis on april fifth
which flights travel from indianapolis to san diego on april fifth
which flights go from cleveland to indianapolis on april fifth
which flights travel from nashville to tacoma
does tacoma airport offer transportation from the airport to the downtown area
which flights travel from tacoma to san jose
what day of the week do flights from nashville to tacoma fly on
what are the flights from tacoma to san jose
what days of the week do flights from san jose to nashville fly on
what are the flights from tacoma to san jose
i need a flight that goes from boston to orlando
are there any flights from boston to orlando connecting in new york
are there any flights from boston to orlando connecting in columbus
does this flight serve dinner
i need a flight from charlotte to miami
i need a nonstop flight from miami to toronto
i need a nonstop flight from toronto to st. louis
i need a flight from toronto to st. louis
i need a flight from st. louis to charlotte
i need a flight on united airlines from la guardia to san jose
i need a flight from tampa to milwaukee
i need a flight from milwaukee to seattle
what meals are served on american flight 811 from tampa to milwaukee
what meals are served on american flight 665 673 from milwaukee to seattle
i need a flight from memphis to las vegas
i need a flight from las vegas to ontario
i need a flight from ontario to memphis
which flights go from milwaukee to tampa and stop in nashville
which flights leave newark after noon next saturday and arrive in los angeles
which flights leave detroit and arrive at st. petersburg around 9 am
which flights on northwest airline leave detroit and arrive at st. petersburg
which flights leave chicago next tuesday and arrive in detroit around 6 pm
show me round trip flights from chicago to detroit leaving next tuesday and returning the day after
which round trip flights leave chicago next tuesday around 6 pm and arrive in detroit
which round trip flights leave chicago next tuesday and arrive in detroit around 6 pm
which flights leave on monday from montreal and arrive in chicago in the morning
which flights leave chicago on april twelfth and arrive in indianapolis in the morning
which flights leave on wednesday april thirteenth from indianapolis and arrive in montreal in the morning
which flights leave april twelfth from indianapolis and arrive in montreal around 10 pm
i'd like to go from long beach to st. louis and i'd like to stop in dallas i'd also like to have lunch during my flight
next wednesday i would like to leave kansas city on a trip to chicago which arrives in chicago around 7 pm
i would like to return from chicago around 7 pm to kansas city
i would like to leave this afternoon on an american flight from cincinnati to burbank
on sunday evening i would like to leave montreal quebec on a flight to san diego california
what are the flights on sunday from montreal quebec to san diego california
on tuesday are the flights from san diego california to indianapolis indiana i would like the flight to be in the afternoon
on thursday morning i would like a nonstop flight from indianapolis to toronto
on friday morning i would like to fly from toronto to montreal
i would like an early morning flight today from los angeles to charlotte
on wednesday night i would like a flight from charlotte to newark
on friday night i would like a flight from newark to los angeles
find a flight from tampa to montreal by way of new york
please find a flight from miami florida to las vegas nevada arriving before 4 o'clock pm
please find a flight from las vegas to michigan
please find a flight from detroit michigan to st. petersburg arriving before 10 pm
please find a flight from st. petersburg to miami on thursday
please find a flight from san diego to toronto on alaska airlines
please find the flights from columbus to houston with a layover in nashville tomorrow
please give me the flights from nashville to houston nonstop with dinner served
please find flights available from kansas city to newark
please find a flight that goes from kansas city to newark to orlando back to kansas city
please find a flight from kansas city to newark
please find a flight from newark to orlando
please find a flight from orlando to kansas city
i would like to fly from columbus to phoenix through cincinnati in the afternoon
i would like to know what airports are in los angeles
does the airport at burbank have a flight that comes in from kansas city
which flights arrive in burbank from kansas city on saturdays in the afternoon
which flights arrive in burbank from las vegas on saturday april twenty third in the afternoon
which flights are available from orlando to cleveland that arrive around 10 pm
what flights are available from indianapolis to san diego on april twenty first in the late afternoon
what flights leave cleveland going to indianapolis on april twenty first in the morning
which flights are available on april twenty first in the morning from nashville to tacoma
which flights are available from tacoma to san jose in the morning on april twenty second
which flights are available from san jose to nashville leaving in the morning on april twenty three
what is the most expensive one way fare between detroit and westchester county
what airlines fly between detroit and westchester county
what are the departure times from detroit to westchester county
what is the latest flight from baltimore to oakland that serves dinner
what is the earliest flight between baltimore and oakland that serves breakfast
to what cities from boston does america west fly first class
what airline flies from boston to san diego
what is the latest breakfast flight from dallas to tampa
show me all lufthansa flights from seattle to boston with stopovers in minneapolis
show me all flights from seattle to boston with stopovers in minneapolis
list philadelphia to san francisco flights with stopovers in dallas
show me the connecting flights between boston and denver and the types of aircraft used
show me all the morning flights from philadelphia to fort worth
show me all the flights from kansas city to st. paul
show me northwest flight 608 from kansas city to st. paul
show me all the flights from indianapolis to charlotte on monday
what is the ground transportation between the charlotte airport charlotte airport and downtown charlotte
show me all the flights from charlotte to minneapolis that leave at 2 pm or later on monday
show me all the flights from charlotte to minneapolis on tuesday morning
show me the direct flights from charlotte to minneapolis on tuesday morning
show me flight us 1500 on monday from charlotte to minneapolis please
show me all the flights from minneapolis to indianapolis on tuesday that leave after 2 pm
show me the flights from minneapolis to indiana
show me the flights in from minneapolis to indianapolis on tuesday afternoon
show me flight us 1207 from indianapolis to charlotte on monday and flight us 1500 from charlotte to minneapolis on monday and flight twa 639 from minneapolis to indianapolis
show me all the flights from las vegas to new york city
which different airlines go from las vegas to new york city
show me all the flights on america west and twa from las vegas to jfk on a friday
what are the flights from tacoma to miami that leave after 6 pm tomorrow
i'd like to fly from san diego to houston on june tenth
is there an american airlines flight from houston to newark on june tenth after 6 pm
is there an american airlines flight from houston to newark on june tenth after 3 pm
i need to get from cincinnati to denver on june sixth by 6 pm
what's the ground transportation in denver
what's the fare for a taxi to denver
what are the fares for ground transportation in denver
i need to fly from denver to westchester county on june seventh after 3 pm
what's the ground transportation in westchester county
i need to take a united airlines flight on june eighth from westchester county to cincinnati after 3 pm
what united airlines flights on june eighth go from westchester county to cincinnati
on june eighth what flights go from westchester county to cincinnati
does us air fly from cincinnati to denver on june sixth
list the flights from cincinnati to denver on june sixth
list the flights from denver to westchester county on june seventh
list the flights from westchester county to cincinnati on june eighth
list the flights from cincinnati to westchester county on june sixth
list the flights from westchester county to denver on june seventh
list the flights from denver to cincinnati on june eighth
list the flights from denver to cincinnati on june sixth after 4 pm
list the flights from cincinnati to westchester county on june seventh
list the flights from westchester county to cincinnati on june seventh leaving after 5 pm
what airlines off from love field between 6 and 10 am on june sixth
what flights arrive at love field on june sixth
list the flights from montreal to philly before 9 am
list the flights from cleveland to memphis
list the flights from memphis to cleveland
list the flights from denver to baltimore arriving on july first
list the flights from dallas to baltimore arriving july first
list the flights from pittsburgh to baltimore arriving on july first
list the flights on canadian airlines international
how many canadian airlines international flights use j31
how many canadian airlines international flights use aircraft 320
how many canadian airlines flights use aircraft dh8
show me the flights on american airlines which fly from st. petersburg to ontario canada with a stopover in st. louis
show me the flights on american airlines which go from st. petersburg to ontario california by way of st. louis
which airport is closest to ontario california
show me the flights from houston to orlando
show me the flights from orlando to houston
show me the flights from detroit to las vegas
show me the cheapest round trip coach fare from las vegas to detroit
show me the cheapest round trip coach fare on twa from las vegas to detroit
show me the delta flights which serve a snack to coach passengers
what is meal code sb
what meals are available on dl 468 which al arrives in san francisco at 950 am
show me the delta flights from tampa to san francisco
show me delta flight 486
list the tower air flights on mondays
list all tower air flights with meals
what flights depart from baltimore
what flights depart from baltimore and arrive at san francisco on a friday
what flights leave from cincinnati in the morning and arrive in tampa
which flights depart from tampa and arrive in cincinnati in the evening
which flights depart from tampa in the early evening and arrive in cincinnati
which flights depart from philadelphia and arrive in atlanta
which flights depart from a atlanta and arrive in toronto
which flights depart from toronto and arrive in washington dc
which flights depart from new york and arrive in los angeles after 10 am
how far is new york's la guardia from downtown
how far is toronto international from downtown
how far is los angeles international from downtown
how far is san francisco international from downtown
how much is the limousine service in boston
how much is a limousine service in la guardia
how much is a limousine service in toronto international
how much is limousine service in los angeles
what airlines fly between washington dc and columbus ohio
what flights are there between washington dc and columbus ohio
what are the flights between washington dc and columbus ohio
what are the fares for all flights between washington and columbus
at the charlotte airport how many different types of aircraft are there for us air
list all us air flights arriving in charlotte on saturday at 1 pm
what is the first class round trip airfare from india indianapolis to memphis
list all flights from memphis to miami
list all flights and their fares from indianapolis to memphis on a monday morning
list all flights and their fares from memphis to miami on a wednesday evening
list all flights and their fares for all flights between miami and indianapolis
list all flights from cleveland to kansas city on monday
list all flights from kansas city to cleveland
list all flights from cleveland to nashville
list all flights from nashville to cleveland on sunday
list all sunday flights from cleveland to nashville and their fares
what airlines are departing from baltimore
which airlines fly from baltimore to san francisco
how long does a flight from baltimore to san francisco take
which flights are leaving from kansas city to atlanta early monday morning
which flights are leaving atlanta and arriving in st. louis close to 230 pm on tuesday
please list flights from st. louis to st. paul which depart after 10 am thursday morning
list flights from st. paul to kansas city friday in the evening with a meal included
list early morning flights from cincinnati to tampa
list early evening flights from tampa to cincinnati
list evening flights from tampa to cincinnati
list flights from philadelphia to atlanta friday am
list flights from atlanta to toronto friday afternoon
list flights from toronto to washington dc saturday am
list flights from washington dc to philadelphia saturday pm
list direct flights from new york city to los angeles after 10 am
list the airfare for american airlines flight 19 from jfk to lax
what is fare code m
list the distance in miles from boston airport to downtown boston
list the distance in miles from new york's la guardia airport to downtown new york city
list the distance in miles from toronto international airport to downtown toronto
list the distance in miles from san francisco international airport to san francisco downtown
list limousine rates for the city of boston
list american airlines flights from houston to milwaukee departing friday pm
list flights from houston to milwaukee friday pm
list american airlines flights from milwaukee to san jose wednesday
list american airlines flights from san jose to dallas friday afternoon
list flights from dallas to houston arriving sunday afternoon
list airlines flying from seattle to salt lake city
what is the seating capacity for aircraft l10
what is the seating capacity for delta be1
list flights from seattle to salt lake city on delta l10
list flights from seattle to salt lake city on delta be1
list flights from boston to pittsburgh daily
list flights from pittsburgh to newark daily
list flights from newark to boston daily
list us air flights leaving saturday from charlotte airport at 1 pm
list us air flights leaving saturday from charlotte airport around 1 pm
list first class airfare round trip from indianapolis to memphis
what is fare code f
list flights from memphis to miami wednesday evening
list flights from miami to indianapolis sunday
list flights from ontario california to orlando florida
list flights from ontario california to salt lake city utah
list flights from ontario california to salt lake city utah monday
list flights from salt lake city utah to phoenix arizona monday
list flights from salt lake city to phoenix arizona tuesday
list flights from phoenix arizona to ontario california wednesday
what airlines fly from baltimore to san francisco
what is the fare for a first class round trip ticket from detroit to st. petersburg
what is the airfare for a round trip first class ticket from detroit to st. petersburg
kansas city to atlanta monday morning flights
monday morning flights from atlanta to kansas city
kansas city to atlanta monday morning flights
atlanta to st. louis tuesday before 230 pm flights
st. louis to st. paul thursday after 10 am
st. paul to kansas city friday night
cleveland to kansas city arrive monday before 3 pm
kansas city to cleveland flight arrive wednesday before 5 pm
cleveland to nashville flight friday morning
nashville to cleveland sunday before 9
first class flights pittsburgh to newark monday morning
flights newark to los angeles wednesday morning
los angeles to minneapolis thursday afternoon
minneapolis to pittsburgh flight
minneapolis to pittsburgh first class flight
i would like flights leaving from milwaukee to orlando
what does hp stand for
i would like flights from ontario to tacoma
i would like flights from minneapolis to san diego
i would like flights from salt lake city to cincinnati
i would like to see flights from cincinnati to salt lake city
i'd like flights from new york to miami
i would like flights from miami to new york
i would like a flight leaving san francisco for san diego
i would like flights from san diego to las vegas
i would like a flight from san diego to las vegas
i would like flights from las vegas to san francisco
what does fare code bn mean
i would like to have the airline that flies toronto detroit and st. louis
i would like a flight from toronto to detroit
i would like a flight from detroit to st. louis
i would like a flight from toronto to st. louis
i would like flights from san francisco to long beach
i would like flights leaving san francisco to san diego
i would like a flight from san francisco to st. petersburg
show me a one way flight from milwaukee to orlando leaving wednesday afternoon after 6 pm
show me one way flights from milwaukee to orlando on wednesday
show me flights from columbus to chicago first class that leave before 10 am
show me the cheapest round trip between st. petersburg and detroit that arrives before 7 pm
show me nonstop flights from kansas city to phoenix
what is airline wn
show me the cheapest first class round trip from new york to miami
now show me all the round trips from new york to miami
show me the cheapest one way flight from san francisco to houston
now show me the cheapest one way flight from houston to boston
show me the cheapest round trip fares from houston to boston
show me the cheapest round trip fares from san francisco to houston
show me the cheapest round trip fare from san francisco to houston on february twenty eighth 1994
show me the cheapest one way fare from san francisco to houston on february twenty eighth 1994
now show me ground transportation in houston on monday afternoon
now show me one way flights from houston to boston
and now show me ground transportation that i could get in boston late night
show me airlines that have flights between toronto and detroit between detroit and st. louis and between st. louis and toronto
show me round trip fares from toronto to detroit on delta northwest us air and united airlines
show me flights between detroit and st. louis on delta northwest us air and united airlines
show me flights from montreal to orlando and long beach
show me flights from montreal to orlando
i need a flight on friday afternoon in june from new york to cleveland
i need a flight from new york to los angeles on saturday evening on us air
i'd like a red eye flight from new york to los angeles on saturday evening on us air
i'd like a flight from new york to los angeles on saturday morning on us air
i need a flight from san francisco to milwaukee on monday morning
what does ua mean
i need a flight from milwaukee to washington dc on monday night
how about flights from milwaukee to washington dc on tuesday mornings
what meals are there on flight 382 from milwaukee to washington dc on tuesday morning
i'll need to rent a car in washington dc
can i get a flight on tuesday night from washington dc to oakland
how about from dc to oakland on wednesday morning
how much does it cost to fly on twa from columbus to milwaukee
what does q mean
how much does it cost to fly from columbus to st. louis round trip on twa
what's the cheapest flight from columbus to st. louis round trip on twa
what's the cheapest round trip flight on twa from columbus to st. paul
i want to fly from milwaukee to los angeles
can i get the shortest flight from milwaukee to orlando
what is the shortest flight from milwaukee to long beach
what does m mean
what does ap 57 mean
what is the shortest flight from milwaukee to st. petersburg
what is the shortest flight from milwaukee to long beach
what is the shortest flight from milwaukee to san diego
what does ap 20 mean
can i get a flight today from san francisco to detroit michigan
what's the cheapest flight from san francisco to detroit today
i want to fly from san francisco to milwaukee and from milwaukee to denver
what's the cheapest flight from san francisco to milwaukee
i need to rent a car in milwaukee
what's the cheapest flight tomorrow from milwaukee to denver
what ground transportation is available at denver
what's the cheapest flight from san francisco to denver
what flights leave from cleveland and go to dallas
show me all nonstop flights from st. petersburg to charlotte
what airline is us
show me flights between toronto and san diego
what is phl
what is mci
show me the flights between oakland and salt lake city
what does not sa mean
what is the earliest daily flight between oakland and salt lake city
what airline is dl
what is the latest daily flight between oakland and salt lake city
show me the flights between los angeles and dallas
what ground transportation is available from dallas fort worth airport to downtown dallas
how many passengers can an l1011 aircraft hold
what is the seating capacity of a dc9
what are the flights between dallas and phoenix
what ground transportation is available between phoenix airport and downtown phoenix
what is the seating capacity for the aircraft m80
are there any flights between dallas and phoenix using a dc10 aircraft
what airline is aa
show me the flights between milwaukee and indiana
what are the flights between milwaukee and pittsburgh
what ground transportation is available between pittsburgh airport and downtown pittsburgh
show me the flights between pittsburgh and washington dc
what ground transportation is available between dca and downtown washington
what are the flights between dca and milwaukee
what ground transportation is available between milwaukee airport and downtown milwaukee
determine the type of aircraft used on a flight from cleveland to dallas that leaves before noon
find a flight between st. petersburg and charlotte the flight should leave in the afternoon and arrive as soon after 5 pm as possible it should be a nonstop flight
list a flight on delta airlines from toronto to san diego
list a flight on american airlines from toronto to san diego
list a flight from toronto to san diego
list flights from oakland to salt lake city leaving after 1700 wednesday
list flights from oakland to salt lake city leaving after midnight thursday
list flights between phoenix and las vegas
list flights from las vegas to denver
list flights from milwaukee to washington dc before 1200
list flights from washington dc to pittsburgh leaving after 1800
list flights from washington dc to pittsburgh
list flights between pittsburgh and milwaukee
i'd like a flight to san diego from washington dc
i'd like to fly from cleveland to dallas
i want to fly from washington dc to phoenix arizona
i need a flight from phoenix to atlanta
i would like to fly from atlanta to san diego
i would like to fly from san diego to seattle
i would like to fly from orlando to kansas city
i need a flight from kansas city to minneapolis
i need a flight from san diego to washington dc
i need a flight from washington dc to san diego
i need a round trip flight from san diego to washington dc and the fares
i need a round trip from atlanta to washington dc and the fares leaving in the morning
i need a round trip from phoenix to washington dc and the fare leaving in the morning
what is the lowest fare for a flight from washington dc to boston
what is the lowest fare from washington dc to montreal
what is the lowest fare from toronto to washington dc
i want a flight from montreal to washington dc
i want a flight from nashville to seattle that arrives no later than 3 pm
i want a flight from memphis to seattle that arrives no later than 3 pm
i need a flight from indianapolis to seattle arriving in seattle at 1205 pm
i want a flight round trip from memphis to seattle
i want to fly from nashville to seattle and i want the cheapest fare round trip
i want to fly from memphis to seattle round trip with the cheapest fare
i want to fly from indianapolis to seattle round trip with the cheapest fare
please list flights from orlando to philadelphia
please list flights from san francisco to charlotte
please list flights from milwaukee to philadelphia
please list flights from philadelphia to san francisco
please show ground transportation to milwaukee
please list flights from san francisco to milwaukee
list flights from houston to denver
list flights from houston to phoenix
list flights from phoenix to houston
list flights from newark to houston
show flights from denver to houston
show flights from st. petersburg to charlotte
show flights from orlando to kansas city
show flights from kansas city to minneapolis
show flights from kansas city to orlando
show flights from minneapolis to kansas city
show flights from kansas city to orlando
list flights from washington dc to boston
list fares from washington dc to montreal
list flights from washington dc to montreal
list fares from washington dc to toronto that should be good
list fares from washington dc to boston
list flights from washington dc to montreal
list flights from washington dc to toronto
list flights from toronto to washington dc
list flights from oakland to salt lake city
what flights go from dallas to phoenix
what flights go from phoenix to salt lake city
i need an early flight from milwaukee to denver
what types of ground transportation are available in denver
what flights go from denver to st. louis on tuesday morning
is ground transportation available in st. louis
i need to fly from st. louis to milwaukee on wednesday afternoon
flights from washington to seattle
flights from atlanta to seattle
flights from san diego to seattle
i would like flight information from phoenix to denver
could i have flight information on flights from salt lake city to phoenix please
could i have flight information on flights from pittsburgh to phoenix please
i would like information on flights leaving from washington dc to denver
i need information on flights from washington to boston that leave on a saturday
i need the flights from washington to montreal on a saturday
i need the fares on flights from washington to toronto on a saturday
i want to go from boston to washington on a saturday
i need a flight from cleveland to dallas that leaves before noon see if too much information
get fares from washington to boston
get saturday fares from washington to boston
get fares from washington to montreal
get saturday fares from washington to montreal
get saturday fares from washington to toronto
get the saturday fare from washington to toronto
list saturday flights from washington to boston
list saturday flights from boston to washington
get flights from milwaukee to dtw
list flights from milwaukee to detroit
get flights from detroit to toronto
get flights from toronto to milwaukee
get last flight from oakland to salt lake city on wednesday or first flight from oakland to salt lake city on thursday
get first flight from oakland to salt lake city on thursday
get last flight from oakland to salt lake city on wednesday
list last wednesday flight from oakland to salt lake city
get flight from toronto to san diego stopping at dtw
get flights between st. petersburg and charlotte
i need a flight from milwaukee to indianapolis leaving monday before 9 am
i need a flight departing from milwaukee to indianapolis leaving monday before 8 am
is there ground transportation available at the indianapolis airport
i need flight information for a flight departing from indianapolis to cleveland departing tuesday at noon
i need flight information for a flight departing from cleveland to milwaukee wednesday after 6 pm
i need flight information for flights departing from cleveland going back to milwaukee wednesday after 5 pm
i need flight information for flights departing from cleveland to milwaukee on wednesday after 5 pm
i need flight information for flights departing from cleveland to milwaukee on wednesday after 5 pm
i need a flight from denver to salt lake city on monday
is there ground transportation available at the denver airport
i need flight and airline information for a flight from denver to salt lake city on monday departing after 5 pm
is there ground transportation available at the salt lake city airport
i need a flight from salt lake city to phoenix departing wednesday after 5 pm
is there ground transportation available at the phoenix airport
i need a flight from oakland to salt lake city on wednesday departing after 6 pm
i need flight and fare information for thursday departing prior to 9 am from oakland going to salt lake city
i need flight and fare information departing from oakland to salt lake city on thursday before 8 am
i need flight numbers and airlines for flights departing from oakland to salt lake city on thursday departing before 8 am
i need flight numbers for those flights departing on thursday before 8 am from oakland going to salt lake city
list airports in arizona nevada and california please
list california nevada arizona airports
list the arizona airport
list california airports
list flights from las vegas to phoenix
list california airports
list airports
list wednesday night flights from oakland to salt lake city
list flights from oakland to salt lake city before 6 am thursday morning
which airlines fly between toronto and san diego
please list afternoon flights between st. petersburg and charlotte
what is tpa
what are the flights from cleveland to dallas
please list only the flights from cleveland to dallas that leave before noon
what type of aircraft are flying from cleveland to dallas before noon
i need information on flights from indianapolis to seattle
i need a flight from memphis to seattle
i need a ticket from nashville to seattle
i need a ticket from nashville tennessee to seattle
i need flight information from milwaukee to tampa
i need to rent a car at tampa
i need a daily flight from st. louis to milwaukee
i need flights departing from oakland and arriving salt lake city
i need information on flights from toronto to san diego
i need information on flights from toronto to san diego
i want a flight from toronto to san diego
i need information on flights between st. petersburg and charlotte
i need the flight numbers of flights leaving from cleveland and arriving at dallas
which flights go from new york to miami and back
what does fare code qo mean
show me flights from milwaukee to orlando one way
what the abbreviation us stand for
i'd like a one way ticket from milwaukee to orlando either wednesday evening or thursday morning
show me flights from milwaukee to orlando
what does fare code f mean
what does fare code h mean
what does fare code y mean
what are restrictions ap 57
please show me first class flights from indianapolis to memphis one way leaving before 10 am
now show me all round trip flights from burbank to seattle that arrive before 7 pm in seattle
round trip flights from orlando to montreal please
what airline is dl
show me all delta airlines flights from montreal to orlando
show me all flights from orlando to montreal please
which airline is kw
please list all flights from new york to miami any any type of class
what does fare code bh mean
show me a return flight from miami to jfk please
what does fare code bh mean
what does fare code bh mean
what does fare code bh mean
what does fare code bh mean
show me one way flights from milwaukee to orlando after 6 pm on wednesday
show me the flights from indianapolis to memphis
show me round trip flights from burbank to seattle
show me round trip flights from orlando to montreal
show me nonstop flights from montreal to orlando
show me round trips between montreal and orlando
show me round trip flights from montreal to orlando
show me the cheapest one way flights from montreal to orlando
show me the cheapest one way flights from orlando to montreal
show me the cheapest economy flights from miami to new york
kansas city to las vegas economy
kansas city to las vegas economy
what airline is hp
ground transportation in las vegas
ground transportation for las vegas
las vegas to baltimore economy
las vegas to baltimore economy
baltimore to kansas city economy
what airline is us
which airline is us
which airline is us
which airline is us
which airline is us
columbus to chicago one way before 10 am
what airline is hp
st. petersburg to detroit
from milwaukee to orlando one way after 5 pm wednesday
and from milwaukee to atlanta before 10 am daily
what airline is yx
show me all flights from san jose to phoenix
show me all flights from san jose to phoenix
what airline is hp
show me ground transportation in phoenix
show me flights from phoenix to fort worth
show me ground transportation in fort worth
show me flights from fort worth to san jose
show me first class flights from new york to miami round trip
show me first class flights from new york to miami round trip
show me all round trip flights from new york to miami nonstop
show me all round trip flights from miami to new york nonstop
show me one way flights from indianapolis to memphis before 10 am on any day
what does fare code f mean
show me round trip flights from burbank to tacoma
what does the restriction ap58 mean
what does fare code h mean
what airline is as
what airline is as
what airline is as
what airline is as as in sam
show me nonstop flights from st. petersburg to toronto
show me nonstop flights from toronto to st. petersburg
show me the nonstop flights and fares from toronto to st. petersburg
show me the nonstop flights from toronto to st. petersburg
show me weekday flights from milwaukee to orlando one way
show me weekday flights from milwaukee to orlando one way
what airline is hp
list flights from chicago to san diego
list flights from chicago to san diego
list flights from kansas city to denver
list flights from denver to phoenix
list flights from phoenix to las vegas
list flights from las vegas to san diego
list flights from chicago to kansas city in the morning
list flights from houston to san jose
list flights from houston to milwaukee
list flights from milwaukee to san jose on wednesday
list flights from san jose to dallas on friday
list flights from dallas to houston
list distance from airports to downtown in new york
list airports in new york
list airports in new york
list airports in la
list airports
list airports in la
list airports in la
list the airports in la
list la
list la
list flights from new york to la
list flights from la guardia to burbank
list flights from la to orlando
list flights from ontario california to orlando
list flights from ontario california to orlando
list flights from indianapolis to memphis with fares on monday
list flights from indianapolis to memphis on monday
list flights from memphis to miami on wednesday
list flights from miami to indianapolis on sunday
list flights from charlotte on saturday afternoon
list type of aircraft for all flights from charlotte
list flights and fares from tacoma to orlando round trip leaving saturday returning next saturday
what class is fare code q
list flights from orlando to tacoma on saturday of fare basis code of q
list airfares for first class round trip from detroit to st. petersburg
list coach round trip airfare from detroit to st. petersburg
list flights from pittsburgh to newark on monday morning
list flights from minneapolis to pittsburgh on friday
list flights before 9 am from cincinnati to tampa
list flights from cincinnati to tampa before noon
list flights from tampa to cincinnati after 3 pm
list airlines that fly from seattle to salt lake city
list delta flights from seattle to salt lake city
list seating capacities of delta flights from seattle to salt lake city
list delta flights from seattle to salt lake city with aircraft type
what ground transportation is there in baltimore
list ground transportation in baltimore
list flights from baltimore to san francisco on friday
give me the flights from los angeles to pittsburgh on tuesday
give me the flights from pittsburgh to los angeles thursday evening
give me the round trip flights from cleveland to miami next wednesday
give me the fares for round trip flights from cleveland to miami next wednesday
give me the flights and fares for a trip to cleveland from miami on wednesday
give me the fares from miami to cleveland next sunday
give me the flights from milwaukee to phoenix on saturday or sunday on american airlines
give me the flights from phoenix to milwaukee on wednesday evening
give me the flights from phoenix to milwaukee on wednesday on american airlines
give me the flights from phoenix to milwaukee on american airlines
give me the flights from phoenix to milwaukee
give me the meal flights departing early saturday morning from chicago to seattle nonstop
give me the flights from chicago to seattle saturday morning that have meals
give me flights from seattle to chicago that have meals on continental
give me the flights from seattle to chicago that have meals on continental saturday morning
give me the flights from chicago to seattle on continental that have meals early saturday morning
give me a combination of continental flights from chicago to seattle that have meals early saturday morning
give me the saturday morning flights with meals from chicago to minneapolis
give me the saturday morning flights on continental that have meals from chicago to minneapolis
give me the saturday morning flights from chicago to st. paul on continental that have meals
give me the flights from new york to las vegas nonstop
give me the flights from memphis to las vegas nonstop
give me the cheapest round trip flights from indianapolis to orlando around december twenty fifth
i need a friday flight from newark to tampa
i need a sunday flight from tampa to charlotte
give me a flight from charlotte to baltimore on tuesday morning
can i have a morning flight from baltimore to newark please
cheapest round trip fare from or indianapolis to orlando on december twenty fifth
cheapest one way fare from indianapolis to orlando on december twenty seventh
flight number from dallas to houston
flight number from houston to dallas
saturday flight on american airlines from milwaukee to phoenix
flight numbers on american airlines from phoenix to milwaukee
flight numbers from chicago to seattle
flight numbers from chicago to seattle on continental
flight numbers from seattle to chicago on continental
is there a fare from pittsburgh to cleveland under 200 dollars
how much is coach flight from pittsburgh to atlanta
newark to tampa on friday
tampa to charlotte sunday morning
charlotte to baltimore on tuesday
baltimore to newark wednesday morning
dallas to houston after 1201 am
houston to dallas before midnight
indianapolis to orlando december twenty seventh
cheapest fare from indianapolis to orlando on the twenty seventh of december
cheapest fare round trip from indianapolis to orlando on december twenty seventh
cleveland to miami on wednesday arriving before 4 pm
miami to cleveland sunday afternoon
new york city to las vegas and memphis to las vegas on sunday
new york city to las vegas and memphis to las vegas on sunday
new york to las vegas sunday afternoon
memphis to las vegas sunday afternoon
new york to las vegas on sunday afternoon
chicago to seattle saturday morning
chicago to las vegas saturday morning
los angeles to pittsburgh afternoon tuesday
los angeles to pittsburgh afternoon on monday
pittsburgh to los angeles thursday evening
milwaukee to phoenix on saturday
phoenix to milwaukee on sunday
phoenix to milwaukee on wednesday
a flight from baltimore to san francisco arriving between 5 and 8 pm
how many northwest flights leave st. paul
how many northwest flights leave washington dc
how many flights does northwest have leaving dulles
what cities does northwest fly out of
list the cities from which northwest flies
what cities does northwest fly to
i would like a connecting flight from dallas to san francisco leaving after 4 o'clock
please list all the flights from dallas to san francisco
tell me again the morning flights on american airlines from philadelphia to dallas
tell me the flights that leave philadelphia and go to dallas
what is a d9s
what type of plane is a d9s
what is a d9s
show me the airports serviced by tower air
show me the first class and coach flights between jfk and orlando
show me the first class and coach flights from kennedy airport to miami
show me the first class and coach flights from jfk to miami
are meals ever served on tower air
are snacks served on tower air
show delta airlines flights from jfk to miami
show delta airlines from boston to salt lake
show delta airlines flights from boston to salt lake
show delta airlines flights from boston to salt lake city
what are the fares for flights between boston and washington dc
what is the least expensive fare from boston to salt lake city
what are the lowest fares from washington dc to salt lake city
what is the lowest fare from bwi to salt lake city
show me the cost of a first class ticket from detroit to las vegas and back
what is the earliest arriving flight from boston to washington dc
what is the earliest arriving flight between boston and washington dc
what's the earliest arriving flight between boston and washington dc
what is the earliest arriving flight from houston to orlando
what is the earliest arriving flight from houston to orlando
show me the flights between houston and orlando
show me the flights between houston and orlando
show me the flights from houston to orlando
list all flights leaving denver between 8 pm and 9 pm
what is the seating capacity on the aircraft 733
what is the seating capacity of a 72s
what is the seating capacity of the aircraft 72s
what is the seating capacity of the aircraft m80
what is the seating capacity of the type of aircraft m80
what is the seating capacity of an m80
what airlines serve denver
list the airlines with flights to or from denver
what airlines fly into denver
list all flights arriving in denver between 8 and 9 pm
what is the capacity of the 73s
what is 73s
what is seating capacity on the aircraft 73s
what is the seating capacity of a 757
how many people will a 757 hold
how many passengers can fly on a 757
list all of the daily flights arriving in denver between 8 and 9 pm
list all of the daily flights arriving in denver from 8 to 9 pm
show me all of the daily flights arriving in denver between 8 pm and 9 pm
what is the seating capacity of the 757
tell me about the m80 aircraft
tell me about the m80 aircraft
tell me about the type of aircraft called an m80
what is the seating capacity of the 733
what is the seating capacity of the m80
what is the seating capacity on the aircraft m80
list all flights arriving or leaving denver between 8 and 9 pm
list all flights arriving in denver between 8 and 9 pm
list all flights on all types of aircraft arriving in denver between 8 and 9 pm
please list all flights from nashville to memphis on monday morning
please list the flights from nashville to memphis on monday morning
is there ground transportation from the memphis airport into town when if i arrive at 842 in the morning
please list the flights from memphis to new york city on a monday night
what is cvg
what ground transportation is available from la guardia airport into new york city
is there ground transportation from lga into new york city
please list the ground transportation from lga into new york city
please list ground transportation from ewr into new york city
show me the morning flights from memphis to new york city
give me the flights from new york city to nashville leaving after 5 pm on wednesday
tell me about the ground transportation from nashville airport
what are the nonstop flights from cincinnati to charlotte leaving after noon and arriving before 7 pm
how many flights does alaska airlines have to burbank
list the alaska airline flights from burbank to anywhere
list the alaska airline flights from burbank
which airline is as
list the alaska airlines flights arriving in burbank
list the alaska airlines flights a departing from burbank
list all alaska airlines flights
list all flights departing from seattle
list the flights from indianapolis to memphis that leave before noon
list the cheapest fare from charlotte to las vegas
i want a flight from los angeles to charlotte early in the morning
i would like a morning flight from charlotte to newark
i'd like a morning flight from newark to los angeles
i'd like an evening flight from newark to los angeles
i would like a flight that leaves on sunday from montreal quebec to san diego california
i would like a flight on tuesday which leaves from san diego to indianapolis indiana and that leaves in the afternoon
i would like to leave thursday morning from indianapolis to toronto
i would like a flight on friday morning from toronto to montreal
i would like a flight from cincinnati to burbank on american
what type of aircraft is used for the american flight leaving at 419 pm
i need a flight leaving kansas city to chicago leaving next wednesday and returning the following day
what flights go from long beach to st. louis
what are the flights from memphis to las vegas
what are the flights from las vegas to ontario
what are the flights from ontario to memphis
what type of ground transportation is there at the las vegas airport
is there taxi service at the ontario airport
what are the flights from tampa to milwaukee
what are the flights from milwaukee to seattle
what are the flights from la guardia to san jose on united
what are the flights on mondays that travel from charlotte north carolina to phoenix arizona
what are the flights from phoenix arizona to st. paul minnesota on tuesday
what are the flights on thursday leaving from st. paul minnesota to st. louis
what are the flights from st. louis to charlotte north carolina leaving on friday
what are the flights from boston to orlando that stop in new york
i need a morning flight from burbank to milwaukee on next monday
how about a flight from milwaukee to st. louis that leaves monday night
and a flight from st. louis to burbank that leaves tuesday afternoon
how about a flight leaving tuesday night from st. louis to burbank
i need a flight from salt lake to newark airport that arrives on saturday before 6 pm
i'd like a flight from cincinnati to newark airport that arrives on saturday before 6 pm
i need a flight on american airlines from miami to chicago that arrives around 5 pm
i need a flight from memphis to tacoma that goes through los angeles
what are the flights between cincinnati and san jose california which leave after 6 pm
what are the nonstop flights between san jose and houston texas
what are the nonstop flights between houston and memphis
what are the flights between memphis and cincinnati on wednesday
what are the american flights from newark to nashville
the flights from ontario to westchester that stop in chicago
please list the flights from los angeles to charlotte
please list the flights from charlotte to newark
please list the flights from newark to los angeles
please list the flights from cincinnati to burbank on american airlines
please give me the flights from kansas city to chicago on june sixteenth
please give me the flights from chicago to kansas city on june seventeenth
please list all the flights from kansas city to chicago on june sixteenth
please list all the flights from chicago to kansas city on june seventeenth
i'd like to travel from burbank to milwaukee
can you find me a flight from salt lake city to new york city next saturday before arriving before 6 pm
can you find me another flight from cincinnati to new york on saturday before 6 pm
can you list all of the delta flights from salt lake city to new york next saturday arriving before 6 pm
i'd like to fly from miami to chicago on on american airlines arriving around 5 pm
i'd like to travel from kansas city to chicago next wednesday
i'd like a round trip flight from kansas city to chicago on wednesday may twenty sixth arriving at 7 pm
yes i'd like to find a flight from memphis to tacoma stopping in los angeles
find flight from san diego to phoenix on monday am
find flight from phoenix to detroit on monday
find flight from detroit to san diego on tuesday
find flight from cincinnati to san jose on monday
find flight from san jose to houston on wednesday
find flight from houston to memphis on friday
find flight from memphis to cincinnati on sunday
find american flight from newark to nashville around 630 pm
please find a flight round trip from los angeles to tacoma washington with a stopover in san francisco not exceeding the price of 300 dollars for june tenth 1993
are there any flights on june tenth from burbank to tacoma
please find a flight from ontario to westchester that makes a stop in chicago on may seventeenth one way with dinner
like to book a flight from burbank to milwaukee
show me all the flights from burbank to milwaukee
find me all the flights from milwaukee to st. louis
now show me all the flights from st. louis to burbank
is there one airline that flies from burbank to milwaukee milwaukee to st. louis and from st. louis to burbank
find me all the round trip flights from burbank to milwaukee stopping in st. louis
i'd like to book two flights to westchester county
i want to book a flight from salt lake city to westchester county
tell me all the airports near westchester county
i'd like to book a flight from cincinnati to new york city on united airlines for next saturday
tell me all the airports in the new york city area
please find all the flights from cincinnati to any airport in the new york city area that arrive next saturday before 6 pm
find me a flight from cincinnati to any airport in the new york city area
i'd like to fly from miami to chicago on american airlines
i would like to book a round trip flight from kansas city to chicago
find me a flight that flies from memphis to tacoma

+ 893
- 0
datasets/atis/test/seq.out View File

@ -0,0 +1,893 @@
O O O O O O O O B-fromloc.city_name O B-toloc.city_name I-toloc.city_name O O O O O B-stoploc.city_name I-stoploc.city_name
O B-depart_date.month_name B-depart_date.day_number O O O O O B-fromloc.city_name O B-toloc.city_name I-toloc.city_name O B-depart_time.time_relative B-depart_time.time I-depart_time.time
O B-depart_date.month_name B-depart_date.day_number O O O O O O B-fromloc.city_name O B-toloc.city_name I-toloc.city_name
O O O O O O B-round_trip I-round_trip O B-fromloc.city_name O B-toloc.city_name I-toloc.city_name O B-depart_date.month_name B-depart_date.day_number
O O O O O O B-fromloc.city_name O B-toloc.city_name I-toloc.city_name I-toloc.city_name O B-depart_date.month_name B-depart_date.day_number O B-airline_name I-airline_name
O O O O O B-fromloc.city_name O B-toloc.city_name B-round_trip I-round_trip O B-depart_date.day_name B-depart_time.period_of_day O B-depart_date.day_name B-depart_time.period_of_day
B-depart_date.day_name B-depart_time.period_of_day O O O O O O B-fromloc.city_name O B-toloc.city_name
O B-depart_date.day_name B-depart_date.month_name B-depart_date.day_number O O O O O O B-fromloc.city_name I-fromloc.city_name O B-toloc.city_name B-depart_time.time_relative B-depart_time.time I-depart_time.time
B-depart_time.time_relative B-depart_time.time I-depart_time.time O B-depart_date.day_name B-depart_date.month_name B-depart_date.day_number O O O O O O B-fromloc.city_name I-fromloc.city_name O B-toloc.city_name
O O O O O B-fromloc.city_name I-fromloc.city_name O B-toloc.city_name O B-depart_date.day_name B-depart_date.month_name B-depart_date.day_number
O O O O B-fromloc.city_name O B-toloc.city_name B-meal_description
O B-depart_date.date_relative B-depart_date.day_name O O B-fromloc.city_name I-fromloc.city_name O B-toloc.city_name O O O B-toloc.city_name B-arrive_time.time_relative B-arrive_time.time I-arrive_time.time O O O B-return_date.day_name
O O O O B-fromloc.city_name I-fromloc.city_name O B-toloc.city_name O B-depart_date.date_relative B-depart_date.day_name O O B-toloc.city_name B-arrive_time.time_relative B-arrive_time.time I-arrive_time.time
O O B-airline_name O B-fromloc.city_name O B-toloc.city_name O O B-toloc.city_name B-arrive_time.time_relative B-arrive_time.time I-arrive_time.time
O O O B-toloc.city_name I-toloc.city_name I-toloc.city_name B-arrive_date.date_relative B-arrive_date.day_name
O B-flight_stop O O B-fromloc.city_name I-fromloc.city_name I-fromloc.city_name O B-toloc.city_name I-toloc.city_name O B-depart_date.day_name B-depart_date.month_name B-depart_date.day_number
O O O B-fromloc.city_name O B-toloc.city_name O B-depart_date.today_relative
O O B-depart_date.today_relative B-depart_time.period_of_day O B-fromloc.city_name O B-toloc.city_name I-toloc.city_name
O O B-depart_date.day_name B-depart_time.period_of_day O B-fromloc.city_name I-fromloc.city_name O B-toloc.city_name
O O O B-fromloc.city_name O B-toloc.city_name I-toloc.city_name O B-depart_date.day_name
O O O B-fromloc.city_name O B-toloc.city_name O B-depart_date.day_name
O O B-depart_date.day_name B-depart_time.period_of_day O B-fromloc.city_name O B-toloc.city_name I-toloc.city_name
O O B-depart_date.day_name B-depart_time.period_of_day O B-fromloc.city_name I-fromloc.city_name O B-toloc.city_name
O O O O B-fromloc.city_name I-fromloc.city_name O B-toloc.city_name I-toloc.city_name
O O O O B-fromloc.city_name I-fromloc.city_name O B-toloc.city_name I-toloc.city_name
O O O O B-fromloc.city_name I-fromloc.city_name O B-toloc.city_name I-toloc.city_name O B-depart_date.month_name B-depart_date.day_number
O O O O B-fromloc.city_name I-fromloc.city_name O B-toloc.city_name I-toloc.city_name B-toloc.state_name O O O B-arrive_date.month_name B-arrive_date.day_number O B-arrive_time.start_time O B-arrive_time.end_time I-arrive_time.end_time
O O O B-airline_name I-airline_name O O B-fromloc.city_name O B-toloc.city_name
O O O O B-fromloc.city_name O B-toloc.city_name O B-depart_date.month_name B-depart_date.day_number
O O O O B-fromloc.city_name O B-toloc.city_name I-toloc.city_name O B-depart_date.month_name B-depart_date.day_number
O O O O B-fromloc.city_name O B-toloc.city_name O B-depart_date.month_name B-depart_date.day_number
O O O O B-fromloc.city_name O B-toloc.city_name
O B-airport_name I-airport_name O O O O O O O O O
O O O O B-fromloc.city_name O B-toloc.city_name I-toloc.city_name
O O O O O O O O B-fromloc.city_name O B-toloc.city_name O O
O O O O O B-fromloc.city_name O B-toloc.city_name I-toloc.city_name
O O O O O O O O B-fromloc.city_name I-fromloc.city_name O B-toloc.city_name O O
O O O O O B-fromloc.city_name O B-toloc.city_name I-toloc.city_name
O O O O O O O B-fromloc.city_name O B-toloc.city_name
O O O O O B-fromloc.city_name O B-toloc.city_name B-connect O B-stoploc.city_name I-stoploc.city_name
O O O O O B-fromloc.city_name O B-toloc.city_name B-connect O B-stoploc.city_name
O O O O B-meal_description
O O O O O B-fromloc.city_name O B-toloc.city_name
O O O B-flight_stop O O B-fromloc.city_name O B-toloc.city_name
O O O B-flight_stop O O B-fromloc.city_name O B-toloc.city_name I-toloc.city_name
O O O O O B-fromloc.city_name O B-toloc.city_name I-toloc.city_name
O O O O O B-fromloc.city_name I-fromloc.city_name O B-toloc.city_name
O O O O O B-airline_name I-airline_name O B-fromloc.airport_name I-fromloc.airport_name O B-toloc.city_name I-toloc.city_name
O O O O O B-fromloc.city_name O B-toloc.city_name
O O O O O B-fromloc.city_name O B-toloc.city_name
O B-meal O O O B-airline_name O B-flight_number O B-fromloc.city_name O B-toloc.city_name
O B-meal O O O B-airline_name O B-flight_number I-flight_number O B-fromloc.city_name O B-toloc.city_name
O O O O O B-fromloc.city_name O B-toloc.city_name I-toloc.city_name
O O O O O B-fromloc.city_name I-fromloc.city_name O B-toloc.city_name
O O O O O B-fromloc.city_name O B-toloc.city_name
O O O O B-fromloc.city_name O B-toloc.city_name O O O B-stoploc.city_name
O O O B-fromloc.city_name B-depart_time.time_relative B-depart_time.period_of_day B-depart_date.date_relative B-depart_date.day_name O O O B-toloc.city_name I-toloc.city_name
O O O B-fromloc.city_name O O O B-toloc.city_name I-toloc.city_name B-arrive_time.time_relative B-arrive_time.time I-arrive_time.time
O O O B-airline_name I-airline_name O B-fromloc.city_name O O O B-toloc.city_name I-toloc.city_name
O O O B-fromloc.city_name B-depart_date.date_relative B-depart_date.day_name O O O B-toloc.city_name B-arrive_time.time_relative B-arrive_time.time I-arrive_time.time
O O B-round_trip I-round_trip O O B-fromloc.city_name O B-toloc.city_name O B-depart_date.date_relative B-depart_date.day_name O O O B-return_date.date_relative I-return_date.date_relative
O B-round_trip I-round_trip O O B-fromloc.city_name B-depart_date.date_relative B-depart_date.day_name B-depart_time.time_relative B-depart_time.time I-depart_time.time O O O B-toloc.city_name
O B-round_trip I-round_trip O O B-fromloc.city_name B-depart_date.date_relative B-depart_date.day_name O O O B-toloc.city_name B-arrive_time.time_relative B-arrive_time.time I-arrive_time.time
O O O O B-depart_date.day_name O B-fromloc.city_name O O O B-toloc.city_name O O B-arrive_time.period_of_day
O O O B-fromloc.city_name O B-depart_date.month_name B-depart_date.day_number O O O B-toloc.city_name O O B-arrive_time.period_of_day
O O O O B-depart_date.day_name B-depart_date.month_name B-depart_date.day_number O B-fromloc.city_name O O O B-toloc.city_name O O B-arrive_time.period_of_day
O O O B-depart_date.month_name B-depart_date.day_number O B-fromloc.city_name O O O B-toloc.city_name B-arrive_time.time_relative B-arrive_time.time I-arrive_time.time
O O O O O B-fromloc.city_name I-fromloc.city_name O B-toloc.city_name I-toloc.city_name O O O O O O B-stoploc.city_name O O O O O B-meal_description O O O
B-depart_date.date_relative B-depart_date.day_name O O O O O B-fromloc.city_name I-fromloc.city_name O O O O B-toloc.city_name O O O B-toloc.city_name B-arrive_time.time_relative B-arrive_time.time I-arrive_time.time
O O O O O O B-fromloc.city_name B-depart_time.time_relative B-depart_time.time I-depart_time.time O B-toloc.city_name I-toloc.city_name
O O O O O B-depart_date.today_relative B-depart_time.period_of_day O O B-airline_name O O B-fromloc.city_name O B-toloc.city_name
O B-depart_date.day_name B-depart_time.period_of_day O O O O O B-fromloc.city_name B-fromloc.state_name O O O O B-toloc.city_name I-toloc.city_name B-toloc.state_name
O O O O O B-depart_date.day_name O B-fromloc.city_name B-fromloc.state_name O B-toloc.city_name I-toloc.city_name B-toloc.state_name
O B-depart_date.day_name O O O O B-fromloc.city_name I-fromloc.city_name B-fromloc.state_name O B-toloc.city_name B-toloc.state_name O O O O O O O O O B-depart_time.period_of_day
O B-depart_date.day_name B-depart_time.period_of_day O O O O B-flight_stop O O B-fromloc.city_name O B-toloc.city_name
O B-depart_date.day_name B-depart_time.period_of_day O O O O O O B-fromloc.city_name O B-toloc.city_name
O O O O B-depart_time.period_of_day B-depart_time.period_of_day O B-depart_date.today_relative O B-fromloc.city_name I-fromloc.city_name O B-toloc.city_name
O B-depart_date.day_name B-depart_time.period_of_day O O O O O O B-fromloc.city_name O B-toloc.city_name
O B-depart_date.day_name B-depart_time.period_of_day O O O O O O B-fromloc.city_name O B-toloc.city_name I-toloc.city_name
O O O O B-fromloc.city_name O B-toloc.city_name O O O B-stoploc.city_name I-stoploc.city_name
O O O O O B-fromloc.city_name B-fromloc.state_name O B-toloc.city_name I-toloc.city_name B-toloc.state_name O B-arrive_time.time_relative B-arrive_time.time I-arrive_time.time I-arrive_time.time
O O O O O B-fromloc.city_name I-fromloc.city_name O B-toloc.state_name
O O O O O B-fromloc.city_name B-fromloc.state_name O B-toloc.city_name I-toloc.city_name O B-arrive_time.time_relative B-arrive_time.time I-arrive_time.time
O O O O O B-fromloc.city_name I-fromloc.city_name O B-toloc.city_name O B-depart_date.day_name
O O O O O B-fromloc.city_name I-fromloc.city_name O B-toloc.city_name O B-airline_name I-airline_name
O O O O O B-fromloc.city_name O B-toloc.city_name O O O O B-stoploc.city_name B-depart_date.today_relative
O O O O O O B-fromloc.city_name O B-toloc.city_name B-flight_stop O B-meal_description O
O O O O O B-fromloc.city_name I-fromloc.city_name O B-toloc.city_name
O O O O O O O B-fromloc.city_name I-fromloc.city_name O B-toloc.city_name O B-toloc.city_name O O B-toloc.city_name I-toloc.city_name
O O O O O B-fromloc.city_name I-fromloc.city_name O B-toloc.city_name
O O O O O B-fromloc.city_name O B-toloc.city_name
O O O O O B-fromloc.city_name O B-toloc.city_name I-toloc.city_name
O O O O O O B-fromloc.city_name O B-toloc.city_name O B-stoploc.city_name O O B-depart_time.period_of_day
O O O O O O O O O B-city_name I-city_name
O O O O B-toloc.city_name O O O O O O O B-fromloc.city_name I-fromloc.city_name
O O O O B-toloc.city_name O B-fromloc.city_name I-fromloc.city_name O B-arrive_date.day_name O O B-arrive_time.period_of_day
O O O O B-toloc.city_name O B-fromloc.city_name I-fromloc.city_name O B-depart_date.day_name B-depart_date.month_name B-depart_date.day_number I-depart_date.day_number O O B-depart_time.period_of_day
O O O O O B-fromloc.city_name O B-toloc.city_name O O B-arrive_time.time_relative B-arrive_time.time I-arrive_time.time
O O O O O B-fromloc.city_name O B-toloc.city_name I-toloc.city_name O B-depart_date.month_name B-depart_date.day_number I-depart_date.day_number O O B-depart_time.period_of_day I-depart_time.period_of_day
O O O B-fromloc.city_name O O B-toloc.city_name O B-depart_date.month_name B-depart_date.day_number I-depart_date.day_number O O B-depart_time.period_of_day
O O O O O B-depart_date.month_name B-depart_date.day_number I-depart_date.day_number O O B-depart_time.period_of_day O B-fromloc.city_name O B-toloc.city_name
O O O O O B-fromloc.city_name O B-toloc.city_name I-toloc.city_name O O B-depart_time.period_of_day O B-depart_date.month_name B-depart_date.day_number I-depart_date.day_number
O O O O O B-fromloc.city_name I-fromloc.city_name O B-toloc.city_name O O O B-depart_time.period_of_day O B-depart_date.month_name B-depart_date.day_number I-depart_date.day_number
O O O B-cost_relative I-cost_relative B-round_trip I-round_trip O O B-fromloc.city_name O B-toloc.city_name I-toloc.city_name
O O O O B-fromloc.city_name O B-toloc.city_name I-toloc.city_name
O O O B-flight_time I-flight_time O B-fromloc.city_name O B-toloc.city_name I-toloc.city_name
O O O B-flight_mod O O B-fromloc.city_name O B-toloc.city_name O O B-meal_description
O O O B-flight_mod O O B-fromloc.city_name O B-toloc.city_name O O B-meal_description
O O O O B-fromloc.city_name O B-airline_name I-airline_name O B-class_type I-class_type
O O O O B-fromloc.city_name O B-toloc.city_name I-toloc.city_name
O O O B-flight_mod B-meal_description O O B-fromloc.city_name O B-toloc.city_name
O O O B-airline_name O O B-fromloc.city_name O B-toloc.city_name O O O B-stoploc.city_name
O O O O O B-fromloc.city_name O B-toloc.city_name O O O B-stoploc.city_name
O B-fromloc.city_name O B-toloc.city_name I-toloc.city_name O O O O B-stoploc.city_name
O O O B-connect O O B-fromloc.city_name O B-toloc.city_name O O O O O O
O O O O B-depart_time.period_of_day O O B-fromloc.city_name O B-toloc.city_name I-toloc.city_name
O O O O O O B-fromloc.city_name I-fromloc.city_name O B-toloc.city_name I-toloc.city_name
O O B-airline_name O B-flight_number O B-fromloc.city_name I-fromloc.city_name O B-toloc.city_name I-toloc.city_name
O O O O O O B-fromloc.city_name O B-toloc.city_name O B-depart_date.day_name
O O O O O O O B-airport_name I-airport_name B-city_name I-city_name O O B-city_name
O O O O O O B-fromloc.city_name O B-toloc.city_name O O O B-depart_time.time I-depart_time.time O B-depart_time.time_relative O B-depart_date.day_name
O O O O O O B-fromloc.city_name O B-toloc.city_name O B-depart_date.day_name B-depart_time.period_of_day
O O O B-connect O O B-fromloc.city_name O B-toloc.city_name O B-depart_date.day_name B-depart_time.period_of_day
O O O B-airline_code B-flight_number O B-depart_date.day_name O B-fromloc.city_name O B-toloc.city_name O
O O O O O O B-fromloc.city_name O B-toloc.city_name O B-depart_date.day_name O O B-depart_time.time_relative B-depart_time.time I-depart_time.time
O O O O O B-fromloc.city_name O B-toloc.state_name
O O O O O O B-fromloc.city_name O B-toloc.city_name O B-depart_date.day_name B-depart_time.period_of_day
O O O B-airline_code B-flight_number O B-fromloc.city_name O B-toloc.city_name O B-depart_date.day_name O O O B-flight_number O B-fromloc.city_name O B-toloc.city_name O B-depart_date.day_name O O B-airline_code B-flight_number O B-fromloc.city_name O B-toloc.city_name
O O O O O O B-fromloc.city_name I-fromloc.city_name O B-toloc.city_name I-toloc.city_name I-toloc.city_name
O O O O O B-fromloc.city_name I-fromloc.city_name O B-toloc.city_name I-toloc.city_name I-toloc.city_name
O O O O O O B-airline_name I-airline_name O B-airline_code O B-fromloc.city_name I-fromloc.city_name O B-toloc.airport_code O O B-depart_date.day_name
O O O O O B-fromloc.city_name O B-toloc.city_name O O B-depart_time.time_relative B-depart_time.time I-depart_time.time B-depart_date.today_relative
O O O O O B-fromloc.city_name I-fromloc.city_name O B-toloc.city_name O B-depart_date.month_name B-depart_date.day_number
O O O B-airline_name I-airline_name O O B-fromloc.city_name O B-toloc.city_name O B-depart_date.month_name B-depart_date.day_number B-depart_time.time_relative B-depart_time.time I-depart_time.time
O O O B-airline_name I-airline_name O O B-fromloc.city_name O B-toloc.city_name O B-depart_date.month_name B-depart_date.day_number B-depart_time.time_relative B-depart_time.time I-depart_time.time
O O O O O B-fromloc.city_name O B-toloc.city_name O B-arrive_date.month_name B-arrive_date.day_number B-arrive_time.time_relative B-arrive_time.time I-arrive_time.time
O O O O O B-city_name
O O O O O B-transport_type O B-city_name
O O O O O O O O B-city_name
O O O O O B-fromloc.city_name O B-toloc.city_name I-toloc.city_name O B-depart_date.month_name B-depart_date.day_number B-depart_time.time_relative B-depart_time.time I-depart_time.time
O O O O O B-city_name I-city_name
O O O O O B-airline_name I-airline_name O O B-depart_date.month_name B-depart_date.day_number O B-fromloc.city_name I-fromloc.city_name O B-toloc.city_name B-depart_time.time_relative B-depart_time.time I-depart_time.time
O B-airline_name I-airline_name O O B-depart_date.month_name B-depart_date.day_number O O B-fromloc.city_name I-fromloc.city_name O B-toloc.city_name
O B-depart_date.month_name B-depart_date.day_number O O O O B-fromloc.city_name I-fromloc.city_name O B-toloc.city_name
O B-airline_name I-airline_name O O B-fromloc.city_name O B-toloc.city_name O B-depart_date.month_name B-depart_date.day_number
O O O O B-fromloc.city_name O B-toloc.city_name O B-depart_date.month_name B-depart_date.day_number
O O O O B-fromloc.city_name O B-toloc.city_name I-toloc.city_name O B-depart_date.month_name B-depart_date.day_number
O O O O B-fromloc.city_name I-fromloc.city_name O B-toloc.city_name O B-depart_date.month_name B-depart_date.day_number
O O O O B-fromloc.city_name O B-toloc.city_name I-toloc.city_name O B-depart_date.month_name B-depart_date.day_number
O O O O B-fromloc.city_name I-fromloc.city_name O B-toloc.city_name O B-depart_date.month_name B-depart_date.day_number
O O O O B-fromloc.city_name O B-toloc.city_name O B-depart_date.month_name B-depart_date.day_number
O O O O B-fromloc.city_name O B-toloc.city_name O B-depart_date.month_name B-depart_date.day_number B-depart_time.time_relative B-depart_time.time I-depart_time.time
O O O O B-fromloc.city_name O B-toloc.city_name I-toloc.city_name O B-depart_date.month_name B-depart_date.day_number
O O O O B-fromloc.city_name I-fromloc.city_name O B-toloc.city_name O B-depart_date.month_name B-depart_date.day_number O B-depart_time.time_relative B-depart_time.time I-depart_time.time
O O O O B-fromloc.airport_name I-fromloc.airport_name O B-depart_time.start_time O B-depart_time.end_time I-depart_time.end_time O B-depart_date.month_name B-depart_date.day_number
O O O O B-toloc.airport_name I-toloc.airport_name O B-arrive_date.month_name B-arrive_date.day_number
O O O O B-fromloc.city_name O B-toloc.city_name B-depart_time.time_relative B-depart_time.time I-depart_time.time
O O O O B-fromloc.city_name O B-toloc.city_name
O O O O B-fromloc.city_name O B-toloc.city_name
O O O O B-fromloc.city_name O B-toloc.city_name O O B-arrive_date.month_name B-arrive_date.day_number
O O O O B-fromloc.city_name O B-toloc.city_name O B-arrive_date.month_name B-arrive_date.day_number
O O O O B-fromloc.city_name O B-toloc.city_name O O B-arrive_date.month_name B-arrive_date.day_number
O O O O B-airline_name I-airline_name I-airline_name
O O B-airline_name I-airline_name I-airline_name O O B-aircraft_code
O O B-airline_name I-airline_name I-airline_name O O O B-aircraft_code
O O B-airline_name I-airline_name O O O B-aircraft_code
O O O O O B-airline_name I-airline_name O O O B-fromloc.city_name I-fromloc.city_name O B-toloc.city_name B-toloc.country_name O O O O B-stoploc.city_name I-stoploc.city_name
O O O O O B-airline_name I-airline_name O O O B-fromloc.city_name I-fromloc.city_name O B-toloc.city_name B-toloc.state_name O O O B-stoploc.city_name I-stoploc.city_name
O O O B-mod O B-city_name B-state_name
O O O O O B-fromloc.city_name O B-toloc.city_name
O O O O O B-fromloc.city_name O B-toloc.city_name
O O O O O B-fromloc.city_name O B-toloc.city_name I-toloc.city_name
O O O B-cost_relative B-round_trip I-round_trip B-class_type O O B-fromloc.city_name I-fromloc.city_name O B-toloc.city_name
O O O B-cost_relative B-round_trip I-round_trip B-class_type O O B-airline_code O B-fromloc.city_name I-fromloc.city_name O B-toloc.city_name
O O O B-airline_name O O O O B-meal_description O B-compartment O
O O O O B-meal_code
O B-meal O O O B-airline_code B-flight_number O O O O B-toloc.city_name I-toloc.city_name O B-arrive_time.time I-arrive_time.time
O O O B-airline_name O O B-fromloc.city_name O B-toloc.city_name I-toloc.city_name
O O B-airline_name O B-flight_number
O O B-airline_name I-airline_name O O B-day_name
O O B-airline_name I-airline_name O O B-meal
O O O O B-fromloc.city_name
O O O O B-fromloc.city_name O O O B-toloc.city_name I-toloc.city_name O O B-arrive_date.day_name
O O O O B-fromloc.city_name O O B-depart_time.period_of_day O O O B-toloc.city_name
O O O O B-fromloc.city_name O O O B-toloc.city_name O O B-arrive_time.period_of_day
O O O O B-fromloc.city_name O O B-depart_time.period_of_day B-depart_time.period_of_day O O O B-toloc.city_name
O O O O B-fromloc.city_name O O O B-toloc.city_name
O O O O O B-fromloc.city_name O O O B-toloc.city_name
O O O O B-fromloc.city_name O O O B-toloc.city_name B-toloc.state_code
O O O O B-fromloc.city_name I-fromloc.city_name O O O B-toloc.city_name I-toloc.city_name B-arrive_time.time_relative B-arrive_time.time I-arrive_time.time
O O O B-city_name I-city_name B-airport_name I-airport_name O O
O O O B-airport_name I-airport_name O O
O O O B-airport_name I-airport_name I-airport_name O O
O O O B-airport_name I-airport_name I-airport_name O O
O O O O B-transport_type O O B-city_name
O O O O B-transport_type O O B-airport_name I-airport_name
O O O O B-transport_type O O B-airport_name I-airport_name
O O O B-transport_type O O B-city_name I-city_name
O O O O B-fromloc.city_name B-fromloc.state_code O B-toloc.city_name B-toloc.state_name
O O O O O B-fromloc.city_name B-fromloc.state_code O B-toloc.city_name B-toloc.state_name
O O O O O B-fromloc.city_name B-fromloc.state_code O B-toloc.city_name B-toloc.state_name
O O O O O O O O B-fromloc.city_name O B-toloc.city_name
O O B-city_name I-city_name O O O O O O O O O B-airline_name I-airline_name
O O B-airline_name I-airline_name O O O B-toloc.city_name O B-arrive_date.day_name O B-arrive_time.time I-arrive_time.time
O O O B-class_type I-class_type B-round_trip I-round_trip O O O B-fromloc.city_name O B-toloc.city_name
O O O O B-fromloc.city_name O B-toloc.city_name
O O O O O O O B-fromloc.city_name O B-toloc.city_name O O B-depart_date.day_name B-depart_time.period_of_day
O O O O O O O B-fromloc.city_name O B-toloc.city_name O O B-depart_date.day_name B-depart_time.period_of_day
O O O O O O O O O O B-fromloc.city_name O B-toloc.city_name
O O O O B-fromloc.city_name O B-toloc.city_name I-toloc.city_name O B-depart_date.day_name
O O O O B-fromloc.city_name I-fromloc.city_name O B-toloc.city_name
O O O O B-fromloc.city_name O B-toloc.city_name
O O O O B-fromloc.city_name O B-toloc.city_name O B-depart_date.day_name
O O B-depart_date.day_name O O B-fromloc.city_name O B-toloc.city_name O O O
O O O O O B-fromloc.city_name
O O O O B-fromloc.city_name O B-toloc.city_name I-toloc.city_name
O O O O O O B-fromloc.city_name O B-toloc.city_name I-toloc.city_name O
O O O O O B-fromloc.city_name I-fromloc.city_name O B-toloc.city_name B-depart_time.period_mod B-depart_date.day_name B-depart_time.period_of_day
O O O O B-fromloc.city_name O O O B-toloc.city_name I-toloc.city_name B-arrive_time.time_relative O B-arrive_time.time I-arrive_time.time O B-arrive_date.day_name
O O O O B-fromloc.city_name I-fromloc.city_name O B-toloc.city_name I-toloc.city_name O O B-depart_time.time_relative B-depart_time.time I-depart_time.time B-depart_date.day_name B-depart_time.period_of_day
O O O B-fromloc.city_name I-fromloc.city_name O B-toloc.city_name I-toloc.city_name B-depart_date.day_name O O B-depart_time.period_of_day O O B-meal O
O B-depart_time.period_of_day B-depart_time.period_of_day O O B-fromloc.city_name O B-toloc.city_name
O B-depart_time.period_of_day B-depart_time.period_of_day O O B-fromloc.city_name O B-toloc.city_name
O B-depart_time.period_of_day O O B-fromloc.city_name O B-toloc.city_name
O O O B-fromloc.city_name O B-toloc.city_name B-depart_date.day_name B-depart_time.period_of_day
O O O B-fromloc.city_name O B-toloc.city_name B-depart_date.day_name B-depart_time.period_of_day
O O O B-fromloc.city_name O B-toloc.city_name B-toloc.state_code B-depart_date.day_name B-depart_time.period_of_day
O O O B-fromloc.city_name B-fromloc.state_code O B-toloc.city_name B-depart_date.day_name B-depart_time.period_of_day
O B-connect O O B-fromloc.city_name I-fromloc.city_name I-fromloc.city_name O B-toloc.city_name I-toloc.city_name B-depart_time.time_relative B-depart_time.time I-depart_time.time
O O O O B-airline_name I-airline_name O B-flight_number O B-fromloc.airport_code O B-toloc.airport_code
O O O O B-fare_basis_code
O O O O O O B-fromloc.airport_name I-fromloc.airport_name O O B-city_name
O O O O O O B-fromloc.city_name I-fromloc.city_name B-fromloc.airport_name I-fromloc.airport_name I-fromloc.airport_name O O B-city_name I-city_name I-city_name
O O O O O O B-fromloc.airport_name I-fromloc.airport_name I-fromloc.airport_name O O B-city_name
O O O O O O B-fromloc.airport_name I-fromloc.airport_name I-fromloc.airport_name I-fromloc.airport_name O B-toloc.city_name I-toloc.city_name O
O B-transport_type O O O B-city_name I-city_name I-city_name
O B-airline_name I-airline_name O O B-fromloc.city_name O B-toloc.city_name O B-depart_date.day_name B-depart_time.period_of_day
O O O B-fromloc.city_name O B-toloc.city_name B-depart_date.day_name B-depart_time.period_of_day
O B-airline_name I-airline_name O O B-fromloc.city_name O B-toloc.city_name I-toloc.city_name B-depart_date.day_name
O B-airline_name I-airline_name O O B-fromloc.city_name I-fromloc.city_name O B-toloc.city_name B-depart_date.day_name B-depart_time.period_of_day
O O O B-fromloc.city_name O B-toloc.city_name O B-arrive_date.day_name B-arrive_time.period_of_day
O O O O B-fromloc.city_name O B-toloc.city_name I-toloc.city_name I-toloc.city_name
O O O O O O O B-aircraft_code
O O O O O O B-airline_name B-aircraft_code
O O O B-fromloc.city_name O B-toloc.city_name I-toloc.city_name I-toloc.city_name O B-airline_name B-aircraft_code
O O O B-fromloc.city_name O B-toloc.city_name I-toloc.city_name I-toloc.city_name O B-airline_name B-aircraft_code
O O O B-fromloc.city_name O B-toloc.city_name B-flight_days
O O O B-fromloc.city_name O B-toloc.city_name B-flight_days
O O O B-fromloc.city_name O B-toloc.city_name B-flight_days
O B-airline_name I-airline_name O O B-depart_date.day_name O B-fromloc.airport_name I-fromloc.airport_name O B-depart_time.time I-depart_time.time
O B-airline_name I-airline_name O O B-depart_date.day_name O B-fromloc.airport_name I-fromloc.airport_name B-depart_time.time_relative B-depart_time.time I-depart_time.time
O B-class_type I-class_type O B-round_trip I-round_trip O B-fromloc.city_name O B-toloc.city_name
O O O O B-fare_basis_code
O O O B-fromloc.city_name O B-toloc.city_name B-depart_date.day_name B-depart_time.period_of_day
O O O B-fromloc.city_name O B-toloc.city_name B-depart_date.day_name
O O O B-fromloc.city_name B-fromloc.state_name O B-toloc.city_name B-toloc.state_name
O O O B-fromloc.city_name B-fromloc.state_name O B-toloc.city_name I-toloc.city_name I-toloc.city_name B-toloc.state_name
O O O B-fromloc.city_name B-fromloc.state_name O B-toloc.city_name I-toloc.city_name I-toloc.city_name B-toloc.state_name B-depart_date.day_name
O O O B-fromloc.city_name I-fromloc.city_name I-fromloc.city_name B-fromloc.state_name O B-toloc.city_name B-toloc.state_name B-depart_date.day_name
O O O B-fromloc.city_name I-fromloc.city_name I-fromloc.city_name O B-toloc.city_name B-toloc.state_name B-depart_date.day_name
O O O B-fromloc.city_name B-fromloc.state_name O B-toloc.city_name B-toloc.state_name B-depart_date.day_name
O O O O B-fromloc.city_name O B-toloc.city_name I-toloc.city_name
O O O O O O B-class_type I-class_type B-round_trip I-round_trip O O B-fromloc.city_name O B-toloc.city_name I-toloc.city_name
O O O O O O B-round_trip I-round_trip B-class_type I-class_type O O B-fromloc.city_name O B-toloc.city_name I-toloc.city_name
B-fromloc.city_name I-fromloc.city_name O B-toloc.city_name B-depart_date.day_name B-depart_time.period_of_day O
B-depart_date.day_name B-depart_time.period_of_day O O B-fromloc.city_name O B-toloc.city_name I-toloc.city_name
B-fromloc.city_name I-fromloc.city_name O B-toloc.city_name B-depart_date.day_name B-depart_time.period_of_day O
B-fromloc.city_name O B-toloc.city_name I-toloc.city_name B-depart_date.day_name B-depart_time.time_relative B-depart_time.time I-depart_time.time O
B-fromloc.city_name I-fromloc.city_name O B-toloc.city_name I-toloc.city_name B-depart_date.day_name B-depart_time.time_relative B-depart_time.time I-depart_time.time
B-fromloc.city_name I-fromloc.city_name O B-toloc.city_name I-toloc.city_name B-depart_date.day_name B-depart_time.period_of_day
B-fromloc.city_name O B-toloc.city_name I-toloc.city_name O B-arrive_date.day_name B-arrive_time.time_relative B-arrive_time.time I-arrive_time.time
B-fromloc.city_name I-fromloc.city_name O B-toloc.city_name O O B-arrive_date.day_name B-arrive_time.time_relative B-arrive_time.time I-arrive_time.time
B-fromloc.city_name O B-toloc.city_name O B-depart_date.day_name B-depart_time.period_of_day
B-fromloc.city_name O B-toloc.city_name B-depart_date.day_name B-depart_time.time_relative B-depart_time.time
B-class_type I-class_type O B-fromloc.city_name O B-toloc.city_name B-depart_date.day_name B-depart_time.period_of_day
O B-fromloc.city_name O B-toloc.city_name I-toloc.city_name B-depart_date.day_name B-depart_time.period_of_day
B-fromloc.city_name I-fromloc.city_name O B-toloc.city_name B-depart_date.day_name B-depart_time.period_of_day
B-fromloc.city_name O B-toloc.city_name O
B-fromloc.city_name O B-toloc.city_name B-class_type I-class_type O
O O O O O O B-fromloc.city_name O B-toloc.city_name
O O B-airline_code O O
O O O O O B-fromloc.city_name O B-toloc.city_name
O O O O O B-fromloc.city_name O B-toloc.city_name I-toloc.city_name
O O O O O B-fromloc.city_name I-fromloc.city_name I-fromloc.city_name O B-toloc.city_name
O O O O O O O B-fromloc.city_name O B-toloc.city_name I-toloc.city_name I-toloc.city_name
O O O O B-fromloc.city_name I-fromloc.city_name O B-toloc.city_name
O O O O O B-fromloc.city_name O B-toloc.city_name I-toloc.city_name
O O O O O O B-fromloc.city_name I-fromloc.city_name O B-toloc.city_name I-toloc.city_name
O O O O O B-fromloc.city_name I-fromloc.city_name O B-toloc.city_name I-toloc.city_name
O O O O O O B-fromloc.city_name I-fromloc.city_name O B-toloc.city_name I-toloc.city_name
O O O O O B-fromloc.city_name I-fromloc.city_name O B-toloc.city_name I-toloc.city_name
O O O O B-fare_basis_code O
O O O O O O O O O B-fromloc.city_name B-toloc.city_name O B-toloc.city_name I-toloc.city_name
O O O O O O B-fromloc.city_name O B-toloc.city_name
O O O O O O B-fromloc.city_name O B-toloc.city_name I-toloc.city_name
O O O O O O B-fromloc.city_name O B-toloc.city_name I-toloc.city_name
O O O O O B-fromloc.city_name I-fromloc.city_name O B-toloc.city_name I-toloc.city_name
O O O O O B-fromloc.city_name I-fromloc.city_name O B-toloc.city_name I-toloc.city_name
O O O O O O B-fromloc.city_name I-fromloc.city_name O B-toloc.city_name I-toloc.city_name
O O O B-round_trip I-round_trip O O B-fromloc.city_name O B-toloc.city_name O B-depart_date.day_name B-depart_time.period_of_day B-depart_time.time_relative B-depart_time.time I-depart_time.time
O O B-round_trip I-round_trip O O B-fromloc.city_name O B-toloc.city_name O B-depart_date.day_name
O O O O B-fromloc.city_name O B-toloc.city_name B-class_type I-class_type O O B-depart_time.time_relative B-depart_time.time I-depart_time.time
O O O B-cost_relative B-round_trip I-round_trip O B-fromloc.city_name I-fromloc.city_name O B-toloc.city_name O O B-arrive_time.time_relative B-arrive_time.time I-arrive_time.time
O O B-flight_stop O O B-fromloc.city_name I-fromloc.city_name O B-toloc.city_name
O O O B-airline_code
O O O B-cost_relative B-class_type I-class_type B-round_trip I-round_trip O B-fromloc.city_name I-fromloc.city_name O B-toloc.city_name
O O O O O B-round_trip I-round_trip O B-fromloc.city_name I-fromloc.city_name O B-toloc.city_name
O O O B-cost_relative B-round_trip I-round_trip O O B-fromloc.city_name I-fromloc.city_name O B-toloc.city_name
O O O O B-cost_relative B-round_trip I-round_trip O O B-fromloc.city_name O B-toloc.city_name
O O O B-cost_relative B-round_trip I-round_trip O O B-fromloc.city_name O B-toloc.city_name
O O O B-cost_relative B-round_trip I-round_trip O O B-fromloc.city_name I-fromloc.city_name O B-toloc.city_name
O O O B-cost_relative B-round_trip I-round_trip O O B-fromloc.city_name I-fromloc.city_name O B-toloc.city_name O B-depart_date.month_name B-depart_date.day_number I-depart_date.day_number B-depart_date.year
O O O B-cost_relative B-round_trip I-round_trip O O B-fromloc.city_name I-fromloc.city_name O B-toloc.city_name O B-depart_date.month_name B-depart_date.day_number I-depart_date.day_number B-depart_date.year
O O O O O O B-city_name O B-day_name B-period_of_day
O O O B-round_trip I-round_trip O O B-fromloc.city_name O B-toloc.city_name
O O O O O O O O O O O B-city_name B-period_of_day B-period_of_day
O O O O O O O B-fromloc.city_name O B-toloc.city_name O B-fromloc.city_name O B-toloc.city_name I-toloc.city_name O O B-fromloc.city_name I-fromloc.city_name O B-toloc.city_name
O O B-round_trip I-round_trip O O B-fromloc.city_name O B-toloc.city_name O B-airline_name B-airline_name B-airline_name I-airline_name O B-airline_name I-airline_name
O O O O B-fromloc.city_name O B-toloc.city_name I-toloc.city_name O B-airline_name B-airline_name B-airline_name I-airline_name O B-airline_name I-airline_name
O O O O B-fromloc.city_name O B-toloc.city_name O B-toloc.city_name I-toloc.city_name
O O O O B-fromloc.city_name O B-toloc.city_name
O O O O O B-depart_date.day_name B-depart_time.period_of_day O B-depart_date.month_name O B-fromloc.city_name I-fromloc.city_name O B-toloc.city_name
O O O O O B-fromloc.city_name I-fromloc.city_name O B-toloc.city_name I-toloc.city_name O B-depart_date.day_name B-depart_time.period_of_day O B-airline_name I-airline_name
O O O B-flight_mod I-flight_mod O O B-fromloc.city_name I-fromloc.city_name O B-toloc.city_name I-toloc.city_name O B-depart_date.day_name B-depart_time.period_of_day O B-airline_name I-airline_name
O O O O O B-fromloc.city_name I-fromloc.city_name O B-toloc.city_name I-toloc.city_name O B-depart_date.day_name B-depart_time.period_of_day O B-airline_name I-airline_name
O O O O O B-fromloc.city_name I-fromloc.city_name O B-toloc.city_name O B-depart_date.day_name B-depart_time.period_of_day
O O B-airline_code O
O O O O O B-fromloc.city_name O B-toloc.city_name B-toloc.state_code O B-depart_date.day_name B-depart_time.period_of_day
O O O O B-fromloc.city_name O B-toloc.city_name B-toloc.state_code O B-depart_date.day_name B-depart_time.period_of_day
O B-meal O O O O B-flight_number O B-fromloc.city_name O B-toloc.city_name B-toloc.state_code O B-depart_date.day_name B-depart_time.period_of_day
O O O O O B-transport_type O B-city_name B-state_code
O O O O O O B-depart_date.day_name B-depart_time.period_of_day O B-fromloc.city_name B-fromloc.state_code O B-toloc.city_name
O O O B-fromloc.state_code O B-toloc.city_name O B-depart_date.day_name B-depart_time.period_of_day
O O O O O O O O B-airline_code O B-fromloc.city_name O B-toloc.city_name
O O B-fare_basis_code O
O O O O O O O O B-fromloc.city_name O B-toloc.city_name I-toloc.city_name B-round_trip I-round_trip O B-airline_code
O O B-cost_relative O O B-fromloc.city_name O B-toloc.city_name I-toloc.city_name B-round_trip I-round_trip O B-airline_code
O O B-cost_relative B-round_trip I-round_trip O O B-airline_code O B-fromloc.city_name O B-toloc.city_name I-toloc.city_name
O O O O O B-fromloc.city_name O B-toloc.city_name I-toloc.city_name
O O O O B-flight_mod O O B-fromloc.city_name O B-toloc.city_name
O O O B-flight_mod O O B-fromloc.city_name O B-toloc.city_name I-toloc.city_name
O O B-fare_basis_code O
O O B-restriction_code I-restriction_code O
O O O B-flight_mod O O B-fromloc.city_name O B-toloc.city_name I-toloc.city_name
O O O B-flight_mod O O B-fromloc.city_name O B-toloc.city_name I-toloc.city_name
O O O B-flight_mod O O B-fromloc.city_name O B-toloc.city_name I-toloc.city_name
O O B-restriction_code I-restriction_code O
O O O O O B-depart_date.today_relative O B-fromloc.city_name I-fromloc.city_name O B-toloc.city_name B-toloc.state_name
O O B-cost_relative O O B-fromloc.city_name I-fromloc.city_name O B-toloc.city_name B-depart_date.today_relative
O O O O O B-fromloc.city_name I-fromloc.city_name O B-toloc.city_name O O B-fromloc.city_name O B-toloc.city_name
O O B-cost_relative O O B-fromloc.city_name I-fromloc.city_name O B-toloc.city_name
O O O O O B-transport_type O B-city_name
O O B-cost_relative O B-depart_date.today_relative O B-fromloc.city_name O B-toloc.city_name
O O O O O O B-city_name
O O B-cost_relative O O B-fromloc.city_name I-fromloc.city_name O B-toloc.city_name
O O O O B-fromloc.city_name O O O B-toloc.city_name
O O O B-flight_stop O O B-fromloc.city_name I-fromloc.city_name O B-toloc.city_name
O O O B-airline_code
O O O O B-fromloc.city_name O B-toloc.city_name I-toloc.city_name
O O B-airport_code
O O B-airport_code
O O O O O B-fromloc.city_name O B-toloc.city_name I-toloc.city_name I-toloc.city_name
O O B-mod B-days_code O
O O O B-flight_mod B-flight_days O O B-fromloc.city_name O B-toloc.city_name I-toloc.city_name I-toloc.city_name
O O O B-airline_code
O O O B-flight_mod B-flight_days O O B-fromloc.city_name O B-toloc.city_name I-toloc.city_name I-toloc.city_name
O O O O O B-fromloc.city_name I-fromloc.city_name O B-toloc.city_name
O O O O O O B-airport_name I-airport_name I-airport_name I-airport_name O O B-city_name
O O O O O B-aircraft_code O O
O O O O O O O B-aircraft_code
O O O O O B-fromloc.city_name O B-toloc.city_name
O O O O O O B-airport_name I-airport_name O O B-city_name
O O O O O O O O B-aircraft_code
O O O O O B-fromloc.city_name O B-toloc.city_name O O B-aircraft_code O
O O O B-airline_code
O O O O O B-fromloc.city_name O B-toloc.state_name
O O O O O B-fromloc.city_name O B-toloc.city_name
O O O O O O B-airport_name I-airport_name O O B-city_name
O O O O O B-fromloc.city_name O B-toloc.city_name B-toloc.state_code
O O O O O O B-airport_code O O B-city_name
O O O O O B-airport_code O B-city_name
O O O O O O B-airport_name I-airport_name O O B-city_name
O O O O O O O O O O B-fromloc.city_name O B-toloc.city_name O O B-depart_time.time_relative B-depart_time.period_of_day
O O O O B-fromloc.city_name I-fromloc.city_name O B-toloc.city_name O O O O O O B-depart_time.period_of_day O O O O B-arrive_time.time_relative B-arrive_time.time I-arrive_time.time O O O O O O B-flight_stop O
O O O O B-airline_name I-airline_name O B-fromloc.city_name O B-toloc.city_name I-toloc.city_name
O O O O B-airline_name I-airline_name O B-fromloc.city_name O B-toloc.city_name I-toloc.city_name
O O O O B-fromloc.city_name O B-toloc.city_name I-toloc.city_name
O O O B-fromloc.city_name O B-toloc.city_name I-toloc.city_name I-toloc.city_name O B-depart_time.time_relative B-depart_time.time B-depart_date.day_name
O O O B-fromloc.city_name O B-toloc.city_name I-toloc.city_name I-toloc.city_name O B-depart_time.time_relative B-depart_time.period_of_day B-depart_date.day_name
O O O B-fromloc.city_name O B-toloc.city_name I-toloc.city_name
O O O B-fromloc.city_name I-fromloc.city_name O B-toloc.city_name
O O O B-fromloc.city_name O B-toloc.city_name B-toloc.state_code B-depart_time.time_relative B-depart_time.time
O O O B-fromloc.city_name B-fromloc.state_code O B-toloc.city_name O B-depart_time.time_relative B-depart_time.time
O O O B-fromloc.city_name B-fromloc.state_code O B-toloc.city_name
O O O B-fromloc.city_name O B-toloc.city_name
O O O O O B-toloc.city_name I-toloc.city_name O B-fromloc.city_name B-fromloc.state_code
O O O O O B-fromloc.city_name O B-toloc.city_name
O O O O O B-fromloc.city_name B-fromloc.state_code O B-toloc.city_name B-toloc.state_name
O O O O O B-fromloc.city_name O B-toloc.city_name
O O O O O O B-fromloc.city_name O B-toloc.city_name I-toloc.city_name
O O O O O O B-fromloc.city_name I-fromloc.city_name O B-toloc.city_name
O O O O O O B-fromloc.city_name O B-toloc.city_name I-toloc.city_name
O O O O O B-fromloc.city_name I-fromloc.city_name O B-toloc.city_name
O O O O O B-fromloc.city_name I-fromloc.city_name O B-toloc.city_name B-toloc.state_code
O O O O O B-fromloc.city_name B-fromloc.state_code O B-toloc.city_name I-toloc.city_name
O O O B-round_trip I-round_trip O O B-fromloc.city_name I-fromloc.city_name O B-toloc.city_name B-toloc.state_code O O O
O O O B-round_trip I-round_trip O B-fromloc.city_name O B-toloc.city_name B-toloc.state_code O O O O O O B-depart_time.period_of_day
O O O B-round_trip I-round_trip O B-fromloc.city_name O B-toloc.city_name B-toloc.state_code O O O O O O B-depart_time.period_of_day
O O O B-cost_relative O O O O O B-fromloc.city_name B-fromloc.state_code O B-toloc.city_name
O O O B-cost_relative O O B-fromloc.city_name B-fromloc.state_code O B-toloc.city_name
O O O B-cost_relative O O B-fromloc.city_name O B-toloc.city_name B-toloc.state_code
O O O O O B-fromloc.city_name O B-toloc.city_name B-toloc.state_code
O O O O O B-fromloc.city_name O B-toloc.city_name O O B-arrive_time.time_relative I-arrive_time.time_relative I-arrive_time.time_relative B-arrive_time.time I-arrive_time.time
O O O O O B-fromloc.city_name O B-toloc.city_name O O B-arrive_time.time_relative I-arrive_time.time_relative I-arrive_time.time_relative B-arrive_time.time I-arrive_time.time
O O O O O B-fromloc.city_name O B-toloc.city_name O O B-toloc.city_name O B-arrive_time.time I-arrive_time.time
O O O O B-round_trip I-round_trip O B-fromloc.city_name O B-toloc.city_name
O O O O O B-fromloc.city_name O B-toloc.city_name O O O O B-cost_relative O B-round_trip I-round_trip
O O O O O B-fromloc.city_name O B-toloc.city_name B-round_trip I-round_trip O O B-cost_relative O
O O O O O B-fromloc.city_name O B-toloc.city_name B-round_trip I-round_trip O O B-cost_relative O
O O O O B-fromloc.city_name O B-toloc.city_name
O O O O B-fromloc.city_name I-fromloc.city_name O B-toloc.city_name
O O O O B-fromloc.city_name O B-toloc.city_name
O O O O B-fromloc.city_name O B-toloc.city_name I-toloc.city_name
O O O O O B-city_name
O O O O B-fromloc.city_name I-fromloc.city_name O B-toloc.city_name
O O O B-fromloc.city_name O B-toloc.city_name
O O O B-fromloc.city_name O B-toloc.city_name
O O O B-fromloc.city_name O B-toloc.city_name
O O O B-fromloc.city_name O B-toloc.city_name
O O O B-fromloc.city_name O B-toloc.city_name
O O O B-fromloc.city_name I-fromloc.city_name O B-toloc.city_name
O O O B-fromloc.city_name O B-toloc.city_name I-toloc.city_name
O O O B-fromloc.city_name I-fromloc.city_name O B-toloc.city_name
O O O B-fromloc.city_name I-fromloc.city_name O B-toloc.city_name
O O O B-fromloc.city_name O B-toloc.city_name I-toloc.city_name
O O O B-fromloc.city_name I-fromloc.city_name O B-toloc.city_name
O O O B-fromloc.city_name B-fromloc.state_code O B-toloc.city_name
O O O B-fromloc.city_name B-fromloc.state_code O B-toloc.city_name
O O O B-fromloc.city_name B-fromloc.state_code O B-toloc.city_name
O O O B-fromloc.city_name B-fromloc.state_code O B-toloc.city_name O O O O
O O O B-fromloc.city_name B-fromloc.state_code O B-toloc.city_name
O O O B-fromloc.city_name B-fromloc.state_code O B-toloc.city_name
O O O B-fromloc.city_name B-fromloc.state_code O B-toloc.city_name
O O O B-fromloc.city_name O B-toloc.city_name B-toloc.state_code
O O O B-fromloc.city_name O B-toloc.city_name I-toloc.city_name I-toloc.city_name
O O O O B-fromloc.city_name O B-toloc.city_name
O O O O B-fromloc.city_name O B-toloc.city_name I-toloc.city_name I-toloc.city_name
O O O B-flight_mod O O B-fromloc.city_name O B-toloc.city_name
O O O O O O O O B-city_name
O O O O B-fromloc.city_name O B-toloc.city_name I-toloc.city_name O B-depart_date.day_name B-depart_time.period_of_day
O O O O O B-city_name I-city_name
O O O O O B-fromloc.city_name I-fromloc.city_name O B-toloc.city_name O B-depart_date.day_name B-depart_time.period_of_day
O O B-fromloc.city_name O B-toloc.city_name
O O B-fromloc.city_name O B-toloc.city_name
O O B-fromloc.city_name I-fromloc.city_name O B-toloc.city_name
O O O O O O B-fromloc.city_name O B-toloc.city_name
O O O O O O O O B-fromloc.city_name I-fromloc.city_name I-fromloc.city_name O B-toloc.city_name O
O O O O O O O O B-fromloc.city_name O B-toloc.city_name O
O O O O O O O O B-fromloc.city_name B-fromloc.state_code O B-toloc.city_name
O O O O O O B-fromloc.city_name O B-toloc.city_name O O O O B-depart_date.day_name
O O O O O B-fromloc.city_name O B-toloc.city_name O O B-depart_date.day_name
O O O O O O O B-fromloc.city_name O B-toloc.city_name O O B-depart_date.day_name
O O O O O B-fromloc.city_name O B-toloc.city_name O O B-depart_date.day_name
O O O O O B-fromloc.city_name O B-toloc.city_name O O B-depart_time.time_relative B-depart_time.time O O O O O
O O O B-fromloc.city_name O B-toloc.city_name
O B-depart_date.day_name O O B-fromloc.city_name O B-toloc.city_name
O O O B-fromloc.city_name O B-toloc.city_name
O B-depart_date.day_name O O B-fromloc.city_name O B-toloc.city_name
O B-depart_date.day_name O O B-fromloc.city_name O B-toloc.city_name
O O B-depart_date.day_name O O B-fromloc.city_name O B-toloc.city_name
O B-depart_date.day_name O O B-fromloc.city_name O B-toloc.city_name
O B-depart_date.day_name O O B-fromloc.city_name O B-toloc.city_name
O O O B-fromloc.city_name O B-toloc.airport_code
O O O B-fromloc.city_name O B-toloc.city_name
O O O B-fromloc.city_name O B-toloc.city_name
O O O B-fromloc.city_name O B-toloc.city_name
O B-flight_mod O O B-fromloc.city_name O B-toloc.city_name I-toloc.city_name I-toloc.city_name O B-depart_date.day_name B-or B-flight_mod O O B-fromloc.city_name O B-toloc.city_name I-toloc.city_name I-toloc.city_name O B-depart_date.day_name
O B-flight_mod O O B-fromloc.city_name O B-toloc.city_name I-toloc.city_name I-toloc.city_name O B-depart_date.day_name
O B-flight_mod O O B-fromloc.city_name O B-toloc.city_name I-toloc.city_name I-toloc.city_name O B-depart_date.day_name
O B-flight_mod B-depart_date.day_name O O B-fromloc.city_name O B-toloc.city_name I-toloc.city_name I-toloc.city_name
O O O B-fromloc.city_name O B-toloc.city_name I-toloc.city_name O O B-stoploc.airport_code
O O O B-fromloc.city_name I-fromloc.city_name O B-toloc.city_name
O O O O O B-fromloc.city_name O B-toloc.city_name O B-depart_date.day_name B-depart_time.time_relative B-depart_time.time I-depart_time.time
O O O O O O B-fromloc.city_name O B-toloc.city_name O B-depart_date.day_name B-depart_time.time_relative B-depart_time.time I-depart_time.time
O O O O O O O B-airport_name I-airport_name
O O O O O O O O O B-fromloc.city_name O B-toloc.city_name O B-depart_date.day_name O B-depart_time.period_of_day
O O O O O O O O O B-fromloc.city_name O B-toloc.city_name B-depart_date.day_name B-depart_time.time_relative B-depart_time.time I-depart_time.time
O O O O O O O O B-fromloc.city_name O O O B-toloc.city_name B-depart_date.day_name B-depart_time.time_relative B-depart_time.time I-depart_time.time
O O O O O O O O B-fromloc.city_name O B-toloc.city_name O B-depart_date.day_name B-depart_time.time_relative B-depart_time.time I-depart_time.time
O O O O O O O O B-fromloc.city_name O B-toloc.city_name O B-depart_date.day_name B-depart_time.time_relative B-depart_time.time I-depart_time.time
O O O O O B-fromloc.city_name O B-toloc.city_name I-toloc.city_name I-toloc.city_name O B-depart_date.day_name
O O O O O O O B-airport_name I-airport_name
O O O O O O O O O O B-fromloc.city_name O B-toloc.city_name I-toloc.city_name I-toloc.city_name O B-depart_date.day_name O B-depart_time.time_relative B-depart_time.time I-depart_time.time
O O O O O O O B-airport_name I-airport_name I-airport_name I-airport_name
O O O O O B-fromloc.city_name I-fromloc.city_name I-fromloc.city_name O B-toloc.city_name O B-depart_date.day_name B-depart_time.time_relative B-depart_time.time I-depart_time.time
O O O O O O O B-airport_name I-airport_name
O O O O O B-fromloc.city_name O B-toloc.city_name I-toloc.city_name I-toloc.city_name O B-depart_date.day_name O B-depart_time.time_relative B-depart_time.time I-depart_time.time
O O O O O O O B-depart_date.day_name O B-depart_time.time_relative I-depart_time.time_relative B-depart_time.time I-depart_time.time O B-fromloc.city_name O O B-toloc.city_name I-toloc.city_name I-toloc.city_name
O O O O O O O O B-fromloc.city_name O B-toloc.city_name I-toloc.city_name I-toloc.city_name O B-depart_date.day_name B-depart_time.time_relative B-depart_time.time I-depart_time.time
O O O O O O O O O O B-fromloc.city_name O B-toloc.city_name I-toloc.city_name I-toloc.city_name O B-depart_date.day_name O B-depart_time.time_relative B-depart_time.time I-depart_time.time
O O O O O O O O O B-depart_date.day_name B-depart_time.time_relative B-depart_time.time I-depart_time.time O B-fromloc.city_name O O B-toloc.city_name I-toloc.city_name I-toloc.city_name
O O O B-state_name I-state_name O B-state_name O
O B-state_name B-state_name B-state_name O
O O B-state_name O
O B-state_name O
O O O B-fromloc.city_name I-fromloc.city_name O B-toloc.city_name
O B-state_name O
O O
O B-depart_date.day_name B-depart_time.period_of_day O O B-fromloc.city_name O B-toloc.city_name I-toloc.city_name I-toloc.city_name
O O O B-fromloc.city_name O B-toloc.city_name I-toloc.city_name I-toloc.city_name B-depart_time.time_relative B-depart_time.time I-depart_time.time B-depart_date.day_name B-depart_time.period_of_day
O O O O B-fromloc.city_name O B-toloc.city_name I-toloc.city_name
O O B-depart_time.period_of_day O O B-fromloc.city_name I-fromloc.city_name O B-toloc.city_name
O O B-airport_code
O O O O O B-fromloc.city_name O B-toloc.city_name
O O O O O O B-fromloc.city_name O B-toloc.city_name O O B-depart_time.time_relative B-depart_time.period_of_day
O O O O O O O B-fromloc.city_name O B-toloc.city_name B-depart_time.time_relative B-depart_time.period_of_day
O O O O O O B-fromloc.city_name O B-toloc.city_name
O O O O O B-fromloc.city_name O B-toloc.city_name
O O O O O B-fromloc.city_name O B-toloc.city_name
O O O O O B-fromloc.city_name B-fromloc.state_name O B-toloc.city_name
O O O O O B-fromloc.city_name O B-toloc.city_name
O O O O O B-transport_type O B-city_name
O O O B-flight_days O O B-fromloc.city_name I-fromloc.city_name O B-toloc.city_name
O O O O O B-fromloc.city_name O O B-toloc.city_name I-toloc.city_name I-toloc.city_name
O O O O O O B-fromloc.city_name O B-toloc.city_name I-toloc.city_name
O O O O O O B-fromloc.city_name O B-toloc.city_name I-toloc.city_name
O O O O O B-fromloc.city_name O B-toloc.city_name I-toloc.city_name
O O O O O O B-fromloc.city_name I-fromloc.city_name O B-toloc.city_name
O O O O O O O O O B-fromloc.city_name O O O B-toloc.city_name
O O O O B-fromloc.city_name I-fromloc.city_name O B-toloc.city_name O O
O O O O B-fare_basis_code O
O O O O B-fromloc.city_name O B-toloc.city_name B-round_trip I-round_trip
O O O B-airline_code O O
O O O B-round_trip I-round_trip O O B-fromloc.city_name O B-toloc.city_name O B-depart_date.day_name B-depart_time.period_of_day B-or B-depart_date.day_name B-depart_time.period_of_day
O O O O B-fromloc.city_name O B-toloc.city_name
O O O O B-fare_basis_code O
O O O O B-fare_basis_code O
O O O O B-fare_basis_code O
O O O B-restriction_code I-restriction_code
O O O B-class_type I-class_type O O B-fromloc.city_name O B-toloc.city_name B-round_trip I-round_trip O B-depart_time.time_relative B-depart_time.time I-depart_time.time
O O O O B-round_trip I-round_trip O O B-fromloc.city_name O B-toloc.city_name O O B-arrive_time.time_relative B-arrive_time.time I-arrive_time.time O B-toloc.city_name
B-round_trip I-round_trip O O B-fromloc.city_name O B-toloc.city_name O
O O O B-airline_code
O O O B-airline_name I-airline_name O O B-fromloc.city_name O B-toloc.city_name
O O O O O B-fromloc.city_name O B-toloc.city_name O
O O O B-airline_code
O O O O O B-fromloc.city_name I-fromloc.city_name O B-toloc.city_name O O O O O
O O O O B-fare_basis_code O
O O O B-round_trip O O B-fromloc.city_name O B-toloc.airport_code O
O O O O B-fare_basis_code O
O O O O B-fare_basis_code O
O O O O B-fare_basis_code O
O O O O B-fare_basis_code O
O O B-round_trip I-round_trip O O B-fromloc.city_name O B-toloc.city_name B-depart_time.time_relative B-depart_time.time I-depart_time.time O B-depart_date.day_name
O O O O O B-fromloc.city_name O B-toloc.city_name
O O B-round_trip I-round_trip O O B-fromloc.city_name O B-toloc.city_name
O O B-round_trip I-round_trip O O B-fromloc.city_name O B-toloc.city_name
O O B-flight_stop O O B-fromloc.city_name O B-toloc.city_name
O O B-round_trip I-round_trip O B-fromloc.city_name O B-toloc.city_name
O O B-round_trip I-round_trip O O B-fromloc.city_name O B-toloc.city_name
O O O B-cost_relative B-round_trip I-round_trip O O B-fromloc.city_name O B-toloc.city_name
O O O B-cost_relative B-round_trip I-round_trip O O B-fromloc.city_name O B-toloc.city_name
O O O B-cost_relative B-economy O O B-fromloc.city_name O B-toloc.city_name I-toloc.city_name
B-fromloc.city_name I-fromloc.city_name O B-toloc.city_name I-toloc.city_name B-economy
B-fromloc.city_name I-fromloc.city_name O B-toloc.city_name I-toloc.city_name B-economy
O O O B-airline_code
O O O B-city_name I-city_name
O O O B-city_name I-city_name
B-fromloc.city_name I-fromloc.city_name O B-toloc.city_name B-economy
B-fromloc.city_name I-fromloc.city_name O B-toloc.city_name B-economy
B-fromloc.city_name O B-toloc.city_name I-toloc.city_name B-economy
O O O B-airline_code
O O O B-airline_code
O O O B-airline_code
O O O B-airline_code
O O O B-airline_code
B-fromloc.city_name O B-toloc.city_name B-round_trip I-round_trip B-depart_time.time_relative B-depart_time.time I-depart_time.time
O O O B-airline_code
B-fromloc.city_name I-fromloc.city_name O B-toloc.city_name
O B-fromloc.city_name O B-toloc.city_name B-round_trip I-round_trip B-depart_time.time_relative B-depart_time.time I-depart_time.time B-depart_date.day_name
O O B-fromloc.city_name O B-toloc.city_name B-depart_time.time_relative B-depart_time.time I-depart_time.time B-flight_days
O O O B-airline_code
O O O O O B-fromloc.city_name I-fromloc.city_name O B-toloc.city_name
O O O O O B-fromloc.city_name I-fromloc.city_name O B-toloc.city_name
O O O B-airline_code
O O O O O B-city_name
O O O O B-fromloc.city_name O B-toloc.city_name I-toloc.city_name
O O O O O B-city_name I-city_name
O O O O B-fromloc.city_name I-fromloc.city_name O B-toloc.city_name I-toloc.city_name
O O B-class_type I-class_type O O B-fromloc.city_name I-fromloc.city_name O B-toloc.city_name B-round_trip I-round_trip
O O B-class_type I-class_type O O B-fromloc.city_name I-fromloc.city_name O B-toloc.city_name B-round_trip I-round_trip
O O O B-round_trip I-round_trip O O B-fromloc.city_name I-fromloc.city_name O B-toloc.city_name B-flight_stop
O O O B-round_trip I-round_trip O O B-fromloc.city_name O B-toloc.city_name I-toloc.city_name B-flight_stop
O O B-round_trip I-round_trip O O B-fromloc.city_name O B-toloc.city_name B-depart_time.time_relative B-depart_time.time I-depart_time.time O O O
O O O O B-fare_basis_code O
O O B-round_trip I-round_trip O O B-fromloc.city_name O B-toloc.city_name
O O O O B-restriction_code O
O O O O B-fare_basis_code O
O O O B-airline_code
O O O B-airline_code
O O O B-airline_code
O O O B-airline_code O O O
O O B-flight_stop O O B-fromloc.city_name I-fromloc.city_name O B-toloc.city_name
O O B-flight_stop O O B-fromloc.city_name O B-toloc.city_name I-toloc.city_name
O O O B-flight_stop O O O O B-fromloc.city_name O B-toloc.city_name I-toloc.city_name
O O O B-flight_stop O O B-fromloc.city_name O B-toloc.city_name I-toloc.city_name
O O B-flight_mod O O B-fromloc.city_name O B-toloc.city_name B-round_trip I-round_trip
O O B-flight_mod O O B-fromloc.city_name O B-toloc.city_name B-round_trip I-round_trip
O O O B-airline_code
O O O B-fromloc.city_name O B-toloc.city_name I-toloc.city_name
O O O B-fromloc.city_name O B-toloc.city_name I-toloc.city_name
O O O B-fromloc.city_name I-fromloc.city_name O B-toloc.city_name
O O O B-fromloc.city_name O B-toloc.city_name
O O O B-fromloc.city_name O B-toloc.city_name I-toloc.city_name
O O O B-fromloc.city_name I-fromloc.city_name O B-toloc.city_name I-toloc.city_name
O O O B-fromloc.city_name O B-toloc.city_name I-toloc.city_name O O B-depart_time.period_of_day
O O O B-fromloc.city_name O B-toloc.city_name I-toloc.city_name
O O O B-fromloc.city_name O B-toloc.city_name
O O O B-fromloc.city_name O B-toloc.city_name I-toloc.city_name O B-depart_date.day_name
O O O B-fromloc.city_name I-fromloc.city_name O B-toloc.city_name O B-depart_date.day_name
O O O B-fromloc.city_name O B-toloc.city_name
O O O O O O O B-city_name I-city_name
O O O B-city_name I-city_name
O O O B-city_name I-city_name
O O O B-city_name
O O
O O O B-city_name
O O O B-city_name
O O O O B-city_name
O B-city_name
O B-city_name
O O O B-fromloc.city_name I-fromloc.city_name O B-toloc.city_name
O O O B-fromloc.airport_name I-fromloc.airport_name O B-toloc.city_name
O O O B-fromloc.city_name O B-toloc.city_name
O O O B-fromloc.city_name B-fromloc.state_name O B-toloc.city_name
O O O B-fromloc.city_name B-fromloc.state_name O B-toloc.city_name
O O O B-fromloc.city_name O B-toloc.city_name O O O B-depart_date.day_name
O O O B-fromloc.city_name O B-toloc.city_name O B-depart_date.day_name
O O O B-fromloc.city_name O B-toloc.city_name O B-depart_date.day_name
O O O B-fromloc.city_name O B-toloc.city_name O B-depart_date.day_name
O O O B-fromloc.city_name O B-depart_date.day_name B-depart_time.period_of_day
O O O O O O O O B-fromloc.city_name
O O O O O B-fromloc.city_name O B-toloc.city_name B-round_trip I-round_trip O B-depart_date.day_name O B-return_date.date_relative B-return_date.day_name
O O O O O B-booking_class
O O O B-fromloc.city_name O B-toloc.city_name O B-depart_date.day_name O O O O O B-fare_basis_code
O O O B-class_type I-class_type B-round_trip I-round_trip O B-fromloc.city_name O B-toloc.city_name I-toloc.city_name
O B-class_type B-round_trip I-round_trip O O B-fromloc.city_name O B-toloc.city_name I-toloc.city_name
O O O B-fromloc.city_name O B-toloc.city_name O B-depart_date.day_name B-depart_time.period_of_day
O O O B-fromloc.city_name O B-toloc.city_name O B-depart_date.day_name
O O B-depart_time.time_relative B-depart_time.time I-depart_time.time O B-fromloc.city_name O B-toloc.city_name
O O O B-fromloc.city_name O B-toloc.city_name B-depart_time.time_relative B-depart_time.period_of_day
O O O B-fromloc.city_name O B-toloc.city_name B-depart_time.time_relative B-depart_time.time I-depart_time.time
O O O O O B-fromloc.city_name O B-toloc.city_name I-toloc.city_name I-toloc.city_name
O B-airline_name O O B-fromloc.city_name O B-toloc.city_name I-toloc.city_name I-toloc.city_name
O O O O B-airline_name O O B-fromloc.city_name O B-toloc.city_name I-toloc.city_name I-toloc.city_name
O B-airline_name O O B-fromloc.city_name O B-toloc.city_name I-toloc.city_name I-toloc.city_name O O O
O O O O O O B-city_name
O O O O B-city_name
O O O B-fromloc.city_name O B-toloc.city_name I-toloc.city_name O B-depart_date.day_name
O O O O O B-fromloc.city_name I-fromloc.city_name O B-toloc.city_name O B-depart_date.day_name
O O O O O B-fromloc.city_name O B-toloc.city_name I-toloc.city_name B-depart_date.day_name B-depart_time.period_of_day
O O O B-round_trip I-round_trip O O B-fromloc.city_name O B-toloc.city_name B-depart_date.date_relative B-depart_date.day_name
O O O O O B-round_trip I-round_trip O O B-fromloc.city_name O B-toloc.city_name B-depart_date.date_relative B-depart_date.day_name
O O O O O O O O O O B-toloc.city_name O B-fromloc.city_name O B-depart_date.day_name
O O O O O B-fromloc.city_name O B-toloc.city_name B-depart_date.date_relative B-depart_date.day_name
O O O O O B-fromloc.city_name O B-toloc.city_name O B-depart_date.day_name B-or B-depart_date.day_name O B-airline_name I-airline_name
O O O O O B-fromloc.city_name O B-toloc.city_name O B-depart_date.day_name B-depart_time.period_of_day
O O O O O B-fromloc.city_name O B-toloc.city_name O B-depart_date.day_name O B-airline_name I-airline_name
O O O O O B-fromloc.city_name O B-toloc.city_name O B-airline_name I-airline_name
O O O O O B-fromloc.city_name O B-toloc.city_name
O O O B-meal O O B-depart_time.period_mod B-depart_date.day_name B-depart_time.period_of_day O B-fromloc.city_name O B-toloc.city_name B-flight_stop
O O O O O B-fromloc.city_name O B-toloc.city_name B-depart_date.day_name B-depart_time.period_of_day O O B-meal
O O O O B-fromloc.city_name O B-toloc.city_name O O B-meal O B-airline_name
O O O O O B-fromloc.city_name O B-toloc.city_name O O B-meal O B-airline_name B-depart_date.day_name B-depart_time.period_of_day
O O O O O B-fromloc.city_name O B-toloc.city_name O B-airline_name O O B-meal B-depart_time.period_mod B-depart_date.day_name B-depart_time.period_of_day
O O O O O B-airline_name O O B-fromloc.city_name O B-toloc.city_name O O B-meal B-depart_time.period_mod B-depart_date.day_name B-depart_time.period_of_day
O O O B-depart_date.day_name B-depart_time.period_of_day O O B-meal O B-fromloc.city_name O B-toloc.city_name
O O O B-depart_date.day_name B-depart_time.period_of_day O O B-airline_name O O B-meal O B-fromloc.city_name O B-toloc.city_name
O O O B-depart_date.day_name B-depart_time.period_of_day O O B-fromloc.city_name O B-toloc.city_name I-toloc.city_name O B-airline_name O O B-meal
O O O O O B-fromloc.city_name I-fromloc.city_name O B-toloc.city_name I-toloc.city_name B-flight_stop
O O O O O B-fromloc.city_name O B-toloc.city_name I-toloc.city_name B-flight_stop
O O O B-cost_relative B-round_trip I-round_trip O O B-fromloc.city_name O B-toloc.city_name B-depart_time.time_relative B-depart_date.month_name B-depart_date.day_number I-depart_date.day_number
O O O B-depart_date.day_name O O B-fromloc.city_name O B-toloc.city_name
O O O B-depart_date.day_name O O B-fromloc.city_name O B-toloc.city_name
O O O O O B-fromloc.city_name O B-toloc.city_name O B-depart_date.day_name B-depart_time.period_of_day
O O O O B-depart_time.period_of_day O O B-fromloc.city_name O B-toloc.city_name O
B-cost_relative B-round_trip I-round_trip O O O B-fromloc.city_name O B-toloc.city_name O B-depart_date.month_name B-depart_date.day_number I-depart_date.day_number
B-cost_relative B-round_trip I-round_trip O O B-fromloc.city_name O B-toloc.city_name O B-depart_date.month_name B-depart_date.day_number I-depart_date.day_number
O O O B-fromloc.city_name O B-toloc.city_name
O O O B-fromloc.city_name O B-toloc.city_name
B-depart_date.day_name O O B-airline_name I-airline_name O B-fromloc.city_name O B-toloc.city_name
O O O B-airline_name I-airline_name O B-fromloc.city_name O B-toloc.city_name
O O O B-fromloc.city_name O B-toloc.city_name
O O O B-fromloc.city_name O B-toloc.city_name O B-airline_name
O O O B-fromloc.city_name O B-toloc.city_name O B-airline_name
O O O O O B-fromloc.city_name O B-toloc.city_name B-cost_relative B-fare_amount I-fare_amount
O O O B-class_type O O B-fromloc.city_name O B-toloc.city_name
B-fromloc.city_name O B-toloc.city_name O B-depart_date.day_name
B-fromloc.city_name O B-toloc.city_name B-depart_date.day_name B-depart_time.period_of_day
B-fromloc.city_name O B-toloc.city_name O B-depart_date.day_name
B-fromloc.city_name O B-toloc.city_name B-depart_date.day_name B-depart_time.period_of_day
B-fromloc.city_name O B-toloc.city_name B-depart_time.time_relative B-depart_time.time I-depart_time.time
B-fromloc.city_name O B-toloc.city_name B-depart_time.time_relative B-depart_time.period_of_day
B-fromloc.city_name O B-toloc.city_name B-depart_date.month_name B-depart_date.day_number I-depart_date.day_number
B-cost_relative O O B-fromloc.city_name O B-toloc.city_name O O B-depart_date.day_number I-depart_date.day_number O B-depart_date.month_name
B-cost_relative O B-round_trip I-round_trip O B-fromloc.city_name O B-toloc.city_name O B-depart_date.month_name B-depart_date.day_number I-depart_date.day_number
B-fromloc.city_name O B-toloc.city_name O B-depart_date.day_name O B-arrive_time.time_relative B-arrive_time.time I-arrive_time.time
B-fromloc.city_name O B-toloc.city_name B-depart_date.day_name B-depart_time.period_of_day
B-fromloc.city_name I-fromloc.city_name I-fromloc.city_name O B-toloc.city_name I-toloc.city_name O B-fromloc.city_name O B-toloc.city_name I-toloc.city_name O B-depart_date.day_name
B-fromloc.city_name I-fromloc.city_name I-fromloc.city_name O B-toloc.city_name I-toloc.city_name O B-fromloc.city_name O B-toloc.city_name I-toloc.city_name O B-depart_date.day_name
B-fromloc.city_name I-fromloc.city_name O B-toloc.city_name I-toloc.city_name B-depart_date.day_name B-depart_time.period_of_day
B-fromloc.city_name O B-toloc.city_name I-toloc.city_name B-depart_date.day_name B-depart_time.period_of_day
B-fromloc.city_name I-fromloc.city_name O B-toloc.city_name I-toloc.city_name O B-depart_date.day_name B-depart_time.period_of_day
B-fromloc.city_name O B-toloc.city_name B-depart_date.day_name B-depart_time.period_of_day
B-fromloc.city_name O B-toloc.city_name I-toloc.city_name B-depart_date.day_name B-depart_time.period_of_day
B-fromloc.city_name I-fromloc.city_name O B-toloc.city_name B-depart_time.period_of_day B-depart_date.day_name
B-fromloc.city_name I-fromloc.city_name O B-toloc.city_name B-depart_time.period_of_day O B-depart_date.day_name
B-fromloc.city_name O B-toloc.city_name I-toloc.city_name B-depart_date.day_name B-depart_time.period_of_day
B-fromloc.city_name O B-toloc.city_name O B-depart_date.day_name
B-fromloc.city_name O B-toloc.city_name O B-depart_date.day_name
B-fromloc.city_name O B-toloc.city_name O B-depart_date.day_name
O B-flight O B-fromloc.city_name O B-toloc.city_name I-toloc.city_name O O B-arrive_time.start_time O B-arrive_time.end_time I-arrive_time.end_time
O O B-airline_name O O B-fromloc.city_name I-fromloc.city_name
O O B-airline_name O O B-fromloc.city_name B-fromloc.state_code
O O O O B-airline_name O O B-fromloc.airport_name
O O O B-airline_name O O O
O O O O O B-airline_name O
O O O B-airline_name O O
O O O O B-connect O O B-fromloc.city_name O B-toloc.city_name I-toloc.city_name O B-depart_time.time_relative B-depart_time.time I-depart_time.time
O O O O O O B-fromloc.city_name O B-toloc.city_name I-toloc.city_name
O O O O B-depart_time.period_of_day O O B-airline_name I-airline_name O B-fromloc.city_name O B-toloc.city_name
O O O O O O B-fromloc.city_name O O O B-toloc.city_name
O O O B-aircraft_code
O O O O O O B-aircraft_code
O O O B-aircraft_code
O O O O O O B-airline_name I-airline_name
O O O B-class_type I-class_type O B-class_type O O B-fromloc.airport_code O B-toloc.city_name
O O O B-class_type I-class_type O B-class_type O O B-fromloc.airport_name I-fromloc.airport_name O B-toloc.city_name
O O O B-class_type I-class_type O B-class_type O O B-fromloc.airport_code O B-toloc.city_name
O B-meal O O O B-airline_name I-airline_name
O B-meal_description O O B-airline_name I-airline_name
O B-airline_name I-airline_name O O B-fromloc.airport_code O B-toloc.city_name
O B-airline_name I-airline_name O B-fromloc.city_name O B-toloc.city_name I-toloc.city_name
O B-airline_name I-airline_name O O B-fromloc.city_name O B-toloc.city_name I-toloc.city_name
O B-airline_name I-airline_name O O B-fromloc.city_name O B-toloc.city_name I-toloc.city_name I-toloc.city_name
O O O O O O O B-fromloc.city_name O B-toloc.city_name B-toloc.state_code
O O O B-cost_relative I-cost_relative O O B-fromloc.city_name O B-toloc.city_name I-toloc.city_name I-toloc.city_name
O O O B-cost_relative O O B-fromloc.city_name B-fromloc.state_code O B-toloc.city_name I-toloc.city_name I-toloc.city_name
O O O B-cost_relative O O B-fromloc.airport_code O B-toloc.city_name I-toloc.city_name I-toloc.city_name
O O O O O O B-class_type I-class_type O O B-fromloc.city_name O B-toloc.city_name I-toloc.city_name O B-round_trip
O O O B-flight_mod I-flight_mod O O B-fromloc.city_name O B-toloc.city_name B-toloc.state_code
O O O B-flight_mod I-flight_mod O O B-fromloc.city_name O B-toloc.city_name B-toloc.state_code
O O B-flight_mod I-flight_mod O O B-fromloc.city_name O B-toloc.city_name B-toloc.state_code
O O O B-flight_mod I-flight_mod O O B-fromloc.city_name O B-toloc.city_name
O O O B-flight_mod I-flight_mod O O B-fromloc.city_name O B-toloc.city_name
O O O O O B-fromloc.city_name O B-toloc.city_name
O O O O O B-fromloc.city_name O B-toloc.city_name
O O O O O B-fromloc.city_name O B-toloc.city_name
O O O O B-fromloc.city_name O B-depart_time.start_time I-depart_time.start_time O B-depart_time.end_time I-depart_time.end_time
O O O O O O O O B-aircraft_code
O O O O O O O B-aircraft_code
O O O O O O O O B-aircraft_code
O O O O O O O O B-aircraft_code
O O O O O O O O O O B-aircraft_code
O O O O O O O B-aircraft_code
O O O B-city_name
O O O O O O O O B-city_name
O O O O B-toloc.city_name
O O O O O B-toloc.city_name O B-arrive_time.start_time O B-arrive_time.end_time I-arrive_time.end_time
O O O O O O B-aircraft_code
O O B-aircraft_code
O O O O O O O B-aircraft_code
O O O O O O O B-aircraft_code
O O O O O B-aircraft_code O
O O O O O O O B-aircraft_code
O O O O B-flight_days O O O B-toloc.city_name O B-arrive_time.start_time O B-arrive_time.end_time I-arrive_time.end_time
O O O O B-flight_days O O O B-toloc.city_name O B-arrive_time.start_time O B-arrive_time.end_time I-arrive_time.end_time
O O O O O B-flight_days O O O B-toloc.city_name O B-arrive_time.start_time I-arrive_time.start_time O B-arrive_time.end_time I-arrive_time.end_time
O O O O O O O B-aircraft_code
O O O O B-aircraft_code O
O O O O B-aircraft_code O
O O O O O O O O O B-aircraft_code
O O O O O O O B-aircraft_code
O O O O O O O B-aircraft_code
O O O O O O O O B-aircraft_code
O O O O O O B-city_name O B-depart_time.start_time O B-depart_time.end_time I-depart_time.end_time
O O O O O B-toloc.city_name O B-arrive_time.start_time O B-arrive_time.end_time I-arrive_time.end_time
O O O O O O O O O O B-toloc.city_name O B-arrive_time.start_time O B-arrive_time.end_time I-arrive_time.end_time
O O O O O B-fromloc.city_name O B-toloc.city_name O B-depart_date.day_name B-depart_time.period_of_day
O O O O O B-fromloc.city_name O B-toloc.city_name O B-depart_date.day_name B-depart_time.period_of_day
O O O O O O B-airport_name I-airport_name O O O O O O O O O O B-period_of_day
O O O O O B-fromloc.city_name O B-toloc.city_name I-toloc.city_name I-toloc.city_name O O B-depart_date.day_name B-depart_time.period_of_day
O O B-airport_code
O O O O O O B-airport_name I-airport_name I-airport_name O B-city_name I-city_name I-city_name
O O O O O B-airport_code O B-city_name I-city_name I-city_name
O O O O O O B-airport_code O B-city_name I-city_name I-city_name
O O O O O B-airport_code O B-city_name I-city_name I-city_name
O O O B-depart_time.period_of_day O O B-fromloc.city_name O B-toloc.city_name I-toloc.city_name I-toloc.city_name
O O O O O B-fromloc.city_name I-fromloc.city_name I-fromloc.city_name O B-toloc.city_name O B-depart_time.time_relative B-depart_time.time I-depart_time.time O B-depart_date.day_name
O O O O O O O B-airport_name I-airport_name
O O O B-flight_stop O O B-fromloc.city_name O B-toloc.city_name O B-depart_time.time_relative B-depart_time.period_of_day O O B-arrive_time.time_relative B-arrive_time.time I-arrive_time.time
O O O O B-airline_name I-airline_name O O B-toloc.city_name
O O B-airline_name I-airline_name O O B-fromloc.city_name O O
O O B-airline_name I-airline_name O O B-fromloc.city_name
O O O B-airline_code
O O B-airline_name I-airline_name O O O B-toloc.city_name
O O B-airline_name I-airline_name O O O O B-fromloc.city_name
O O B-airline_name I-airline_name O
O O O O O B-fromloc.city_name
O O O O B-fromloc.city_name O B-toloc.city_name O O B-depart_time.time_relative B-depart_time.period_of_day
O O B-cost_relative O O B-fromloc.city_name O B-toloc.city_name I-toloc.city_name
O O O O O B-fromloc.city_name I-fromloc.city_name O B-toloc.city_name B-depart_time.period_mod O O B-depart_time.period_of_day
O O O O B-depart_time.period_of_day O O B-fromloc.city_name O B-toloc.city_name
O O O B-depart_time.period_of_day O O B-fromloc.city_name O B-toloc.city_name I-toloc.city_name
O O O B-depart_time.period_of_day O O B-fromloc.city_name O B-toloc.city_name I-toloc.city_name
O O O O O O O O B-depart_date.day_name O B-fromloc.city_name B-fromloc.state_name O B-toloc.city_name I-toloc.city_name B-toloc.state_name
O O O O O O B-depart_date.day_name O O O B-fromloc.city_name I-fromloc.city_name O B-toloc.city_name B-toloc.state_name O O O O O B-depart_time.period_of_day
O O O O O B-depart_date.day_name B-depart_time.period_of_day O B-fromloc.city_name O B-toloc.city_name
O O O O O O B-depart_date.day_name B-depart_time.period_of_day O B-fromloc.city_name O B-toloc.city_name
O O O O O O B-fromloc.city_name O B-toloc.city_name O B-airline_name
O O O O O O O O B-airline_name O O O B-depart_time.time I-depart_time.time
O O O O O B-fromloc.city_name I-fromloc.city_name O B-toloc.city_name O B-depart_date.date_relative B-depart_date.day_name O O B-return_date.date_relative I-return_date.date_relative I-return_date.date_relative
O O O O B-fromloc.city_name I-fromloc.city_name O B-toloc.city_name I-toloc.city_name
O O O O O B-fromloc.city_name O B-toloc.city_name I-toloc.city_name
O O O O O B-fromloc.city_name I-fromloc.city_name O B-toloc.city_name
O O O O O B-fromloc.city_name O B-toloc.city_name
O O O O O O O O O B-airport_name I-airport_name I-airport_name
O O B-transport_type I-transport_type O O B-airport_name I-airport_name
O O O O O B-fromloc.city_name O B-toloc.city_name
O O O O O B-fromloc.city_name O B-toloc.city_name
O O O O O B-fromloc.airport_name I-fromloc.airport_name O B-toloc.city_name I-toloc.city_name O B-airline_name
O O O O O B-depart_date.day_name O O O B-fromloc.city_name B-fromloc.state_name I-fromloc.state_name O B-toloc.city_name B-toloc.state_name
O O O O O B-fromloc.city_name B-fromloc.state_name O B-toloc.city_name I-toloc.city_name B-toloc.state_name O B-depart_date.day_name
O O O O O B-depart_date.day_name O O B-fromloc.city_name I-fromloc.city_name B-fromloc.state_name O B-toloc.city_name I-toloc.city_name
O O O O O B-fromloc.city_name I-fromloc.city_name O B-toloc.city_name B-toloc.state_name I-toloc.state_name O O B-depart_date.day_name
O O O O O B-fromloc.city_name O B-toloc.city_name O O O B-stoploc.city_name I-stoploc.city_name
O O O B-depart_time.period_of_day O O B-fromloc.city_name O B-toloc.city_name O B-depart_date.date_relative B-depart_date.day_name
O O O O O B-fromloc.city_name O B-toloc.city_name I-toloc.city_name O O B-depart_date.day_name B-depart_time.period_of_day
O O O O B-fromloc.city_name I-fromloc.city_name O B-toloc.city_name O O B-depart_date.day_name B-depart_time.period_of_day
O O O O O B-depart_date.day_name B-depart_time.period_of_day O B-fromloc.city_name I-fromloc.city_name O B-toloc.city_name
O O O O O B-fromloc.city_name I-fromloc.city_name O B-toloc.airport_name I-toloc.airport_name O O O B-arrive_date.day_name B-arrive_time.time_relative B-arrive_time.time I-arrive_time.time
O O O O O B-fromloc.city_name O B-toloc.airport_name I-toloc.airport_name O O O B-arrive_date.day_name B-arrive_time.time_relative B-arrive_time.time I-arrive_time.time
O O O O O B-airline_name I-airline_name O B-fromloc.city_name O B-toloc.city_name O O B-arrive_time.time_relative B-arrive_time.time I-arrive_time.time
O O O O O B-fromloc.city_name O B-toloc.city_name O O O B-stoploc.city_name I-stoploc.city_name
O O O O O B-fromloc.city_name O B-toloc.city_name I-toloc.city_name B-toloc.state_name O O B-depart_time.time_relative B-depart_time.time I-depart_time.time
O O O B-flight_stop O O B-fromloc.city_name I-fromloc.city_name O B-toloc.city_name B-toloc.state_name
O O O B-flight_stop O O B-fromloc.city_name O B-toloc.city_name
O O O O O B-fromloc.city_name O B-toloc.city_name O B-depart_date.day_name
O O O B-airline_name O O B-fromloc.city_name O B-toloc.city_name
O O O B-fromloc.city_name O B-toloc.city_name O O O B-stoploc.city_name
O O O O O B-fromloc.city_name I-fromloc.city_name O B-toloc.city_name
O O O O O B-fromloc.city_name O B-toloc.city_name
O O O O O B-fromloc.city_name O B-toloc.city_name I-toloc.city_name
O O O O O B-fromloc.city_name O B-toloc.city_name O B-airline_name I-airline_name
O O O O O O B-fromloc.city_name I-fromloc.city_name O B-toloc.city_name O B-depart_date.month_name B-depart_date.day_number
O O O O O O B-fromloc.city_name O B-toloc.city_name I-toloc.city_name O B-depart_date.month_name B-depart_date.day_number
O O O O O O B-fromloc.city_name I-fromloc.city_name O B-toloc.city_name O B-depart_date.month_name B-depart_date.day_number
O O O O O O B-fromloc.city_name O B-toloc.city_name I-toloc.city_name O B-depart_date.month_name B-depart_date.day_number
O O O O O B-fromloc.city_name O B-toloc.city_name
O O O O O O O B-fromloc.city_name I-fromloc.city_name I-fromloc.city_name O B-toloc.city_name I-toloc.city_name I-toloc.city_name B-depart_date.date_relative B-depart_date.day_name B-arrive_time.time_relative O B-arrive_time.time_relative B-arrive_time.time I-arrive_time.time
O O O O O O O B-fromloc.city_name O B-toloc.city_name I-toloc.city_name O B-depart_date.day_name B-depart_time.time_relative B-depart_time.time I-depart_time.time
O O O O O O B-airline_name O O B-fromloc.city_name I-fromloc.city_name I-fromloc.city_name O B-toloc.city_name I-toloc.city_name B-depart_date.date_relative B-depart_date.day_name O B-arrive_time.time_relative B-arrive_time.time I-arrive_time.time
O O O O O B-fromloc.city_name O B-toloc.city_name O O B-airline_name I-airline_name O B-arrive_time.time_relative B-arrive_time.time I-arrive_time.time
O O O O O B-fromloc.city_name I-fromloc.city_name O B-toloc.city_name B-depart_date.date_relative B-depart_date.day_name
O O O B-round_trip I-round_trip O O B-fromloc.city_name I-fromloc.city_name O B-toloc.city_name O B-depart_date.day_name B-depart_date.month_name B-depart_date.day_number I-depart_date.day_number O O B-arrive_time.time I-arrive_time.time
O O O O O O O O B-fromloc.city_name O B-toloc.city_name O O B-stoploc.city_name I-stoploc.city_name
O O O B-fromloc.city_name I-fromloc.city_name O B-toloc.city_name O B-depart_date.day_name B-depart_time.period_of_day
O O O B-fromloc.city_name O B-toloc.city_name O B-depart_date.day_name
O O O B-fromloc.city_name O B-toloc.city_name I-toloc.city_name O B-depart_date.day_name
O O O B-fromloc.city_name O B-toloc.city_name I-toloc.city_name O B-depart_date.day_name
O O O B-fromloc.city_name I-fromloc.city_name O B-toloc.city_name O B-depart_date.day_name
O O O B-fromloc.city_name O B-toloc.city_name O B-depart_date.day_name
O O O B-fromloc.city_name O B-toloc.city_name O B-depart_date.day_name
O B-airline_name O O B-fromloc.city_name O B-toloc.city_name B-depart_time.time_relative B-depart_time.time I-depart_time.time
O O O O B-round_trip I-round_trip O B-fromloc.city_name I-fromloc.city_name O B-toloc.city_name B-toloc.state_name O O O O B-stoploc.city_name I-stoploc.city_name B-cost_relative I-cost_relative O O O B-fare_amount I-fare_amount O B-depart_date.month_name B-depart_date.day_number B-depart_date.year
O O O O O B-depart_date.month_name B-depart_date.day_number O B-fromloc.city_name O B-toloc.city_name
O O O O O B-fromloc.city_name O B-toloc.city_name O O O O O B-stoploc.city_name O B-depart_date.month_name B-depart_date.day_number B-round_trip I-round_trip O B-meal_description
O O O O O O B-fromloc.city_name O B-toloc.city_name
O O O O O O B-fromloc.city_name O B-toloc.city_name
O O O O O O B-fromloc.city_name O B-city_name I-city_name
O O O O O O O B-city_name I-city_name O B-toloc.city_name
O O O O O O O B-fromloc.city_name O B-toloc.city_name B-fromloc.city_name O B-toloc.city_name I-toloc.city_name O O B-fromloc.city_name I-fromloc.city_name O B-toloc.city_name
O O O O B-round_trip I-round_trip O O B-fromloc.city_name O B-toloc.city_name O O B-stoploc.city_name I-stoploc.city_name
O O O O O O O B-toloc.city_name I-toloc.city_name
O O O O O O O B-fromloc.city_name I-fromloc.city_name I-fromloc.city_name O B-toloc.city_name I-toloc.city_name
O O O O O O B-city_name I-city_name
O O O O O O O B-fromloc.city_name O B-toloc.city_name I-toloc.city_name I-toloc.city_name O B-airline_name I-airline_name O B-depart_date.date_relative B-depart_date.day_name
O O O O O O O B-city_name I-city_name I-city_name O
O O O O O O B-fromloc.city_name O O O O O B-toloc.city_name I-toloc.city_name I-toloc.city_name O O O B-arrive_date.date_relative B-arrive_date.day_name B-arrive_time.time_relative B-arrive_time.time I-arrive_time.time
O O O O O B-fromloc.city_name O O O O O B-toloc.city_name I-toloc.city_name I-toloc.city_name O
O O O O O B-fromloc.city_name O B-toloc.city_name O B-airline_name I-airline_name
O O O O O O B-round_trip I-round_trip O O B-fromloc.city_name I-fromloc.city_name O B-toloc.city_name
O O O O O O O B-fromloc.city_name O B-toloc.city_name

+ 4478
- 0
datasets/atis/train/label
File diff suppressed because it is too large
View File


+ 4478
- 0
datasets/atis/train/seq.in
File diff suppressed because it is too large
View File


+ 4478
- 0
datasets/atis/train/seq.out
File diff suppressed because it is too large
View File


+ 500
- 0
datasets/atis/valid/label View File

@ -0,0 +1,500 @@
atis_flight
atis_flight
atis_flight
atis_flight
atis_flight
atis_flight
atis_flight
atis_flight
atis_flight
atis_flight
atis_flight
atis_airfare
atis_flight
atis_airfare
atis_flight
atis_flight
atis_flight
atis_flight
atis_restriction
atis_ground_service
atis_abbreviation
atis_flight
atis_flight
atis_flight
atis_flight
atis_flight
atis_flight
atis_flight
atis_flight
atis_flight
atis_flight
atis_aircraft
atis_flight
atis_flight
atis_flight
atis_flight
atis_airfare
atis_flight
atis_flight
atis_flight
atis_flight
atis_airline
atis_flight
atis_flight
atis_flight
atis_flight
atis_flight
atis_flight
atis_flight
atis_quantity
atis_flight_time
atis_flight
atis_flight
atis_flight
atis_flight
atis_ground_service
atis_flight
atis_flight
atis_flight
atis_flight_time
atis_flight
atis_flight_time
atis_distance
atis_aircraft
atis_flight
atis_flight#atis_airfare
atis_flight
atis_flight
atis_airfare
atis_flight
atis_airfare
atis_flight
atis_flight
atis_flight
atis_flight
atis_quantity
atis_flight_time
atis_ground_service
atis_flight
atis_flight
atis_flight
atis_flight
atis_flight
atis_ground_service
atis_flight
atis_flight
atis_flight
atis_ground_fare
atis_flight
atis_flight_time
atis_flight
atis_capacity
atis_flight
atis_flight
atis_flight_time
atis_flight
atis_flight
atis_airfare
atis_airfare
atis_flight
atis_flight
atis_flight
atis_flight
atis_flight
atis_flight
atis_flight
atis_flight
atis_flight
atis_flight
atis_flight
atis_flight
atis_flight
atis_flight
atis_flight
atis_flight
atis_flight
atis_flight
atis_flight
atis_airfare
atis_flight
atis_flight
atis_flight
atis_flight
atis_flight
atis_flight
atis_flight
atis_aircraft
atis_abbreviation
atis_airfare
atis_flight
atis_flight
atis_flight
atis_flight
atis_flight
atis_airline
atis_flight
atis_abbreviation
atis_flight
atis_airfare
atis_airfare
atis_airfare
atis_flight
atis_airfare
atis_airfare
atis_flight
atis_flight
atis_airfare
atis_flight
atis_flight
atis_airline
atis_airfare
atis_flight
atis_flight
atis_flight
atis_flight
atis_flight
atis_flight
atis_flight
atis_flight
atis_flight
atis_flight
atis_airfare
atis_airline
atis_quantity
atis_flight
atis_flight
atis_flight
atis_aircraft
atis_flight
atis_flight
atis_city
atis_quantity
atis_flight
atis_flight
atis_flight
atis_flight
atis_flight
atis_flight
atis_flight
atis_airfare
atis_airfare
atis_flight
atis_flight
atis_flight
atis_flight
atis_flight
atis_flight
atis_flight
atis_airline
atis_airfare
atis_flight
atis_flight
atis_flight
atis_quantity
atis_flight
atis_flight
atis_flight
atis_flight
atis_flight
atis_flight
atis_flight
atis_flight
atis_flight
atis_flight
atis_flight
atis_flight
atis_flight
atis_flight
atis_flight
atis_airfare
atis_aircraft
atis_flight
atis_flight
atis_ground_service
atis_airport
atis_flight
atis_flight
atis_airfare
atis_flight
atis_flight
atis_flight
atis_abbreviation
atis_flight
atis_flight_time
atis_airline
atis_quantity
atis_flight
atis_flight
atis_flight
atis_flight
atis_flight
atis_flight
atis_flight
atis_flight
atis_flight
atis_flight
atis_airfare
atis_flight
atis_ground_service
atis_flight
atis_flight
atis_flight
atis_flight
atis_ground_service
atis_flight
atis_flight
atis_flight
atis_flight
atis_abbreviation
atis_flight
atis_flight_time
atis_flight
atis_flight
atis_abbreviation
atis_aircraft
atis_flight
atis_flight
atis_flight
atis_flight
atis_airfare
atis_airline
atis_flight
atis_flight
atis_aircraft
atis_flight
atis_ground_service
atis_flight
atis_flight
atis_flight
atis_flight
atis_flight
atis_flight_time
atis_flight
atis_flight
atis_ground_service
atis_ground_service
atis_airfare
atis_distance
atis_flight
atis_flight
atis_ground_service
atis_airfare
atis_ground_service
atis_flight
atis_flight
atis_flight
atis_flight
atis_flight
atis_airline
atis_flight
atis_flight
atis_flight
atis_ground_service
atis_abbreviation
atis_flight
atis_flight
atis_flight
atis_flight
atis_flight
atis_aircraft
atis_flight
atis_flight
atis_flight
atis_flight
atis_flight
atis_flight
atis_airfare
atis_flight
atis_flight
atis_flight
atis_flight
atis_flight
atis_flight
atis_flight
atis_flight
atis_flight
atis_flight
atis_flight
atis_flight
atis_flight
atis_flight
atis_flight
atis_abbreviation
atis_flight
atis_airfare
atis_flight
atis_abbreviation
atis_flight
atis_abbreviation
atis_flight
atis_flight
atis_flight
atis_flight
atis_quantity
atis_flight
atis_airfare
atis_airfare
atis_flight
atis_flight
atis_flight
atis_flight
atis_abbreviation
atis_flight
atis_flight
atis_flight
atis_flight
atis_flight
atis_flight
atis_flight
atis_flight
atis_airfare
atis_flight
atis_flight
atis_flight
atis_flight
atis_flight
atis_flight
atis_flight
atis_flight
atis_airline
atis_flight
atis_flight
atis_ground_service
atis_flight
atis_flight
atis_flight
atis_flight
atis_flight
atis_flight
atis_flight
atis_flight
atis_flight
atis_flight
atis_flight
atis_flight
atis_airfare
atis_flight
atis_flight
atis_ground_service
atis_airline
atis_flight
atis_ground_service
atis_flight
atis_aircraft
atis_flight
atis_abbreviation
atis_flight
atis_flight
atis_ground_service
atis_flight
atis_airfare
atis_flight
atis_abbreviation
atis_airport
atis_flight
atis_flight
atis_ground_service
atis_flight
atis_abbreviation
atis_flight
atis_ground_service
atis_flight
atis_airline
atis_flight
atis_airline
atis_quantity
atis_flight
atis_flight
atis_flight
atis_flight
atis_abbreviation
atis_flight
atis_airline
atis_airfare
atis_quantity
atis_flight
atis_flight
atis_airfare
atis_airline
atis_ground_service
atis_distance
atis_flight
atis_flight
atis_ground_service
atis_flight
atis_flight
atis_flight
atis_flight
atis_flight
atis_flight
atis_abbreviation
atis_flight
atis_flight
atis_flight
atis_flight
atis_flight
atis_flight
atis_flight
atis_flight
atis_flight
atis_flight
atis_airfare
atis_flight
atis_airline
atis_flight
atis_airfare
atis_flight
atis_flight
atis_airfare
atis_flight
atis_airport
atis_flight
atis_flight
atis_flight
atis_flight#atis_airfare
atis_airline
atis_flight
atis_ground_service
atis_flight
atis_flight
atis_flight
atis_flight
atis_flight
atis_flight
atis_flight
atis_flight
atis_ground_service
atis_ground_service
atis_flight
atis_abbreviation
atis_airline
atis_ground_fare
atis_flight
atis_flight
atis_flight
atis_flight
atis_flight
atis_airline
atis_flight
atis_flight
atis_flight
atis_aircraft
atis_flight
atis_ground_fare
atis_aircraft
atis_flight
atis_flight
atis_flight
atis_flight
atis_flight
atis_airfare
atis_quantity
atis_flight
atis_flight
atis_flight
atis_flight
atis_flight
atis_flight
atis_ground_service
atis_flight

+ 500
- 0
datasets/atis/valid/seq.in View File

@ -0,0 +1,500 @@
i want to fly from boston at 838 am and arrive in denver at 1110 in the morning
show me all round trip flights between houston and las vegas
i would like some information on a flight from denver to san francisco on united airlines
what are the coach flights between dallas and baltimore leaving august tenth and returning august twelve
i'm flying from boston to the bay area
okay can you tell me the flight cost between denver and atlanta
from montreal to las vegas
what is the earliest breakfast flight from philadelphia to fort worth
flights from pittsburgh to baltimore between 10 am and 2 pm
what is the latest flight departing from boston to san francisco
flights from ontario to florida
i would like to know the first class fare on a flight from baltimore to denver
okay that sounds great let's go from atlanta on april twenty one in the morning to dallas least expensive fare one way
show me the prices of all flights from atlanta to washington dc
flights from cincinnati to o'hare departing after 718 am american
i'm interested in a flight from pittsburgh to atlanta
i am interested in booking an early morning flight from dallas into houston on february twenty second and returning late in the evening of february twenty second
i'm looking for a flight from oakland to denver with a stopover in dallas fort worth
what's restriction ap68
what types of ground transportation are available in philadelphia
what does the abbreviation co mean
a first class flight on american to san francisco on the coming tuesday
please list the flights from baltimore to san francisco on fridays
what flights return from denver to philadelphia on a saturday
on united airlines flying from denver to san francisco before 10 am what type of aircraft is used
i need a flight from atlanta to baltimore nonstop arriving at 7 pm please
what are the cheapest round trip flights from denver to atlanta
does continental fly from denver to san francisco
i would like a nonstop flight from st. petersburg to charlotte leaving in the afternoon
on continental airlines any class service from san francisco to pittsburgh
find me the cheapest flight from boston to washington
well i'll try last time tell me the kind of aircraft united airlines flies from denver to san francisco before 10 o'clock in the morning
show me the northwest flights from detroit to st. petersburg
morning flights from pittsburgh to atlanta on wednesday
show me flights first class from san francisco to pittsburgh leaving on tuesday after 8 o'clock in the morning and before 12 noon
what's the most expensive way i can fly to washington
show me the cheapest one way fare from baltimore to dallas
flights from boston flights from philadelphia to boston on monday
list nonstop flights from houston to dallas which arrive before midnight
i need a flight to seattle leaving from baltimore making a stop in minneapolis
philadelphia to san francisco please
airline that stands for dl
i'd like a cheap flight from dallas to baltimore on january first
what flights are available friday from san francisco to boston
show me saturday and sunday's flights from milwaukee to phoenix on american airlines
what flights from st. paul to kansas city on friday with lunch served
what flights from toronto to philadelphia
what flights leave from atlanta to boston on june twenty ninth in the afternoon
what flights leave la guardia for san jose and arrive 10 pm
list the total number of flights to all airports by delta
can you tell me the time a flight would leave from atlanta to boston in the afternoon
show me the united airlines flights from denver to baltimore leaving on june fourteenth
please list all flights from dallas to philadelphia on monday
show me the flights from cleveland to memphis
please give me flights from atlanta to boston on wednesday and thursday
show me ground transportation in philadelphia on monday morning
what delta leaves boston for atlanta
find me the earliest boston departure and the latest atlanta return trip so that i can be on the ground the maximum amount of time in atlanta and return to boston on the same day
show me flights from boston to washington leaving july fifteen
i would like the time of your earliest flight in the morning from philadelphia to washington on american airlines
show me the flights from baltimore to boston
please list the flight schedule from baltimore to san francisco on friday nights
how long is a trip from philadelphia airport to downtown philadelphia
sure i'd like to determine what aircraft are use on july seventh leaving from boston and arriving in atlanta on july seventh
baltimore to philadelphia
what are the flights and fares from atlanta to philadelphia
united airlines flights stopping in denver
what flights are available wednesday afternoon from denver to san francisco
round trip fares from denver to philadelphia less than 1000 dollars
list the first class flights from baltimore to denver
what are the fares from newark to la monday and wednesday
what flights from chicago to kansas city
please show me flights from dallas to atlanta on monday
flights to baltimore
show me the latest flight to love field
how many of delta's night flights are first class
on united airlines give me the flight times from boston to dallas
show me the ground transportation schedule in philadelphia in the morning on wednesday
what is the last flight from boston to atlanta
what flights fly from denver to san francisco on monday tuesday wednesday thursday and friday
show me the flights from boston to philadelphia
i also need to go to san francisco on wednesday evening from dallas
from kansas city to salt lake city on delta arrive around 8 pm tomorrow
in new york i'll need to rent a car
show me flights from denver to boston on thursday
i would like to book a flight from charlotte to baltimore on april eighth
flights from oakland to san francisco on january twenty first 1992
how much is a limousine between dallas fort worth international airport and dallas
is there a flight from boston to san francisco making a stopover in dallas fort worth
what time are the flights from baltimore to san francisco
from las vegas to phoenix departing in the morning
how many passengers can a boeing 737 hold
i would like a flight that leaves on friday from philadelphia to dallas that makes a stop in atlanta
thank you for that information now i would like information on a flight on april sixteen from atlanta to philadelphia early in the morning
what time is the last flight from washington to san francisco
show me the least expensive flight leaving miami on sunday after 12 o'clock noon and arriving cleveland
what do you have tomorrow morning from pittsburgh to atlanta
how much is the cheapest flight from denver to pittsburgh
what is the cheapest one way fare from pittsburgh to atlanta traveling on tuesday august twentieth
show me the flights from denver to san diego leaving after 5 pm
what is the latest first class flight of the day leaving dallas for san francisco
show me a list of flights from pittsburgh to baltimore on august third
show morning flights from san francisco to pittsburgh
what are the flights from memphis to tacoma
can you list all nonstop flights between st. petersburg and charlotte that leave in the afternoon and arrive soon after 5 pm
show me all united flights from denver to san francisco for september first 1991
are there wednesday morning flights between pittsburgh and boston
list all american airlines from milwaukee to phoenix on saturday
give me the flights on december twenty seventh with the fares from indianapolis to orlando
okay all right do you have a flight on united airlines from atlanta to washington
show flights from denver to oakland arriving between 12 and 1 o'clock
list all nonstop flights on sunday from tampa to charlotte
i would like to make a one way flight from boston to atlanta
is there a flight in the afternoon from philadelphia that arrives in the evening in denver
what is the first flight from atlanta to baltimore that serves lunch
list list flights between oakland and denver
please give me a flight from boston to atlanta before 10 am in the morning
list the nonstop flights early tuesday morning from dallas to atlanta
what's the lowest round trip fare from denver to pittsburgh
please arrange a flight for me from denver to san francisco on us air
i would like to see information for flights from san francisco leaving after 12 pm to pittsburgh on monday
show me the cheapest flight from pittsburgh to atlanta on wednesday which leaves before noon and serves breakfast
what is the earliest flight from washington to san francisco
list flights from pittsburgh to los angeles which leave on thursday after 5 pm
list the flights from new york to miami on a tuesday which are nonstop and cost less than 466 dollars
list flights from denver to san francisco no denver to philadelphia
i need to find a plane from boston to san francisco on friday
what does lax stand for
show prices for all flights from baltimore to dallas on july twenty ninth
what flights are available from boston to washington late monday evening or early tuesday morning
what flights from washington dc to toronto
all flights from boston to washington dc on november eleventh before 10 am
list all flights from denver to philadelphia
i need a list of late afternoon flights from st. louis to chicago
show me the airlines for flights to or from love field
do you have any flights from chicago to indianapolis
what does yn stand for
shortest flights from nashville to st. petersburg
what are the fares for flights between atlanta and dfw
list the fares of midway airlines flights from boston to philadelphia
round trip fares from denver to philadelphia less than 1000 dollars
is there a continental flight leaving from las vegas to new york nonstop
i need the cost of a ticket going from denver to baltimore a first class ticket on united airlines
show me fares from philadelphia to san francisco on thursday morning
show me the round trip flights between phoenix and salt lake city
show me all the flights from denver to baltimore arriving may tenth
find the cheapest one way fare from boston to san francisco
show me the flights from boston to san francisco
please show me the flights from boston to san francisco
show me the airlines from love field
show business class fares on us air from boston to toronto
what is the latest flight leaving las vegas for ontario
flights from las vegas to phoenix
does flight ua 270 from denver to philadelphia have a meal
what nonstop flights are available from oakland to philadelphia arriving between 5 and 6 pm
give me the flights for american airline from philadelphia to dallas
show me the evening flights from atlanta to washington on wednesdays
i would like a coach class seat on a flight leaving denver arriving atlanta
can you list all the flights between phoenix and las vegas
show me the qx fare flights between atlanta and oakland on delta airlines
what afternoon flights are available between denver and dallas fort worth
fares and flights from pittsburgh to philadelphia
can you tell me what airline flies between denver and san francisco
how many flights does each airline have with booking class k
great now what i want to find out is on april twentieth from washington to denver do you have a flight least expensive fare around 5 o'clock in the morning
show me all direct flights from san francisco to boston departing before noon
i need a flight on thursday before 8 am from oakland to salt lake city
show me all the types of aircraft
i want a flight on continental from boston to san francisco
show flights from pittsburgh into san francisco
what city is mco
how many cities are served by american airline with first class flights
could you please show me all flights from charlotte to milwaukee
what flights depart san francisco after 4 pm and fly to washington via indianapolis
i would like to see the flights from denver to philadelphia
show me the flights that go from san diego to newark new jersey by way of houston
i would like information on flights from denver to san francisco after noon on wednesday
show me the flights from boston to pittsburgh
show me all flights from san diego to new york nonstop
show me the round trip tickets from baltimore to atlanta
show me the cheapest one way fares from san diego to miami
could you show me all weekday flights from phoenix to denver
i would like to fly from boston to philadelphia next thursday
i'm planning a trip to pittsburgh and i live in denver can you help me
i would like to find the least expensive flight from boston to denver
i would like to go from atlanta to denver on tuesday
atlanta to pittsburgh july twenty third
show me the flights from boston to atlanta
what airlines fly from burbank to denver
okay we're going from washington to denver first class ticket i'd like to know the cost of a first class ticket
i wish to book a flight from pittsburgh to atlanta coach discount fare
is it possible for me to fly from baltimore to san francisco
i want to fly from denver to san francisco with at least one stop
how many us air flights leave from washington
please list any flight available leaving oakland california tuesday arriving philadelphia wednesday
i'd like to find a flight from las vegas to detroit michigan that leaves in the afternoon on monday
are there any flights from denver to pittsburgh with stops in atlanta
i'd like to know the information from boston to philadelphia nonstop
show me all flights from denver to philadelphia on saturday after sunday which leave after noon
what are the flights from dallas to baltimore
do you have a flight from san francisco to atlanta around 8 am
what flights from seattle to salt lake city
what is the cheapest flight from boston to bwi
are there any flights from new york to los angeles which stop over in milwaukee
what is the earliest flight from oakland to washington dc on sunday
are there any turboprop flights from pittsburgh to baltimore on december seventeenth
show me the morning flights from boston to philadelphia
newark to cleveland daily
evening flights from philadelphia to oakland
show me prices and times for first class travel from baltimore to dallas next summer
what kind of plane flies from boston to pittsburgh after noon
i'd like to know what flights united airline has from dallas to san francisco
show me morning flights from toronto
what ground transportation is available at the boston airport
where do the flights from boston to oakland stop
show me the earliest flight from boston to san francisco
flights from la guardia or jfk to cleveland
find the cheapest one way fare from boston to san francisco
what are the flights from washington dc to denver
give me information on flights from atlanta to washington dc on wednesday after 4 pm and thursday before 9 am
flights between baltimore and washington dc
what fare codes cover flights from philadelphia to san francisco
are there any flights from boston to oakland that stop
list departure times from denver to philadelphia which are later than 10 o'clock and earlier than 2 pm
are there any airlines that have flights from boston to philadelphia that leave before 630 am
how many first class flights does united have today
please show me the flights available from san francisco to pittsburgh on tuesday
i'm in miami and i'd like to travel to las vegas on sunday
show me flights from denver to philadelphia
i would like to fly from pittsburgh to atlanta on us air at the latest time possible in the evening
show me all flights from dallas to pittsburgh which leave on monday after 8 o'clock am
are there any nonstop flights leaving from denver arriving in baltimore on july seventh
list round trip flights between boston and oakland using twa
what are the sunday flights from oakland to washington dc
what flights are there on sunday from seattle to minneapolis
what flights from las vegas to montreal on saturday
what is the fare on continental 271 from dallas to san francisco
show me flights denver to washington dc on thursday
what type of ground transportation is available at philadelphia airport
flights from phoenix to milwaukee on wednesday evening
show me the last flight from love field
can you list all flights that depart from orlando to kansas city
i want to fly from kansas city to chicago next wednesday arriving in the evening and returning the next day
what is the ground transportation available in the city of fort worth
i need a flight from baltimore to seattle that stops in minneapolis
what is the latest flight you have departing dallas to philadelphia
show me the flights from atlanta to philadelphia
show me the flights arriving at love field from other airports
what does ewr stand for
what flights from denver to salt lake city
please give me the flight times the morning on united airlines for september twentieth from philadelphia to san francisco
what is the earliest arrival in salt lake city of a flight from toronto
i'd like to see all the flights from boston to philadelphia
what is fare code c
what kind of aircraft does delta fly before 8 am on august second from boston to denver
flight from denver to san francisco in the afternoon
what is the first flight from boston to stapleton airport for tomorrow
i need to know what flights leave atlanta on sunday evening and arrive in baltimore
what are the flights from milwaukee to orlando on wednesday
what is the cheapest fare between denver and boston
what airlines have business class
i need a flight from san francisco to pittsburgh and then pittsburgh to new york and new york to san francisco
what flights are there between washington dc and san francisco leaving washington after 6 pm on wednesday
what type of aircraft does eastern fly from atlanta to denver before 6 pm
i would like the flights available from boston to denver arriving in denver on 9 o'clock wednesday morning on or by 9 o'clock wednesday morning
what ground transportation is available at the baltimore airport
show me flights from atlanta to baltimore denver and dallas
what flights are there from minneapolis to chicago
flights from denver to pittsburgh on thursday
may i have a list of flights going from boston to denver on the twenty ninth of july
what flights are there between nashville and st. louis which are nonstop and arrive after noon and before 8 pm
please list the flight times for boston to pittsburgh
flight leaving from oakland to salt lake city
what are the different classes that an airline offers
could you tell me if there is ground transportation between the boston airport and boston downtown
ground transportation denver
what are the prices of the flights from atlanta to dallas in the morning
how long does it take to fly from boston to atlanta
please list the friday afternoon flights from san jose to dallas on american airlines
is there an american airlines flight in the evening from dallas to san francisco
what ground transportation is available in denver
show me the fares from dallas to san francisco
in pittsburgh i'd like to rent a car
i would like to find a flight that goes from tampa to montreal making a stop in new york and a flight that serves lunch
please give me flights from atlanta to boston on wednesday afternoon and thursday morning
can you list all flights leaving from st. louis and arriving in milwaukee
flights from montreal to las vegas
give me the flights from chicago to seattle on saturday morning
what is airline nw
i need a flight tonight from charlotte to las vegas with a stop in st. louis and i want dinner
what's the latest flight out of denver that arrives in pittsburgh next monday
please list the flights taking off and landing on general mitchell international airport
what limousine service is in boston
what is fare code y mean
are there delta flights leaving denver
on thursday i'd like a flight from st. petersburg to miami
when do planes leave boston for
what flights are there wednesday morning from atlanta to philadelphia
show me all flights from san francisco to boston philadelphia or baltimore
what type of aircraft is used on the first flight from philadelphia to dallas in the morning
what are the flights from pittsburgh to oakland
list the morning flights at a 124 dollars from atlanta to boston
all flights from miami to new york
show flights from denver to oakland
show flights from philadelphia to san francisco
i'd like a flight tomorrow late from nashville to houston with dinner please
show me all prices of economy from baltimore to dallas
i need a flight from montreal quebec to san diego california leaving this sunday
show me the cheapest one way flight from san francisco to boston leaving san francisco after 9 pm
does united airlines have flights between boston and denver
i would like to fly us air from orlando to cleveland in the late evening what do you have available
what are the flights from milwaukee to orlando on wednesday night
show me the flights from newark to los angeles
can you give me the evening flight on wednesday from washington to atlanta again
what are the flights and prices from la to charlotte for monday morning
what first class flights are available on july twenty fifth 1991 from denver to baltimore
show me all flights from pittsburgh to baltimore tomorrow which serve a meal
show me all the flights between philadelphia and denver
flights from phoenix to newark
all flights from pittsburgh to dallas round trip after 12 pm less than 100
thanks and what's the last flight back from washington to boston
show me the flights from boston to baltimore
what does fare code q mean
show me the flights arriving in baltimore from philadelphia at about 4 o'clock
what is the cheapest fare from baltimore to dallas in any class
give me all nonstops from new york to vegas that arrive on a sunday
what is sa
show me the flights from boston to san francisco
what does fare code qo mean
i need information on flights leaving dallas arriving in boston leaving dallas early in the morning
what is the earliest flight on thursday from atlanta to washington dc
what flights are available saturday to san francisco from dallas
i'd like to fly from boston to san francisco
how many flights does american airlines have from boston to atlanta
does midwest express have any flights from montreal to nashville
show me all economy prices from dallas to baltimore
and how much does it cost to travel from boston airport to downtown
all flights before 10 am boston denver
show me the flights that go from san diego to newark with one stop in houston
show me the earliest flight on wednesday from baltimore to newark
i'd like to book the cheapest one way flight from pittsburgh to atlanta on july twentieth
what does mco mean
show me all the flights from charlotte to cleveland
do you have a flight from salt lake city to st. petersburg
what is the earliest flight from boston to atlanta
i'd like a flight tomorrow from kansas city to newark in the morning
show me all flights from boston to detroit
show me the flights arriving in baltimore on june fifteenth leaving either from denver or dallas
show me the flights from love field to other airports
what is the earliest flight i can get from baltimore to boston
what is the round trip thrift fare on us air from boston to san francisco
show me flights from los angeles to pittsburgh on monday evening
i would like a flight from atlanta to denver
give me all the flights from memphis to charlotte
from philadelphia to toronto
newark to cleveland
list all american airline flights which leave phoenix on wednesday and stop at milwaukee
show me all flights from pittsburgh to baltimore tomorrow
is there a direct flight from denver to pittsburgh in the morning of august thirty first that is nonstop
which airline offers the cheapest rate going from dallas to baltimore on july fourth
does midwest express serve charlotte
show me all the flights from philadelphia to san francisco
ground transportation in denver
show me all flights from boston to dallas fort worth both direct and connecting that arrive before noon
show flights from philadelphia to dallas on saturday
and flights leaving from atlanta to oakland leaving after 5 pm
okay and on may four i would like to go from atlanta to denver leaving early in the morning around 8
all flights from boston to washington dc on november eleventh
what are the early morning flights from boston to denver
what is the cheapest flight from denver to pittsburgh leaving on september twenty eighth
flight from dallas to oakland california on monday
i would like to fly from dallas to san francisco on saturday and arrive in san francisco before 4 pm
morning flights out of san francisco arriving boston afternoon
i'd like to see flights from baltimore to atlanta that arrive before noon
find me the earliest boston departure for atlanta and the lastest return trip from atlanta so that i can be in atlanta the longest amount of time but return to boston the same day
please give me the cheapest round trip airfare from atlanta to philadelphia on august the first
i would like information on flights from philadelphia to oakland california on friday afternoon
what afternoon flights are available from pittsburgh to atlanta on a weekday
show ground transportation in denver
please show me airlines with flights from denver to boston with stop in philadelphia
dallas to baltimore
rental cars in washington dc
does american airlines fly to san francisco from atlanta
kindly give me the type of aircraft used to fly from atlanta to denver
give me flights from denver to baltimore
what is fare class h
what is the earliest flight from washington to san francisco on friday that serves breakfast
what flights are there from atlanta to washington early on thursday mornings
what kind of ground transportation is there in dallas
could i have a list of flights in first class on monday from san francisco to pittsburgh starting at noon and afterwards
how much is a us air boston to pittsburgh daily nonstop flight
i'd like to go from boston to atlanta sometime after 5 pm can you tell me the flights that could do that for me
what's fare code yn
airports in new york
i'd like to arrange for two friends to fly into los angeles next saturday evening one of the people is coming from kansas city and the other is coming from las vegas
show me all overnight flights from washington dc to san francisco and list their fares
what ground transportation is there in atlanta
flights from pittsburgh to baltimore arriving between 4 and 5 pm
what does fare code qw mean
show flights from new york city to las vegas
i need information for ground transportation denver colorado
list the flight from philadelphia to san francisco on american airlines
show me the airlines for flights to or from love field
list nonstop flights from san francisco to oakland that depart in the afternoon
which airline serves denver pittsburgh and atlanta
how many first class flights does delta airlines have
please show flights arriving in philadelphia from denver
now show me the flights from pittsburgh to baltimore
show me flights from milwaukee to orlando on wednesday night or thursday morning
i would like to fly delta airlines from atlanta to pittsburgh
what is fare code f
what are the flights for united airlines on september twentieth in the morning
show all airlines with flights between denver and dallas
cheapest fare from nashville to seattle
how many flights does american airlines have with a class of service code f
find a nonstop flight between boston and washington arriving in washington around 5 pm
pittsburgh to baltimore please on january one
show me the costs and times for flights from san francisco to atlanta
what airlines fly from boston to denver
what ground transportation is there in atlanta
how far from the airport in the dallas fort worth airport is dallas
list all flights from tampa florida to miami that are the cheapest one way
show me the flights from philadelphia to baltimore
ground transportation in denver
please list all flights from atlanta to baltimore on wednesday and thursday
does flight dl 1083 from philadelphia to denver fly on saturdays
i would like to book a flight going from tampa to seattle on may twenty sixth i would like to stop in milwaukee on the way
i want to fly from boston to atlanta i would like the cheapest fare please
show me the flights from montreal to philly
what flights are available sunday afternoon from oakland to dallas
explain the restriction ap 80
i want to go from baltimore to san francisco with a stopover in denver
information on a flight from san francisco to philadelphia
shortest morning flights from cincinnati to tampa
what are the flights from boston to washington on october fifteenth 1991
what flights are there on wednesday evening from denver to sfo
show me a list of flights on american airlines from boston to dc on july twenty second
us air 269 leaving boston at 428 what is the arrival time in baltimore
i would like information on flights leaving early monday morning from atlanta to baltimore
now show me the flights from memphis to cleveland
what flights leave from nashville to phoenix
show me the air fare for the flights from baltimore to dallas
what are the flights from denver to san francisco
which airlines go from san francisco to washington by way of indianapolis
all flights from washington dc to san francisco on november twelfth
round trip fares from pittsburgh to philadelphia under 1000 dollars
show nonstop flights from new york to miami on a tuesday which cost less than 466 dollars one way
i'd like flights on american airlines from philadelphia to dallas arriving before 1145 am
show business class fares from san francisco to denver on united airlines
what is the earliest flight between logan and bwi
describe pittsburgh airport
show flights on us air from pittsburgh to oakland connecting through denver
list all nonstop flights on tuesday before noon from charlotte to baltimore
minneapolis to phoenix on monday
please list me the flights and their cost of all airlines flying from denver to baltimore
what airline uses the code hp
find a flight from san francisco to boston on wednesday
could you tell me about ground transportation arrangements from the dallas airport to downtown dallas
display all flights from pittsburgh to san francisco on august second
give me morning flights from charlotte to baltimore
anything from baltimore or washington with a stopover in denver going to san francisco
show me flights from boston to denver
show me the flights from columbus to charlotte
i need a flight from new york city to montreal thursday may six
philadelphia to san francisco
what is the earliest flight from boston to san francisco
is there a limousine service available from the pittsburgh airport
boston ground transportation
the earliest flight from boston to san francisco please that will be serving a meal
what does code qw mean
what airline is hp
what are the costs of car rental in dallas
show me the flights leaving saturday or sunday from milwaukee to phoenix
i'm interested in a flight from pittsburgh to atlanta
flights from kansas city to cleveland on wednesday
is there a nonstop flight from denver to san francisco
display all flights from san francisco to boston on august eighth
which airlines have flights between philadelphia and pittsburgh
i want to go from boston to atlanta on monday
what is the next flight from pittsburgh to san francisco after delta flight 1059
show me the least expensive flight from miami to cleveland on sunday after noon
what type of aircraft is used flying from atlanta to denver before 12 noon
show me all flights from boston to atlanta which leave atlanta after noon tomorrow
how much does it cost to rent a car in tacoma
what kind of airplane is flight ua 270 from denver to philadelphia
list all flights from boston to atlanta before 5 o'clock am on thursday
i'd like the earliest flight from dallas to boston
show me the flights on delta from atlanta in the morning
what flights from salt lake city to las vegas
show me the list of flights between philadelphia and denver that leave in the afternoon
what is the fare from atlanta to boston on coach one way
how many fares are there one way from tacoma to montreal
i would like to know some information on flights leaving philadelphia arriving in pittsburgh in the afternoon
what flights are available from pittsburgh to boston on wednesday of next week
is there a flight on continental airlines from boston to denver
pm flights dallas to atlanta
information on flights from baltimore to philadelphia
what flights from atlanta to st. louis on tuesday arriving around 230 pm
show me ground transportation in san francisco
what flights do you have from newark new jersey to ontario california that connect in phoenix

+ 500
- 0
datasets/atis/valid/seq.out View File

@ -0,0 +1,500 @@
O O O O O B-fromloc.city_name O B-depart_time.time I-depart_time.time O O O B-toloc.city_name O B-arrive_time.time O O B-arrive_time.period_of_day
O O O B-round_trip I-round_trip O O B-fromloc.city_name O B-toloc.city_name I-toloc.city_name
O O O O O O O O O B-fromloc.city_name O B-toloc.city_name I-toloc.city_name O B-airline_name I-airline_name
O O O B-class_type O O B-fromloc.city_name O B-toloc.city_name O B-depart_date.month_name B-depart_date.day_number O O B-return_date.month_name B-return_date.day_number
O O O B-fromloc.city_name O O B-toloc.city_name I-toloc.city_name
O O O O O O O O O B-fromloc.city_name O B-toloc.city_name
O B-fromloc.city_name O B-toloc.city_name I-toloc.city_name
O O O B-flight_mod B-meal_description O O B-fromloc.city_name O B-toloc.city_name I-toloc.city_name
O O B-fromloc.city_name O B-toloc.city_name O B-depart_time.start_time I-depart_time.start_time O B-depart_time.end_time I-depart_time.end_time
O O O B-flight_mod O O O B-fromloc.city_name O B-toloc.city_name I-toloc.city_name
O O B-fromloc.city_name O B-toloc.state_name
O O O O O O B-class_type I-class_type O O O O O B-fromloc.city_name O B-toloc.city_name
O O O O O O O B-fromloc.city_name O B-depart_date.month_name B-depart_date.day_number I-depart_date.day_number O O B-depart_time.period_of_day O B-toloc.city_name B-cost_relative I-cost_relative O B-round_trip I-round_trip
O O O O O O O O B-fromloc.city_name O B-toloc.city_name B-toloc.state_code
O O B-fromloc.city_name O B-toloc.airport_name O B-depart_time.time_relative B-depart_time.time I-depart_time.time B-airline_name
O O O O O O B-fromloc.city_name O B-toloc.city_name
O B-depart_time.period_of_day O O O O B-depart_time.period_of_day B-depart_time.period_of_day O O B-fromloc.city_name O B-toloc.city_name O B-depart_date.month_name B-depart_date.day_number I-depart_date.day_number O O O O O B-return_time.period_of_day O B-return_date.month_name B-return_date.day_number I-return_date.day_number
O O O O O O B-fromloc.city_name O B-toloc.city_name O O O O B-stoploc.city_name I-stoploc.city_name I-stoploc.city_name
O O B-restriction_code
O O O O O O O O B-city_name
O O O O B-airline_code O
O B-class_type I-class_type O O B-airline_name O B-toloc.city_name I-toloc.city_name O O B-depart_date.date_relative B-depart_date.day_name
O O O O O B-fromloc.city_name O B-toloc.city_name I-toloc.city_name O B-depart_date.day_name
O O O O B-fromloc.city_name O B-toloc.city_name O O B-depart_date.day_name
O B-airline_name I-airline_name O O B-fromloc.city_name O B-toloc.city_name I-toloc.city_name B-depart_time.time_relative B-depart_time.time I-depart_time.time O O O O O O
O O O O O B-fromloc.city_name O B-toloc.city_name B-flight_stop O O B-arrive_time.time I-arrive_time.time O
O O O B-cost_relative B-round_trip I-round_trip O O B-fromloc.city_name O B-toloc.city_name
O B-airline_name O O B-fromloc.city_name O B-toloc.city_name I-toloc.city_name
O O O O B-flight_stop O O B-fromloc.city_name I-fromloc.city_name O B-toloc.city_name O O O B-arrive_time.period_of_day
O B-airline_name I-airline_name O O O O B-fromloc.city_name I-fromloc.city_name O B-toloc.city_name
O O O B-cost_relative O O B-fromloc.city_name O B-toloc.city_name
O O O O O O O O O O O B-airline_name I-airline_name O O B-fromloc.city_name O B-toloc.city_name I-toloc.city_name B-depart_time.time_relative B-depart_time.time I-depart_time.time O O B-depart_time.period_of_day
O O O B-airline_name O O B-fromloc.city_name O B-toloc.city_name I-toloc.city_name
B-depart_time.period_of_day O O B-fromloc.city_name O B-toloc.city_name O B-depart_date.day_name
O O O B-class_type I-class_type O B-fromloc.city_name I-fromloc.city_name O B-toloc.city_name O O B-depart_date.day_name B-depart_time.time_relative B-depart_time.time I-depart_time.time O O B-depart_time.period_of_day O B-depart_time.time_relative B-depart_time.time I-depart_time.time
O O B-cost_relative I-cost_relative O O O O O B-toloc.city_name
O O O B-cost_relative B-round_trip I-round_trip O O B-fromloc.city_name O B-toloc.city_name
O O B-fromloc.city_name O O B-fromloc.city_name O B-toloc.city_name O B-depart_date.day_name
O B-flight_stop O O B-fromloc.city_name O B-toloc.city_name O O B-arrive_time.time_relative B-arrive_time.period_of_day
O O O O O B-toloc.city_name O O B-fromloc.city_name O O O O B-stoploc.city_name
B-fromloc.city_name O B-toloc.city_name I-toloc.city_name O
O O O O B-airline_code
O O O B-flight_mod O O B-fromloc.city_name O B-toloc.city_name O B-depart_date.month_name B-depart_date.day_number
O O O O B-depart_date.day_name O B-fromloc.city_name I-fromloc.city_name O B-toloc.city_name
O O B-depart_date.day_name O B-depart_date.day_name O O B-fromloc.city_name O B-toloc.city_name O B-airline_name I-airline_name
O O O B-fromloc.city_name I-fromloc.city_name O B-toloc.city_name I-toloc.city_name O B-depart_date.day_name O B-meal_description O
O O O B-fromloc.city_name O B-toloc.city_name
O O O O B-fromloc.city_name O B-toloc.city_name O B-depart_date.month_name B-depart_date.day_number I-depart_date.day_number O O B-depart_time.period_of_day
O O O B-fromloc.airport_name I-fromloc.airport_name O B-toloc.city_name I-toloc.city_name O O B-arrive_time.time I-arrive_time.time
O O O O O O O O O O B-airline_name
O O O O O B-flight_time O O O O O B-fromloc.city_name O B-toloc.city_name O O B-depart_time.period_of_day
O O O B-airline_name I-airline_name O O B-fromloc.city_name O B-toloc.city_name O O B-depart_date.month_name B-depart_date.day_number
O O O O O B-fromloc.city_name O B-toloc.city_name O B-depart_date.day_name
O O O O O B-fromloc.city_name O B-toloc.city_name
O O O O O B-fromloc.city_name O B-toloc.city_name O B-depart_date.day_name O B-depart_date.day_name
O O O O O B-city_name O B-day_name B-period_of_day
O B-airline_name O B-fromloc.city_name O B-toloc.city_name
O O O B-flight_mod B-fromloc.city_name O O O B-flight_mod B-fromloc.city_name O O O O O O O O O O O O O O O O B-toloc.city_name O O O B-toloc.city_name O O O B-return_date.date_relative
O O O O B-fromloc.city_name O B-toloc.city_name O B-depart_date.month_name B-depart_date.day_number
O O O O B-flight_time O O B-flight_mod O O O B-depart_time.period_of_day O B-fromloc.city_name O B-toloc.city_name O B-airline_name I-airline_name
O O O O O B-fromloc.city_name O B-toloc.city_name
O O O B-flight_time I-flight_time O B-fromloc.city_name O B-toloc.city_name I-toloc.city_name O B-depart_date.day_name B-depart_time.period_of_day
O O O O O O B-fromloc.airport_name I-fromloc.airport_name O O B-toloc.city_name
O O O O O O O O O O B-depart_date.month_name B-depart_date.day_number O O B-fromloc.city_name O O O B-toloc.city_name O B-arrive_date.month_name B-arrive_date.day_number
B-fromloc.city_name O B-toloc.city_name
O O O O O O O B-fromloc.city_name O B-toloc.city_name
B-airline_name I-airline_name O O O B-stoploc.city_name
O O O O B-depart_date.day_name B-depart_time.period_of_day O B-fromloc.city_name O B-toloc.city_name I-toloc.city_name
B-round_trip I-round_trip O O B-fromloc.city_name O B-toloc.city_name B-cost_relative O B-fare_amount I-fare_amount
O O B-class_type I-class_type O O B-fromloc.city_name O B-toloc.city_name
O O O O O B-fromloc.city_name O B-toloc.city_name B-depart_date.day_name O B-depart_date.day_name
O O O B-fromloc.city_name O B-toloc.city_name I-toloc.city_name
O O O O O B-fromloc.city_name O B-toloc.city_name O B-depart_date.day_name
O O B-toloc.city_name
O O O B-flight_mod O O B-toloc.airport_name I-toloc.airport_name
O O O B-airline_name B-depart_time.period_of_day O O B-class_type I-class_type
O B-airline_name I-airline_name O O O B-flight_time I-flight_time O B-fromloc.city_name O B-toloc.city_name
O O O O O O O B-city_name O O B-period_of_day O B-day_name
O O O B-flight_mod O O B-fromloc.city_name O B-toloc.city_name
O O O O B-fromloc.city_name O B-toloc.city_name I-toloc.city_name O B-depart_date.day_name B-depart_date.day_name B-depart_date.day_name B-depart_date.day_name O B-depart_date.day_name
O O O O O B-fromloc.city_name O B-toloc.city_name
O O O O O O B-toloc.city_name I-toloc.city_name O B-depart_date.day_name B-depart_time.period_of_day O B-fromloc.city_name
O B-fromloc.city_name I-fromloc.city_name O B-toloc.city_name I-toloc.city_name I-toloc.city_name O B-airline_name O B-arrive_time.time_relative B-arrive_time.time I-arrive_time.time B-arrive_date.today_relative
O B-city_name I-city_name O O O O O B-transport_type
O O O O B-fromloc.city_name O B-toloc.city_name O B-depart_date.day_name
O O O O O O O O B-fromloc.city_name O B-toloc.city_name O B-depart_date.month_name B-depart_date.day_number
O O B-fromloc.city_name O B-toloc.city_name I-toloc.city_name O B-depart_date.month_name B-depart_date.day_number I-depart_date.day_number B-depart_date.year
O O O O B-transport_type O B-fromloc.airport_name I-fromloc.airport_name I-fromloc.airport_name I-fromloc.airport_name I-fromloc.airport_name O B-toloc.city_name
O O O O O B-fromloc.city_name O B-toloc.city_name I-toloc.city_name O O O O B-stoploc.city_name I-stoploc.city_name I-stoploc.city_name
O B-flight_time O O O O B-fromloc.city_name O B-toloc.city_name I-toloc.city_name
O B-fromloc.city_name I-fromloc.city_name O B-toloc.city_name O O O B-depart_time.period_of_day
O O O O O O B-aircraft_code O
O O O O O O O O B-depart_date.day_name O B-fromloc.city_name O B-toloc.city_name O O O O O B-stoploc.city_name
O O O O O O O O O O O O O O B-depart_date.month_name B-depart_date.day_number O B-fromloc.city_name O B-toloc.city_name B-depart_time.period_mod O O B-depart_time.period_of_day
O B-flight_time O O B-flight_mod O O B-fromloc.city_name O B-toloc.city_name I-toloc.city_name
O O O B-cost_relative I-cost_relative O O B-fromloc.city_name O B-depart_date.day_name B-depart_time.time_relative B-depart_time.time I-depart_time.time I-depart_time.time O O B-toloc.city_name
O O O O B-depart_date.today_relative B-depart_time.period_of_day O B-fromloc.city_name O B-toloc.city_name
O O O O B-cost_relative O O B-fromloc.city_name O B-toloc.city_name
O O O B-cost_relative B-round_trip I-round_trip O O B-fromloc.city_name O B-toloc.city_name O O B-depart_date.day_name B-depart_date.month_name B-depart_date.day_number
O O O O O B-fromloc.city_name O B-toloc.city_name I-toloc.city_name O B-depart_time.time_relative B-depart_time.time I-depart_time.time
O O O B-flight_mod B-class_type I-class_type O O O O O B-fromloc.city_name O B-toloc.city_name I-toloc.city_name
O O O O O O O B-fromloc.city_name O B-toloc.city_name O B-depart_date.month_name B-depart_date.day_number
O B-depart_time.period_of_day O O B-fromloc.city_name I-fromloc.city_name O B-toloc.city_name
O O O O O B-fromloc.city_name O B-toloc.city_name
O O O O B-flight_stop O O B-fromloc.city_name I-fromloc.city_name O B-toloc.city_name O O O O B-arrive_time.period_of_day O O O B-arrive_time.time_relative B-arrive_time.time I-arrive_time.time
O O O B-airline_name O O B-fromloc.city_name O B-toloc.city_name I-toloc.city_name O B-depart_date.month_name B-depart_date.day_number B-depart_date.year
O O B-depart_date.day_name B-depart_time.period_of_day O O B-fromloc.city_name O B-toloc.city_name
O O B-airline_name I-airline_name O B-fromloc.city_name O B-toloc.city_name O B-depart_date.day_name
O O O O O B-depart_date.month_name B-depart_date.day_number I-depart_date.day_number O O O O B-fromloc.city_name O B-toloc.city_name
O O O O O O O O O B-airline_name I-airline_name O B-fromloc.city_name O B-toloc.city_name
O O O B-fromloc.city_name O B-toloc.city_name O O B-arrive_time.start_time O B-arrive_time.end_time I-arrive_time.end_time
O O B-flight_stop O O B-arrive_date.day_name O B-fromloc.city_name O B-toloc.city_name
O O O O O O B-round_trip I-round_trip O O B-fromloc.city_name O B-toloc.city_name
O O O O O O B-depart_time.period_of_day O B-fromloc.city_name O O O O B-arrive_time.period_of_day O B-toloc.city_name
O O O B-flight_mod O O B-fromloc.city_name O B-toloc.city_name O O B-meal_description
O O O O B-fromloc.city_name O B-toloc.city_name
O O O O O O B-fromloc.city_name O B-toloc.city_name B-depart_time.time_relative B-depart_time.time I-depart_time.time O O B-depart_time.period_of_day
O O B-flight_stop O B-arrive_time.period_mod B-arrive_date.day_name B-arrive_time.period_of_day O B-fromloc.city_name O B-toloc.city_name
O O B-cost_relative B-round_trip I-round_trip O O B-fromloc.city_name O B-toloc.city_name
O O O O O O O B-fromloc.city_name O B-toloc.city_name I-toloc.city_name O B-airline_name I-airline_name
O O O O O O O O O B-fromloc.city_name I-fromloc.city_name O B-depart_time.time_relative B-depart_time.time I-depart_time.time O B-toloc.city_name O B-depart_date.day_name
O O O B-cost_relative O O B-fromloc.city_name O B-toloc.city_name O B-depart_date.day_name O O B-depart_time.time_relative B-depart_time.time O O B-meal_description
O O O B-flight_mod O O B-fromloc.city_name O B-toloc.city_name I-toloc.city_name
O O O B-fromloc.city_name O B-toloc.city_name I-toloc.city_name O O O B-depart_date.day_name B-depart_time.time_relative B-depart_time.time I-depart_time.time
O O O O B-fromloc.city_name I-fromloc.city_name O B-toloc.city_name O O B-depart_date.day_name O O B-flight_stop O O B-cost_relative O B-fare_amount I-fare_amount
O O O B-fromloc.city_name O B-toloc.city_name I-toloc.city_name O B-fromloc.city_name O B-toloc.city_name
O O O O O O O B-fromloc.city_name O B-toloc.city_name I-toloc.city_name O B-depart_date.day_name
O O B-airport_code O O
O O O O O O B-fromloc.city_name O B-toloc.city_name O B-depart_date.month_name B-depart_date.day_number I-depart_date.day_number
O O O O O B-fromloc.city_name O B-toloc.city_name B-depart_time.period_mod B-depart_date.day_name B-depart_time.period_of_day B-or B-depart_time.period_mod B-depart_date.day_name B-depart_time.period_of_day
O O O B-fromloc.city_name B-fromloc.state_code O B-toloc.city_name
O O O B-fromloc.city_name O B-toloc.city_name B-toloc.state_code O B-depart_date.month_name B-depart_date.day_number B-depart_time.time_relative B-depart_time.time I-depart_time.time
O O O O B-fromloc.city_name O B-toloc.city_name
O O O O O B-depart_time.period_of_day I-depart_time.period_of_day O O B-fromloc.city_name I-fromloc.city_name O B-toloc.city_name
O O O O O O O O O B-fromloc.airport_name I-fromloc.airport_name
O O O O O O B-fromloc.city_name O B-toloc.city_name
O O B-fare_basis_code O O
B-flight_mod O O B-fromloc.city_name O B-toloc.city_name I-toloc.city_name
O O O O O O O B-fromloc.city_name O B-toloc.airport_code
O O O O B-airline_name I-airline_name O O B-fromloc.city_name O B-toloc.city_name
B-round_trip I-round_trip O O B-fromloc.city_name O B-toloc.city_name B-cost_relative O B-fare_amount I-fare_amount
O O O B-airline_name O O O B-fromloc.city_name I-fromloc.city_name O B-toloc.city_name I-toloc.city_name B-flight_stop
O O O O O O O O O B-fromloc.city_name O B-toloc.city_name O B-class_type I-class_type O O B-airline_name I-airline_name
O O O O B-fromloc.city_name O B-toloc.city_name I-toloc.city_name O B-depart_date.day_name B-depart_time.period_of_day
O O O B-round_trip I-round_trip O O B-fromloc.city_name O B-toloc.city_name I-toloc.city_name I-toloc.city_name
O O O O O O B-fromloc.city_name O B-toloc.city_name O B-arrive_date.month_name B-arrive_date.day_number
O O B-cost_relative B-round_trip I-round_trip O O B-fromloc.city_name O B-toloc.city_name I-toloc.city_name
O O O O O B-fromloc.city_name O B-toloc.city_name I-toloc.city_name
O O O O O O B-fromloc.city_name O B-toloc.city_name I-toloc.city_name
O O O O O B-fromloc.airport_name I-fromloc.airport_name
O B-class_type I-class_type O O B-airline_name I-airline_name O B-fromloc.city_name O B-toloc.city_name
O O O B-flight_mod O O B-fromloc.city_name I-fromloc.city_name O B-toloc.city_name
O O B-fromloc.city_name I-fromloc.city_name O B-toloc.city_name
O O B-airline_code B-flight_number O B-fromloc.city_name O B-toloc.city_name O O B-meal
O B-flight_stop O O O O B-fromloc.city_name O B-toloc.city_name O O B-arrive_time.start_time O B-arrive_time.end_time I-arrive_time.end_time
O O O O O B-airline_name I-airline_name O B-fromloc.city_name O B-toloc.city_name
O O O B-depart_time.period_of_day O O B-fromloc.city_name O B-toloc.city_name O B-depart_date.day_name
O O O O B-class_type I-class_type O O O O O B-fromloc.city_name O B-toloc.city_name
O O O O O O O B-fromloc.city_name O B-toloc.city_name I-toloc.city_name
O O O B-fare_basis_code I-fare_basis_code O O B-fromloc.city_name O B-toloc.city_name O B-airline_name I-airline_name
O B-depart_time.period_of_day O O O O B-fromloc.city_name O B-toloc.city_name I-toloc.city_name I-toloc.city_name
O O O O B-fromloc.city_name O B-toloc.city_name
O O O O O O O O B-fromloc.city_name O B-toloc.city_name I-toloc.city_name
O O O O O O O O O O B-fare_basis_code
O O O O O O O O O O B-depart_date.month_name B-depart_date.day_number O B-fromloc.city_name O B-toloc.city_name O O O O O B-cost_relative I-cost_relative O B-depart_time.time_relative B-depart_time.time I-depart_time.time O O B-depart_time.period_of_day
O O O B-connect O O B-fromloc.city_name I-fromloc.city_name O B-toloc.city_name O B-depart_time.time_relative B-depart_time.time
O O O O O B-depart_date.day_name B-depart_time.time_relative B-depart_time.time I-depart_time.time O B-fromloc.city_name O B-toloc.city_name I-toloc.city_name I-toloc.city_name
O O O O O O O
O O O O O B-airline_name O B-fromloc.city_name O B-toloc.city_name I-toloc.city_name
O O O B-fromloc.city_name O B-toloc.city_name I-toloc.city_name
O O O B-airport_code
O O O O O O B-airline_name I-airline_name O B-class_type I-class_type O
O O O O O O O O B-fromloc.city_name O B-toloc.city_name
O O O B-fromloc.city_name I-fromloc.city_name B-depart_time.time_relative B-depart_time.time I-depart_time.time O O O B-toloc.city_name O B-stoploc.city_name
O O O O O O O O B-fromloc.city_name O B-toloc.city_name
O O O O O O O B-fromloc.city_name I-fromloc.city_name O B-toloc.city_name B-toloc.state_name I-toloc.state_name O O O B-stoploc.city_name
O O O O O O O B-fromloc.city_name O B-toloc.city_name I-toloc.city_name B-depart_time.time_relative B-depart_time.time O B-depart_date.day_name
O O O O O B-fromloc.city_name O B-toloc.city_name
O O O O O B-fromloc.city_name I-fromloc.city_name O B-toloc.city_name I-toloc.city_name B-flight_stop
O O O B-round_trip I-round_trip O O B-fromloc.city_name O B-toloc.city_name
O O O B-cost_relative B-round_trip I-round_trip O O B-fromloc.city_name I-fromloc.city_name O B-toloc.city_name
O O O O O B-flight_mod O O B-fromloc.city_name O B-toloc.city_name
O O O O O O B-fromloc.city_name O B-toloc.city_name B-depart_date.date_relative B-depart_date.day_name
O O O O O B-toloc.city_name O O O O B-fromloc.city_name O O O O
O O O O O O B-cost_relative I-cost_relative O O B-fromloc.city_name O B-toloc.city_name
O O O O O O B-fromloc.city_name O B-toloc.city_name O B-depart_date.day_name
B-fromloc.city_name O B-toloc.city_name B-depart_date.month_name B-depart_date.day_number I-depart_date.day_number
O O O O O B-fromloc.city_name O B-toloc.city_name
O O O O B-fromloc.city_name O B-toloc.city_name
O O O O B-fromloc.city_name O B-toloc.city_name B-class_type I-class_type O O O O O O O O O B-class_type I-class_type O
O O O O O O O B-fromloc.city_name O B-toloc.city_name B-class_type O O
O O O O O O O O B-fromloc.city_name O B-toloc.city_name I-toloc.city_name
O O O O O B-fromloc.city_name O B-toloc.city_name I-toloc.city_name O O O B-flight_stop I-flight_stop
O O B-airline_name I-airline_name O O O B-fromloc.city_name
O O O O O O B-fromloc.city_name B-fromloc.state_name B-depart_date.day_name O B-toloc.city_name B-arrive_date.day_name
O O O O O O O B-fromloc.city_name I-fromloc.city_name O B-toloc.city_name B-toloc.state_name O O O O B-depart_time.period_of_day O B-depart_date.day_name
O O O O O B-fromloc.city_name O B-toloc.city_name O O O B-stoploc.city_name
O O O O O O O B-fromloc.city_name O B-toloc.city_name B-flight_stop
O O O O O B-fromloc.city_name O B-toloc.city_name O B-depart_date.day_name B-depart_date.date_relative B-depart_date.day_name O O B-depart_time.time_relative B-depart_time.time
O O O O O B-fromloc.city_name O B-toloc.city_name
O O O O O O B-fromloc.city_name I-fromloc.city_name O B-toloc.city_name B-depart_time.time_relative B-depart_time.time I-depart_time.time
O O O B-fromloc.city_name O B-toloc.city_name I-toloc.city_name I-toloc.city_name
O O O B-cost_relative O O B-fromloc.city_name O B-toloc.airport_code
O O O O O B-fromloc.city_name I-fromloc.city_name O B-toloc.city_name I-toloc.city_name O O O O B-stoploc.city_name
O O O B-flight_mod O O B-fromloc.city_name O B-toloc.city_name B-toloc.state_code O B-depart_date.day_name
O O O O O O B-fromloc.city_name O B-toloc.city_name O B-depart_date.month_name B-depart_date.day_number
O O O B-depart_time.period_of_day O O B-fromloc.city_name O B-toloc.city_name
B-fromloc.city_name O B-toloc.city_name B-flight_days
B-depart_time.period_of_day O O B-fromloc.city_name O B-toloc.city_name
O O O O B-flight_time O B-class_type I-class_type O O B-fromloc.city_name O B-toloc.city_name O O
O O O O O O B-fromloc.city_name O B-toloc.city_name B-depart_time.time_relative B-depart_time.time
O O O O O O B-airline_name I-airline_name O O B-fromloc.city_name O B-toloc.city_name I-toloc.city_name
O O B-depart_time.period_of_day O O B-fromloc.city_name
O O O O O O O B-airport_name I-airport_name
O O O O O B-fromloc.city_name O B-toloc.city_name B-flight_stop
O O O B-flight_mod O O B-fromloc.city_name O B-toloc.city_name I-toloc.city_name
O O B-fromloc.airport_name I-fromloc.airport_name B-or B-fromloc.airport_code O B-toloc.city_name
O O B-cost_relative B-round_trip I-round_trip O O B-fromloc.city_name O B-toloc.city_name I-toloc.city_name
O O O O O B-fromloc.city_name B-fromloc.state_code O B-toloc.city_name
O O O O O O B-fromloc.city_name O B-toloc.city_name B-toloc.state_code O B-depart_date.day_name B-depart_time.time_relative B-depart_time.time I-depart_time.time O B-depart_date.day_name B-depart_time.time_relative B-depart_time.time I-depart_time.time
O O B-fromloc.city_name O B-toloc.city_name B-toloc.state_code
O O O O O O B-fromloc.city_name O B-toloc.city_name I-toloc.city_name
O O O O O B-fromloc.city_name O B-toloc.city_name O B-flight_stop
O B-flight_time I-flight_time O B-fromloc.city_name O B-toloc.city_name O O B-depart_time.time_relative O B-depart_time.time I-depart_time.time O B-depart_time.time_relative O B-depart_time.time I-depart_time.time
O O O O O O O O B-fromloc.city_name O B-toloc.city_name O O B-depart_time.time_relative B-depart_time.time I-depart_time.time
O O B-class_type I-class_type O O B-airline_name O B-depart_date.today_relative
O O O O O O O B-fromloc.city_name I-fromloc.city_name O B-toloc.city_name O B-depart_date.day_name
O O B-fromloc.city_name O O O O O O B-toloc.city_name I-toloc.city_name O B-depart_date.day_name
O O O O B-fromloc.city_name O B-toloc.city_name
O O O O O O B-fromloc.city_name O B-toloc.city_name O B-airline_name I-airline_name O O B-flight_mod I-flight_mod I-flight_mod O O B-depart_time.period_of_day
O O O O O B-fromloc.city_name O B-toloc.city_name O O O B-depart_date.day_name B-depart_time.time_relative B-depart_time.time I-depart_time.time I-depart_time.time
O O O B-flight_stop O O O B-fromloc.city_name O O B-toloc.city_name O B-arrive_date.month_name B-arrive_date.day_number
O B-round_trip I-round_trip O O B-fromloc.city_name O B-toloc.city_name O B-airline_code
O O O B-depart_date.day_name O O B-fromloc.city_name O B-toloc.city_name B-toloc.state_code
O O O O O B-depart_date.day_name O B-fromloc.city_name O B-toloc.city_name
O O O B-fromloc.city_name I-fromloc.city_name O B-toloc.city_name O B-depart_date.day_name
O O O O O B-airline_name B-flight_number O B-fromloc.city_name O B-toloc.city_name I-toloc.city_name
O O O B-fromloc.city_name O B-toloc.city_name B-toloc.state_code O B-depart_date.day_name
O O O O O O O O B-airport_name I-airport_name
O O B-fromloc.city_name O B-toloc.city_name O B-depart_date.day_name B-depart_time.period_of_day
O O O B-flight_mod O O B-fromloc.airport_name I-fromloc.airport_name
O O O O O O O O B-fromloc.city_name O B-toloc.city_name I-toloc.city_name
O O O O O B-fromloc.city_name I-fromloc.city_name O B-toloc.city_name B-depart_date.date_relative B-depart_date.day_name O O O B-arrive_time.period_of_day O O O B-return_date.date_relative O
O O O O O O O O O O B-city_name I-city_name
O O O O O B-fromloc.city_name O B-toloc.city_name O O O B-stoploc.city_name
O O O B-flight_mod O O O O B-fromloc.city_name O B-toloc.city_name
O O O O O B-fromloc.city_name O B-toloc.city_name
O O O O O O B-toloc.airport_name I-toloc.airport_name O O O
O O B-airport_code O O
O O O B-fromloc.city_name O B-toloc.city_name I-toloc.city_name I-toloc.city_name
O O O O B-flight_time I-flight_time O B-depart_time.period_of_day O B-airline_name I-airline_name O B-depart_date.month_name B-depart_date.day_number O B-fromloc.city_name O B-toloc.city_name I-toloc.city_name
O O O B-flight_mod O O B-toloc.city_name I-toloc.city_name I-toloc.city_name O O O O B-fromloc.city_name
O O O O O O O O B-fromloc.city_name O B-toloc.city_name
O O O O B-fare_basis_code
O O O O O B-airline_name O B-depart_time.time_relative B-depart_time.time I-depart_time.time O B-depart_date.month_name B-depart_date.day_number O B-fromloc.city_name O B-toloc.city_name
O O B-fromloc.city_name O B-toloc.city_name I-toloc.city_name O O B-depart_time.period_of_day
O O O B-flight_mod O O B-fromloc.city_name O B-toloc.airport_name I-toloc.airport_name O B-depart_date.today_relative
O O O O O O O B-fromloc.city_name O B-depart_date.day_name B-depart_time.period_of_day O O O B-toloc.city_name
O O O O O B-fromloc.city_name O B-toloc.city_name O B-depart_date.day_name
O O O B-cost_relative O O B-fromloc.city_name O B-toloc.city_name
O O O B-class_type I-class_type
O O O O O B-fromloc.city_name I-fromloc.city_name O B-toloc.city_name O O B-fromloc.city_name O B-toloc.city_name I-toloc.city_name O B-fromloc.city_name I-fromloc.city_name O B-toloc.city_name I-toloc.city_name
O O O O O B-fromloc.city_name B-fromloc.state_code O B-toloc.city_name I-toloc.city_name O B-fromloc.city_name B-depart_time.time_relative B-depart_time.time I-depart_time.time O B-depart_date.day_name
O O O O O B-airline_name O O B-fromloc.city_name O B-toloc.city_name B-depart_time.time_relative B-depart_time.time I-depart_time.time
O O O O O O O B-fromloc.city_name O B-toloc.city_name O O B-toloc.city_name O B-arrive_time.time I-arrive_time.time B-arrive_date.day_name B-arrive_time.period_of_day O B-or B-arrive_time.time_relative B-arrive_time.time I-arrive_time.time B-arrive_date.day_name B-arrive_time.period_of_day
O O O O O O O B-airport_name I-airport_name
O O O O B-fromloc.city_name O B-toloc.city_name B-toloc.city_name O B-toloc.city_name
O O O O O B-fromloc.city_name O B-toloc.city_name
O O B-fromloc.city_name O B-toloc.city_name O B-depart_date.day_name
O O O O O O O O O B-fromloc.city_name O B-toloc.city_name O O B-depart_date.day_number I-depart_date.day_number O B-depart_date.month_name
O O O O O B-fromloc.city_name O B-toloc.city_name I-toloc.city_name O O B-flight_stop O O B-arrive_time.time_relative B-arrive_time.time O B-arrive_time.time_relative B-arrive_time.time I-arrive_time.time
O O O B-flight_time I-flight_time O B-fromloc.city_name O B-toloc.city_name
O O O B-fromloc.city_name O B-toloc.city_name I-toloc.city_name I-toloc.city_name
O O O O O O O O O
O O O O O O O O O O O B-fromloc.airport_name I-fromloc.airport_name O B-toloc.city_name O
O O B-city_name
O O O O O O O O B-fromloc.city_name O B-toloc.city_name O O B-depart_time.period_of_day
O O O O O O O O B-fromloc.city_name O B-toloc.city_name
O O O B-depart_date.day_name B-depart_time.period_of_day O O B-fromloc.city_name I-fromloc.city_name O B-toloc.city_name O B-airline_name I-airline_name
O O O B-airline_name I-airline_name O O O B-depart_time.period_of_day O B-fromloc.city_name O B-toloc.city_name I-toloc.city_name
O O O O O O B-city_name
O O O O O B-fromloc.city_name O B-toloc.city_name I-toloc.city_name
O B-city_name O O O O O B-transport_type
O O O O O O O O O O B-fromloc.city_name O B-toloc.city_name O O O O B-stoploc.city_name I-stoploc.city_name O O O O O B-meal_description
O O O O O B-fromloc.city_name O B-toloc.city_name O B-depart_date.day_name B-depart_time.period_of_day O B-depart_date.day_name B-depart_time.period_of_day
O O O O O O O B-fromloc.city_name I-fromloc.city_name O O O B-toloc.city_name
O O B-fromloc.city_name O B-toloc.city_name I-toloc.city_name
O O O O O B-fromloc.city_name O B-toloc.city_name O B-depart_date.day_name B-depart_time.period_of_day
O O O B-airline_code
O O O O B-depart_date.today_relative O B-fromloc.city_name O B-toloc.city_name I-toloc.city_name O O O O B-stoploc.city_name I-stoploc.city_name O O O B-meal_description
O O B-flight_mod O O O B-fromloc.city_name O O O B-toloc.city_name B-arrive_date.date_relative B-arrive_date.day_name
O O O O O O O O O B-fromloc.airport_name I-fromloc.airport_name I-fromloc.airport_name I-fromloc.airport_name
O B-transport_type O O O B-city_name
O O O O B-fare_basis_code O
O O B-airline_name O O B-fromloc.city_name
O B-depart_date.day_name O O O O O B-fromloc.city_name I-fromloc.city_name O B-toloc.city_name
O O O O B-fromloc.city_name O
O O O O B-depart_date.day_name B-depart_time.period_of_day O B-fromloc.city_name O B-toloc.city_name
O O O O O B-fromloc.city_name I-fromloc.city_name O B-toloc.city_name B-toloc.city_name O B-toloc.city_name
O O O O O O O O B-flight_mod O O B-fromloc.city_name O B-toloc.city_name O O B-depart_time.period_of_day
O O O O O B-fromloc.city_name O B-toloc.city_name
O O B-depart_time.period_of_day O O O B-fare_amount I-fare_amount O B-fromloc.city_name O B-toloc.city_name
O O O B-fromloc.city_name O B-toloc.city_name I-toloc.city_name
O O O B-fromloc.city_name O B-toloc.city_name
O O O B-fromloc.city_name O B-toloc.city_name I-toloc.city_name
O O O O B-depart_date.today_relative B-depart_time.period_mod O B-fromloc.city_name O B-toloc.city_name O B-meal_description O
O O O O O B-economy O B-fromloc.city_name O B-toloc.city_name
O O O O O B-fromloc.city_name B-fromloc.state_name O B-toloc.city_name I-toloc.city_name B-toloc.state_name O B-depart_date.date_relative B-depart_date.day_name
O O O B-cost_relative B-round_trip I-round_trip O O B-fromloc.city_name I-fromloc.city_name O B-toloc.city_name O B-fromloc.city_name I-fromloc.city_name B-depart_time.time_relative B-depart_time.time I-depart_time.time
O B-airline_name I-airline_name O O O B-fromloc.city_name O B-toloc.city_name
O O O O O B-airline_name I-airline_name O B-fromloc.city_name O B-toloc.city_name O O B-depart_time.period_mod B-depart_time.period_of_day O O O O O
O O O O O B-fromloc.city_name O B-toloc.city_name O B-depart_date.day_name B-depart_time.period_of_day
O O O O O B-fromloc.city_name O B-toloc.city_name I-toloc.city_name
O O O O O B-depart_time.period_of_day O O B-depart_date.day_name O B-fromloc.city_name O B-toloc.city_name O
O O O O O O O B-fromloc.city_name O B-toloc.city_name O B-depart_date.day_name B-depart_time.period_of_day
O B-class_type I-class_type O O O O B-depart_date.month_name B-depart_date.day_number I-depart_date.day_number B-depart_date.year O B-fromloc.city_name O B-toloc.city_name
O O O O O B-fromloc.city_name O B-toloc.city_name B-depart_date.today_relative O O O B-meal
O O O O O O B-fromloc.city_name O B-toloc.city_name
O O B-fromloc.city_name O B-toloc.city_name
O O O B-fromloc.city_name O B-toloc.city_name B-round_trip I-round_trip B-depart_time.time_relative B-depart_time.time I-depart_time.time B-cost_relative O B-fare_amount
O O O O B-flight_mod O O O B-fromloc.city_name O B-toloc.city_name
O O O O O B-fromloc.city_name O B-toloc.city_name
O O O O B-fare_basis_code O
O O O O O O B-toloc.city_name O B-fromloc.city_name O B-arrive_time.time_relative B-arrive_time.time I-arrive_time.time
O O O B-cost_relative O O B-fromloc.city_name O B-toloc.city_name O O O
O O O B-flight_stop O B-fromloc.city_name I-fromloc.city_name O B-toloc.city_name O O O O B-arrive_date.day_name
O O B-days_code
O O O O O B-fromloc.city_name O B-toloc.city_name I-toloc.city_name
O O O O B-fare_basis_code O
O O O O O O B-fromloc.city_name O O B-toloc.city_name O B-fromloc.city_name B-depart_time.period_mod O O B-depart_time.period_of_day
O O O B-flight_mod O O B-depart_date.day_name O B-fromloc.city_name O B-toloc.city_name B-toloc.state_code
O O O O B-depart_date.day_name O B-toloc.city_name I-toloc.city_name O B-fromloc.city_name
O O O O O B-fromloc.city_name O B-toloc.city_name I-toloc.city_name
O O O O B-airline_name I-airline_name O O B-fromloc.city_name O B-toloc.city_name
O B-airline_name O O O O O B-fromloc.city_name O B-toloc.city_name
O O O B-economy O O B-fromloc.city_name O B-toloc.city_name
O O O O O O O O O B-fromloc.airport_name I-fromloc.airport_name O O
O O B-depart_time.time_relative B-depart_time.time I-depart_time.time B-fromloc.city_name B-fromloc.city_name
O O O O O O O B-fromloc.city_name I-fromloc.city_name O B-toloc.city_name O B-flight_stop I-flight_stop O B-stoploc.city_name
O O O B-flight_mod O O B-depart_date.day_name O B-fromloc.city_name O B-toloc.city_name
O O O O O B-cost_relative B-round_trip I-round_trip O O B-fromloc.city_name O B-toloc.city_name O B-depart_date.month_name B-depart_date.day_number
O O B-airport_code O
O O O O O O B-fromloc.city_name O B-toloc.city_name
O O O O O O B-fromloc.city_name I-fromloc.city_name I-fromloc.city_name O B-toloc.city_name I-toloc.city_name
O O O B-flight_mod O O B-fromloc.city_name O B-toloc.city_name
O O O O B-depart_date.today_relative O B-fromloc.city_name I-fromloc.city_name O B-toloc.city_name O O B-depart_time.period_of_day
O O O O O B-fromloc.city_name O B-toloc.city_name
O O O O O O B-toloc.city_name O B-arrive_date.month_name B-arrive_date.day_number O O O B-fromloc.city_name B-or B-fromloc.city_name
O O O O O B-fromloc.airport_name I-fromloc.airport_name O O O
O O O B-flight_mod O O O O O B-fromloc.city_name O B-toloc.city_name
O O O B-round_trip I-round_trip B-class_type O O B-airline_name I-airline_name O B-fromloc.city_name O B-toloc.city_name I-toloc.city_name
O O O O B-fromloc.city_name I-fromloc.city_name O B-toloc.city_name O B-depart_date.day_name B-depart_time.period_of_day
O O O O O O B-fromloc.city_name O B-toloc.city_name
O O O O O O B-fromloc.city_name O B-toloc.city_name
O B-fromloc.city_name O B-toloc.city_name
B-fromloc.city_name O B-toloc.city_name
O O B-airline_name I-airline_name O O O B-fromloc.city_name O B-depart_date.day_name O O O B-stoploc.city_name
O O O O O B-fromloc.city_name O B-toloc.city_name B-depart_date.today_relative
O O O B-connect O O B-fromloc.city_name O B-toloc.city_name O O B-depart_time.period_of_day O B-depart_date.month_name B-depart_date.day_number I-depart_date.day_number O O B-flight_stop
O O O O B-cost_relative O O O B-fromloc.city_name O B-toloc.city_name O B-depart_date.month_name B-depart_date.day_number
O B-airline_name O O B-city_name
O O O O O O B-fromloc.city_name O B-toloc.city_name I-toloc.city_name
O O O B-city_name
O O O O O B-fromloc.city_name O B-toloc.city_name I-toloc.city_name I-toloc.city_name O O O O O O B-arrive_time.time_relative B-arrive_time.time
O O O B-fromloc.city_name O B-toloc.city_name O B-depart_date.day_name
O O O O B-fromloc.city_name O B-toloc.city_name O B-depart_time.time_relative B-depart_time.time I-depart_time.time
O O O B-depart_date.month_name B-depart_date.day_number O O O O O O B-fromloc.city_name O B-toloc.city_name O B-depart_time.period_mod O O B-depart_time.period_of_day B-depart_time.time_relative B-depart_time.time
O O O B-fromloc.city_name O B-toloc.city_name B-toloc.state_code O B-depart_date.month_name B-depart_date.day_number
O O O B-depart_time.period_of_day B-depart_time.period_of_day O O B-fromloc.city_name O B-toloc.city_name
O O O B-cost_relative O O B-fromloc.city_name O B-toloc.city_name O O B-depart_date.month_name B-depart_date.day_number I-depart_date.day_number
O O B-fromloc.city_name O B-toloc.city_name B-toloc.state_name O B-depart_date.day_name
O O O O O O B-fromloc.city_name O B-toloc.city_name I-toloc.city_name O B-depart_date.day_name O O O B-toloc.city_name I-toloc.city_name B-arrive_time.time_relative B-arrive_time.time I-arrive_time.time
B-depart_time.period_of_day O O O B-fromloc.city_name I-fromloc.city_name O B-toloc.city_name B-arrive_time.period_of_day
O O O O O O B-fromloc.city_name O B-toloc.city_name O O B-arrive_time.time_relative B-arrive_time.time
O O O B-flight_mod B-fromloc.city_name O O B-toloc.city_name O O B-flight_mod O O O B-fromloc.city_name O O O O O O B-toloc.city_name O O O O O O O O B-toloc.city_name O O B-return_date.date_relative
O O O O B-cost_relative B-round_trip I-round_trip O O B-fromloc.city_name O B-toloc.city_name O B-depart_date.month_name O B-depart_date.day_number
O O O O O O O B-fromloc.city_name O B-toloc.city_name B-toloc.state_name O B-depart_date.day_name B-depart_time.period_of_day
O B-depart_time.period_of_day O O O O B-fromloc.city_name O B-toloc.city_name O O B-flight_mod
O O O O B-city_name
O O O O O O O B-fromloc.city_name O B-toloc.city_name O O O B-stoploc.city_name
B-fromloc.city_name O B-toloc.city_name
B-transport_type I-transport_type O B-city_name B-state_code
O B-airline_name I-airline_name O O B-toloc.city_name I-toloc.city_name O B-fromloc.city_name
O O O O O O O O O O O B-fromloc.city_name O B-toloc.city_name
O O O O B-fromloc.city_name O B-toloc.city_name
O O O O B-fare_basis_code
O O O B-flight_mod O O B-fromloc.city_name O B-toloc.city_name I-toloc.city_name O B-depart_date.day_name O O B-meal_description
O O O O O B-fromloc.city_name O B-toloc.city_name B-depart_time.period_mod O B-depart_date.day_name B-depart_time.period_of_day
O O O O O O O O B-city_name
O O O O O O O O B-class_type I-class_type O B-depart_date.day_name O B-fromloc.city_name I-fromloc.city_name O B-toloc.city_name O O B-depart_time.time O B-depart_time.time_relative
O O O O B-airline_name I-airline_name B-fromloc.city_name O B-toloc.city_name B-flight_days B-flight_stop O
O O O O O B-fromloc.city_name O B-toloc.city_name O B-depart_time.time_relative B-depart_time.time I-depart_time.time O O O O O O O O O O O O
O O O B-fare_basis_code
O O B-city_name I-city_name
O O O O O O O O O O B-toloc.city_name I-toloc.city_name B-arrive_date.date_relative B-arrive_date.day_name B-arrive_time.period_of_day O O O O O O O B-fromloc.city_name I-fromloc.city_name O O O O O O B-fromloc.city_name I-fromloc.city_name
O O O B-flight_mod O O B-fromloc.city_name B-fromloc.state_code O B-toloc.city_name I-toloc.city_name O O O O
O O O O O O B-city_name
O O B-fromloc.city_name O B-toloc.city_name O O B-arrive_time.start_time O B-arrive_time.end_time I-arrive_time.end_time
O O O O B-fare_basis_code O
O O O B-fromloc.city_name I-fromloc.city_name I-fromloc.city_name O B-toloc.city_name I-toloc.city_name
O O O O O O B-city_name B-state_name
O O O O B-fromloc.city_name O B-toloc.city_name I-toloc.city_name O B-airline_name I-airline_name
O O O O O O O O O B-fromloc.airport_name I-fromloc.airport_name
O B-flight_stop O O B-fromloc.city_name I-fromloc.city_name O B-toloc.city_name O O O O B-arrive_time.period_of_day
O O O B-fromloc.city_name B-fromloc.city_name O B-fromloc.city_name
O O B-class_type I-class_type O O B-airline_name I-airline_name O
O O O O O B-toloc.city_name O B-fromloc.city_name
O O O O O O B-fromloc.city_name O B-toloc.city_name
O O O O B-fromloc.city_name O B-toloc.city_name O B-depart_date.day_name B-depart_time.period_of_day B-or B-depart_date.day_name B-depart_time.period_of_day
O O O O O B-airline_name I-airline_name O B-fromloc.city_name O B-toloc.city_name
O O O O B-fare_basis_code
O O O O O B-airline_name I-airline_name O B-depart_date.month_name B-depart_date.day_number O O B-depart_time.period_of_day
O O O O O O B-fromloc.city_name O B-toloc.city_name
B-cost_relative O O B-fromloc.city_name O B-toloc.city_name
O O O O B-airline_name I-airline_name O O O O O O O B-fare_basis_code
O O B-flight_stop O O B-fromloc.city_name O B-toloc.city_name O O B-toloc.city_name B-arrive_time.time_relative B-arrive_time.time I-arrive_time.time
B-fromloc.city_name O B-toloc.city_name O O B-depart_date.month_name B-depart_date.day_number
O O O O O B-flight_time O O O B-fromloc.city_name I-fromloc.city_name O B-toloc.city_name
O O O O B-fromloc.city_name O B-toloc.city_name
O O O O O O B-city_name
O O O O O O O B-fromloc.airport_name I-fromloc.airport_name I-fromloc.airport_name I-fromloc.airport_name O B-fromloc.city_name
O O O O B-fromloc.city_name B-fromloc.state_name O B-toloc.city_name O O O B-cost_relative B-round_trip I-round_trip
O O O O O B-fromloc.city_name O B-toloc.city_name
O O O B-city_name
O O O O O B-fromloc.city_name O B-toloc.city_name O B-depart_date.day_name O B-depart_date.day_name
O O B-airline_code B-flight_number O B-fromloc.city_name O B-toloc.city_name O O B-depart_date.day_name
O O O O O O O O O B-fromloc.city_name O B-toloc.city_name O B-depart_date.month_name B-depart_date.day_number I-depart_date.day_number O O O O O O B-stoploc.city_name O O O
O O O O O B-fromloc.city_name O B-toloc.city_name O O O O B-cost_relative O O
O O O O O B-fromloc.city_name O B-toloc.city_name
O O O O B-depart_date.day_name B-depart_time.period_of_day O B-fromloc.city_name O B-toloc.city_name
O O O B-restriction_code I-restriction_code
O O O O O B-fromloc.city_name O B-toloc.city_name I-toloc.city_name O O O O B-stoploc.city_name
O O O O O B-fromloc.city_name I-fromloc.city_name O B-toloc.city_name
B-flight_mod B-depart_time.period_of_day O O B-fromloc.city_name O B-toloc.city_name
O O O O O B-fromloc.city_name O B-toloc.city_name O B-depart_date.month_name B-depart_date.day_number B-depart_date.year
O O O O O B-depart_date.day_name B-depart_time.period_of_day O B-fromloc.city_name O B-toloc.airport_code
O O O O O O O B-airline_name I-airline_name O B-fromloc.city_name O B-toloc.state_code O B-depart_date.month_name B-depart_date.day_number I-depart_date.day_number
B-airline_name I-airline_name B-flight_number O B-fromloc.city_name O B-depart_time.time O O O B-flight_time I-flight_time O B-toloc.city_name
O O O O O O O B-depart_time.period_mod B-depart_date.day_name B-depart_time.period_of_day O B-fromloc.city_name O B-toloc.city_name
O O O O O O B-fromloc.city_name O B-toloc.city_name
O O O O B-fromloc.city_name O B-toloc.city_name
O O O O O O O O O B-fromloc.city_name O B-toloc.city_name
O O O O O B-fromloc.city_name O B-toloc.city_name I-toloc.city_name
O O O O B-fromloc.city_name I-fromloc.city_name O B-toloc.city_name O O O B-stoploc.city_name
O O O B-fromloc.city_name B-fromloc.state_code O B-toloc.city_name I-toloc.city_name O B-depart_date.month_name B-depart_date.day_number
B-round_trip I-round_trip O O B-fromloc.city_name O B-toloc.city_name B-cost_relative B-fare_amount I-fare_amount
O B-flight_stop O O B-fromloc.city_name I-fromloc.city_name O B-toloc.city_name O O B-arrive_date.day_name O O B-cost_relative O B-fare_amount I-fare_amount B-round_trip I-round_trip
O O O O B-airline_name I-airline_name O B-fromloc.city_name O B-toloc.city_name O B-arrive_time.time_relative B-arrive_time.time I-arrive_time.time
O B-class_type I-class_type O O B-fromloc.city_name I-fromloc.city_name O B-toloc.city_name O B-airline_name I-airline_name
O O O B-flight_mod O O B-fromloc.airport_name O B-toloc.airport_code
O B-airport_name I-airport_name
O O O B-airline_name I-airline_name O B-fromloc.city_name O B-toloc.city_name B-connect O B-stoploc.city_name
O O B-flight_stop O O B-arrive_date.day_name B-arrive_time.time_relative B-arrive_time.time O B-fromloc.city_name O B-toloc.city_name
B-fromloc.city_name O B-toloc.city_name O B-depart_date.day_name
O O O O O O O O O O O O O B-fromloc.city_name O B-toloc.city_name
O O O O O B-airline_code
O O O O B-fromloc.city_name I-fromloc.city_name O B-toloc.city_name O B-depart_date.day_name
O O O O O O O O O O B-fromloc.airport_name I-fromloc.airport_name O O B-toloc.city_name
O O O O B-fromloc.city_name O B-toloc.city_name I-toloc.city_name O B-depart_date.month_name B-depart_date.day_number
O O B-depart_time.period_of_day O O B-fromloc.city_name O B-toloc.city_name
O O B-fromloc.city_name B-or B-fromloc.city_name O O O O B-stoploc.city_name O O B-toloc.city_name I-toloc.city_name
O O O O B-fromloc.city_name O B-toloc.city_name
O O O O O B-fromloc.city_name O B-toloc.city_name
O O O O O B-fromloc.city_name I-fromloc.city_name I-fromloc.city_name O B-toloc.city_name B-depart_date.day_name B-depart_date.month_name B-depart_date.day_number
B-fromloc.city_name O B-toloc.city_name I-toloc.city_name
O O O B-flight_mod O O B-fromloc.city_name O B-toloc.city_name I-toloc.city_name
O O O B-transport_type O O O O B-fromloc.airport_name I-fromloc.airport_name
B-city_name O O
O B-flight_mod O O B-fromloc.city_name O B-toloc.city_name I-toloc.city_name O O O O O O B-meal
O O O B-fare_basis_code O
O O O B-airline_code
O O O O O B-transport_type I-transport_type O B-city_name
O O O O O B-depart_date.day_name B-or B-depart_date.day_name O B-fromloc.city_name O B-toloc.city_name
O O O O O O B-fromloc.city_name O B-toloc.city_name
O O B-fromloc.city_name I-fromloc.city_name O B-toloc.city_name O B-depart_date.day_name
O O O B-flight_stop O O B-fromloc.city_name O B-toloc.city_name I-toloc.city_name
O O O O B-fromloc.city_name I-fromloc.city_name O B-toloc.city_name O B-depart_date.month_name B-depart_date.day_number
O O O O O B-fromloc.city_name O B-toloc.city_name
O O O O O B-fromloc.city_name O B-toloc.city_name O B-depart_date.day_name
O O O B-flight_mod O O B-fromloc.city_name O B-toloc.city_name I-toloc.city_name B-mod B-airline_name O B-flight_number
O O O B-cost_relative I-cost_relative O O B-fromloc.city_name O B-toloc.city_name O B-depart_date.day_name B-depart_time.time_relative B-depart_time.time
O O O O O O O O B-fromloc.city_name O B-toloc.city_name B-depart_time.time_relative B-depart_time.time I-depart_time.time
O O O O O B-fromloc.city_name O B-toloc.city_name O O B-fromloc.city_name B-depart_time.time_relative B-depart_time.time B-depart_date.today_relative
O O O O O O O O B-transport_type O B-city_name
O O O O O O B-airline_code B-flight_number O B-fromloc.city_name O B-toloc.city_name
O O O O B-fromloc.city_name O B-toloc.city_name B-depart_time.time_relative B-depart_time.time I-depart_time.time I-depart_time.time O B-depart_date.day_name
O O O B-flight_mod O O B-fromloc.city_name O B-toloc.city_name
O O O O O B-airline_name O B-fromloc.city_name O O B-depart_time.period_of_day
O O O B-fromloc.city_name I-fromloc.city_name I-fromloc.city_name O B-toloc.city_name I-toloc.city_name
O O O O O O O B-fromloc.city_name O B-toloc.city_name O O O O B-depart_time.period_of_day
O O O O O B-fromloc.city_name O B-toloc.city_name O B-class_type B-round_trip I-round_trip
O O O O O B-round_trip I-round_trip O B-fromloc.city_name O B-toloc.city_name
O O O O O O O O O O B-fromloc.city_name O O B-toloc.city_name O O B-arrive_time.period_of_day
O O O O O B-fromloc.city_name O B-toloc.city_name O B-depart_date.day_name O B-depart_date.date_relative O
O O O O O B-airline_name I-airline_name O B-fromloc.city_name O B-toloc.city_name
B-depart_time.period_of_day O B-fromloc.city_name O B-toloc.city_name
O O O O B-fromloc.city_name O B-toloc.city_name
O O O B-fromloc.city_name O B-toloc.city_name I-toloc.city_name O B-depart_date.day_name O B-arrive_time.time_relative B-arrive_time.time I-arrive_time.time
O O O O O B-city_name I-city_name
O O O O O O B-fromloc.city_name B-fromloc.state_name I-fromloc.state_name O B-toloc.city_name B-toloc.state_name O B-connect O B-stoploc.city_name

+ 11
- 0
datasets/count.py View File

@ -0,0 +1,11 @@
filename = 'snips/train/seq.in'
m = 0
with open(filename) as f:
for line in f:
line = line.rstrip().split()
m = max(len(line), m)
print(m)

+ 700
- 0
datasets/snips/test/label View File

@ -0,0 +1,700 @@
AddToPlaylist
BookRestaurant
AddToPlaylist
GetWeather
PlayMusic
SearchScreeningEvent
BookRestaurant
GetWeather
SearchScreeningEvent
BookRestaurant
SearchScreeningEvent
SearchCreativeWork
SearchScreeningEvent
BookRestaurant
SearchCreativeWork
GetWeather
SearchCreativeWork
BookRestaurant
SearchScreeningEvent
BookRestaurant
RateBook
AddToPlaylist
AddToPlaylist
SearchScreeningEvent
GetWeather
GetWeather
SearchScreeningEvent
BookRestaurant
PlayMusic
AddToPlaylist
AddToPlaylist
RateBook
PlayMusic
SearchScreeningEvent
AddToPlaylist
SearchCreativeWork
RateBook
SearchScreeningEvent
GetWeather
GetWeather
PlayMusic
RateBook
PlayMusic
GetWeather
PlayMusic
GetWeather
PlayMusic
RateBook
BookRestaurant
BookRestaurant
SearchCreativeWork
BookRestaurant
SearchCreativeWork
BookRestaurant
RateBook
BookRestaurant
RateBook
RateBook
SearchScreeningEvent
SearchCreativeWork
GetWeather
GetWeather
AddToPlaylist
SearchCreativeWork
AddToPlaylist
SearchScreeningEvent
BookRestaurant
PlayMusic
AddToPlaylist
BookRestaurant
AddToPlaylist
PlayMusic
RateBook
SearchScreeningEvent
PlayMusic
AddToPlaylist
AddToPlaylist
RateBook
PlayMusic
PlayMusic
SearchCreativeWork
RateBook
AddToPlaylist
GetWeather
AddToPlaylist
SearchCreativeWork
GetWeather
AddToPlaylist
AddToPlaylist
SearchScreeningEvent
AddToPlaylist
PlayMusic
RateBook
AddToPlaylist
AddToPlaylist
SearchScreeningEvent
RateBook
AddToPlaylist
AddToPlaylist
SearchCreativeWork
PlayMusic
PlayMusic
SearchScreeningEvent
AddToPlaylist
SearchScreeningEvent
RateBook
AddToPlaylist
PlayMusic
AddToPlaylist
SearchScreeningEvent
PlayMusic
AddToPlaylist
GetWeather
SearchCreativeWork
GetWeather
GetWeather
SearchCreativeWork
SearchCreativeWork
PlayMusic
AddToPlaylist
BookRestaurant
GetWeather
SearchCreativeWork
RateBook
RateBook
AddToPlaylist
BookRestaurant
GetWeather
BookRestaurant
SearchScreeningEvent
GetWeather
SearchScreeningEvent
RateBook
GetWeather
PlayMusic
SearchCreativeWork
RateBook
SearchScreeningEvent
AddToPlaylist
PlayMusic
GetWeather
BookRestaurant
PlayMusic
AddToPlaylist
SearchCreativeWork
AddToPlaylist
GetWeather
GetWeather
SearchScreeningEvent
GetWeather
SearchScreeningEvent
GetWeather
PlayMusic
PlayMusic
AddToPlaylist
GetWeather
SearchCreativeWork
AddToPlaylist
PlayMusic
BookRestaurant
SearchScreeningEvent
GetWeather
RateBook
BookRestaurant
BookRestaurant
SearchScreeningEvent
AddToPlaylist
SearchCreativeWork
BookRestaurant
SearchScreeningEvent
BookRestaurant
SearchScreeningEvent
BookRestaurant
SearchScreeningEvent
SearchCreativeWork
PlayMusic
AddToPlaylist
GetWeather
RateBook
GetWeather
PlayMusic
PlayMusic
GetWeather
AddToPlaylist
SearchCreativeWork
SearchCreativeWork
AddToPlaylist
AddToPlaylist
BookRestaurant
AddToPlaylist
RateBook
RateBook
RateBook
BookRestaurant
SearchCreativeWork
PlayMusic
SearchScreeningEvent
BookRestaurant
PlayMusic
SearchCreativeWork
AddToPlaylist
GetWeather
SearchCreativeWork
BookRestaurant
GetWeather
AddToPlaylist
RateBook
SearchCreativeWork
SearchScreeningEvent
GetWeather
GetWeather
PlayMusic
PlayMusic
SearchCreativeWork
GetWeather
AddToPlaylist
SearchCreativeWork
AddToPlaylist
SearchCreativeWork
GetWeather
PlayMusic
SearchCreativeWork
PlayMusic
SearchScreeningEvent
AddToPlaylist
PlayMusic
SearchCreativeWork
BookRestaurant
SearchCreativeWork
AddToPlaylist
SearchScreeningEvent
SearchCreativeWork
SearchScreeningEvent
BookRestaurant
PlayMusic
SearchScreeningEvent
GetWeather
SearchCreativeWork
AddToPlaylist
BookRestaurant
SearchScreeningEvent
BookRestaurant
SearchCreativeWork
SearchScreeningEvent
SearchScreeningEvent
PlayMusic
GetWeather
PlayMusic
RateBook
RateBook
GetWeather
PlayMusic
GetWeather
PlayMusic
PlayMusic
SearchScreeningEvent
SearchCreativeWork
RateBook
SearchScreeningEvent
SearchCreativeWork
AddToPlaylist
SearchScreeningEvent
GetWeather
AddToPlaylist
GetWeather
GetWeather
AddToPlaylist
PlayMusic
AddToPlaylist
GetWeather
PlayMusic
AddToPlaylist
BookRestaurant
BookRestaurant
BookRestaurant
SearchCreativeWork
SearchScreeningEvent
BookRestaurant
RateBook
BookRestaurant
SearchCreativeWork
BookRestaurant
SearchScreeningEvent
GetWeather
PlayMusic
SearchScreeningEvent
RateBook
AddToPlaylist
RateBook
GetWeather
SearchCreativeWork
AddToPlaylist
AddToPlaylist
SearchScreeningEvent
SearchScreeningEvent
AddToPlaylist
SearchScreeningEvent
RateBook
PlayMusic
AddToPlaylist
AddToPlaylist
SearchScreeningEvent
SearchScreeningEvent
AddToPlaylist
GetWeather
GetWeather
RateBook
SearchCreativeWork
GetWeather
RateBook
RateBook
BookRestaurant
SearchCreativeWork
PlayMusic
BookRestaurant
GetWeather
SearchCreativeWork
PlayMusic
GetWeather
SearchScreeningEvent
SearchScreeningEvent
SearchScreeningEvent
BookRestaurant
PlayMusic
SearchCreativeWork
SearchCreativeWork
BookRestaurant
BookRestaurant
GetWeather
SearchCreativeWork
SearchScreeningEvent
SearchScreeningEvent
GetWeather
AddToPlaylist
BookRestaurant
SearchCreativeWork
PlayMusic
SearchCreativeWork
SearchScreeningEvent
SearchCreativeWork
AddToPlaylist
PlayMusic
AddToPlaylist
AddToPlaylist
SearchScreeningEvent
RateBook
BookRestaurant
PlayMusic
SearchScreeningEvent
SearchCreativeWork
SearchScreeningEvent
BookRestaurant
SearchCreativeWork
PlayMusic
SearchCreativeWork
SearchScreeningEvent
RateBook
GetWeather
SearchScreeningEvent
RateBook
SearchScreeningEvent
RateBook
SearchScreeningEvent
BookRestaurant
RateBook
SearchScreeningEvent
GetWeather
RateBook
SearchScreeningEvent
PlayMusic
BookRestaurant
AddToPlaylist
SearchCreativeWork
BookRestaurant
RateBook
BookRestaurant
GetWeather
AddToPlaylist
BookRestaurant
BookRestaurant
AddToPlaylist
RateBook
GetWeather
BookRestaurant
BookRestaurant
SearchCreativeWork
BookRestaurant
BookRestaurant
BookRestaurant
BookRestaurant
SearchScreeningEvent
SearchCreativeWork
BookRestaurant
AddToPlaylist
SearchCreativeWork
SearchScreeningEvent
PlayMusic
SearchScreeningEvent
SearchCreativeWork
SearchScreeningEvent
SearchCreativeWork
GetWeather
AddToPlaylist
PlayMusic
RateBook
SearchScreeningEvent
AddToPlaylist
SearchScreeningEvent
SearchScreeningEvent
GetWeather
PlayMusic
RateBook
SearchCreativeWork
SearchCreativeWork
SearchCreativeWork
RateBook
PlayMusic
AddToPlaylist
AddToPlaylist
SearchScreeningEvent
AddToPlaylist
RateBook
SearchCreativeWork
SearchScreeningEvent
PlayMusic
PlayMusic
BookRestaurant
SearchScreeningEvent
SearchCreativeWork
BookRestaurant
GetWeather
BookRestaurant
RateBook
RateBook
BookRestaurant
SearchCreativeWork
BookRestaurant
AddToPlaylist
AddToPlaylist
GetWeather
RateBook
AddToPlaylist
GetWeather
SearchScreeningEvent
SearchScreeningEvent
SearchCreativeWork
BookRestaurant
AddToPlaylist
BookRestaurant
SearchCreativeWork
PlayMusic
BookRestaurant
GetWeather
RateBook
GetWeather
GetWeather
AddToPlaylist
GetWeather
AddToPlaylist
GetWeather
SearchCreativeWork
PlayMusic
AddToPlaylist
GetWeather
RateBook
AddToPlaylist
GetWeather
RateBook
GetWeather
PlayMusic
SearchCreativeWork
PlayMusic
GetWeather
BookRestaurant
SearchCreativeWork
RateBook
AddToPlaylist
SearchCreativeWork
PlayMusic
GetWeather
PlayMusic
GetWeather
GetWeather
AddToPlaylist
SearchCreativeWork
SearchScreeningEvent
SearchScreeningEvent
AddToPlaylist
PlayMusic
RateBook
AddToPlaylist
AddToPlaylist
GetWeather
AddToPlaylist
SearchCreativeWork
AddToPlaylist
SearchScreeningEvent
AddToPlaylist
AddToPlaylist
AddToPlaylist
GetWeather
RateBook
SearchScreeningEvent
AddToPlaylist
RateBook
BookRestaurant
SearchScreeningEvent
BookRestaurant
SearchScreeningEvent
RateBook
SearchScreeningEvent
PlayMusic
RateBook
AddToPlaylist
GetWeather
SearchCreativeWork
SearchCreativeWork
AddToPlaylist
AddToPlaylist
BookRestaurant
SearchCreativeWork
SearchScreeningEvent
RateBook
SearchScreeningEvent
AddToPlaylist
PlayMusic
GetWeather
SearchCreativeWork
RateBook
SearchCreativeWork
SearchScreeningEvent
AddToPlaylist
SearchCreativeWork
BookRestaurant
GetWeather
AddToPlaylist
SearchScreeningEvent
PlayMusic
GetWeather
BookRestaurant
PlayMusic
SearchCreativeWork
AddToPlaylist
SearchScreeningEvent
SearchScreeningEvent
SearchScreeningEvent
SearchCreativeWork
SearchScreeningEvent
SearchScreeningEvent
RateBook
AddToPlaylist
AddToPlaylist
PlayMusic
GetWeather
RateBook
AddToPlaylist
SearchScreeningEvent
SearchScreeningEvent
SearchScreeningEvent
SearchScreeningEvent
PlayMusic
GetWeather
SearchScreeningEvent
BookRestaurant
SearchCreativeWork
AddToPlaylist
PlayMusic
SearchCreativeWork
AddToPlaylist
SearchCreativeWork
SearchScreeningEvent
GetWeather
GetWeather
SearchCreativeWork
BookRestaurant
GetWeather
BookRestaurant
GetWeather
SearchCreativeWork
GetWeather
GetWeather
GetWeather
AddToPlaylist
BookRestaurant
SearchCreativeWork
RateBook
SearchCreativeWork
BookRestaurant
AddToPlaylist
SearchScreeningEvent
BookRestaurant
SearchScreeningEvent
GetWeather
BookRestaurant
PlayMusic
SearchScreeningEvent
PlayMusic
SearchCreativeWork
BookRestaurant
BookRestaurant
GetWeather
RateBook
GetWeather
RateBook
SearchCreativeWork
RateBook
RateBook
GetWeather
GetWeather
AddToPlaylist
GetWeather
AddToPlaylist
RateBook
SearchCreativeWork
RateBook
SearchScreeningEvent
AddToPlaylist
SearchCreativeWork
SearchCreativeWork
PlayMusic
BookRestaurant
SearchCreativeWork
SearchScreeningEvent
AddToPlaylist
RateBook
SearchCreativeWork
RateBook
PlayMusic
SearchCreativeWork
PlayMusic
PlayMusic
BookRestaurant
RateBook
PlayMusic
SearchCreativeWork
GetWeather
BookRestaurant
SearchScreeningEvent
PlayMusic
AddToPlaylist
RateBook
RateBook
PlayMusic
GetWeather
AddToPlaylist
SearchScreeningEvent
PlayMusic
BookRestaurant
SearchCreativeWork
PlayMusic
GetWeather
BookRestaurant
AddToPlaylist
AddToPlaylist
RateBook
BookRestaurant
SearchCreativeWork
SearchCreativeWork
GetWeather
GetWeather
BookRestaurant
AddToPlaylist
AddToPlaylist
SearchScreeningEvent
RateBook
AddToPlaylist
SearchCreativeWork
AddToPlaylist
GetWeather
AddToPlaylist
AddToPlaylist
SearchCreativeWork
SearchScreeningEvent
AddToPlaylist
AddToPlaylist
PlayMusic
AddToPlaylist
PlayMusic
SearchCreativeWork
SearchCreativeWork
SearchCreativeWork
AddToPlaylist
GetWeather
SearchScreeningEvent
SearchCreativeWork
BookRestaurant
RateBook
BookRestaurant
GetWeather
GetWeather
BookRestaurant
SearchScreeningEvent
RateBook
PlayMusic
AddToPlaylist
SearchCreativeWork
SearchCreativeWork
RateBook
AddToPlaylist
RateBook

+ 700
- 0
datasets/snips/test/seq.in View File

@ -0,0 +1,700 @@
add sabrina salerno to the grime instrumentals playlist
i want to bring four people to a place that s close to downtown that serves churrascaria cuisine
put lindsey cardinale into my hillary clinton s women s history month playlist
will it snow in mt on june 13 2038
play signe anderson chant music that is newest
can you let me know what animated movies are playing close by
can you get me reservations for a highly rated restaurant in seychelles
what s the weather here on 2/7/2021
find worldly goods starting now at a movie house
on june 27 2026 i d like to go to a delaware gastropub
what movies are playing at mann theatres
find a movie called living in america
find on dress parade
make a reservation at a bakery that has acquacotta in central african republic for five
where can i purchase the tv show time for heroes
will the wind die down at my current location by supper time
please search the young warriors game
make me a reservation in south carolina
what movie theatre is showing if the huns came to melbourne
restaurant in bulgaria this week party for 9 numbers
rate the current novel four of 6 stars
add the song don t drink the water to my playlist
add this tune by rod argent to propuesta alternativa playlist
show the movie times
will it snow in amy
what will the weather be at nine am in hi
in one hour find king of hearts
book a spot for ten at a top-rated caucasian restaurant not far from selmer
play music from clark kent in the year 1987
add to the rock games
add this artist to pop 2017 picks
i rate shadow of suribachi at five stars
play some sixties music
what film is playing nearby
add nothing fancy to meditate to sounds of nature playlist
get the video game of the chipmunk song
rate lamy of santa fe 5 of 6 stars
show me movie schedules
what will the weather be in lago vista on october fourteenth 2022
weather next year in canada
play a new symphony by perfecto de castro on lastfm
rate cuisines of the axis of evil and other irritating states one out of 6
play arif music from the fourties
what is the weather of east portal ks
play a melody from elmer bernstein
what is the weather going to be like in klondike gold rush national historical park on february the 28th 2034
play songs by sarah harding
rate the chronicle ten from tomorrow a 2
book a table for 2 at a restaurant in follett
book a brasserie in samoa for four people
play the new noise theology e p
find a reservation at a restaurant that serves gougère in laneville with a party of nine
find the cold dead hand video game for me
book a bakery for lebanese on january 11th 2032
rate the book an appeal from the new to the old whigs a 0
book a table for 8 at a restaurant that serves far breton
rate this current novel 1 stars
i rate secret water as a 4
is unbeatable harold at century theatres
please find me asking alexandria discography
what will the weather be in berville ak on feb 6 2017
is it warm in botna
please add a track to my playlist called this is coti
find the via dolorosa: songs of redemption saga
can you add confessions to my playlist called clásica
find the schedule for nearby animated movies
book a table today at a steakhouse for eight that serves sashimi
play the last sound track by soko from around 1975
add this song to blues roots
coon chicken inn restaurant for 1 am for me clarice and debbie
add karusellen to jazz brasileiro
play some steve boyett chant music
give 1 out of 6 points to this novel
show the movie schedule of animated movies close by
please play the newest music by evil jared hasselhoff
add tune to my mellow bars playlist
put coming back to life onto winter music
rate this textbook a zero
i want to hear any tune from the twenties
play me a top-ten song by phil ochs on groove shark
find a video game called family dog
rate awaiting strange gods: weird and lovecraftian fictions a 1
add lisa m to my guitar hero live playlist
what is the weather forecast for my current place
add strong to the metal monday playlist
where can i find conduct unbecoming
will it be freezing in the current position
add the da brat track to the soak up the sun playlist
add a track to the another glass playlist
find now and forever
the workout playlist needs more chris cross
play some jungle music on iheart
give 1 point to current textbook
put no mystery into my punk essentials playlist
i want to put look to you on the playlist named 80s classic hits
what time is beat the devil coming on at mann theatres
rate the current chronicle a zero
add garry shider album to my classical essentials
add the artist cho kyu hyun to funky jams
find the work i looked up
play this is colour by panda bear
play the god that failed on vimeo
can i get the butterfly crush showings
add hanging on to my just dance by aftercluv playlist
show me when scandalous john is playing
a day no pigs would die deserves a best rating of 6 and a value of 4
for my crossfit playlist add the soul sessions volume 2
play some james cleveland
put this tune on dancepop
what time will paris by night aired
play music on spotify
i want a matt garrison tune in my fresh finds fire emoji playlist
will there be snowfall at six pm in leisure knoll california
search for the television show me and my guitar
tell me when it will be chilly in chicken united kingdom
is it windy in telogia
find a tv show called revenge of the nerds
find the video game called turnin me on
play the song i get ideas as performed by richard kruspe
add turk to the deep house playlist
find a reservation at fish express
check the forecast for the current spot in the future oct 19 2037
how can i view the show corpus: a home movie about selena
i would rate that old ace in the hole one stars and a best rating of 6
add the rating for this current series a four out of 6 points
add justin mcroberts to this is chopin
book a bar that serves italian-american cuisine neighboring wilson av for one person
is fog forecast close-by to pakistan
book a restaurant for 3 people at eighteen oclock in saint vincent and the grenadines
find the schedule for films at night at great escape theatres
is there snow in the district of columbia
find a movie schedule
rate the beggar of volubilis 1 out of 6
what is the forecast in heber
please play an album from 1987
show me the courts of chaos
give the current book five stars out of 6
when is fine totally fine playing
add a tune to clásicos del hip hop español
play jawad ahmad
what is the forecast for in 1 second at monte sereno for freezing temps
i would like to eat fast food and have a party of two in kentucky
play music from itunes for ric grech
add jennie jennie to my metal playlist
show the tv show the last samurai
add rob tyner to betsy s we everywhere
show me the weather forecast for the city of spencer
how is the weather in getzville minnesota
what is dear old girl cooper foundation
i need a weather forecast for são tomé and príncipe on december 8th 2026
what animated movies are showing in the area
tell me the weather forecast for april 15 2019 here
play the track asleep in the deep
play kurt cobain ballad tunes
can you add a track to my spain top 50 playlist
at meal time while i m here will it be hot
can you find me the magic hour song
add mary wells sings my guy to the electro sur playlist
play some kyle ward from the seventies
book a table around london borough of ealing that is highly rated in a gluten free bar
when is crime and punishment u s a showing
will it snowstorm in long lake national wildlife refuge
rate current essay a zero
book me a reservation at a bar around juliff for three people that serves bucatini for now
book a highly rated place in in in seven years at a pub
what time is southern theatres showing ukraine is not a brothel
add this album ny bill callahan to my mi casa es la tuya playlist oficial list
find a soundtrack called pax warrior
book a table for ten for breakfast in minnesota
what is the local movie schedule
book a restaurant for three on feb 18
i d like to know what movies are on the movie schedules nearby
please make me reservations somewhere for eight people in foley nv
she me movie times at mann theatres
find the picture ultima vi: the false prophet
play the best album from the seventies
add kylie minogue to my novedades viernes sudamérica playlist
is it freezing in colorado
the last hawk gets a total of 3 out of 6 stars from me
will it be stormy in ma
play pop 2017 picks
play some theme songs from 1974
what will the weather be in la at 9 o clock
can you add xanadu to latin alternative music
can you find me the naked city – justice with a bullet album
please search the work eve-olution
add i dreamt of a dragon to my futuros hits playlist
add this artist to the laugh list
i d like to eat at a restaurant around china with a party of 7 anywhere that serves ouzeri
the sleep machine waterscapes playlist needs some kris chetan ramlu in it
rate the current chronicle five stars
rate this novel five of 6
my rating for the eiffel tower and other mythologies is 0 out of 6 stars
i d like a table for midday at the unseen bean
where can i see the movie across the line: the exodus of charlie wright
turn on spotify to tiny tim ep
what are the movie schedules
i want a table for me and my kids in turkey at a neighboring restaurant
play a top 5 song from wally bastian on google music
please search the ironbound picture
put a gary clark song into the soul bpm playlist
will it be hot on orthodox good friday in michigan and close-by
i want to see the television show called cuts both ways
i d like to reserve a table at a pub that serves andouillettes within the same area in san marino
what is the weather like in hurstville
put this album on my wild country playlist
rate this textbook 2 out of 6
search for the complots
find the schedule for the band of honest men at the nearest movie theatre
what will the weather be in waverly city brazil on purple heart day
what is the weather forecast in delaware
play a top-50 tune from 1982
play shinji miyazaki s music on netflix
can i get the game list of mew singles
what s the forecast for belize around meal time
add gary lachman track to jazz for loving couples playlist
find the path to power
put artist paulinho da costa on my very nearly nashville playlist
i am looking for the work: nikki
what s the weather in low moor
play some nineties music
find a television show called swing high
use netflix to play bizzy bone kiss me goodnight sergeant major
i d like to see movie schedules for kerasotes theatres
i want these are the days added to my spotlight spain 2016 playlist
play the greatest soundtrack by nhat son on last fm
what is the tv series in app store
book the space aliens grill & bar in hord wy for feb the twenty-seventh
find a saga called set sail the prairie
can jovino santos neto s album get added to my confidence boost playlist
show animated movies in nearest movie theatre
find the game company of heroes
where can i find paranormal activity 3 playing near me 1 hour from now
book a table this evening in saint vincent and the grenadines at a gastropub
can i listen to dj vibe s top 10
what films are at the nearest cinema
what is the weather like in north salt lake and afghanistan
can you tell me the actors of the saga awards/
go to my all out 00s and add brian wilson
food truck in panama for five
look up the movie schedule
book a table for chasity ruiz and mary at the fat duck in puerto rico
find the gill deacon show
find the movie schedule for films in the area
will i be able to watch camping-car at movie house at 6 pm
play how does it work by helen carter
what s the weather like in schenectady ma
play some folk-rock music
give this current book zero out of 6
rate this album 5 points
how is the weather right now at my current place
play sixties music by giovanni battista guadagnini
tell me the weather forecast close by brown county state park for meal time
play the last wellman braud album relaesd
play sugar baby by frank beard
find the schedule for the solitude of prime numbers at the nearest cinema in 1 hour
play the discografia de the pretty reckless saga
i want to give the current textbook 0 out of 6 stars
show me movie times for animated movies playing three hours from now in the neighbourhood
find the game just dance greatest hits
add this track to the sin ti playlist
show me the closest movie house playing an unfinished life at eight pm
what s it like in bahrain right now
can you add blood on the face to the playlist called heartland country
on jan the twentieth what will it feel like in ct or the area not far from it
i need a table in uruguay in 213 days when it s chillier
add this track by horace andy to acoustic soul
plan an album by roni duani
add song to siesta
can you tell me the weather forecast for samoa
play music on youtube
add spirit touches ground to my leche con chocolate list
i need a table for 1 minute from now at any pub for five around in that also serves fisn n chips
book a spot at the food truck in ma
21 weeks from now elinor crystal turner and nita want to eat german food at a bar in distant california
find a tv show called ruthless
find animated movies close by with a movie schedule
book a spot for 7 at an outdoor food court in denmark
i would rate the persistence of vision 1 stars and a best rating of 6
i need a reservation for february 27 2020 at a bar that serves paté
find the ghost of tom joad
i need a reservation for ten at a tavern in west virginia
what time is children of divorce playing
will there be a blizzard in white house curacao
play the top melody from artist maakii
are any animated movies playing at magic johnson theatres
give the current album a five
i want to add digital line to my playlist called infantil
the current essay gets four points
what will the weather be in grand coteau ut at six pm
can you find me a trailer for phineas redux
add the singer ivan roudyk to my fairy tales playlists
add song in my playlist dance workout
what movies can i see in the area
tell me what films are playing at plitt theatres
add in the heart of the world to the epic gaming playlist
find movie times
rate the book english grammar in use a five
play tujiko noriko s ten years and running
add the song to the soundscapes for gaming playlist
can you put a song by jessica mauboy on my playlist entitled a sudden rainstorm
show movie schedule
show me movie schedules for today
add cecil womack to my 50 great female voices playlist
will it be freezing here in 9 seconds
forecast for serbia
i want to give a mortal flower a two
where can i view the picture reaching horizons
in hawaii will it be warmer at 3 am
rate the little book four stars
rate the current textbook one of 6 stars
i want a table for five at a restaurant with latin food in arkansas for 1 hour from now
find love will tear us apart a photograph
please play me a popular track from 1984
book a mediterranean restaurant for my sister and i
how will the weather be different 5 years from now in waconia
search for teenage mutant hero turtles: fall of the foot clan photograph
play party anthems
what is the niceville forecast in fm
find heat wave
which is the nearest movie house playing the diary of anne frank
can i have the movie schedule for imax corporation
book me a reservation for eight for the top-rated bakery eleven hours from now in mango
play yung joc on slacker
show 50 words for snow creative picture
play the electrochemical and solid state letters song
table for 8 at a popular food court
find me a table for 8 people at a nearby al restaurant one minute from now
is there rain now in maine
show me the photograph johnny cash: the complete columbia album collection
find movie schedules
find movie schedules for united paramount theatres
what is the forecast for montana at dinner
please add this track to my de camino playlist
book me a restaurant please
find drumline: a new beat a picture
play the red room sessions from chris cunningham
play the great adventures of slick rick game
list movie schedules for movies playing close by
i am looking for the tv show called the flight of the lost balloon
add david axelrod to my futuros hits list
play me sun ra songs from the fifties
add this track to my dinnertime acoustics playist
add tune to atmospheric black metal playlist
need to see mother joan of the angels in one second
give 2 out of 6 points to the following textbook
i would like to book a restaurant for two in 42 weeks from now in wagram
play some last fm music like the 1992 ep from peaches
where is the closest cinema playing a drink in the passage
i m hoping you can find a photograph from live at the isle of wight 1970
what movies are around here
book a restaurant distant from downtown
find doggy day school an album
please play bitch please ii
find a video game called young
is strauss is playing today at the cineplex odeon corporation
award this current novel 0 points
weather for this winter here
what animated movies are playing at the closest movie theatre
rate this book four of 6 points
i want to go see the trouble with girls
cock-a-doodle-doo was awful i m giving it a 0 out of 6
show me the schedule of films in the neighbourhood
book a table for nine people in svalbard and jan mayen
i would give french poets and novelists a best rating of 6 and a value of three
what animated movies are playing nearby
will there be a cloud here at 06:50:20
i want to give the chronicle zombie bums from uranus 3 points
i d like to know when i can see the taking of flight 847: the uli derickson story at amco entertainment
play is this my world by leo arnaud
book a reservation for clinton street baking company & restaurant distant from downtown
add nyoil to my this is prince playlist
show me the everybody wants you picture
find a restaurant in fm that servec quiche
i would give this current novel 2 stars with a best rating of 6
i want to book a pastelaria cafe in alabama for me and my great grandfather
is hail in the weather forecast for monterey bay national marine sanctuary
add tune to sxsw fresh playlist
make a reservation in a popular sicilian bar place nearby for me only tomorrow
i need a table for 9
add this artist to my post-grunge playlist
rate this album a 2
what will the weather be like this tuesday in the area neighboring rendezvous mountain educational state forest
i need a table in ottoville on feb 15th 2029 at gus stevens seafood restaurant & buccaneer lounge
i need a table for five at childs restaurants in brunei
how do i get the game still on it
i would like to make a reservation for 2 for brunch
need a table for party of five for december 26 2040 in the state of mt
book me a restaurant for nine in statham
i d like a table for ten in 2 minutes at french horn sonning eye
find a movie house for 07:52 showing ganges: river to heaven
what is the michael moore is a big fat stupid white man video game
i want to eat close to bowlegs seven years from now
for my playlist chill add the name cater fe she
search for the halfway home tv show
find movie times
play journey list
tell me what animated movies i can see at the closest movie theatre
i d like to see the trailer tony parker
what time is holiday heart showing at the movie house
play the movie white christmas
is it forecast to be warm in doi inthanon national park
add this tune to cristina s endorphin rush playlist
play a song by nash the slash
i rate doom 3: worlds on fire a 1 of 6
what time is phil ochs: there but for fortune playing at the movie house
add andreas johnson to my rock save the queen playlist
i d like to watch take this waltz
what are the mann theatres showtimes for secret sunshine
will there be snowfall in kitlope heritage conservancy
play geddy lee music on spotify sort by top
rate in the eyes of mr fury zero of 6
look up the tv series operace silver a
i m looking for the tv series called unborn
play the song memories are my only witness
i give the phishing manual four stars out of 6
play clásicos del hip hop español
add rupee to my ultra metal playlist
add shi xin hui to my piano chill playlist
what time is the clutching hand playing at amco entertainment
add circus to my post garage wave revival list
the chronicle charlie peace earns 4 stars from me
find conker: live and reloaded
show me the nearest movie house showing the luckiest girl in the world
play track music from peter finestone on netflix sort by newest
play the song shine a light
book a popular restaurant of thai cuisine
which animated movies are playing in the neighbourhood and when
i want to listen to the song only the greatest
i d like to eat at the best restaurant
is it going to be chilly in western sahara in 13 hours
i want to book a restaurant for four around zapata
rate if tomorrow comes 2 of 6 stars
the book history by contract is rated five stars in my opinion
i want to book a bar in bonaparte palau
i m looking for dead at 21 the tv series
can you make reservations at a tea house that serves fettucine
put a track by lil mama into my guest list sneaky zebra playlist
put some frank ferrer into my edna st vincent millay playlist
what is the forecast for niger
rate this novel a 3
add this ruth crawford seeger song to my playlist called the soundtrack 007
is it going to snow next year in wv
is romulus and the sabines playing at the nearest cinema at ten
show me the new showings for animated movies in the neighborhood
play the video game the genesis machine
i want to go to 88th st-boyd av or close by and book seats for 10
i need to add to the funk soul disco playlist my favorite artist
i want to book a cafe for 3 in fargo
where can i watch tv series shopping spree
play an andy silvester sound track from the thirties on spotify
i d like to eat at a popular brasserie in chile with a party of 5
what s the forecast for my current place at five pm
give private games 3 stars out of 6
in 17 minutes will it be foggy in songimvelo game reserve
how hot will it be in wisconsin on august fourth
i d like to put qriii onto songs to sing in the car
will it be chilly in oakdale ok
add dwele to marguerite s eurovision 2016 playlist
what s the weather forecast for croatia on jul 25th
find tv series titled a life in the death of joe meek
open fadl shaker on spotify and play a melody starting with the newest
please add jency anthony to my playlist this is mozart
whats the weather in ga
i rate the chronicle son of the tree with four of 6 points
add git to domingo indie
will there be cloud coverage in verdery myanmar
rate maps for lost lovers 1 of 6
will it snow in granbury
play me a cinder block movement
find the tv series shaun the sheep
i want to hear the jody williams sound track
what is the forecast for foggy conditions here in twenty one minutes
book a table at grecian coffee house for 7 on apr 7th 2024
show creative photograph of icewind dale: heart of winter
rate the manxman 5 out of 6
add this song to my lo que suena new york playlist
find reproductions: songs of the human league
play a 2001 sound track on deezer
weather for ma in the morning
play a ballad by bob johnston
is there a snowstorm in russia
will it be nice on aug the nineteenth in beda bulgaria
i d like for you to put this artist to my evening commute playlist
play the caps lock trailer
give me the movie schedules for warren theatres
i need current movie schedules
add even serpents shine to dorothea s indie hipster playlist
play ep by arjen anthony lucassen
give 4 points to this novel
add star light star bright to my jazz classics playlist
put nothing remains the same on my summer music playlist
weather for the night time in new mexico
add pangaea to my gold edition playlist
find me a movie with the name oshin
add ian stuart donaldson to canadian country
show me movie time for i am sorry at my movie house
please add ruud jolie to my playlist guest list polygon
add patti page album to i love my neo soul
add an album by twink to my classic country playlist
will it be a snowy day in dalcour
rate this essay a two out of 6
find the movie schedules for animated movies nearby at 09:44 am
add armand van helden to my black sabbath the ozzy years playlist
give this chronicle a 4
i m looking for a churrascaria place with wifi that can serve a party of five
what time is goodbye mothers playing
book the city tavern in holiday ks
what movies are playing dickinson theatres
rate the key word and other mysteries 4 of 6
i d like to watch may blossom
play some music on slacker
i want to rate the ingenuity gap 3 out of 6
add song to my wild country playlist
what is the weather forecast for close-by burkina
i want to watch supernatural: the unseen powers of animals
listen to dragon ball: music collection
add troy van leeuwen to my nu metal list
add born free to fresh r&b
book at table at forest av restaurant close-by for 2 1 second from now
can you get me the trailer of the multiversity
are there movies at malco theatres
rate the current chronicle series 3 out of 6 points
can i get the movie times
i want to add hind etin to my la mejor música dance 2017 playlist
play some latin on zvooq
what is the freezing forecast for british virgin islands
pull up sweeney todd - il diabolico barbiere di fleet street
put four rating on the raging quiet
show me the tv show limit of love: umizaru
which movies are playing at the closest cinema
add this album by karl davydov to reyna s this is luis fonsi playlist
where can i see the television show falling away from me
book me a table for 5 at a best rated restaurant in italy
will there be a snowstorm in taberville
add this song to this is no te va gustar playlist
can i get the movies showtimes for the closest movie house
do you have something like impossible is nothing by abderrahmane abdelli
what is the weather forecast for cistern
please make reservations in yeager for seven am at a highly rated indian brasserie
play me a nineties sound track
where can i find thor meets captain america
i need to have pat alger s album placed onto the spotlight spain 2016 playlist
can i get the movie times for fox theatres
i d like to watch wish you were dead
i d like to watch apocalypse 2024
show creativity of song a discord electric
is love and other troubles playing
show me the current movie times
rate the lie tree five
i want to add another album to the wine & dine playlist
add another tune to my pumping iron playlist
play a track by mila islam from deezer
is it rainy season in manitou springs
give 2 stars to the doom brigade
add this tune to my dinnertime acoustics list
what are the current movie schedules
what is the showtime for arsho
list movie times at harkins theatres
what movies are showing in the neighborhood
play my playlist tgif on itunes
what will the weather be like on january 2nd 2025 in ga
what animated movies are playing in the neighbourhood and when
book a spot at savoy hotel and grill that is neighboring wisconsin
can you find me the back when i knew it all album
add george thorogood to el mejor rock en español
play the album how insensitive
i m looking for the pokémon: the movie 2000 tv show
place this tune onto my dinner for 2 playlist
where can i see the trailer for love on the beat
list movie times at megaplex theatres
will it be chillier at 06:05:48 in wagener réunion
what is the weather in south bradenton
get jump down painting
please book a room in spaghetti warehouse for catalina delores and brandie mendoza at 12 am
what is the nh forecast for mexican hat
i need to book a top-rated steakhouse this autumn for 1 around azerbaijan
will it be chillier at my current location in one minute
show me heavenly sword
what is the weather forecast for close-by gu 3 years from now
will it be freezing on 4/20/2038 in american beach nc
i need the wather for next week in the philippines
add tune to my metal crash course playlist
i would like to book the best food court with persian food within the same area as ok for my ex husband and i
i d like to see the picture the principle of hope
rate this series 2 out of 6
find a man needs a maid
book a restaurant close by my daughters s work location with burrito three years from now
add this tune to the refugee playlist
find time for movie times now
i would like to book a highly rated brasserie with souvlaki neighboring la next week
find the panic in needle park
is it freezing on jun the 21st in apshawa south africa
i need to take three people to eat
play a 2006 chant
show me the schedule of the loves of letty in cinema closest
play the top 20 ep from the fifties by john bundrick
show creativity of photograph of my wonderful day
book a table in the united states for 10 at the berghoff
i d like to book a brasserie in virginia city ga
will it be temperate in the same area in vi
rate the current novel four out of 6 points
is it going to get chillier near hocking state forest
for the current saga i rate 2 of 6 stars
i want to play the video game espn major league soccer
rate the current book a three
rate this novel 0 of 6 stars
is it going to be chillier at 10 pm in texas
what s the weather in timbo
add the blurred crusade to crate diggers anonymous
tell me the weather forecast for sugarloaf provincial park ten weeks from now
add a gackt camui track to the white noise playlist
rate canto for a gypsy two of 6 stars
i m looking for circus world
this textbook gets a two
show me the movie times
add song to my underground hits
play the album journeyman
find the family jams saga
play rob mills album the golden archipelago
book a spot at a restaurant within walking distance of palau
find me the balance and timing book
find movie schedules for bow tie cinemas
add get happy to cherry s las canciones más lindas del mundo
rate this textbook a 1
shw the picture twin husbands
rate a taste of blackberries a three
play the 1991 soundtrack from ian mcdonald
find an album called just call me stupid
play the insoc ep
i want to hear major harris s songs from the fifties
book a restaurant in donnelly
rate the saint in trouble 1 of 6
play punk rock music
look for a photograph of i wanna sex you up
what is the humidity like in faraway on ak
i d like to eat at an internet restaurant with a party of four
when is just before nightfall playing
play moondog s chupacabra
add album to pop rising
rate this book three points
i am giving this current book album 0 out of 6 stars
play artist vlada divljan from something he did that is good
what will the humidity be in varnado georgia at one am
add no prejudice to 90s indie
what are the movies movie times nearby
i want to hear some songs from the twenties
please make reservations for nine at 3 am
can you pull up queen of the organ
lets hear some dawood sarkhosh from their the power of your love album from groove shark
will it get overcast in la dolores
book a spot for kelli jean and i at a pub at elevenses
add this candi staton artist to my dancefloor hits
i want to add a song by jazz brasileiro
rate wielding a red sword 0 stars
book a taverna that serves bengali for six at five
play the tv series heart of gold
show crafty hands saga
will it be hotter in wyomissing hills
show weather while sunset in the same area in south carolina
table for one somewhere in palco
i would like to add something by kuk harrell to my hip hop 2017 new school playlist
add list of rush instrumentals to this is lady antebellum
where can i see a slice of life
the current textbook gets a 2 rating
add wing track to all a cappella
show me dangers of the canadian mounted
please add this this tune to the playlist this is selena
what will the weather be in stelvio national park 1 hour and 1 minute from now
can you put musiri subramania iyer s song onto the lo-fi love soundtrack
i want to add michelle heaton to this is chopin
show me the movie operetta for the theatre organ
where s the nearest movie house playing no trains no planes
put a xiang xiang track onto women of the blues
can you add a track by david wolfenberger to janell s all funked up playlist
play the album vibrations by marion elise raven
add fabri fibra to evening acoustic
can you play any chant from the fourties
show the night riders
i m looking for a movie called salvage mice
find your personal touch
add this tune to my weekend playlist
is it going to storm in black rock alaska
show the movie schedules at united paramount theatres
i want to read the saga michael clayton
book me a table for 3 at tkk fried chicken in sri lanka
rate this book titled the improvisatore five stars
book a restaurant for one person at 7 am
weather for beauregard il
will there be alot of wind on march 13th in lost creek bahrain
i d like a reservation at a place in iran for neva alice and maggie parker
show me movie schedule for animated movie around here at eleven a m
i give this book dictionary of the english language a 4 rating
play some symphonic rock
add to my playlist all funked up this track
find a tv series called armageddon summer
find politicsnation with al sharpton
rate this album 0 points out of 6
add leah kauffman to my uncharted 4 nathan drake playlist
rate this album two out of 6

+ 700
- 0
datasets/snips/test/seq.out View File

@ -0,0 +1,700 @@
O B-artist I-artist O O B-playlist I-playlist O
O O O O B-party_size_number O O O O O O B-spatial_relation O B-poi O O B-restaurant_type O
O B-artist I-artist O B-playlist_owner B-playlist I-playlist I-playlist I-playlist I-playlist I-playlist I-playlist I-playlist
O O B-condition_description O B-state O B-timeRange I-timeRange I-timeRange
O B-artist I-artist B-music_item O O O B-sort
O O O O O O B-movie_type I-movie_type O O B-spatial_relation I-spatial_relation
O O O O O O O B-sort I-sort B-restaurant_type O B-country
O O O O B-current_location O B-timeRange
O B-movie_name I-movie_name O B-timeRange O O B-object_location_type I-object_location_type
O B-timeRange I-timeRange I-timeRange O O O O O O O B-state B-restaurant_type
O B-movie_type O O O B-location_name I-location_name
O O B-object_type O B-object_name I-object_name I-object_name
O B-movie_name I-movie_name I-movie_name
O O O O O B-restaurant_type O O B-served_dish O B-country I-country I-country O B-party_size_number
O O O O O B-object_type I-object_type B-object_name I-object_name I-object_name
O O B-condition_description O O O O B-current_location I-current_location O B-timeRange O
O O B-object_name I-object_name I-object_name B-object_type
O O O O O B-state I-state
O B-object_location_type I-object_location_type O O B-movie_name I-movie_name I-movie_name I-movie_name I-movie_name I-movie_name
B-restaurant_type O B-country B-timeRange I-timeRange O O B-party_size_number O
O O B-object_select B-object_type B-rating_value O B-best_rating B-rating_unit
O O B-music_item B-playlist I-playlist I-playlist I-playlist I-playlist O B-playlist_owner O
O O B-music_item O B-artist I-artist O B-playlist I-playlist O
O O B-object_type I-object_type
O O B-condition_description O B-city
O O O O O O B-timeRange I-timeRange O B-state
B-timeRange I-timeRange I-timeRange O B-movie_name I-movie_name I-movie_name
O O O O B-party_size_number O O B-sort B-cuisine B-restaurant_type B-spatial_relation I-spatial_relation O B-city
O O O B-artist I-artist O O O B-year
O O O B-playlist B-entity_name
O O B-music_item O B-playlist I-playlist I-playlist
O O B-object_name I-object_name I-object_name O B-rating_value B-rating_unit
O O B-year O
O B-movie_type O O B-spatial_relation
O B-entity_name I-entity_name O B-playlist I-playlist I-playlist I-playlist I-playlist O
O O B-object_type I-object_type O B-object_name I-object_name I-object_name
O B-object_name I-object_name I-object_name I-object_name B-rating_value O B-best_rating B-rating_unit
O O B-object_type I-object_type
O O O O O O B-city I-city O B-timeRange I-timeRange I-timeRange
O B-timeRange I-timeRange O B-country
O O B-sort B-music_item O B-artist I-artist I-artist O B-service
O B-object_name I-object_name I-object_name I-object_name I-object_name I-object_name I-object_name I-object_name I-object_name I-object_name B-rating_value O O B-best_rating
O B-artist O O O B-year
O O O O O B-city I-city B-state
O O B-music_item O B-artist I-artist
O O O O O O O O O B-geographic_poi I-geographic_poi I-geographic_poi I-geographic_poi I-geographic_poi I-geographic_poi O B-timeRange I-timeRange I-timeRange I-timeRange
O O O B-artist I-artist
O O B-object_part_of_series_type B-object_name I-object_name I-object_name O B-rating_value
O O O O B-party_size_number O O B-restaurant_type O B-city
O O B-restaurant_type O B-country O B-party_size_number O
O B-object_name I-object_name I-object_name I-object_name I-object_name I-object_name
O O O O O B-restaurant_type O O B-served_dish O B-city O O O O B-party_size_number
O O B-object_name I-object_name I-object_name B-object_type I-object_type O O
O O B-restaurant_type O B-cuisine O B-timeRange I-timeRange I-timeRange
O O B-object_type B-object_name I-object_name I-object_name I-object_name I-object_name I-object_name I-object_name I-object_name I-object_name O B-rating_value
O O O O B-party_size_number O O B-restaurant_type O O B-served_dish I-served_dish
O O B-object_select B-object_type B-rating_value B-rating_unit
O O B-object_name I-object_name O O B-rating_value
O B-movie_name I-movie_name O B-location_name I-location_name
O O O B-object_name I-object_name I-object_name
O O O O O O B-city B-state O B-timeRange I-timeRange I-timeRange
O O B-condition_temperature O B-city
O O O B-music_item O B-playlist_owner O O B-playlist I-playlist I-playlist
O O B-object_name I-object_name I-object_name I-object_name I-object_name B-object_type
O O O B-entity_name O B-playlist_owner O O B-playlist
O O B-object_type O B-spatial_relation B-movie_type I-movie_type
O O O B-timeRange O O B-restaurant_type O B-party_size_number O O B-served_dish
O O B-sort B-music_item I-music_item O B-artist O O B-year
O O B-music_item O B-playlist I-playlist
B-restaurant_name I-restaurant_name I-restaurant_name B-restaurant_type O B-timeRange I-timeRange O B-party_size_description I-party_size_description I-party_size_description I-party_size_description
O B-entity_name O B-playlist I-playlist
O O B-artist I-artist B-music_item O
O B-rating_value O O B-best_rating B-rating_unit O B-object_select B-object_type
O O B-object_type I-object_type O B-movie_type I-movie_type B-spatial_relation I-spatial_relation
O O O B-sort O O B-artist I-artist I-artist
O B-music_item O B-playlist_owner B-playlist I-playlist O
O B-entity_name I-entity_name I-entity_name I-entity_name O B-playlist I-playlist
O B-object_select B-object_type O B-rating_value
O O O O O B-music_item O O B-year
O O O B-sort B-music_item O B-artist I-artist O B-service I-service
O O B-object_type I-object_type O B-object_name I-object_name
O B-object_name I-object_name I-object_name I-object_name I-object_name I-object_name I-object_name O B-rating_value
O B-artist I-artist O B-playlist_owner B-playlist I-playlist I-playlist I-playlist
O O O O O O O B-current_location I-current_location
O B-entity_name O O B-playlist I-playlist O
O O O O B-object_name I-object_name
O O O B-condition_temperature O O B-current_location I-current_location
O O B-artist I-artist B-music_item O O B-playlist I-playlist I-playlist I-playlist O
O O B-music_item O O B-playlist I-playlist O
O B-movie_name I-movie_name I-movie_name
O B-playlist O O O B-artist I-artist
O O B-genre O O B-service
O B-rating_value O O B-object_select B-object_type
O B-entity_name I-entity_name O B-playlist_owner B-playlist I-playlist O
O O O O B-entity_name I-entity_name I-entity_name O O O O B-playlist I-playlist I-playlist
O O O B-movie_name I-movie_name I-movie_name O O O B-location_name I-location_name
O O B-object_select B-object_part_of_series_type O B-rating_value
O B-artist I-artist B-music_item O B-playlist_owner B-playlist I-playlist
O O B-music_item B-artist I-artist I-artist O B-playlist I-playlist
O O O B-object_name I-object_name I-object_name
O B-track I-track I-track O B-artist I-artist
O B-track I-track I-track I-track O B-service
O O O O B-movie_name I-movie_name O
O B-entity_name I-entity_name O B-playlist_owner B-playlist I-playlist I-playlist I-playlist O
O O O B-movie_name I-movie_name O O
B-object_name I-object_name I-object_name I-object_name I-object_name I-object_name O O O O O B-best_rating O O O O B-rating_value
O B-playlist_owner B-playlist O O B-entity_name I-entity_name I-entity_name I-entity_name I-entity_name
O O B-artist I-artist
O O B-music_item O B-playlist
O O O B-movie_name I-movie_name I-movie_name O
O O O B-service
O O O B-artist I-artist B-music_item O B-playlist_owner B-playlist I-playlist I-playlist I-playlist O
O O O B-condition_description O B-timeRange I-timeRange O B-city I-city B-state
O O O B-object_type I-object_type B-object_name I-object_name I-object_name I-object_name
O O O O O O B-condition_temperature O B-city B-country I-country
O O B-condition_description O B-city
O O B-object_type I-object_type O B-object_name I-object_name I-object_name I-object_name
O O B-object_type I-object_type O B-object_name I-object_name I-object_name
O O B-music_item B-track I-track I-track O O O B-artist I-artist
O B-artist O O B-playlist I-playlist O
O O O O B-restaurant_name I-restaurant_name
O O O O O B-current_location I-current_location O O O B-timeRange I-timeRange I-timeRange
O O O O O B-object_type B-object_name I-object_name I-object_name I-object_name I-object_name I-object_name
O O O B-object_name I-object_name I-object_name I-object_name I-object_name I-object_name B-rating_value B-rating_unit O O O O O B-best_rating
O O O O O B-object_select B-object_part_of_series_type O B-rating_value O O B-best_rating B-rating_unit
O B-artist I-artist O B-playlist I-playlist I-playlist
O O B-restaurant_type O O B-served_dish I-served_dish B-spatial_relation B-poi I-poi O B-party_size_number O
O B-condition_description O B-spatial_relation O B-country
O O B-restaurant_type O B-party_size_number O O B-timeRange O O B-country I-country I-country I-country I-country
O O B-object_type O B-movie_type O B-timeRange O B-location_name I-location_name I-location_name
O O B-condition_description O O B-state I-state I-state
O O B-object_type I-object_type
O B-object_name I-object_name I-object_name I-object_name B-rating_value O O B-best_rating
O O O O O B-city
O O O B-music_item O B-year
O O B-object_name I-object_name I-object_name I-object_name
O O B-object_select B-object_type B-rating_value B-rating_unit O O B-best_rating
O O B-movie_name I-movie_name I-movie_name O
O O B-music_item O B-playlist I-playlist I-playlist I-playlist I-playlist
O B-artist I-artist
O O O O O B-timeRange I-timeRange I-timeRange O B-city I-city O B-condition_temperature O
O O O O O B-restaurant_type I-restaurant_type O O O O O B-party_size_number O B-state
O O O B-service O B-artist I-artist
O B-entity_name I-entity_name O B-playlist_owner B-playlist O
O O B-object_type I-object_type B-object_name I-object_name I-object_name
O B-artist I-artist O B-playlist_owner I-playlist_owner B-playlist I-playlist
O O O O O O O O O B-city
O O O O O B-city B-state
O O B-movie_name I-movie_name I-movie_name B-location_name I-location_name
O O O O O O B-country I-country I-country I-country O B-timeRange I-timeRange I-timeRange
O B-movie_type I-movie_type O O B-spatial_relation I-spatial_relation I-spatial_relation
O O O O O O B-timeRange I-timeRange I-timeRange B-current_location
O O B-music_item B-track I-track I-track I-track
O B-artist I-artist B-music_item O
O O O O B-music_item O B-playlist_owner B-playlist I-playlist I-playlist O
O B-timeRange O O O O B-current_location O O O B-condition_temperature
O O O O O B-object_name I-object_name B-object_type
O B-entity_name I-entity_name I-entity_name I-entity_name I-entity_name O O B-playlist I-playlist O
O O B-artist I-artist O O B-year
O O O B-spatial_relation B-poi I-poi I-poi I-poi O O B-sort I-sort O O B-cuisine I-cuisine B-restaurant_type
O O B-movie_name I-movie_name I-movie_name I-movie_name I-movie_name I-movie_name O
O O B-condition_description O B-geographic_poi I-geographic_poi I-geographic_poi I-geographic_poi I-geographic_poi
O B-object_select B-object_type O B-rating_value
O O O O O O B-restaurant_type B-spatial_relation B-city O B-party_size_number O O O B-served_dish O B-timeRange
O O B-sort I-sort O O B-state B-timeRange I-timeRange I-timeRange O O B-restaurant_type
O O O B-location_name I-location_name O B-movie_name I-movie_name I-movie_name I-movie_name I-movie_name
O O B-music_item O B-artist I-artist O B-playlist_owner B-playlist I-playlist I-playlist I-playlist I-playlist I-playlist I-playlist O
O O B-object_type O B-object_name I-object_name
O O O O B-party_size_number O B-timeRange O B-state
O O O O B-object_type I-object_type
O O B-restaurant_type O B-party_size_number O B-timeRange I-timeRange
O O O O O O B-movie_type O O O B-object_type I-object_type B-spatial_relation
O O O O O O B-party_size_number O O B-city B-state
O O B-object_type I-object_type O B-location_name I-location_name
O O B-object_type B-object_name I-object_name I-object_name I-object_name I-object_name
O O B-sort B-music_item O O B-year
O B-artist I-artist O B-playlist_owner B-playlist I-playlist I-playlist O
O O B-condition_temperature O B-state
B-object_name I-object_name I-object_name O O O O B-rating_value O O B-best_rating B-rating_unit O O
O O O B-condition_description O B-state
O B-playlist I-playlist I-playlist
O O B-music_item O O B-year
O O O O O O B-state O B-timeRange I-timeRange I-timeRange
O O O B-entity_name O B-playlist I-playlist I-playlist
O O O O O B-object_name I-object_name I-object_name I-object_name I-object_name I-object_name I-object_name B-object_type
O O O O B-object_name
O B-entity_name I-entity_name I-entity_name I-entity_name I-entity_name O B-playlist_owner B-playlist I-playlist O
O O B-music_item O B-playlist I-playlist I-playlist
O O O O O O O B-restaurant_type B-spatial_relation B-country O O O O B-party_size_number O O O B-cuisine
B-playlist I-playlist I-playlist I-playlist O O O B-artist I-artist I-artist O O
O O B-object_select B-object_part_of_series_type B-rating_value B-rating_unit
O B-object_select B-object_type B-rating_value O B-best_rating
O O O B-object_name I-object_name I-object_name I-object_name I-object_name I-object_name O B-rating_value O O B-best_rating B-rating_unit
O O O O O O B-timeRange O B-restaurant_name I-restaurant_name I-restaurant_name
O O O O O B-object_type B-object_name I-object_name I-object_name I-object_name I-object_name I-object_name I-object_name I-object_name
O O B-service O B-artist I-artist B-music_item
O O O B-object_type I-object_type
O O O O O B-party_size_description I-party_size_description I-party_size_description I-party_size_description O B-country O O B-spatial_relation B-restaurant_type
O O B-sort I-sort B-music_item O B-artist I-artist O B-service I-service
O O O B-object_name B-object_type
O O B-artist I-artist B-music_item O O B-playlist I-playlist O
O O O B-condition_temperature O B-timeRange I-timeRange I-timeRange O B-state O B-spatial_relation
O O O O O B-object_type I-object_type O B-object_name I-object_name I-object_name
O O O O O O O O O B-restaurant_type O O B-served_dish B-spatial_relation I-spatial_relation I-spatial_relation I-spatial_relation O B-country I-country
O O O O O O B-city
O O B-music_item O B-playlist_owner B-playlist I-playlist O
O B-object_select B-object_type B-rating_value O O B-best_rating
O O O B-object_name
O O B-object_type O B-movie_name I-movie_name I-movie_name I-movie_name I-movie_name O O B-spatial_relation B-object_location_type I-object_location_type
O O O O O O B-city I-city B-country O B-timeRange I-timeRange I-timeRange
O O O O O O B-state
O O B-sort B-music_item O B-year
O B-artist I-artist O O O B-service
O O O O B-object_type B-object_name I-object_name I-object_name I-object_name
O O O O O B-country O B-timeRange O
O B-artist I-artist B-music_item O B-playlist I-playlist I-playlist I-playlist O
O B-object_name I-object_name I-object_name I-object_name
O B-music_item B-artist I-artist I-artist O B-playlist_owner B-playlist I-playlist I-playlist O
O O O O O O B-object_name
O O O O O B-city I-city
O O B-year O
O O B-object_type I-object_type O B-object_name I-object_name
O B-service O O B-artist I-artist B-track I-track I-track I-track I-track
O O O O O B-object_type I-object_type O B-location_name I-location_name
O O B-entity_name I-entity_name I-entity_name I-entity_name O O B-playlist_owner B-playlist I-playlist I-playlist O
O O B-sort B-music_item O B-artist I-artist O B-service I-service
O O O B-object_type I-object_type O B-object_name I-object_name
O O B-restaurant_name I-restaurant_name I-restaurant_name I-restaurant_name I-restaurant_name O B-city B-state O B-timeRange I-timeRange I-timeRange
O O B-object_type O B-object_name I-object_name I-object_name I-object_name
O B-artist I-artist I-artist O B-music_item O O O B-playlist_owner B-playlist I-playlist O
O B-movie_type I-movie_type O B-spatial_relation B-object_location_type I-object_location_type
O O B-object_type B-object_name I-object_name I-object_name
O O O O B-movie_name I-movie_name I-movie_name O O O B-timeRange I-timeRange I-timeRange I-timeRange
O O O O B-timeRange O B-country I-country I-country I-country I-country O O B-restaurant_type
O O O O B-artist I-artist O B-sort I-sort
O B-movie_type O O O B-spatial_relation B-object_location_type
O O O O O O B-city I-city I-city O B-country
O O O O O B-object_name O O B-object_type O
O O B-playlist_owner B-playlist I-playlist I-playlist O O B-artist I-artist
B-restaurant_type I-restaurant_type O B-country O B-party_size_number
O O O B-object_type I-object_type
O O O O B-party_size_description I-party_size_description I-party_size_description I-party_size_description O B-restaurant_name I-restaurant_name I-restaurant_name O B-country I-country
O B-object_name I-object_name I-object_name I-object_name
O O B-object_type I-object_type O B-movie_type B-spatial_relation I-spatial_relation I-spatial_relation
O O O O O O B-movie_name O B-object_location_type I-object_location_type O B-timeRange I-timeRange
O B-album I-album I-album I-album O B-artist I-artist
O O O O O O B-city B-state
O O B-genre O
O O B-object_select B-object_type B-rating_value O O B-best_rating
O B-object_select B-object_type B-rating_value B-rating_unit
O O O O O B-timeRange O O B-current_location I-current_location
O B-year O O B-artist I-artist I-artist
O O O O O B-spatial_relation I-spatial_relation B-geographic_poi I-geographic_poi I-geographic_poi I-geographic_poi O B-timeRange O
O O O B-artist I-artist B-music_item O
O B-track I-track O B-artist I-artist
O O B-object_type O B-movie_name I-movie_name I-movie_name I-movie_name I-movie_name O O B-spatial_relation B-object_location_type B-timeRange I-timeRange I-timeRange
O O B-object_name I-object_name I-object_name I-object_name I-object_name B-object_type
O O O O O B-object_select B-object_type B-rating_value O O B-best_rating B-rating_unit
O O B-object_type I-object_type O B-movie_type I-movie_type O B-timeRange I-timeRange I-timeRange I-timeRange B-spatial_relation I-spatial_relation I-spatial_relation
O O B-object_type B-object_name I-object_name I-object_name I-object_name
O O B-music_item O O B-playlist I-playlist O
O O O B-spatial_relation B-object_location_type I-object_location_type O B-movie_name I-movie_name I-movie_name O B-timeRange I-timeRange
O O O O O B-country O B-timeRange
O O O B-entity_name I-entity_name I-entity_name I-entity_name O O O O B-playlist I-playlist
O B-timeRange I-timeRange I-timeRange O O O O O O B-state O O O B-spatial_relation I-spatial_relation O O
O O O O O B-country B-timeRange I-timeRange I-timeRange O O O B-condition_temperature
O O B-music_item O B-artist I-artist O B-playlist I-playlist
O O B-music_item O B-artist I-artist
O B-music_item O B-playlist
O O O O O O O O B-country
O O O B-service
O B-entity_name I-entity_name I-entity_name O B-playlist_owner B-playlist I-playlist I-playlist O
O O O O O B-timeRange I-timeRange I-timeRange I-timeRange O O B-restaurant_type O B-party_size_number B-spatial_relation B-state O O O B-served_dish I-served_dish I-served_dish
O O O O O B-restaurant_type I-restaurant_type O B-state
B-timeRange I-timeRange I-timeRange I-timeRange B-party_size_description I-party_size_description I-party_size_description I-party_size_description I-party_size_description O O O B-cuisine O O O B-restaurant_type O B-spatial_relation B-state
O O B-object_type I-object_type O B-object_name
O B-movie_type I-movie_type B-spatial_relation I-spatial_relation O O B-object_type I-object_type
O O O O B-party_size_number O O B-facility B-restaurant_type I-restaurant_type O B-country
O O O B-object_name I-object_name I-object_name I-object_name B-rating_value B-rating_unit O O O O O B-best_rating
O O O O O B-timeRange I-timeRange I-timeRange O O B-restaurant_type O O B-served_dish
O B-object_name I-object_name I-object_name I-object_name I-object_name
O O O O O B-party_size_number O O B-restaurant_type O B-state I-state
O O O B-movie_name I-movie_name I-movie_name O
O O O O B-condition_description O B-city I-city B-country
O O B-sort B-music_item O O B-artist
O O B-movie_type I-movie_type O O B-location_name I-location_name I-location_name
O O B-object_select B-object_type O B-rating_value
O O O O B-entity_name I-entity_name O B-playlist_owner O O B-playlist
O B-object_select B-object_type O B-rating_value B-rating_unit
O O O O O O B-city I-city B-state O B-timeRange I-timeRange
O O O O O B-object_type O B-object_name I-object_name
O O O B-artist I-artist O B-playlist_owner B-playlist I-playlist O
O B-music_item O B-playlist_owner O B-playlist I-playlist
O B-movie_type O O O B-spatial_relation I-spatial_relation I-spatial_relation
O O O B-movie_type O O O B-location_name I-location_name
O B-entity_name I-entity_name I-entity_name I-entity_name I-entity_name I-entity_name O O B-playlist I-playlist O
O B-object_type I-object_type
O O B-object_type B-object_name I-object_name I-object_name I-object_name O B-rating_value
O B-artist I-artist O B-album I-album I-album I-album
O O B-music_item O O B-playlist I-playlist I-playlist O
O O O O B-music_item O B-artist I-artist O B-playlist_owner O O B-playlist I-playlist I-playlist
O B-object_type I-object_type
O O B-object_type I-object_type O O
O B-artist I-artist O B-playlist_owner B-playlist I-playlist I-playlist I-playlist O
O O O B-condition_temperature B-current_location B-timeRange I-timeRange I-timeRange
O O B-country
O O O O B-object_name I-object_name I-object_name O B-rating_value
O O O O O B-object_type B-object_name I-object_name
O B-state O O O B-condition_temperature O B-timeRange I-timeRange
O B-object_name I-object_name I-object_name B-rating_value B-rating_unit
O O B-object_select B-object_type B-rating_value O B-best_rating B-rating_unit
O O O O O B-party_size_number O O B-restaurant_type O B-cuisine O O B-state O B-timeRange I-timeRange I-timeRange I-timeRange
O B-object_name I-object_name I-object_name I-object_name I-object_name O B-object_type
O O O O B-sort B-music_item O B-year
O O B-cuisine B-restaurant_type O B-party_size_description I-party_size_description I-party_size_description I-party_size_description
O O O O O O B-timeRange I-timeRange I-timeRange I-timeRange O B-city
O O B-object_name I-object_name I-object_name I-object_name I-object_name I-object_name I-object_name I-object_name I-object_name B-object_type
O B-playlist I-playlist
O O O B-city O O B-state
O B-movie_name I-movie_name
O O O B-spatial_relation B-object_location_type I-object_location_type O B-movie_name I-movie_name I-movie_name I-movie_name I-movie_name
O O O O B-object_type I-object_type O B-location_name I-location_name
O O O O O B-party_size_number O O B-sort B-restaurant_type B-timeRange I-timeRange I-timeRange I-timeRange O B-city
O B-artist I-artist O B-service
O B-object_name I-object_name I-object_name I-object_name O B-object_type
O O B-object_name I-object_name I-object_name I-object_name I-object_name B-object_type
O O B-party_size_number O O B-sort B-restaurant_type I-restaurant_type
O O O O O B-party_size_number O O O B-spatial_relation B-state B-restaurant_type B-timeRange I-timeRange I-timeRange I-timeRange
O O B-condition_description B-timeRange O B-state
O O O B-object_type B-object_name I-object_name I-object_name I-object_name I-object_name I-object_name I-object_name
O B-object_type I-object_type
O B-object_type I-object_type O B-location_name I-location_name I-location_name
O O O O O B-state O B-timeRange
O O O B-music_item O B-playlist_owner B-playlist I-playlist O
O O O B-restaurant_type O
O B-object_name I-object_name I-object_name I-object_name O B-object_type
O B-album I-album I-album I-album O B-artist I-artist
O B-object_name I-object_name I-object_name I-object_name I-object_name I-object_name B-object_type
O B-object_type I-object_type O B-movie_type O B-spatial_relation I-spatial_relation
O O O O O B-object_type I-object_type O O B-object_name I-object_name I-object_name I-object_name I-object_name
O B-artist I-artist O B-playlist_owner B-playlist I-playlist O
O O B-artist I-artist O O O B-year
O O B-music_item O B-playlist_owner B-playlist I-playlist O
O B-music_item O B-playlist I-playlist I-playlist O
O O O B-movie_name I-movie_name I-movie_name I-movie_name I-movie_name B-timeRange I-timeRange I-timeRange
O B-rating_value O O B-best_rating B-rating_unit O O B-object_select B-object_type
O O O O O O B-restaurant_type O B-party_size_number O B-timeRange I-timeRange I-timeRange I-timeRange O B-city
O O B-service I-service O O O B-year B-music_item O B-artist
O O O B-spatial_relation B-object_location_type O B-movie_name I-movie_name I-movie_name I-movie_name I-movie_name
O O O O O O O B-object_type O B-object_name I-object_name I-object_name I-object_name I-object_name I-object_name I-object_name
O B-movie_type O B-spatial_relation I-spatial_relation
O O B-restaurant_type B-spatial_relation O B-poi
O B-object_name I-object_name I-object_name O B-object_type
O O B-track I-track I-track
O O B-object_type I-object_type O B-object_name
O B-movie_name I-movie_name I-movie_name I-movie_name O O B-location_name I-location_name I-location_name
O O B-object_select B-object_type B-rating_value B-rating_unit
O O B-timeRange I-timeRange B-current_location
O B-movie_type I-movie_type O O O O B-spatial_relation B-object_location_type I-object_location_type
O B-object_select B-object_type B-rating_value O B-best_rating B-rating_unit
O O O O O B-movie_name I-movie_name I-movie_name I-movie_name
B-object_name O O O O O O O B-rating_value O O B-best_rating
O O O B-object_type O B-movie_type B-spatial_relation I-spatial_relation I-spatial_relation
O O O O B-party_size_number O O B-country I-country I-country I-country
O O O B-object_name I-object_name I-object_name I-object_name O O O O B-best_rating O O O O B-rating_value
O B-movie_type I-movie_type O O B-spatial_relation
O O O O B-condition_description B-current_location O B-timeRange
O O O O O B-object_part_of_series_type B-object_name I-object_name I-object_name I-object_name B-rating_value B-rating_unit
O O O O O O O O O B-movie_name I-movie_name I-movie_name I-movie_name I-movie_name I-movie_name I-movie_name I-movie_name I-movie_name O B-location_name I-location_name
O B-album I-album I-album I-album O B-artist I-artist
O O O O B-restaurant_name I-restaurant_name I-restaurant_name I-restaurant_name I-restaurant_name I-restaurant_name B-spatial_relation O B-poi
O B-artist O B-playlist_owner B-playlist I-playlist I-playlist O
O O O B-object_name I-object_name I-object_name B-object_type
O O B-restaurant_type O B-state O O B-served_dish
O O O O B-object_select B-object_type B-rating_value B-rating_unit O O O O O B-best_rating
O O O O O B-cuisine B-restaurant_type O B-state O B-party_size_description I-party_size_description I-party_size_description I-party_size_description I-party_size_description
O B-condition_description O O O O O B-geographic_poi I-geographic_poi I-geographic_poi I-geographic_poi I-geographic_poi
O B-music_item O B-playlist I-playlist O
O O O O O B-sort B-cuisine B-restaurant_type O B-spatial_relation O O O B-timeRange
O O O O O B-party_size_number
O O B-music_item O B-playlist_owner B-playlist O
O B-object_select B-object_type O B-rating_value
O O O O O O B-timeRange I-timeRange O O O B-spatial_relation B-geographic_poi I-geographic_poi I-geographic_poi I-geographic_poi I-geographic_poi
O O O O O B-city O B-timeRange I-timeRange I-timeRange O B-restaurant_name I-restaurant_name I-restaurant_name I-restaurant_name I-restaurant_name I-restaurant_name I-restaurant_name
O O O O O B-party_size_number O B-restaurant_name I-restaurant_name O B-country
O O O O O B-object_type B-object_name I-object_name I-object_name
O O O O O O O O B-party_size_number O B-timeRange
O O O O O O B-party_size_number O B-timeRange I-timeRange I-timeRange O O O O B-state
O O O B-restaurant_type O B-party_size_number O B-city
O O O O O O B-party_size_number B-timeRange I-timeRange I-timeRange O B-restaurant_name I-restaurant_name I-restaurant_name I-restaurant_name
O O B-object_location_type I-object_location_type O B-timeRange O B-movie_name I-movie_name I-movie_name I-movie_name
O O O B-object_name I-object_name I-object_name I-object_name I-object_name I-object_name I-object_name I-object_name I-object_name B-object_type I-object_type
O O O O B-spatial_relation O B-city B-timeRange I-timeRange I-timeRange I-timeRange
O B-playlist_owner O B-playlist O O O B-entity_name I-entity_name I-entity_name
O O O B-object_name I-object_name B-object_type I-object_type
O B-object_type I-object_type
O B-playlist O
O O O B-movie_type I-movie_type O O O O O B-spatial_relation B-object_location_type I-object_location_type
O O O O O O B-object_type B-object_name I-object_name
O O O B-movie_name I-movie_name O O O B-object_location_type I-object_location_type
O O B-object_type B-object_name I-object_name
O O O O O B-condition_temperature O B-geographic_poi I-geographic_poi I-geographic_poi I-geographic_poi
O O B-music_item O B-playlist_owner I-playlist_owner B-playlist I-playlist O
O O B-music_item O B-artist I-artist I-artist
O O B-object_name I-object_name I-object_name I-object_name I-object_name O B-rating_value O B-best_rating
O O O B-movie_name I-movie_name I-movie_name I-movie_name I-movie_name I-movie_name O O O B-object_location_type I-object_location_type
O B-artist I-artist O B-playlist_owner B-playlist I-playlist I-playlist I-playlist O
O O O O O B-movie_name I-movie_name I-movie_name
O O O B-location_name I-location_name O O B-movie_name I-movie_name
O O O B-condition_description O B-geographic_poi I-geographic_poi I-geographic_poi
O B-artist I-artist O O B-service O O B-sort
O B-object_name I-object_name I-object_name I-object_name I-object_name I-object_name B-rating_value O B-best_rating
O O O B-object_type I-object_type B-object_name I-object_name I-object_name
O O O O O B-object_type I-object_type O B-object_name
O O B-object_type B-object_name I-object_name I-object_name I-object_name I-object_name
O O B-object_name I-object_name I-object_name B-rating_value B-rating_unit O O B-best_rating
O B-playlist I-playlist I-playlist I-playlist I-playlist
O B-artist O B-playlist_owner B-playlist I-playlist O
O B-artist I-artist I-artist O B-playlist_owner B-playlist I-playlist O
O O O B-movie_name I-movie_name I-movie_name O O B-location_name I-location_name
O B-entity_name O B-playlist_owner B-playlist I-playlist I-playlist I-playlist O
O B-object_part_of_series_type B-object_name I-object_name O B-rating_value B-rating_unit O O
O B-object_name I-object_name I-object_name I-object_name
O O O B-spatial_relation B-object_location_type I-object_location_type O B-movie_name I-movie_name I-movie_name I-movie_name I-movie_name I-movie_name
O B-music_item O O B-artist I-artist O B-service O O B-sort
O O B-music_item B-track I-track I-track
O O B-sort B-restaurant_type O B-cuisine O
O B-movie_type I-movie_type O O B-spatial_relation I-spatial_relation I-spatial_relation O O
O O O O O O B-object_type B-object_name I-object_name I-object_name
O O O O O O O B-sort B-restaurant_type
O O O O O B-condition_temperature O B-country I-country O B-timeRange I-timeRange
O O O O O B-restaurant_type O B-party_size_number B-spatial_relation B-city
O B-object_name I-object_name I-object_name B-rating_value O B-best_rating B-rating_unit
O B-object_type B-object_name I-object_name I-object_name O O B-rating_value B-rating_unit O O O
O O O O O B-restaurant_type O B-city B-state
O O O O B-object_name I-object_name I-object_name O B-object_type I-object_type
O O O O O O B-restaurant_type I-restaurant_type O O B-served_dish
O O B-music_item O B-artist I-artist O B-playlist_owner B-playlist I-playlist I-playlist I-playlist O
O O B-artist I-artist O B-playlist_owner B-playlist I-playlist I-playlist I-playlist O
O O O O O B-country
O B-object_select B-object_type O B-rating_value
O O B-artist I-artist I-artist B-music_item O B-playlist_owner O O B-playlist I-playlist I-playlist
O O O O B-condition_description B-timeRange I-timeRange O B-state
O B-movie_name I-movie_name I-movie_name I-movie_name O O O B-spatial_relation B-object_location_type O B-timeRange
O O O O O O B-movie_type I-movie_type B-spatial_relation I-spatial_relation I-spatial_relation
O O B-object_type I-object_type B-object_name I-object_name I-object_name
O O O O O B-poi I-poi I-poi O B-spatial_relation O O O O O B-party_size_number
O O O O O O B-playlist I-playlist I-playlist O B-playlist_owner O B-music_item
O O O O O B-restaurant_type O B-party_size_number O B-city
O O O O B-object_type I-object_type B-object_name I-object_name
O O B-artist I-artist B-music_item I-music_item O O B-year O B-service
O O O O O O O B-sort B-restaurant_type O B-country O O O O B-party_size_number
O O O O O O B-current_location I-current_location O B-timeRange I-timeRange
O B-object_name I-object_name B-rating_value B-rating_unit O O B-best_rating
B-timeRange I-timeRange I-timeRange O O O B-condition_description O B-geographic_poi I-geographic_poi I-geographic_poi
O B-condition_temperature O O O O B-state O B-timeRange I-timeRange
O O O O O B-entity_name O B-playlist I-playlist I-playlist I-playlist I-playlist I-playlist
O O O B-condition_temperature O B-city B-state
O B-artist O B-playlist_owner I-playlist_owner B-playlist I-playlist O
O O O O O O B-country O B-timeRange I-timeRange
O B-object_type I-object_type O B-object_name I-object_name I-object_name I-object_name I-object_name I-object_name I-object_name I-object_name
O B-artist I-artist O B-service O O O B-music_item O O O B-sort
O O B-artist I-artist O B-playlist_owner O B-playlist I-playlist I-playlist
O O O O B-state
O O O B-object_part_of_series_type B-object_name I-object_name I-object_name I-object_name O B-rating_value O B-best_rating B-rating_unit
O B-entity_name O B-playlist I-playlist
O O O B-condition_description O O B-city B-country
O B-object_name I-object_name I-object_name I-object_name B-rating_value O B-best_rating
O O B-condition_description O B-city
O O O B-artist I-artist B-music_item
O O B-object_type I-object_type B-object_name I-object_name I-object_name
O O O O O B-artist I-artist B-music_item I-music_item
O O O O O B-condition_description O B-current_location B-timeRange I-timeRange I-timeRange I-timeRange
O O O O B-restaurant_name I-restaurant_name I-restaurant_name O B-party_size_number O B-timeRange I-timeRange I-timeRange
O O B-object_type O B-object_name I-object_name I-object_name I-object_name I-object_name
O B-object_name I-object_name B-rating_value O O B-best_rating
O O B-music_item O B-playlist_owner B-playlist I-playlist I-playlist I-playlist I-playlist O
O B-object_name I-object_name I-object_name I-object_name I-object_name I-object_name
O O B-year B-music_item I-music_item O B-service
O O B-state O O B-timeRange
O O B-music_item O B-artist I-artist
O O O B-condition_description O B-country
O O O O O B-timeRange I-timeRange I-timeRange O B-city B-country
O O O O O O O O B-music_item O B-playlist_owner B-playlist I-playlist O
O O B-object_name I-object_name B-object_type
O O O B-object_type I-object_type O B-location_name I-location_name
O O O B-object_type I-object_type
O B-entity_name I-entity_name I-entity_name O B-playlist_owner I-playlist_owner B-playlist I-playlist O
O B-music_item O B-artist I-artist I-artist
O B-rating_value B-rating_unit O B-object_select B-object_type
O B-entity_name I-entity_name I-entity_name I-entity_name O B-playlist_owner B-playlist I-playlist O
O B-entity_name I-entity_name I-entity_name I-entity_name O B-playlist_owner B-playlist I-playlist O
O O O B-timeRange O O B-state I-state
O B-entity_name O B-playlist_owner B-playlist I-playlist O
O O O B-object_type O O O B-object_name
O B-artist I-artist I-artist O B-playlist I-playlist
O O O O O B-movie_name I-movie_name I-movie_name O O B-object_location_type I-object_location_type
O O B-artist I-artist O B-playlist_owner O B-playlist I-playlist I-playlist
O B-artist I-artist B-music_item O B-playlist I-playlist I-playlist I-playlist I-playlist
O O B-music_item O B-artist O B-playlist_owner B-playlist I-playlist O
O O O O B-condition_description B-timeRange O B-city
O B-object_select B-object_type O B-rating_value O O B-best_rating
O O B-object_type I-object_type O B-movie_type I-movie_type B-spatial_relation O B-timeRange I-timeRange
O B-artist I-artist I-artist O B-playlist_owner B-playlist I-playlist I-playlist I-playlist I-playlist O
O B-object_select B-object_part_of_series_type O B-rating_value
O O O O O B-restaurant_type O O B-facility O O O O O O B-party_size_number
O O O B-movie_name I-movie_name O
O O B-restaurant_name I-restaurant_name O B-city B-state
O B-movie_type O O B-location_name I-location_name
O B-object_name I-object_name I-object_name I-object_name I-object_name I-object_name B-rating_value O B-best_rating
O O O O O B-movie_name I-movie_name
O O O O B-service
O O O O B-object_name I-object_name I-object_name B-rating_value O O B-best_rating
O B-music_item O B-playlist_owner B-playlist I-playlist O
O O O O O O B-spatial_relation B-country
O O O O B-object_name I-object_name I-object_name I-object_name I-object_name I-object_name
O O B-object_name I-object_name I-object_name I-object_name
O B-artist I-artist I-artist O B-playlist_owner B-playlist I-playlist O
O B-entity_name I-entity_name O B-playlist I-playlist
O O O O B-poi I-poi B-restaurant_type B-spatial_relation O B-party_size_number B-timeRange I-timeRange I-timeRange I-timeRange
O O O O O B-object_type O B-object_name I-object_name
O O B-movie_type O B-location_name I-location_name
O O B-object_select B-object_part_of_series_type I-object_part_of_series_type B-rating_value O O B-best_rating B-rating_unit
O O O O B-object_type I-object_type
O O O O B-entity_name I-entity_name O B-playlist_owner B-playlist I-playlist I-playlist I-playlist I-playlist O
O O B-genre O B-service
O O O B-condition_temperature O O B-country I-country I-country
O O B-object_name I-object_name I-object_name I-object_name I-object_name I-object_name I-object_name I-object_name I-object_name
O B-rating_value O O B-object_name I-object_name I-object_name
O O O B-object_type I-object_type B-object_name I-object_name I-object_name I-object_name
O B-movie_type O O O O B-spatial_relation B-object_location_type
O O B-music_item O B-artist I-artist O B-playlist_owner I-playlist_owner B-playlist I-playlist I-playlist I-playlist O
O O O O O B-object_type I-object_type B-object_name I-object_name I-object_name I-object_name
O O O O O B-party_size_number O O B-sort I-sort B-restaurant_type O B-country
O O O O B-condition_description O B-city
O O B-music_item O B-playlist I-playlist I-playlist I-playlist I-playlist I-playlist O
O O O O B-movie_type O O O B-spatial_relation B-object_location_type I-object_location_type
O O O O O B-track I-track I-track O B-artist I-artist
O O O O O O B-city
O O O O B-city O B-timeRange I-timeRange O O B-sort I-sort B-cuisine B-restaurant_type
O O O B-year B-music_item I-music_item
O O O O B-object_name I-object_name I-object_name I-object_name
O O O O B-artist I-artist O B-music_item O O O B-playlist I-playlist I-playlist O
O O O O B-object_type I-object_type O B-location_name I-location_name
O O O O O B-movie_name I-movie_name I-movie_name I-movie_name
O O O O O B-movie_name I-movie_name
O O O B-object_type B-object_name I-object_name I-object_name
O B-movie_name I-movie_name I-movie_name I-movie_name O
O O O O B-object_type I-object_type
O B-object_name I-object_name I-object_name B-rating_value
O O O O O B-music_item O O B-playlist I-playlist I-playlist O
O O B-music_item O B-playlist_owner B-playlist I-playlist O
O O B-music_item O B-artist I-artist O B-service
O O B-condition_description O O B-city I-city
O B-rating_value B-rating_unit O B-object_name I-object_name I-object_name
O O B-music_item O B-playlist_owner B-playlist I-playlist O
O O O O B-object_type I-object_type
O O O O O B-movie_name
O B-object_type I-object_type O B-location_name I-location_name
O B-movie_type O O B-spatial_relation I-spatial_relation I-spatial_relation
O O O B-playlist O B-service
O O O O O O O B-timeRange I-timeRange I-timeRange O B-state
O B-movie_type I-movie_type O O B-spatial_relation I-spatial_relation I-spatial_relation O O
O O O O B-restaurant_name I-restaurant_name I-restaurant_name I-restaurant_name O O B-spatial_relation B-state
O O O O O B-object_name I-object_name I-object_name I-object_name I-object_name I-object_name B-object_type
O B-artist I-artist O B-playlist I-playlist I-playlist I-playlist I-playlist
O O B-music_item B-album I-album
O O O O O B-object_name I-object_name I-object_name I-object_name B-object_type I-object_type
O O B-music_item O B-playlist_owner B-playlist I-playlist I-playlist O
O O O O O B-object_type O B-object_name I-object_name I-object_name I-object_name
O B-object_type I-object_type O B-location_name I-location_name
O O O B-condition_temperature O B-timeRange O B-city B-country
O O O O O B-city I-city
O B-object_name I-object_name B-object_type
O O O O O B-restaurant_name I-restaurant_name O B-party_size_description I-party_size_description I-party_size_description I-party_size_description I-party_size_description O B-timeRange I-timeRange
O O O B-state O O B-city I-city
O O O O O B-sort B-restaurant_type B-timeRange I-timeRange O B-party_size_number B-spatial_relation B-country
O O O B-condition_temperature O O B-current_location I-current_location B-timeRange I-timeRange I-timeRange
O O B-object_name I-object_name
O O O O O O B-spatial_relation B-state B-timeRange I-timeRange I-timeRange I-timeRange
O O O B-condition_temperature O B-timeRange O B-city I-city B-state
O O O O O B-timeRange I-timeRange O O B-country
O B-music_item O B-playlist_owner B-playlist I-playlist I-playlist O
O O O O O O B-sort B-restaurant_type I-restaurant_type O B-cuisine O B-spatial_relation I-spatial_relation I-spatial_relation I-spatial_relation O B-state O B-party_size_description I-party_size_description I-party_size_description I-party_size_description I-party_size_description
O O O O O O B-object_type B-object_name I-object_name I-object_name I-object_name
O B-object_select B-object_part_of_series_type B-rating_value O O B-best_rating
O B-object_name I-object_name I-object_name I-object_name I-object_name
O O B-restaurant_type B-spatial_relation I-spatial_relation B-poi I-poi I-poi I-poi I-poi O B-served_dish B-timeRange I-timeRange I-timeRange I-timeRange
O O B-music_item O B-playlist I-playlist I-playlist
O O O B-object_type I-object_type B-timeRange
O O O O O O B-sort I-sort B-restaurant_type O B-cuisine B-spatial_relation B-state B-timeRange I-timeRange
O B-movie_name I-movie_name I-movie_name I-movie_name I-movie_name
O O B-condition_temperature O B-timeRange I-timeRange I-timeRange O B-city B-country I-country
O O O O B-party_size_number O O O
O O B-year B-music_item
O O O B-object_type O B-movie_name I-movie_name I-movie_name I-movie_name O B-object_location_type B-spatial_relation
O O B-sort I-sort B-music_item O O B-year O B-artist I-artist
O O O B-object_type O B-object_name I-object_name I-object_name
O O O O O B-country I-country O B-party_size_number O B-restaurant_name I-restaurant_name
O O O O O O B-restaurant_type O B-city I-city B-state
O O O B-condition_temperature B-spatial_relation I-spatial_relation I-spatial_relation I-spatial_relation O B-state
O O B-object_select B-object_type B-rating_value O O B-best_rating B-rating_unit
O O O O O B-condition_temperature B-spatial_relation B-geographic_poi I-geographic_poi I-geographic_poi
O O B-object_select B-object_part_of_series_type O O B-rating_value O B-best_rating B-rating_unit
O O O O O B-object_type I-object_type B-object_name I-object_name I-object_name I-object_name
O O B-object_select B-object_type O B-rating_value
O B-object_select B-object_type B-rating_value O B-best_rating B-rating_unit
O O O O O B-condition_temperature O B-timeRange I-timeRange O B-state
O O O O O B-city
O B-entity_name I-entity_name I-entity_name O B-playlist I-playlist I-playlist
O O O O O O B-geographic_poi I-geographic_poi I-geographic_poi B-timeRange I-timeRange I-timeRange I-timeRange
O O B-artist I-artist B-music_item O O B-playlist I-playlist O
O B-object_name I-object_name I-object_name I-object_name B-rating_value O B-best_rating B-rating_unit
O O O O B-object_name I-object_name
B-object_select B-object_type O O B-rating_value
O O O B-object_type I-object_type
O B-music_item O B-playlist_owner B-playlist I-playlist
O O B-object_type B-object_name
O B-object_name I-object_name I-object_name B-object_type
O B-artist I-artist B-music_item B-album I-album I-album
O O O O O B-restaurant_type B-spatial_relation I-spatial_relation I-spatial_relation O B-state
O O O B-object_name I-object_name I-object_name B-object_type
O B-object_type I-object_type O B-location_name I-location_name I-location_name
O B-entity_name I-entity_name O B-playlist_owner I-playlist_owner B-playlist I-playlist I-playlist I-playlist I-playlist I-playlist
O B-object_select B-object_type O B-rating_value
O O B-object_type B-object_name I-object_name
O B-object_name I-object_name I-object_name I-object_name O B-rating_value
O O B-year B-music_item O B-artist I-artist
O O B-object_type O B-object_name I-object_name I-object_name I-object_name
O B-album I-album I-album
O O O O B-artist I-artist O O O O B-year
O O B-restaurant_type O B-city
O B-object_name I-object_name I-object_name I-object_name B-rating_value O B-best_rating
O B-genre I-genre O
O O O B-object_type O B-object_name I-object_name I-object_name I-object_name I-object_name
O O O B-condition_description O O B-spatial_relation O B-state
O O O O O O O B-facility B-restaurant_type O O O O B-party_size_number
O O B-movie_name I-movie_name I-movie_name O
O B-artist O B-album
O B-music_item O B-playlist I-playlist
O B-object_select B-object_type B-rating_value B-rating_unit
O O O O B-object_select B-object_type I-object_type B-rating_value O O B-best_rating B-rating_unit
O O B-artist I-artist O O O O O O B-sort
O O O B-condition_description O O B-city B-state O B-timeRange I-timeRange
O B-entity_name I-entity_name O B-playlist I-playlist
O O O B-movie_type B-object_type I-object_type B-spatial_relation
O O O O O O O O B-year
O O O O B-party_size_number O B-timeRange I-timeRange
O O O O B-object_name I-object_name I-object_name I-object_name
O O O B-artist I-artist O O B-album I-album I-album I-album I-album B-music_item O B-service I-service
O O O B-condition_description O B-city I-city
O O O O B-party_size_description I-party_size_description I-party_size_description I-party_size_description O O B-restaurant_type O B-timeRange
O O B-artist I-artist B-music_item O B-playlist_owner B-playlist I-playlist
O O O O O B-music_item O B-playlist I-playlist
O B-object_name I-object_name I-object_name I-object_name B-rating_value B-rating_unit
O O B-restaurant_type O O B-cuisine O B-party_size_number O B-timeRange
O O B-object_type I-object_type B-object_name I-object_name I-object_name
O B-object_name I-object_name B-object_type
O O O B-condition_temperature O B-city I-city
O O O B-timeRange B-spatial_relation I-spatial_relation I-spatial_relation I-spatial_relation O B-state I-state
O O B-party_size_number O O B-city
O O O O O O O B-artist I-artist O B-playlist_owner B-playlist I-playlist I-playlist I-playlist I-playlist O
O B-entity_name I-entity_name I-entity_name I-entity_name O B-playlist I-playlist I-playlist I-playlist
O O O O B-movie_name I-movie_name I-movie_name I-movie_name
O B-object_select B-object_type O O B-rating_value O
O B-artist B-music_item O B-playlist I-playlist I-playlist
O O B-object_name I-object_name I-object_name I-object_name I-object_name
O O O O B-music_item O O O B-playlist I-playlist I-playlist
O O O O O O B-geographic_poi I-geographic_poi I-geographic_poi B-timeRange I-timeRange I-timeRange I-timeRange I-timeRange I-timeRange I-timeRange
O O O B-artist I-artist I-artist O B-music_item O O B-playlist I-playlist O
O O O O B-artist I-artist O B-playlist I-playlist I-playlist
O O O B-object_type B-object_name I-object_name I-object_name I-object_name I-object_name
O O O B-spatial_relation B-object_location_type I-object_location_type O B-movie_name I-movie_name I-movie_name I-movie_name
O O B-artist I-artist B-music_item O B-playlist I-playlist I-playlist I-playlist
O O O O B-music_item O B-artist I-artist O B-playlist_owner I-playlist_owner B-playlist I-playlist I-playlist O
O O B-music_item B-album O B-artist I-artist I-artist
O B-artist I-artist O B-playlist I-playlist
O O O O B-music_item O O B-year
O B-object_name I-object_name I-object_name
O O O O O B-object_type O B-object_name I-object_name
O B-object_name I-object_name I-object_name
O O B-music_item O B-playlist_owner B-playlist O
O O O O B-condition_description O B-city I-city B-state
O O B-object_type I-object_type O B-location_name I-location_name I-location_name
O O O O O B-object_type B-object_name I-object_name
O O O O O B-party_size_number O B-restaurant_name I-restaurant_name I-restaurant_name O B-country I-country
O O B-object_type O B-object_name I-object_name B-rating_value B-rating_unit
O O B-restaurant_type O B-party_size_number O O B-timeRange I-timeRange
O O B-city B-state
O O O O O B-condition_description O B-timeRange I-timeRange O B-city I-city B-country
O O O O O O O O O B-country O B-party_size_description I-party_size_description I-party_size_description I-party_size_description I-party_size_description
O O B-object_type I-object_type O B-movie_type I-movie_type B-spatial_relation I-spatial_relation O B-timeRange I-timeRange I-timeRange
O O O B-object_type B-object_name I-object_name I-object_name I-object_name I-object_name O B-rating_value O
O O B-genre I-genre
O O B-playlist_owner O B-playlist I-playlist I-playlist O B-music_item
O O B-object_type I-object_type O B-object_name I-object_name
O B-object_name I-object_name I-object_name I-object_name
O B-object_select B-object_type B-rating_value B-rating_unit O O B-best_rating
O B-artist I-artist O B-playlist_owner B-playlist I-playlist I-playlist I-playlist O
O B-object_select B-object_type B-rating_value O O B-best_rating

+ 13084
- 0
datasets/snips/train/label
File diff suppressed because it is too large
View File


+ 13084
- 0
datasets/snips/train/seq.in
File diff suppressed because it is too large
View File


+ 13084
- 0
datasets/snips/train/seq.out
File diff suppressed because it is too large
View File


+ 700
- 0
datasets/snips/valid/label View File

@ -0,0 +1,700 @@
AddToPlaylist
AddToPlaylist
AddToPlaylist
AddToPlaylist
AddToPlaylist
AddToPlaylist
AddToPlaylist
AddToPlaylist
AddToPlaylist
AddToPlaylist
AddToPlaylist
AddToPlaylist
AddToPlaylist
AddToPlaylist
AddToPlaylist
AddToPlaylist
AddToPlaylist
AddToPlaylist
AddToPlaylist
AddToPlaylist
AddToPlaylist
AddToPlaylist
AddToPlaylist
AddToPlaylist
AddToPlaylist
AddToPlaylist
AddToPlaylist
AddToPlaylist
AddToPlaylist
AddToPlaylist
AddToPlaylist
AddToPlaylist
AddToPlaylist
AddToPlaylist
AddToPlaylist
AddToPlaylist
AddToPlaylist
AddToPlaylist
AddToPlaylist
AddToPlaylist
AddToPlaylist
AddToPlaylist
AddToPlaylist
AddToPlaylist
AddToPlaylist
AddToPlaylist
AddToPlaylist
AddToPlaylist
AddToPlaylist
AddToPlaylist
AddToPlaylist
AddToPlaylist
AddToPlaylist
AddToPlaylist
AddToPlaylist
AddToPlaylist
AddToPlaylist
AddToPlaylist
AddToPlaylist
AddToPlaylist
AddToPlaylist
AddToPlaylist
AddToPlaylist
AddToPlaylist
AddToPlaylist
AddToPlaylist
AddToPlaylist
AddToPlaylist
AddToPlaylist
AddToPlaylist
AddToPlaylist
AddToPlaylist
AddToPlaylist
AddToPlaylist
AddToPlaylist
AddToPlaylist
AddToPlaylist
AddToPlaylist
AddToPlaylist
AddToPlaylist
AddToPlaylist
AddToPlaylist
AddToPlaylist
AddToPlaylist
AddToPlaylist
AddToPlaylist
AddToPlaylist
AddToPlaylist
AddToPlaylist
AddToPlaylist
AddToPlaylist
AddToPlaylist
AddToPlaylist
AddToPlaylist
AddToPlaylist
AddToPlaylist
AddToPlaylist
AddToPlaylist
AddToPlaylist
AddToPlaylist
BookRestaurant
BookRestaurant
BookRestaurant
BookRestaurant
BookRestaurant
BookRestaurant
BookRestaurant
BookRestaurant
BookRestaurant
BookRestaurant
BookRestaurant
BookRestaurant
BookRestaurant
BookRestaurant
BookRestaurant
BookRestaurant
BookRestaurant
BookRestaurant
BookRestaurant
BookRestaurant
BookRestaurant
BookRestaurant
BookRestaurant
BookRestaurant
BookRestaurant
BookRestaurant
BookRestaurant
BookRestaurant
BookRestaurant
BookRestaurant
BookRestaurant
BookRestaurant
BookRestaurant
BookRestaurant
BookRestaurant
BookRestaurant
BookRestaurant
BookRestaurant
BookRestaurant
BookRestaurant
BookRestaurant
BookRestaurant
BookRestaurant
BookRestaurant
BookRestaurant
BookRestaurant
BookRestaurant
BookRestaurant
BookRestaurant
BookRestaurant
BookRestaurant
BookRestaurant
BookRestaurant
BookRestaurant
BookRestaurant
BookRestaurant
BookRestaurant
BookRestaurant
BookRestaurant
BookRestaurant
BookRestaurant
BookRestaurant
BookRestaurant
BookRestaurant
BookRestaurant
BookRestaurant
BookRestaurant
BookRestaurant
BookRestaurant
BookRestaurant
BookRestaurant
BookRestaurant
BookRestaurant
BookRestaurant
BookRestaurant
BookRestaurant
BookRestaurant
BookRestaurant
BookRestaurant
BookRestaurant
BookRestaurant
BookRestaurant
BookRestaurant
BookRestaurant
BookRestaurant
BookRestaurant
BookRestaurant
BookRestaurant
BookRestaurant
BookRestaurant
BookRestaurant
BookRestaurant
BookRestaurant
BookRestaurant
BookRestaurant
BookRestaurant
BookRestaurant
BookRestaurant
BookRestaurant
BookRestaurant
GetWeather
GetWeather
GetWeather
GetWeather
GetWeather
GetWeather
GetWeather
GetWeather
GetWeather
GetWeather
GetWeather
GetWeather
GetWeather
GetWeather
GetWeather
GetWeather
GetWeather
GetWeather
GetWeather
GetWeather
GetWeather
GetWeather
GetWeather
GetWeather
GetWeather
GetWeather
GetWeather
GetWeather
GetWeather
GetWeather
GetWeather
GetWeather
GetWeather
GetWeather
GetWeather
GetWeather
GetWeather
GetWeather
GetWeather
GetWeather
GetWeather
GetWeather
GetWeather
GetWeather
GetWeather
GetWeather
GetWeather
GetWeather
GetWeather
GetWeather
GetWeather
GetWeather
GetWeather
GetWeather
GetWeather
GetWeather
GetWeather
GetWeather
GetWeather
GetWeather
GetWeather
GetWeather
GetWeather
GetWeather
GetWeather
GetWeather
GetWeather
GetWeather
GetWeather
GetWeather
GetWeather
GetWeather
GetWeather
GetWeather
GetWeather
GetWeather
GetWeather
GetWeather
GetWeather
GetWeather
GetWeather
GetWeather
GetWeather
GetWeather
GetWeather
GetWeather
GetWeather
GetWeather
GetWeather
GetWeather
GetWeather
GetWeather
GetWeather
GetWeather
GetWeather
GetWeather
GetWeather
GetWeather
GetWeather
GetWeather
PlayMusic
PlayMusic
PlayMusic
PlayMusic
PlayMusic
PlayMusic
PlayMusic
PlayMusic
PlayMusic
PlayMusic
PlayMusic
PlayMusic
PlayMusic
PlayMusic
PlayMusic
PlayMusic
PlayMusic
PlayMusic
PlayMusic
PlayMusic
PlayMusic
PlayMusic
PlayMusic
PlayMusic
PlayMusic
PlayMusic
PlayMusic
PlayMusic
PlayMusic
PlayMusic
PlayMusic
PlayMusic
PlayMusic
PlayMusic
PlayMusic
PlayMusic
PlayMusic
PlayMusic
PlayMusic
PlayMusic
PlayMusic
PlayMusic
PlayMusic
PlayMusic
PlayMusic
PlayMusic
PlayMusic
PlayMusic
PlayMusic
PlayMusic
PlayMusic
PlayMusic
PlayMusic
PlayMusic
PlayMusic
PlayMusic
PlayMusic
PlayMusic
PlayMusic
PlayMusic
PlayMusic
PlayMusic
PlayMusic
PlayMusic
PlayMusic
PlayMusic
PlayMusic
PlayMusic
PlayMusic
PlayMusic
PlayMusic
PlayMusic
PlayMusic
PlayMusic
PlayMusic
PlayMusic
PlayMusic
PlayMusic
PlayMusic
PlayMusic
PlayMusic
PlayMusic
PlayMusic
PlayMusic
PlayMusic
PlayMusic
PlayMusic
PlayMusic
PlayMusic
PlayMusic
PlayMusic
PlayMusic
PlayMusic
PlayMusic
PlayMusic
PlayMusic
PlayMusic
PlayMusic
PlayMusic
PlayMusic
RateBook
RateBook
RateBook
RateBook
RateBook
RateBook
RateBook
RateBook
RateBook
RateBook
RateBook
RateBook
RateBook
RateBook
RateBook
RateBook
RateBook
RateBook
RateBook
RateBook
RateBook
RateBook
RateBook
RateBook
RateBook
RateBook
RateBook
RateBook
RateBook
RateBook
RateBook
RateBook
RateBook
RateBook
RateBook
RateBook
RateBook
RateBook
RateBook
RateBook
RateBook
RateBook
RateBook
RateBook
RateBook
RateBook
RateBook
RateBook
RateBook
RateBook
RateBook
RateBook
RateBook
RateBook
RateBook
RateBook
RateBook
RateBook
RateBook
RateBook
RateBook
RateBook
RateBook
RateBook
RateBook
RateBook
RateBook
RateBook
RateBook
RateBook
RateBook
RateBook
RateBook
RateBook
RateBook
RateBook
RateBook
RateBook
RateBook
RateBook
RateBook
RateBook
RateBook
RateBook
RateBook
RateBook
RateBook
RateBook
RateBook
RateBook
RateBook
RateBook
RateBook
RateBook
RateBook
RateBook
RateBook
RateBook
RateBook
RateBook
SearchCreativeWork
SearchCreativeWork
SearchCreativeWork
SearchCreativeWork
SearchCreativeWork
SearchCreativeWork
SearchCreativeWork
SearchCreativeWork
SearchCreativeWork
SearchCreativeWork
SearchCreativeWork
SearchCreativeWork
SearchCreativeWork
SearchCreativeWork
SearchCreativeWork
SearchCreativeWork
SearchCreativeWork
SearchCreativeWork
SearchCreativeWork
SearchCreativeWork
SearchCreativeWork
SearchCreativeWork
SearchCreativeWork
SearchCreativeWork
SearchCreativeWork
SearchCreativeWork
SearchCreativeWork
SearchCreativeWork
SearchCreativeWork
SearchCreativeWork
SearchCreativeWork
SearchCreativeWork
SearchCreativeWork
SearchCreativeWork
SearchCreativeWork
SearchCreativeWork
SearchCreativeWork
SearchCreativeWork
SearchCreativeWork
SearchCreativeWork
SearchCreativeWork
SearchCreativeWork
SearchCreativeWork
SearchCreativeWork
SearchCreativeWork
SearchCreativeWork
SearchCreativeWork
SearchCreativeWork
SearchCreativeWork
SearchCreativeWork
SearchCreativeWork
SearchCreativeWork
SearchCreativeWork
SearchCreativeWork
SearchCreativeWork
SearchCreativeWork
SearchCreativeWork
SearchCreativeWork
SearchCreativeWork
SearchCreativeWork
SearchCreativeWork
SearchCreativeWork
SearchCreativeWork
SearchCreativeWork
SearchCreativeWork
SearchCreativeWork
SearchCreativeWork
SearchCreativeWork
SearchCreativeWork
SearchCreativeWork
SearchCreativeWork
SearchCreativeWork
SearchCreativeWork
SearchCreativeWork
SearchCreativeWork
SearchCreativeWork
SearchCreativeWork
SearchCreativeWork
SearchCreativeWork
SearchCreativeWork
SearchCreativeWork
SearchCreativeWork
SearchCreativeWork
SearchCreativeWork
SearchCreativeWork
SearchCreativeWork
SearchCreativeWork
SearchCreativeWork
SearchCreativeWork
SearchCreativeWork
SearchCreativeWork
SearchCreativeWork
SearchCreativeWork
SearchCreativeWork
SearchCreativeWork
SearchCreativeWork
SearchCreativeWork
SearchCreativeWork
SearchCreativeWork
SearchCreativeWork
SearchScreeningEvent
SearchScreeningEvent
SearchScreeningEvent
SearchScreeningEvent
SearchScreeningEvent
SearchScreeningEvent
SearchScreeningEvent
SearchScreeningEvent
SearchScreeningEvent
SearchScreeningEvent
SearchScreeningEvent
SearchScreeningEvent
SearchScreeningEvent
SearchScreeningEvent
SearchScreeningEvent
SearchScreeningEvent
SearchScreeningEvent
SearchScreeningEvent
SearchScreeningEvent
SearchScreeningEvent
SearchScreeningEvent
SearchScreeningEvent
SearchScreeningEvent
SearchScreeningEvent
SearchScreeningEvent
SearchScreeningEvent
SearchScreeningEvent
SearchScreeningEvent
SearchScreeningEvent
SearchScreeningEvent
SearchScreeningEvent
SearchScreeningEvent
SearchScreeningEvent
SearchScreeningEvent
SearchScreeningEvent
SearchScreeningEvent
SearchScreeningEvent
SearchScreeningEvent
SearchScreeningEvent
SearchScreeningEvent
SearchScreeningEvent
SearchScreeningEvent
SearchScreeningEvent
SearchScreeningEvent
SearchScreeningEvent
SearchScreeningEvent
SearchScreeningEvent
SearchScreeningEvent
SearchScreeningEvent
SearchScreeningEvent
SearchScreeningEvent
SearchScreeningEvent
SearchScreeningEvent
SearchScreeningEvent
SearchScreeningEvent
SearchScreeningEvent
SearchScreeningEvent
SearchScreeningEvent
SearchScreeningEvent
SearchScreeningEvent
SearchScreeningEvent
SearchScreeningEvent
SearchScreeningEvent
SearchScreeningEvent
SearchScreeningEvent
SearchScreeningEvent
SearchScreeningEvent
SearchScreeningEvent
SearchScreeningEvent
SearchScreeningEvent
SearchScreeningEvent
SearchScreeningEvent
SearchScreeningEvent
SearchScreeningEvent
SearchScreeningEvent
SearchScreeningEvent
SearchScreeningEvent
SearchScreeningEvent
SearchScreeningEvent
SearchScreeningEvent
SearchScreeningEvent
SearchScreeningEvent
SearchScreeningEvent
SearchScreeningEvent
SearchScreeningEvent
SearchScreeningEvent
SearchScreeningEvent
SearchScreeningEvent
SearchScreeningEvent
SearchScreeningEvent
SearchScreeningEvent
SearchScreeningEvent
SearchScreeningEvent
SearchScreeningEvent
SearchScreeningEvent
SearchScreeningEvent
SearchScreeningEvent
SearchScreeningEvent
SearchScreeningEvent
SearchScreeningEvent

+ 700
- 0
datasets/snips/valid/seq.in View File

@ -0,0 +1,700 @@
i d like to have this track onto my classical relaxations playlist
add the album to my flow español playlist
add digging now to my young at heart playlist
add this song by too poetic to my piano ballads playlist
add this album to old school death metal
i need to add baro ferret to the urban hits under my name
add the album to the might and myth power metal playlist
to the travelling playlist please add this david gahan song
please add some pete townshend to my playlist fiesta hits con lali
i d like for kasey chambers s tune to be an addition to my chips and salsa playlist
add recalled to life to this is alejandro fernández
add nuba to my metal party playlist
add jo stafford music to the workout twerkout playlist
put jean philippe goncalves onto my running to rock 170 to 190 bpm
add the song virales de siempre by the cary brothers to my gym playlist
onto jerry s classical moments in movies please add the album
add beyond the valley of 1984 in playlist folk music at the gaslight café
add jerry calliste jr to my te quiero playlist
add porter wagoner to the the sleep machine waterscapes playlist
add the artist mike to the sexy as folk playlist
add brazilian flag anthem to top 100 alternative tracks on spotify
add andy hunter to my evening commute playlist
put petar georgiev kalica onto the old school hip hop playlist
can you add larry heard to my laundry playlist
put vandemataram srinivas s track onto hiphop hot 50
add millie corretjer to the rhythm playlist
add give us rest to my 70s smash hits playlist
add this track to my hands up playlist
i d like for you to add bobby brown to my enamorándose playlist
add jonathan sprout album to my this is miranda lambert playlist
add ireland in the junior eurovision song contest 2015 to my jazzy dinner playlist
add the album to the the sweet suite playlist
add sarah slean to my playlist mellowed out gaming
add this album to the spanish beat playlist
add lofty fake anagram to the la mejor música de bso playlist
add the track to the work playlist
add a song to this is racionais mc s
add track in my playlist called hands up
can you put this song from yutaka ozaki onto my this is miles davis playlist
add a track to playlist cena con amigos
add the famous flower of serving-men to my evening acoustic playlist
add a song to indie hipster
add the 40 cal tune to the laundry playlist
add the album to my perfect concentration playlist
add the matt murphy tune to the flow español playlist
add a very cellular song to masters of metal playlist
can i put this tune onto my sin estrés playlist
i d like to add jordan rudess onto the divertido para niños playlist
add kent james to the disney soundtrack
add the artist adam deibert to my perfect concentration playlist
can you put the artist giovanni giacomo gastoldi onto the chill out music playlist
add the album to the hot 50 playlist
add the artist pete murray to my relaxing playlist
add the track to the drum & breaks playlist
for my fantastic workout can you add sara bareilles
add the boy george track to the emo forever playlist
add ted heath to the road trip playlist
can you add last of the ghetto astronauts to the playlist called black sabbath the dio years
add this artist to showstopper being mary jane
put the artist onto top latin alternative
add michael wittig music to country icon playlist
add highway patrolman in my playlist this is al green
add richard mcnamara newest song to the just smile playlist
add annesley malewana album to playlist indietronic
add the artist to my dishwashing playlist
add this artist to fairy tales playlist
add muzika za decu to my crash course playlist
add a derek watkins tune to this is johnny cash
add our little corner of the world music from gilmore girls to my the funny thing about football is playlist
add the current track to my this is tchaikovsky playlist
put abe laboriel onto the escapada playlist
add abacab to beryl s party on fridays playlist
please add this track by paul mcguigan to the deep house playlist
can you add the current tune to my calm before the storm playlist
please add the image of you to my playlist crate diggers anonymous
add a track to jazzy dinner
add the album to the hipster soul playlist
add this tune to my sleepify playlist
add jack white to my playlist this is shakira
add tommy johnson to the metalsucks playlist
add the chris clark tune to my women of the blues playlist
add an artist to jukebox boogie rhythm & blues
add this artist to my electronic bliss playlist
i need to add to my infinite indie folk list the works of rahim shah
add martin barre to my punk unplugged playlist
add tierney sutton to my novedades viernes sudamérica playlist
add this tune to dorthy s 80 s party playlist
a very cellular song needs to be added to my masters of metal playlist
add toyan to my epic gaming playlist
add the song to the mac n cheese playlist
add this artist to my spotlight on country 2016 playlist
add a song to my playlist madden nfl 16
add emilie autumn to my nação reggae playlist
add farhad darya songs in virales de siempre
add a song in my all out 60s
add we have a theme song to my house afterwork playlist
add the song to my we everywhere playlist
add roel van velzen to my party of the century playlist
add the artist to the political punks playlist
add the album to my club hits playlist
book a reservation for my babies and i
book a reservation for a restaurant not far from ma
i would like to book a restaurant in tanzania that is within walking distance for my mom and i
book a reservation for an oyster bar
book a reservation for 6 people for a creole tavern in montenegro
i need a table in sacaton at a gluten free restaurant
book sot for me and my grandfather nearby west reading
book me and my nieces a reservation for a seafood restaurant in cle elum ne on ascension day
book spot for two at city tavern
i want to book a brasserie for 3 people in netherlands antilles
book me a reservation for the best bistro
book the best table in tanzania for 5 people at a diner
i want to book a joint in a spa
book a gastropub that serves turkish food for 4 people
book spot for 7 at an indoor restaurant in mp now
book a table in fiji for zero a m
i want to book a restaurant for five people in sri lanka
i need a table for 5 at a highly rated gastropub in concord mn
i want to book oregon electric station in north city
i need a table for 4 please confirm the reservation
book a popular restaurant for 5 people
i want to book a joint close by the naomi s hostel for a meal for 8 people
i want to eat a delicatessen in thirteen hours that serves eastern european food
book a reservation for nine people at a bakery in nunez
book a reservation at tavern for noodle
book spot for 4 in somalia
i want to book albany pump station in buckholts washington now for a party of 9
i want to book a taverna in archer city for this spring for nine people
i want to book a top-rated brasserie for 7 people
book a reservation for 8 people in wardville kansas
table for breadline cafe in minnesota next friday
i want to book a restaurant in niger for seven people
book spot for 9
book me a reservation for a pub in cormorant for a party of nine
book spot for my nieces and i at a tea house
i want to book a jewish restaurant in gambia
book a reservation for the dome edinburgh close to brooklawn
book spot for 1 at town of ramsgate in merit
book a spot for me and kathrine at smithville
i want to book a restaurant for my father in law and i in buckner a year from now
book a restaurant reservation in 6 weeks
book a reservation for a bar with a spa nearby id
book spot for four at cliff house san francisco in martinique
i need a table for 4 in saint helena at settha palace hotel
i want to book a restaurant in frenier 12 years from now for 4 people
book seven in neighboring moorpark
i want to eat by five pm in ne for a six people
i want to book tupelo honey cafe in new jersey for five people
book a reservation for two at mickies dairy bar in weedsport
book a table at a fried chicken restaurant
book spot for mavis sheila and i in syria at elevenses
can you book me a table at windows on the world in cokeville mi
book me a table for 5 this year at cherwell boathouse
book spot for six at 8 pm at a coffeehouse in ne that serves hog fry
i want to book a restaurant close-by in inman for five people
i need a table at eddie s attic in nevada for one
book a reservation for an osteria restaurant for 4 people on november 4
i want to book a top-rated restaurant close by in la for me rebecca and loraine on 2/6/2020
book a reservation for 1 at a diner in wi
book a reservation for 5 people at the top-rated brasserie restaurant
book a table on 1/20/2023 for 5 people in mh
book a table near pat s college
i want to book a steakhouse in vimy ridge
i want a table at james d conrey house in urbank california
like to book a seat in monaco for the yankee doodle coffee shop
i want to book a table in a restaurant in bouvet island
i would like to book a restaurant for souvlaki cuisine in the state of ne
book a reservation for 10 people at an oyster bar with a pool within the same area of cowansburg for 10 pm
book a reservation for velma ana and rebecca for an american pizzeria at 5 am in ma
book a spot for 4 in oklahoma at south street diner
book a reservation for my mommy and i at a restaurant in central african republic
book a reservation for five people for a tatar taverna in sargents
phyllis ward and veronica need a table at a restaurant in 152 days
book a reservation for ten at a restaurant in ohio
i want to book a tea house that serves salade far from here at midnight in panama for two people
i want to book a food truck for seven people in the republic of the congo
i want to book a restaurant for ten people
lets eat near oakfield 17 seconds from now at ted peters famous smoked fish
book sot for 7 at a restaurant that serves european in stringtown on feb the 28th 2034
book a restaurant for six at an outdoor cafe in åland
book a table for 12 am at our step mother s secondary residence within walking distance for one
please book me a table at a pizzeria with a parking facility in ghana
book spot for four at a indoor pub within the same area of louisiana in one minute
please book me a restaurant
book a reservation for me and my step brother at amt coffee in lakemoor
i want to book a churrascaria in romeoville at ten a m for four people
table for 5 a m at baker s keyboard lounge
please book me a table at a bistro which serves lorna doone
i want to book a restaurant for six people in wagstaff ak
i would like to book a highly rated restaurant for a party of ten
i want to book a sundanese gastropub nearby in texas for 3 people on 5/20/2025
book a party of five at seagoville for 06:42
book spot for 9 at thurmont
i want to book a restaurant in sixteen seconds for 5 people in gold point montana
i want to eat in ramona
book a party at their campus within the same area for churrascaria
book me a reservation for a party of 3 at a pub in northern mariana islands
i want to book a bougatsa restaurant in next year nearby penn for three people
book a reservation for nine people at the best pub nearby tangier in six months
need a table somewhere in quarryville 14 hours from now
what will the weather be faraway from here
will there be fog in tahquamenon falls state park
tell me the weather forecast for gibsland
is there a storm now in nc
what will the weather be in monument of lihula on december the 5th
weather next year in dominica
when will it be hot here
what will the weather be in 1 day in kuwait
what kind of weather will be in ukraine one minute from now
humidity in olvey new hampshire
what s the weather going to be in ut
humidity not far from colorado city on november the 7th 2024
what is the forecast for wyoming at stanardsville during the storm
what will the weather be in north carolina
what is the forecast starting 11 weeks from now nearby the state of wisconsin
will it be rainy at sunrise in ramey saudi arabia
check the forecast for nebraska
will it be warmer in north korea at nineteen o clock
let me know the weather forecast around ten pm faraway from here in park narodowy brimstone hill fortress
will it be stormy in the ouachita national forest
tell me if it will be snowy 8 hours from now in mount airy vi
what will the weather be nineteen hours from now neighboring saint kitts and nevis
will there be hail on 11/12/2036 in singapore
will it be colder here in 48 and a half weeks
what s the weather going to be in knobel
what will the weather be in dane on sep the fifth 2030
what will the weather be in ohio
i need to know the weather for jan the 3rd in mexico when i go to port vue
what is the forecast for ōtone prefectural natural park in 1 hour and within the same area
what kind of weather is forecast around one pm near vatican
will it be chilly in weldona
will it be colder in virgin islands national park
will it be hot at 13:19 in de funiak springs serbia and montenegro
what is the weather going to be like in virginia on st patrick s day
weather in kaneville maryland
when is sunrise for ar
what will the weather be not far from here on october the nineteenth 2026
what is the forecast for waurika in samoa
tell me the weather forecast here
what is the weather forecast nearby nicodemus
what will the weather be in nov in brookneal
will it be colder four months from now in suwanee ak
what is the weather forecast for burundi
what s the weather in benton city
what will the weather be in ky on oct 16 2036
will the sun be out in 1 minute in searcy uganda
what is the weather here
what will the weather be one second from now in chad
what kind of weather is forecast in ms now
what is the forecast for la for freezing
how cold will it be here in 1 second
what is the forecast for hotter weather at southford falls state park
what is the overcast forecast for the current position starting on jul 19 2030
what is the forecast for morocco at lake ozark on december seventeenth 2022
what will the humidity be in the current spot at 15:19:29
what is the forecast in nicodemus and nearby
what is the weather going to be like in benton colorado in 2 and a half months
what s the weather forecast for bothe-napa valley state park close by february 20
what is the forecast for beginning on nov 17 for franklinville
what s the forecast for sep 26 in emerado saint pierre and miquelon
will there be a blizzard next winter in visalia idaho
will it be warmer in the district of columbia on may 25 2033
what will the weather be here on dec 7th
what is the forecast for colder temps beginning on law day here
what s the weather like in tyonek new jersey
what is the forecast for here for blizzard conditions at five pm
will there be a storm in gibsonia at 8 p m
what is the cold condition of our current position for tomorrow
what will the weather be in hialeah gardens on october the 24th
will it be freezing today in delaware and lehigh national heritage corridor
what is the forecast in admire in tx starting at seventeen
what is the forecast in north carolina for edgemoor
what is the forecast for costa rica
need weather for parc national tolhuaca to see if it will be fog today
weather in walden russia on 12/26/2018
what s the humidity here right now
how s the weather at petit manan national wildlife refuge and nearby right now
what is the forecast for lansford for temperate weather
overcast on state holiday in pawling nature reserve and neighboring places
i need the weather in wakarusa
tell me the forecast for 6 am in tatra-nationalpark
tell me the weather forecast for ut on thursday
what is the forecast for turtle islands national park
will it be hotter in pr at 23 o clock
weather in two hours in uzbekistan
what is the forecast for this afternoon for blizzard conditions in dieterich chad
how s the weather here at two am
will custer national forest be chillier at seven pm
what is the forecast for starting at three a m in two buttes for warm weather
what s the weather in fox chapel
what is the rain forecast for one hour from now in south korea
tell me the weather forecast here
will there be a cloud in vi in 14 minutes
how much colder will it be not far from utah around 3 am
will it be chilly midday in cresbard afghanistan
what will the weather be in sarygamyş sanctuary on august 21 2035
will it be rainy in tenino
will it be hot in the netherlands on february 16th
where is belgium located
what will the weather be in milleville beach
can you put on like a hurricane by paul landers
play the happy blues by ronnie wood
play the newest melody on last fm by eddie vinson
use groove shark to play music
please play something good from u-roy any song from 1975 on zvooq will do
play a symphony from 2013
let me hear the good songs from james iha
play my inventive playlist
i want to play music from iheart
play subconscious lobotomy from jennifer paull
i want to hear a seventies sound track
play a john maher track
please play something from dihan slabbert that s on the top fifty
please play something catchy on youtube
play something from 2004 by imogen heap on spotify
play seventies music please
play music from the artist sean yseult and sort it through top-50
play anything jd natasha did in the thirties
play music off netflix
nineties songs on zvooq
open itunes and play ben burnley ready to die
play an ep by zak starkey
play an album from nithyasree mahadevan
i want to listen to something on youtube
start playing something from iheart
play trance life on zvooq
find and play a concerto on zvooq from 1978 by ginger pooley
play all things must pass
i want to hear music from allen toussaint from the fifties
turn on last fm
play a song by rahsaan patterson
play femme fatale by bonobo
play some anneliese van der pol from the thirties on groove shark
i want to listen to an ep from 1998
play paul mccartney
play jill sobule album
play chant s from 1973
play something from 90s pop rock essentials
play have you met miss jones by nicole from google music
play chant by nigger kojak on itunes
play some sixties songs on google music
play a fifties album from dj yoda on last fm
please play my ecstatic playlist
open deezer and play curtain call: the hits by junichi okada
let s play jamie robertson s handover on vimeo
play a sixties soundtrack
play this is: miles davis on lastfm
live in l a joseph meyer please
play the top twenty hisham abbas on youtube
play some seventies filipp kirkorow
play the most popular puretone
play music from e-type
can you play a j pero on groove shark
play a bob burns song
i want to hear leroi moore on vimeo play the song chance of a lifetime
play some symphony music from david lindley
please play something on iheart from artist ari gold last album
i want to hear them from the artist murcof
play sound track music from the twenties
play dance with the devil by mr lordi
play music from 1996
go to itunes and play dr lecter by david hodges
play s t r e e t d a d from hiromitsu agatsuma through pandora
play some movement from the fourties
please tune into chieko ochi s good music
play the greatest music from bryan maclean
play something on last fm
play music by joy nilo
play some gary lee conner
play music by brian chase
can you play top zvooq by fink
play the top-20 nawang khechog soundtrack
let s hear stuff from andrew hewitt
play a good ep from the eighties by peter murphy
play another passenger from louis nelson delisle
play the top music from the railway children off last fm
play the best becca
play something by duke ellington from the seventies
use the last fm service to play a mis niños de 30
play my black sabbath: the dio years playlist
play an ep from mike harding
i want to hear anything from the rock symphonique genre please
please play a 1997 record
put what color is your sky by alana davis on the stereo
please play a movement from george formby jr
play some new les vandyke on slacker
please open zvooq
play progressive metal
i want to hear soundtrack music on youtube from helena iren michaelsen
play a song by ramesh narayan from 1960
play some blues britânico
proceed with hitomi nabatame music from 2003
play something on zvooq
play music from lynn & wade llp
let me hear chris knight music
let s hear good mohammad mamle on vimeo
please play a sound track from the fifties that s on iheart
play music from van-pires by dmitry malikov
play rich sex on iheart
play modern psychedelia
rate this album four out of 6 stars
give this textbook four stars
rate a twist in the tale zero out of 6 points
rate the children of niobe 1 out of 6 points
give zero stars to halo: ghosts of onyx
give this novel a score of 5
give the current series four of 6 points
give 4 out of 6 points to the spirit ring chronicle
give two stars out of 6 to 36 children
rate the sneetches and other stories a three
rate the current series four stars
rate this book a 4 out of 6
rate the current novel 5 of 6 stars
rate this book a 1
give zero out of 6 to the current album
give this album 5 points
rate the mystery of the tolling bell series 4 stars
give the current novel two stars
give the current book 4 stars
give joe magarac and his usa citizen papers 5 points
rate the guilty 0 of 6 points
rate this textbook four out of 6
give the catedral series four stars
reminiscences of the anti-japanese guerillas chronicle deserves zero points out of 6 for a rating
give small screen big picture a 0 out of 6 rating
gods and pawns should get a three
give zero stars to this textbook
rate the current novel a 4 out of 6 stars
rate the book the atmospheric railway 5 out of 6
rate black boy 4 out of 6
rate the chronicle current 1 star
mark this album a score of 5
rate the current novel zero out of 6
rate the current novel a 2
give the giant devil dingo 4 points
rate this current novel two out of 6
give monthly index of medical specialities a two out of 6 rating
rate this novel 2 out of 6 points
rate the current novel 3 stars
rate the current essay zero out of 6 stars
rate this current album 0 stars
give a brief stop on the road from auschwitz 1 out of 6 stars
rate this album 4 out of 6 stars
rate hate that cat 1 out of 6 stars
give my current book one of 6 stars
rate current novel one stars
give five out of 6 points to this album
give a rating of 2 to juneteenth
rate ruth five out of 6 points
rate the sea of trolls 1 stars out of 6
give the zenith angle one out of 6 points
give zero stars to rhialto the marvellous
give the current book a zero of 6
rate personal demons 0 out of 6 points
rate the current series a 4
give one of 6 points to who will cry when you die
give zero out of 6 stars to this album
give this novel 2 stars
rate the 8-week cholesterol cure three out of 6
rate this novel 3 out of 6 points
rate the lives of john lennon five points
give the american scene 2 of 6 stars
rate this textbook a one
give summer of the swans 1 points
give the current textbook a rating of five
give 4 points to the person and the common good
give a four rating to a world apart
rate this chronicle 0 points
give wilco: learning how to die a rating of four points
rate this saga two out of 6
rate the gift: imagination and the erotic life of property five stars
rate neverwhere four out of 6
rate in the company of cheerful ladies a zero out of 6
give one start to the current book
give this chronicle a 2 rating
rate this essay a 1
out of 6 give rivers of babylon a 1
give 5 of 6 stars to expressive processing
rate the ghost house series a one
rate know ye not agincourt 2 out of 6 stars
i would rate theft: a love story four out of 6 stars
rate the further adventures of the joker four stars
give 0 rating to in the heart of the country
give 1 out of 6 rating to the current textbook
give the current chronicle five of 6 points
rate cotton comes to harlem a 2
give this album one stars
rate the adventures of augie march one points
rate soul music a 0
give hindu temples: what happened to them a 5 out of 6 stars
give this novel a 1
rate the current textbook 1 out of 6
give this textbook 0 out of 6 stars
give the crystal snare 5 stars
rate this saga two out of 6
give wilco: learning how to die a rating of four points
rate this book 3 stars out of 6
rate the three junes one out of 6
give four stars to the broken window
rate the current series 4 points
wish to find the movie the heart beat
please look up the tv show vanity
get me the elvis christmas album tv show
please find me the saga the deep six
wish to see the photograph with the name live: right here
looking for a novel called death march
can you find me the work the curse of oak island
please get me the sacred and profane love machine game
need a creative work called hit by love
search for the trailer for the office
looking for a creative work called plant ecology
find the television show to me
can you please find me the saga chump change
can you find me the ridiculous 6 book
please fine me the tv series now we are married
please look up the work bachelor pad
please help me find the late night heartbroken blues television show
please help me find bend it like beckham the musical
please look up the tv series parables for wooden ears
can you find me hey man
please search for switched
can you get me the controlled conversations tv series
please look up the song the mad magician
please search for the tv show the best of white lion
please find me phineas redux
get me the procession of ants tv show
looking for a game called phinally phamous
can you search the daring youth saga
look for the book the girl who was plugged in
find me a tv show called baby blue
search for appalachian journey
look for the television show meet the prince
can you find me cracks the safe
please help me search the hell money saga
get me the secret south song
can you find me the work titled music for millions
please search for the painting titled this is the night
could you locate the epic conditions picture
get me the trailer of good morning sunshine
please search the an introduction to karl marx painting
can you find me the blue spring trailer
could you find the tv series the approach
search for the tv show a lawless street
please look up three essays on the theory of sexuality show
please get me the compulsive disclosure song
can you look up the molecular oncology saga
search for the sound of one hand clapping
find the creative work deadly weapons
need the creative work called the logic of scientific discovery
can you find me the national anthem of the ancient britons television show
can you please find me the harry hood saga
can you find me the work bible translations into hawaii pidgin
please look up and find me monty python live at the hollywood bowl
please search for mary
please search the game atla: all this life allows
find me the novel with the name to lose my life …
looking for a song with the title of live at the kings center
can you find the american bison photograph
can you find me the free for all show
please find me the olympia 74 soundtrack
look for the album slave to the grind
please find me the projekt: the new face of goth
can you get me the message from god saga
find me the soundtrack a honeymoon adventure
please get me the henderson kids saga
find the movie splendor in the grass
am looking for a book with the title free to play
look for the tv series jersey boys
can you search the book paris - when it sizzles
looking for a painting with the title with you
please find me the classified book
look for the show v-the new mythology suite
find the creative work face down
find four songs
find me the soundtrack live at the greek theatre
please search for the television show episodi di the blacklist
find a creative work called fire in the hole
looking for the picture with the name of who made stevie crye
look for the album wolves within
find the album orphan girl at the cemetery
please find me the journal of the british astronomical association movie
find the tv show the daydreamer
can you please get me the book dracula 5: the blood legacy
please look up the novel live to dance
please find me the video game titled 20 hours in america
find the creative work the devil in stitches
please look up the work prophets
i m looking for welcome to the canteen
please search for the journal of official statistics show
please look up show-biz blues photograph
please search the woodsmen of the west
can you find the creative works associated with caryl & marilyn: real friends
please get me the dead soul saga
please search the live from leeds album
please look up the johnny english - la rinascita painting
can you find me the sword with no name trailer
i wish to watch the fold trailer please search
can you find me the almost human painting
please find me the work serious awesomeness
search for the game difficult loves
is babar: king of the elephants playing
is the ghost playing
is bartok the magnificent playing at seven am
what s the movie schedule
i want to see jla adventures: trapped in time
when is the fox and the child playing in this cinema
show me the schedule for rat rod rockers
is any which way you can playing in 15 seconds
i want to see the portrait of a lady at the nearest cinema
where can i see the prime ministers: the pioneers
i need to find the movie theatre showing the crooked web closest to me
i want to see while the sun shines at the closest movie house
i want to see those kids from town when will it be showing
find the schedule for the comedian at santikos theatres
what are the movie schedules for my favorite theaters
what are the movies showing in the neighbourhood
is without witness playing twenty two hours from now
i need animated movies in the area for dinner time
i want to see i dream of jeanie in a movie theatre
can i see ellis island revisited in 1 minute
i want animated movies at mjr theatres
show me the schedule for the oblong box
i want to know if there are any movies playing in the area
is what a wonderful place showing at cinemark theatres
show the closest movie theatre that shows boycott
i want to see doa: dead or alive at loews cineplex entertainment
is the nightmare showing six hours from now at the nearest cinema
what is the nearest movie house with window connection playing at lunch
is patrick still lives showing at amc theaters
fine the movie schedules for the wanda group
give me the movie schedule nearby
find the schedule at the douglas theatre company
show me the movies at harkins theatres
what movies at star theatres
i want a movie schedule
can i get the movie times
i want to see medal for the general
can i get the times for movies in the neighbourhood
may i have the movie schedules for speakeasy theaters
find animated movies close by
is american primitive showing in santikos theatres
what are the movie schedules in the neighborhood
check the schedule for bow tie cinemas
check the timings for snowbound at the closest movie theatre
what are the movie times at caribbean cinemas
i need films in the neighborhood
show the movie schedules in the neighborhood
where s the nearest movie house showing foreign films
what movies are showing now at the closest cinema
is rumor has it playing
i need a list of speakeasy theaters movie times
when is the outer space connection playing at the nearest cinema
find the movie times at harkins theatres
find the films at century theatres
show the animated movies playing in the neighbourhood
i want to see fear chamber
show me southern theatres movie times
is the unnaturals showing at 13
is no time to be young showing at amc theaters
find the movie schedules for regal entertainment group
i want to see shattered image
find the schedule at star theatres
will i think i do be playing at 7 pm
show me the schedule for arclight hollywood for only animated movies
find the schedule for great mail robbery
give me the movies in the neighborhood
what movies are playing close by
is the two gladiators playing
what s the movie schedule for great escape theatres
find the movie schedule close by
i want to see outcast
show me the schedule of movie the great gildersleeve near movie house
i need times for a yiddish world remembered at dipson theatres
find the movie schedules at goodrich quality theaters
show me the movie schedule in the neighbourhood
show me the movie times for films nearby
show the movie times for animated movies in the neighbourhood
is the eye – infinity playing at general cinema corporation
can you check the timings for super sweet 16: the movie
is we are northern lights playing in any movie theatre
what times will the young swordsman be showing at my cinema
show the sexy dance 2 times at the closest movie house
what are some close by animated movies showing
movie schedules close by for animated movies
what films are playing close by
find the movie schedule in the area
is cowboy canteen playing
is rare birds showing at the nearest movie theatre at noon
what are the movie times
where can i find the movie schedules
find the movie schedule for north american cinemas in eleven seconds
find the nearest cinema with movies playing
what are the movie times
what are the times for the gingerbread man
what films are playing close by
is any cinema playing the spirit of youth
what are the movie times for animated movies in the neighbourhood
what s the movie schedule at great escape theatres
show the times for cheers for miss bishop at dipson theatres
i want to see married to the enemy 2 at a cinema

+ 700
- 0
datasets/snips/valid/seq.out View File

@ -0,0 +1,700 @@
O O O O O O B-music_item O B-playlist_owner B-playlist I-playlist O
O O B-music_item O B-playlist_owner B-playlist I-playlist O
O B-playlist I-playlist O B-playlist_owner B-entity_name I-entity_name I-entity_name O
O O B-music_item O B-artist I-artist O B-playlist_owner B-playlist I-playlist O
O O B-music_item O B-playlist I-playlist I-playlist I-playlist
O O O O B-artist I-artist O O B-playlist I-playlist O B-playlist_owner O
O O B-music_item O O B-playlist I-playlist I-playlist I-playlist I-playlist O
O O B-playlist O O O O B-artist I-artist B-music_item
O O O B-artist I-artist O B-playlist_owner O B-playlist I-playlist I-playlist I-playlist
O O O O B-artist I-artist O B-music_item O O O O O B-playlist_owner B-playlist I-playlist I-playlist O
O B-entity_name I-entity_name I-entity_name O B-playlist I-playlist I-playlist I-playlist
O B-entity_name O B-playlist_owner B-playlist I-playlist O
O B-artist I-artist O O O B-playlist I-playlist O
O B-artist I-artist I-artist O B-playlist_owner B-playlist I-playlist I-playlist I-playlist I-playlist I-playlist I-playlist
O O B-music_item B-playlist I-playlist I-playlist O O B-artist I-artist O B-playlist_owner O O
O B-playlist_owner I-playlist_owner B-playlist I-playlist I-playlist I-playlist O O O B-music_item
O B-entity_name I-entity_name I-entity_name I-entity_name I-entity_name O O B-playlist I-playlist I-playlist I-playlist I-playlist I-playlist
O B-artist I-artist I-artist O B-playlist_owner B-playlist I-playlist O
O B-artist I-artist O O B-playlist I-playlist I-playlist I-playlist O
O O B-music_item B-artist O O B-playlist I-playlist I-playlist O
O B-entity_name I-entity_name I-entity_name O B-playlist I-playlist I-playlist I-playlist I-playlist I-playlist
O B-artist I-artist O B-playlist_owner B-playlist I-playlist O
O B-artist I-artist I-artist O O B-playlist I-playlist I-playlist I-playlist O
O O O B-artist I-artist O B-playlist_owner B-playlist O
O B-artist I-artist O B-music_item O B-playlist I-playlist I-playlist
O B-artist I-artist O B-playlist I-playlist O
O B-entity_name I-entity_name I-entity_name O B-playlist_owner B-playlist I-playlist I-playlist O
O O B-music_item O B-playlist_owner B-playlist I-playlist O
O O O O O O O B-artist I-artist O B-playlist_owner B-playlist O
O B-artist I-artist B-music_item O B-playlist_owner B-playlist I-playlist I-playlist I-playlist O
O B-entity_name I-entity_name I-entity_name I-entity_name I-entity_name I-entity_name I-entity_name I-entity_name O B-playlist_owner B-playlist I-playlist O
O O B-music_item O O B-playlist I-playlist I-playlist O
O B-artist I-artist O B-playlist_owner O B-playlist I-playlist I-playlist
O O B-music_item O O B-playlist I-playlist O
O B-entity_name I-entity_name I-entity_name O O B-playlist I-playlist I-playlist I-playlist I-playlist O
O O B-music_item O O B-playlist O
O O B-music_item O B-playlist I-playlist I-playlist I-playlist I-playlist
O B-music_item O B-playlist_owner O O B-playlist I-playlist
O O O O B-music_item O B-artist I-artist O B-playlist_owner B-playlist I-playlist I-playlist I-playlist O
O O B-music_item O O B-playlist I-playlist I-playlist
O B-entity_name I-entity_name I-entity_name I-entity_name I-entity_name O B-playlist_owner B-playlist I-playlist O
O O B-music_item O B-playlist I-playlist
O O B-artist I-artist B-music_item O O B-playlist O
O O B-music_item O B-playlist_owner B-playlist I-playlist O
O O B-artist I-artist B-music_item O O B-playlist I-playlist O
O B-entity_name I-entity_name I-entity_name I-entity_name O B-playlist I-playlist I-playlist O
O O O O B-music_item O B-playlist_owner B-playlist I-playlist O
O O O O O B-artist I-artist O O B-playlist I-playlist I-playlist O
O B-artist I-artist O O B-playlist O
O O B-music_item B-artist I-artist O B-playlist_owner B-playlist I-playlist O
O O O O B-music_item B-artist I-artist I-artist O O B-playlist I-playlist I-playlist O
O O B-music_item O O B-playlist I-playlist O
O O B-music_item B-artist I-artist O B-playlist_owner B-playlist O
O O B-music_item O O B-playlist I-playlist I-playlist O
O B-playlist_owner B-playlist I-playlist O O O B-artist I-artist
O O B-artist I-artist B-music_item O O B-playlist I-playlist O
O B-artist I-artist O O B-playlist I-playlist O
O O O B-entity_name I-entity_name I-entity_name I-entity_name I-entity_name O O O O B-playlist I-playlist I-playlist I-playlist I-playlist
O O B-music_item O B-playlist I-playlist I-playlist I-playlist
O O B-music_item O B-playlist I-playlist I-playlist
O B-artist I-artist O O B-playlist I-playlist O
O B-entity_name I-entity_name O B-playlist_owner O B-playlist I-playlist I-playlist I-playlist
O B-artist I-artist O B-music_item O O B-playlist I-playlist O
O B-artist I-artist B-music_item O O B-playlist
O O B-music_item O B-playlist_owner B-playlist O
O O B-music_item O B-playlist I-playlist O
O B-entity_name I-entity_name I-entity_name O B-playlist_owner B-playlist I-playlist O
O O B-artist I-artist B-music_item O B-playlist I-playlist I-playlist I-playlist
O B-entity_name I-entity_name I-entity_name I-entity_name I-entity_name I-entity_name I-entity_name I-entity_name I-entity_name I-entity_name O B-playlist_owner B-playlist I-playlist I-playlist I-playlist I-playlist I-playlist O
O O O B-music_item O B-playlist_owner B-playlist I-playlist I-playlist O
O B-artist I-artist O O B-playlist O
O B-entity_name O B-playlist_owner I-playlist_owner B-playlist I-playlist I-playlist O
O O O B-music_item O B-artist I-artist O O B-playlist I-playlist O
O O O O O B-music_item O B-playlist_owner B-playlist I-playlist I-playlist I-playlist O
O O B-entity_name I-entity_name I-entity_name I-entity_name O B-playlist_owner O B-playlist I-playlist I-playlist
O O B-music_item O B-playlist I-playlist
O O B-music_item O O B-playlist I-playlist O
O O B-music_item O B-playlist_owner B-playlist O
O B-artist I-artist O B-playlist_owner O B-playlist I-playlist I-playlist
O B-artist I-artist O B-playlist I-playlist I-playlist
O O B-artist I-artist B-music_item O B-playlist_owner B-playlist I-playlist I-playlist I-playlist O
O O B-music_item O B-playlist I-playlist I-playlist I-playlist I-playlist
O O B-music_item O B-playlist_owner B-playlist I-playlist O
O O O O O B-playlist_owner B-playlist I-playlist I-playlist O O O O B-artist I-artist
O B-artist I-artist O B-playlist_owner B-playlist I-playlist O
O B-artist I-artist O B-playlist_owner B-playlist I-playlist I-playlist O
O O B-music_item O B-playlist_owner I-playlist_owner B-playlist I-playlist I-playlist O
B-entity_name I-entity_name I-entity_name I-entity_name O O O O O B-playlist_owner B-playlist I-playlist I-playlist O
O B-artist O B-playlist_owner B-playlist I-playlist O
O O B-music_item O O B-playlist I-playlist I-playlist O
O O B-music_item O B-playlist_owner B-playlist I-playlist I-playlist I-playlist O
O O B-music_item O B-playlist_owner O B-playlist I-playlist I-playlist
O B-artist I-artist O B-playlist_owner B-playlist I-playlist O
O B-artist I-artist O O B-playlist I-playlist I-playlist
O O B-music_item O B-playlist_owner B-playlist I-playlist I-playlist
O B-entity_name I-entity_name I-entity_name I-entity_name I-entity_name O B-playlist_owner B-playlist I-playlist O
O O B-music_item O B-playlist_owner B-playlist I-playlist O
O B-artist I-artist I-artist O B-playlist_owner B-playlist I-playlist I-playlist I-playlist O
O O B-music_item O O B-playlist I-playlist O
O O B-music_item O B-playlist_owner B-playlist I-playlist O
O O O O B-party_size_description I-party_size_description I-party_size_description I-party_size_description
O O O O O B-restaurant_type B-spatial_relation I-spatial_relation O B-state
O O O O O O B-restaurant_type O B-country O O B-spatial_relation I-spatial_relation I-spatial_relation O B-party_size_description I-party_size_description I-party_size_description I-party_size_description
O O O O O B-restaurant_type I-restaurant_type
O O O O B-party_size_number O O O B-cuisine B-restaurant_type O B-country
O O O O O B-city O O B-cuisine I-cuisine B-restaurant_type
O O O B-party_size_description I-party_size_description I-party_size_description I-party_size_description B-spatial_relation B-poi I-poi
O B-party_size_description I-party_size_description I-party_size_description I-party_size_description O O O O B-served_dish B-restaurant_type O B-city I-city B-state O B-timeRange I-timeRange
O O O B-party_size_number O B-restaurant_name I-restaurant_name
O O O O O B-restaurant_type O B-party_size_number O O B-country I-country
O O O O O O B-sort B-restaurant_type
O O B-sort O O B-country O B-party_size_number O O O B-restaurant_type
O O O O O B-restaurant_type O O B-facility
O O B-restaurant_type O O B-cuisine O O B-party_size_number O
O O O B-party_size_number O O B-facility B-restaurant_type O B-state B-timeRange
O O O O B-country O B-timeRange I-timeRange I-timeRange
O O O O O B-restaurant_type O B-party_size_number O O B-country I-country
O O O O O B-party_size_number O O B-sort I-sort B-restaurant_type O B-city B-state
O O O O B-restaurant_name I-restaurant_name I-restaurant_name O B-city I-city
O O O O O B-party_size_number O O O O
O O B-sort B-restaurant_type O B-party_size_number O
O O O O O B-restaurant_type B-spatial_relation I-spatial_relation O B-poi I-poi I-poi O O B-timeRange O B-party_size_number O
O O O O O B-restaurant_type B-timeRange I-timeRange I-timeRange O O B-cuisine I-cuisine O
O O O O B-party_size_number O O O B-restaurant_type O B-city
O O O O B-restaurant_type O B-served_dish
O O O B-party_size_number O B-country
O O O O B-restaurant_name I-restaurant_name I-restaurant_name O B-city B-state B-timeRange O O O O B-party_size_number
O O O O O B-restaurant_type O B-city I-city O B-timeRange I-timeRange O B-party_size_number O
O O O O O B-sort B-restaurant_type O B-party_size_number O
O O O O B-party_size_number O O B-city B-state
O O B-restaurant_name I-restaurant_name O B-state B-timeRange I-timeRange
O O O O O B-restaurant_type O B-country O B-party_size_number O
O O O B-party_size_number
O O O O O O B-restaurant_type O B-city O O O O B-party_size_number
O O O B-party_size_description I-party_size_description I-party_size_description I-party_size_description O O B-restaurant_type I-restaurant_type
O O O O O B-cuisine B-restaurant_type O B-country
O O O O B-restaurant_name I-restaurant_name I-restaurant_name B-spatial_relation O B-poi
O O O B-party_size_number O B-restaurant_name I-restaurant_name I-restaurant_name O B-city
O O O O B-party_size_description I-party_size_description I-party_size_description O B-city
O O O O O B-restaurant_type O B-party_size_description I-party_size_description I-party_size_description I-party_size_description I-party_size_description I-party_size_description O B-city B-timeRange I-timeRange I-timeRange I-timeRange
O O B-restaurant_type O B-timeRange I-timeRange I-timeRange
O O O O O B-restaurant_type O O B-facility B-spatial_relation B-state
O O O B-party_size_number O B-restaurant_name I-restaurant_name I-restaurant_name I-restaurant_name O B-country
O O O O O B-party_size_number O B-country I-country O B-restaurant_name I-restaurant_name I-restaurant_name
O O O O O B-restaurant_type O B-city B-timeRange I-timeRange I-timeRange I-timeRange O B-party_size_number O
O B-party_size_number O B-spatial_relation B-city
O O O O O B-timeRange I-timeRange O B-state O O B-party_size_number O
O O O O B-restaurant_name I-restaurant_name I-restaurant_name O B-state I-state O B-party_size_number O
O O O O B-party_size_number O B-restaurant_name I-restaurant_name I-restaurant_name O B-city
O O O O O B-restaurant_name I-restaurant_name I-restaurant_name
O O O B-party_size_description I-party_size_description I-party_size_description I-party_size_description O B-country O B-timeRange
O O O O O O O B-restaurant_name I-restaurant_name I-restaurant_name I-restaurant_name O B-city B-state
O O O O O B-party_size_number B-timeRange I-timeRange O B-restaurant_name I-restaurant_name
O O O B-party_size_number O B-timeRange I-timeRange O O B-restaurant_type O B-state O O B-served_dish I-served_dish
O O O O O B-restaurant_type B-spatial_relation O B-city O B-party_size_number O
O O O O O B-restaurant_name I-restaurant_name I-restaurant_name O B-state O B-party_size_number
O O O O O B-restaurant_type O O B-party_size_number O O B-timeRange I-timeRange
O O O O O B-sort B-restaurant_type B-spatial_relation O O B-state O B-party_size_description I-party_size_description I-party_size_description I-party_size_description O B-timeRange
O O O O B-party_size_number O O B-restaurant_type O B-state
O O O O B-party_size_number O O O B-sort B-restaurant_type O
O O O O B-timeRange O B-party_size_number O O B-state
O O O B-spatial_relation B-poi I-poi I-poi
O O O O O B-restaurant_type O B-city I-city
O O O O O B-restaurant_name I-restaurant_name I-restaurant_name I-restaurant_name O B-city B-state
O O O O O O B-country O O B-restaurant_name I-restaurant_name I-restaurant_name I-restaurant_name
O O O O O O O O B-restaurant_type O B-country I-country
O O O O O O B-restaurant_type O B-cuisine O O O O O B-state
O O O O B-party_size_number O O O B-restaurant_type I-restaurant_type O O B-facility B-spatial_relation I-spatial_relation I-spatial_relation I-spatial_relation O B-city O B-timeRange I-timeRange
O O O O B-party_size_description I-party_size_description I-party_size_description I-party_size_description O O B-cuisine B-restaurant_type O B-timeRange I-timeRange O B-state
O O O O B-party_size_number O B-state O B-restaurant_name I-restaurant_name I-restaurant_name
O O O O B-party_size_description I-party_size_description I-party_size_description I-party_size_description O O B-restaurant_type O B-country I-country I-country
O O O O B-party_size_number O O O B-cuisine B-restaurant_type O B-city
B-party_size_description I-party_size_description I-party_size_description I-party_size_description O O O O O B-restaurant_type B-timeRange I-timeRange I-timeRange
O O O O B-party_size_number O O B-restaurant_type O B-state
O O O O O B-restaurant_type I-restaurant_type O O B-served_dish B-spatial_relation O O O B-timeRange O B-country O B-party_size_number O
O O O O O B-restaurant_type I-restaurant_type O B-party_size_number O O O B-country I-country I-country I-country
O O O O O B-restaurant_type O B-party_size_number O
O O B-spatial_relation B-city B-timeRange I-timeRange I-timeRange I-timeRange O B-restaurant_name I-restaurant_name I-restaurant_name I-restaurant_name I-restaurant_name
O O O B-party_size_number O O B-restaurant_type O O B-cuisine O B-city O B-timeRange I-timeRange I-timeRange I-timeRange
O O B-restaurant_type O B-party_size_number O O B-facility O O B-country
O O O O B-timeRange I-timeRange O B-poi I-poi I-poi I-poi I-poi I-poi B-spatial_relation I-spatial_relation I-spatial_relation O B-party_size_number
O O O O O O O B-restaurant_type O O B-facility O O B-country
O O O B-party_size_number O O B-facility B-restaurant_type B-spatial_relation I-spatial_relation I-spatial_relation I-spatial_relation O B-state B-timeRange I-timeRange I-timeRange
O O O O B-restaurant_type
O O O O B-party_size_description I-party_size_description I-party_size_description I-party_size_description I-party_size_description O B-restaurant_name I-restaurant_name O B-city
O O O O O B-restaurant_type O B-city O B-timeRange I-timeRange I-timeRange O B-party_size_number O
O O B-timeRange I-timeRange I-timeRange O B-restaurant_name I-restaurant_name I-restaurant_name I-restaurant_name
O O O O O O O B-restaurant_type O O B-served_dish I-served_dish
O O O O O B-restaurant_type O B-party_size_number O O B-city B-state
O O O O O O B-sort I-sort B-restaurant_type O O O O B-party_size_number
O O O O O B-cuisine B-restaurant_type B-spatial_relation O B-state O B-party_size_number O O B-timeRange
O O O O B-party_size_number O B-city O B-timeRange
O O O B-party_size_number O B-city
O O O O O B-restaurant_type B-timeRange I-timeRange I-timeRange O B-party_size_number O O B-city I-city B-state
O O O O O B-city
O O O O B-poi I-poi B-spatial_relation I-spatial_relation I-spatial_relation I-spatial_relation O B-restaurant_type
O O O O O O O O B-party_size_number O O B-restaurant_type O B-country I-country I-country
O O O O O B-cuisine B-restaurant_type O B-timeRange I-timeRange B-spatial_relation B-city O B-party_size_number O
O O O O B-party_size_number O O O B-sort B-restaurant_type B-spatial_relation B-city B-timeRange I-timeRange I-timeRange
O O O O O B-city B-timeRange I-timeRange I-timeRange I-timeRange
O O O O O B-spatial_relation O B-current_location
O O O B-condition_description O B-geographic_poi I-geographic_poi I-geographic_poi I-geographic_poi
O O O O O O B-city
O O O B-condition_description B-timeRange O B-state
O O O O O O B-geographic_poi I-geographic_poi I-geographic_poi O B-timeRange I-timeRange I-timeRange
O B-timeRange I-timeRange O B-country
O O O O B-condition_temperature B-current_location
O O O O O B-timeRange I-timeRange I-timeRange O B-country
O O O O O O O B-country B-timeRange I-timeRange I-timeRange I-timeRange
B-condition_description O B-city B-state I-state
O O O O O O O O B-state
B-condition_description B-spatial_relation I-spatial_relation O B-city I-city O B-timeRange I-timeRange I-timeRange I-timeRange
O O O O O B-state O B-city O O B-condition_description
O O O O O O B-state I-state
O O O O O B-timeRange I-timeRange I-timeRange I-timeRange B-spatial_relation O O O B-state
O O O B-condition_description O B-timeRange O B-city B-country I-country
O O O O B-state
O O O B-condition_temperature O B-country I-country O B-timeRange I-timeRange I-timeRange
O O O O O O O B-timeRange I-timeRange B-spatial_relation O B-current_location O B-geographic_poi I-geographic_poi I-geographic_poi I-geographic_poi I-geographic_poi
O O O B-condition_description O O B-geographic_poi I-geographic_poi I-geographic_poi
O O O O O O B-condition_description B-timeRange I-timeRange I-timeRange I-timeRange O B-city I-city B-state
O O O O O B-timeRange I-timeRange I-timeRange I-timeRange B-spatial_relation B-country I-country I-country I-country
O O O B-condition_description O B-timeRange O B-country
O O O B-condition_temperature B-current_location B-timeRange I-timeRange I-timeRange I-timeRange I-timeRange I-timeRange
O O O O O O O O B-city
O O O O O O B-city O B-timeRange I-timeRange I-timeRange I-timeRange
O O O O O O B-state
O O O O O O O B-timeRange I-timeRange I-timeRange O B-country O O O O B-city I-city
O O O O O B-geographic_poi I-geographic_poi I-geographic_poi I-geographic_poi B-timeRange I-timeRange I-timeRange O B-spatial_relation I-spatial_relation I-spatial_relation I-spatial_relation
O O O O O O O B-timeRange I-timeRange B-spatial_relation B-country
O O O B-condition_temperature O B-city
O O O B-condition_temperature O B-geographic_poi I-geographic_poi I-geographic_poi I-geographic_poi
O O O B-condition_temperature O B-timeRange O B-city I-city I-city B-country I-country I-country
O O O O O O O O O B-state O B-timeRange I-timeRange I-timeRange I-timeRange
O O B-city B-state
O O B-timeRange O B-state
O O O O O B-spatial_relation I-spatial_relation O B-current_location O B-timeRange I-timeRange I-timeRange I-timeRange
O O O O O B-city O B-country
O O O O O B-current_location
O O O O O B-spatial_relation B-city
O O O O O O B-timeRange O B-city
O O O B-condition_temperature B-timeRange I-timeRange I-timeRange I-timeRange O B-city B-state
O O O O O O B-country
O O O O O B-city I-city
O O O O O O B-state O B-timeRange I-timeRange I-timeRange
O O B-condition_description O O B-timeRange I-timeRange I-timeRange O B-city B-country
O O O O B-current_location
O O O O O B-timeRange I-timeRange I-timeRange I-timeRange O B-country
O O O O O O O B-state B-timeRange
O O O O O B-state O B-condition_temperature
O B-condition_temperature O O O B-current_location B-timeRange I-timeRange I-timeRange
O O O O O B-condition_temperature O O B-geographic_poi I-geographic_poi I-geographic_poi I-geographic_poi
O O O B-condition_description O O O B-current_location I-current_location O O B-timeRange I-timeRange I-timeRange
O O O O O B-country O B-city I-city O B-timeRange I-timeRange I-timeRange
O O O B-condition_description O O O B-current_location I-current_location O B-timeRange
O O O O O B-city O B-spatial_relation
O O O O O O O O O B-city B-state B-timeRange I-timeRange I-timeRange I-timeRange I-timeRange I-timeRange
O O O O O O B-geographic_poi I-geographic_poi I-geographic_poi I-geographic_poi B-spatial_relation I-spatial_relation B-timeRange I-timeRange
O O O O O O O B-timeRange I-timeRange O B-city
O O O O O B-timeRange I-timeRange O B-city B-country I-country I-country I-country
O O O O B-condition_description B-timeRange I-timeRange O B-city B-state
O O O B-condition_temperature O O B-state I-state I-state O B-timeRange I-timeRange I-timeRange
O O O O O B-current_location O B-timeRange I-timeRange
O O O O O B-condition_temperature O O O B-timeRange I-timeRange B-current_location
O O O O O O B-city B-state I-state
O O O O O B-current_location O B-condition_description O O B-timeRange I-timeRange
O O O O B-condition_description O B-city O B-timeRange I-timeRange I-timeRange
O O O B-condition_temperature O O O B-current_location I-current_location O B-timeRange
O O O O O O B-city I-city O B-timeRange I-timeRange I-timeRange
O O O B-condition_temperature B-timeRange O B-geographic_poi I-geographic_poi I-geographic_poi I-geographic_poi I-geographic_poi I-geographic_poi
O O O O O B-city O B-state O O B-timeRange
O O O O O B-state I-state O B-city
O O O O O B-country I-country
O O O B-geographic_poi I-geographic_poi I-geographic_poi O O O O O O B-condition_description O
O O B-city B-country O B-timeRange
O O O B-condition_description B-current_location O B-timeRange
O O O O O B-geographic_poi I-geographic_poi I-geographic_poi I-geographic_poi I-geographic_poi O B-spatial_relation O B-timeRange
O O O O O B-city O B-condition_temperature O
B-condition_description O B-timeRange I-timeRange O B-geographic_poi I-geographic_poi I-geographic_poi O B-spatial_relation O
O O O O O B-city
O O O O O B-timeRange I-timeRange O B-geographic_poi
O O O O O O B-state O B-timeRange
O O O O O B-geographic_poi I-geographic_poi I-geographic_poi I-geographic_poi
O O O B-condition_temperature O B-state O B-timeRange I-timeRange I-timeRange
O B-timeRange I-timeRange I-timeRange O B-country
O O O O O O B-timeRange O B-condition_description O O B-city B-country
O O O O B-current_location O B-timeRange I-timeRange
O B-geographic_poi I-geographic_poi I-geographic_poi O B-condition_temperature O B-timeRange I-timeRange
O O O O O O O B-timeRange I-timeRange I-timeRange O B-city I-city O B-condition_temperature O
O O O O O B-city I-city
O O O B-condition_description O O B-timeRange I-timeRange I-timeRange I-timeRange O B-country I-country
O O O O O B-current_location
O O O O B-condition_description O B-state B-timeRange I-timeRange I-timeRange
O O B-condition_temperature O O O B-spatial_relation I-spatial_relation O B-state O B-timeRange I-timeRange
O O O B-condition_temperature B-timeRange O B-city B-country
O O O O O O B-geographic_poi I-geographic_poi O B-timeRange I-timeRange I-timeRange
O O O B-condition_description O B-city
O O O B-condition_temperature O O B-country O B-timeRange I-timeRange
O O B-country O
O O O O O O B-city I-city
O O O O B-album I-album I-album O B-artist I-artist
O B-album I-album I-album O B-artist I-artist
O O B-sort B-music_item O B-service I-service O B-artist I-artist
O B-service I-service O O O
O O O B-sort O B-artist O B-music_item O B-year O B-service O O
O O B-music_item O B-year
O O O O B-sort O O B-artist I-artist
O O B-playlist O
O O O O O O B-service
O B-album I-album O B-artist I-artist
O O O O O B-year B-music_item I-music_item
O O B-artist I-artist B-music_item
O O O O B-artist I-artist O O O O B-sort I-sort
O O O B-playlist O B-service
O O O B-year O B-artist I-artist O B-service
O B-year O O
O O O O O B-artist I-artist O O O O B-sort
O O B-artist I-artist O O O B-year
O O O B-service
B-year O O B-service
O B-service O O B-artist I-artist B-album I-album I-album
O O B-music_item O B-artist I-artist
O O B-music_item O B-artist I-artist
O O O O O O O B-service
O O O O B-service
O B-playlist I-playlist O B-service
O O O O B-music_item O B-service O B-year O B-artist I-artist
O B-track I-track I-track I-track
O O O O O O B-artist I-artist O O B-year
O O B-service I-service
O O B-music_item O B-artist I-artist
O B-track I-track O B-artist
O O B-artist I-artist I-artist I-artist O O B-year O B-service I-service
O O O O O O B-music_item O B-year
O B-artist I-artist
O B-album I-album B-music_item
O B-music_item O O B-year
O O O B-playlist I-playlist I-playlist I-playlist
O B-track I-track I-track I-track I-track O B-artist O B-service I-service
O B-music_item O B-artist I-artist O B-service
O O B-year O O B-service I-service
O O B-year B-music_item O B-artist I-artist O B-service I-service
O O O B-playlist O
O B-service O O B-album I-album I-album I-album O B-artist I-artist
O O O B-artist I-artist O B-album O B-service
O O B-year B-music_item
O B-playlist I-playlist I-playlist I-playlist O B-service
B-album I-album I-album I-album B-artist I-artist O
O O B-sort I-sort B-artist I-artist O B-service
O O B-year B-artist I-artist
O O B-sort I-sort B-artist
O O O B-artist
O O O B-artist I-artist I-artist O B-service I-service
O O B-artist I-artist B-music_item
O O O O B-artist I-artist O B-service O O B-music_item B-track I-track I-track I-track
O O B-music_item O O B-artist I-artist
O O O O B-service O O B-artist I-artist B-sort B-music_item
O O O O B-music_item O O O B-artist
O B-music_item I-music_item O O O B-year
O B-track I-track I-track I-track O B-artist I-artist
O O O B-year
O O B-service O O B-album I-album O B-artist I-artist
O B-album I-album I-album I-album I-album I-album I-album I-album I-album O B-artist I-artist O B-service
O O B-music_item O O B-year
O B-music_item O B-artist I-artist O B-sort O
O O B-sort O O B-artist I-artist
O O O B-service I-service
O O O B-artist I-artist
O O B-artist I-artist I-artist
O O O B-artist I-artist
O O O B-sort B-service O B-artist
O O B-sort B-artist I-artist B-music_item
O O O O O B-artist I-artist
O O B-sort B-music_item O O B-year O B-artist I-artist
O B-album I-album O B-artist I-artist I-artist
O O B-sort O O B-artist I-artist I-artist O B-service I-service
O O B-sort B-artist
O O O B-artist I-artist O O B-year
O O B-service I-service O O O B-playlist I-playlist I-playlist I-playlist I-playlist
O O B-playlist I-playlist I-playlist I-playlist I-playlist O
O O B-music_item O B-artist I-artist
O O O O O O O B-genre I-genre O O
O O O B-year B-music_item
O B-album I-album I-album I-album I-album O B-artist I-artist O O O
O O O B-music_item O B-artist I-artist I-artist
O O B-sort B-artist I-artist O B-service
O O B-service
O B-genre I-genre
O O O O B-music_item O O B-service O B-artist I-artist I-artist
O O B-music_item O B-artist I-artist O B-year
O O B-genre I-genre
O O B-artist I-artist O O B-year
O O O B-service
O O O B-artist I-artist I-artist I-artist
O O O B-artist I-artist O
O O O B-sort B-artist I-artist O B-service
O O O B-music_item I-music_item O O B-year O O O B-service
O B-album I-album I-album O B-artist I-artist
O B-track I-track O B-service
O B-playlist I-playlist
O B-object_select B-object_type B-rating_value O O B-best_rating B-rating_unit
O B-object_select B-object_type B-rating_value B-rating_unit
O B-object_name I-object_name I-object_name I-object_name I-object_name B-rating_value O O B-best_rating B-rating_unit
O B-object_name I-object_name I-object_name I-object_name B-rating_value O O B-best_rating B-rating_unit
O B-rating_value B-rating_unit O B-object_name I-object_name I-object_name I-object_name
O B-object_select B-object_type O O O B-rating_value
O O B-object_select B-object_part_of_series_type B-rating_value O B-best_rating B-rating_unit
O B-rating_value O O B-best_rating B-rating_unit O B-object_name I-object_name I-object_name B-object_part_of_series_type
O B-rating_value B-rating_unit O O B-best_rating O B-object_name I-object_name
O B-object_name I-object_name I-object_name I-object_name I-object_name O B-rating_value
O O B-object_select B-object_part_of_series_type B-rating_value B-rating_unit
O B-object_select B-object_type O B-rating_value O O B-best_rating
O O B-object_select B-object_type B-rating_value O B-best_rating B-rating_unit
O B-object_select B-object_type O B-rating_value
O B-rating_value O O B-best_rating O O B-object_select B-object_type
O B-object_select B-object_type B-rating_value B-rating_unit
O B-object_name I-object_name I-object_name I-object_name I-object_name I-object_name B-object_part_of_series_type B-rating_value B-rating_unit
O O B-object_select B-object_type B-rating_value B-rating_unit
O O B-object_select B-object_type B-rating_value B-rating_unit
O B-object_name I-object_name I-object_name I-object_name I-object_name I-object_name I-object_name B-rating_value B-rating_unit
O B-object_name I-object_name B-rating_value O B-best_rating B-rating_unit
O B-object_select B-object_type B-rating_value O O B-best_rating
O O B-object_name B-object_part_of_series_type B-rating_value B-rating_unit
B-object_name I-object_name I-object_name I-object_name I-object_name B-object_part_of_series_type O B-rating_value B-rating_unit O O B-best_rating O O O
O B-object_name I-object_name I-object_name I-object_name O B-rating_value O O B-best_rating O
B-object_name I-object_name I-object_name O O O B-rating_value
O B-rating_value B-rating_unit O B-object_select B-object_type
O O B-object_select B-object_type O B-rating_value O O B-best_rating B-rating_unit
O O B-object_type B-object_name I-object_name I-object_name B-rating_value O O B-best_rating
O B-object_name I-object_name B-rating_value O O B-best_rating
O O B-object_part_of_series_type B-object_select B-rating_value O
O B-object_select B-object_type O O O B-rating_value
O O B-object_select B-object_type B-rating_value O O B-best_rating
O O B-object_select B-object_type O B-rating_value
O B-object_name I-object_name I-object_name I-object_name B-rating_value B-rating_unit
O B-object_select I-object_select B-object_type B-rating_value O O B-best_rating
O B-object_name I-object_name I-object_name I-object_name I-object_name O B-rating_value O O B-best_rating O
O B-object_select B-object_type B-rating_value O O B-best_rating B-rating_unit
O O B-object_select B-object_type B-rating_value B-rating_unit
O O B-object_select B-object_type B-rating_value O O B-best_rating B-rating_unit
O B-object_select I-object_select B-object_type B-rating_value B-rating_unit
O B-object_name I-object_name I-object_name I-object_name I-object_name I-object_name I-object_name I-object_name B-rating_value O O B-best_rating B-rating_unit
O B-object_select B-object_type B-rating_value O O B-best_rating B-rating_unit
O B-object_name I-object_name I-object_name B-rating_value O O B-best_rating B-rating_unit
O O B-object_select B-object_type B-rating_value O B-best_rating B-rating_unit
O B-object_select B-object_type B-rating_value B-rating_unit
O B-rating_value O O B-best_rating B-rating_unit O B-object_select B-object_type
O O O O B-rating_value O B-object_name
O B-object_name B-rating_value O O B-best_rating B-rating_unit
O B-object_name I-object_name I-object_name I-object_name B-rating_value B-rating_unit O O B-best_rating
O B-object_name I-object_name I-object_name B-rating_value O O B-best_rating B-rating_unit
O B-rating_value B-rating_unit O B-object_name I-object_name I-object_name
O O B-object_select B-object_type O B-rating_value O B-best_rating
O B-object_name I-object_name B-rating_value O O B-best_rating B-rating_unit
O O B-object_select B-object_part_of_series_type O B-rating_value
O B-rating_value O B-best_rating B-rating_unit O B-object_name I-object_name I-object_name I-object_name I-object_name I-object_name
O B-rating_value O O B-best_rating B-rating_unit O B-object_select B-object_type
O B-object_select B-object_type B-rating_value B-rating_unit
O B-object_name I-object_name I-object_name I-object_name B-rating_value O O B-best_rating
O B-object_select B-object_type B-rating_value O O B-best_rating B-rating_unit
O B-object_name I-object_name I-object_name I-object_name I-object_name B-rating_value B-rating_unit
O B-object_name I-object_name I-object_name B-rating_value O B-best_rating B-rating_unit
O B-object_select B-object_type O B-rating_value
O B-object_name I-object_name I-object_name I-object_name B-rating_value B-rating_unit
O O B-object_select B-object_type O O O B-rating_value
O B-rating_value B-rating_unit O B-object_name I-object_name I-object_name I-object_name I-object_name I-object_name
O O B-rating_value O O B-object_name I-object_name I-object_name
O B-object_select B-object_part_of_series_type B-rating_value B-rating_unit
O B-object_name I-object_name I-object_name I-object_name I-object_name O O O B-rating_value B-rating_unit
O B-object_select B-object_part_of_series_type B-rating_value O O B-best_rating
O B-object_name I-object_name I-object_name I-object_name I-object_name I-object_name I-object_name I-object_name I-object_name B-rating_value B-rating_unit
O B-object_name B-rating_value O O B-best_rating
O B-object_name I-object_name I-object_name I-object_name I-object_name I-object_name O B-rating_value O O B-best_rating
O B-rating_value O O O B-object_select B-object_type
O B-object_select B-object_part_of_series_type O B-rating_value O
O B-object_select B-object_type O B-rating_value
O O B-best_rating O B-object_name I-object_name I-object_name O B-rating_value
O B-rating_value O B-best_rating B-rating_unit O B-object_name I-object_name
O B-object_name I-object_name I-object_name B-object_part_of_series_type O B-rating_value
O B-object_name I-object_name I-object_name I-object_name B-rating_value O O B-best_rating B-rating_unit
O O O B-object_name I-object_name I-object_name I-object_name B-rating_value O O B-best_rating B-rating_unit
O B-object_name I-object_name I-object_name I-object_name I-object_name I-object_name B-rating_value B-rating_unit
O B-rating_value O O B-object_name I-object_name I-object_name I-object_name I-object_name I-object_name
O B-rating_value O O B-best_rating O O O B-object_select B-object_type
O O B-object_select B-object_part_of_series_type B-rating_value O B-best_rating B-rating_unit
O B-object_name I-object_name I-object_name I-object_name O B-rating_value
O B-object_select B-object_type B-rating_value B-rating_unit
O B-object_name I-object_name I-object_name I-object_name I-object_name B-rating_value B-rating_unit
O B-object_name I-object_name O B-rating_value
O B-object_name I-object_name I-object_name I-object_name I-object_name I-object_name O B-rating_value O O B-best_rating B-rating_unit
O B-object_select B-object_type O B-rating_value
O O B-object_select B-object_type B-rating_value O O B-best_rating
O B-object_select B-object_type B-rating_value O O B-best_rating B-rating_unit
O B-object_name I-object_name I-object_name B-rating_value B-rating_unit
O B-object_select B-object_part_of_series_type B-rating_value O O B-best_rating
O B-object_name I-object_name I-object_name I-object_name I-object_name O O O B-rating_value B-rating_unit
O B-object_select B-object_type B-rating_value B-rating_unit O O B-best_rating
O O B-object_name I-object_name B-rating_value O O B-best_rating
O B-rating_value B-rating_unit O B-object_name I-object_name I-object_name
O O B-object_select B-object_part_of_series_type B-rating_value B-rating_unit
O O O O B-object_type O B-object_name I-object_name
O O O O B-object_type I-object_type B-object_name
O O O B-object_name I-object_name I-object_name B-object_type I-object_type
O O O O B-object_type B-object_name I-object_name I-object_name
O O O O B-object_type O O O B-object_name I-object_name I-object_name
O O O B-object_type O B-object_name I-object_name
O O O O O O B-object_name I-object_name I-object_name I-object_name I-object_name
O O O B-object_name I-object_name I-object_name I-object_name I-object_name I-object_name B-object_type
O O O O O B-object_name I-object_name I-object_name
O O O B-object_type O B-object_name I-object_name
O O O O O O B-object_name I-object_name
O O B-object_type I-object_type B-object_name I-object_name
O O O O O O B-object_type B-object_name I-object_name
O O O O B-object_name I-object_name I-object_name B-object_type
O O O O B-object_type I-object_type B-object_name I-object_name I-object_name I-object_name
O O O O O B-object_name I-object_name
O O O O O B-object_name I-object_name I-object_name I-object_name B-object_type I-object_type
O O O O B-object_name I-object_name I-object_name I-object_name I-object_name I-object_name
O O O O B-object_type I-object_type B-object_name I-object_name I-object_name I-object_name
O O O O B-object_name I-object_name
O O O B-object_name
O O O O O B-object_name I-object_name B-object_type I-object_type
O O O O B-object_type B-object_name I-object_name I-object_name
O O O O B-object_type I-object_type B-object_name I-object_name I-object_name I-object_name I-object_name
O O O B-object_name I-object_name
O O O B-object_name I-object_name I-object_name B-object_type I-object_type
O O O B-object_type O B-object_name I-object_name
O O O O B-object_name I-object_name B-object_type
O O O B-object_type B-object_name I-object_name I-object_name I-object_name I-object_name I-object_name
O O O B-object_type I-object_type O B-object_name I-object_name
O O B-object_name I-object_name
O O O B-object_type I-object_type B-object_name I-object_name I-object_name
O O O O B-object_name I-object_name I-object_name
O O O O O B-object_name I-object_name B-object_type
O O O B-object_name I-object_name B-object_type
O O O O O O O B-object_name I-object_name I-object_name
O O O O B-object_type O B-object_name I-object_name I-object_name I-object_name
O O O O B-object_name I-object_name B-object_type
O O O B-object_type O B-object_name I-object_name I-object_name
O O O B-object_name I-object_name I-object_name I-object_name I-object_name B-object_type
O O O O O B-object_name I-object_name B-object_type
O O O O B-object_type I-object_type B-object_name I-object_name
O O O B-object_type I-object_type B-object_name I-object_name I-object_name
O O O B-object_name I-object_name I-object_name I-object_name I-object_name I-object_name I-object_name B-object_type
O O O O B-object_name I-object_name B-object_type
O O O O O B-object_name I-object_name B-object_type
O O B-object_name I-object_name I-object_name I-object_name I-object_name I-object_name
O O O O B-object_name I-object_name
O O O O O B-object_name I-object_name I-object_name I-object_name I-object_name
O O O O O B-object_name I-object_name I-object_name I-object_name I-object_name I-object_name B-object_type I-object_type
O O O O O O B-object_name I-object_name B-object_type
O O O O O O B-object_name I-object_name I-object_name I-object_name I-object_name
O O O O O O B-object_name I-object_name I-object_name I-object_name I-object_name I-object_name I-object_name
O O O B-object_name
O O O B-object_type B-object_name I-object_name I-object_name I-object_name I-object_name
O O O B-object_type O O O B-object_name I-object_name I-object_name I-object_name O
O O O B-object_type O O O O B-object_name I-object_name I-object_name I-object_name I-object_name
O O O O B-object_name I-object_name B-object_type
O O O O O B-object_name I-object_name I-object_name B-object_type
O O O O B-object_name I-object_name B-object_type
O O O B-object_type B-object_name I-object_name I-object_name I-object_name
O O O O B-object_name I-object_name I-object_name I-object_name I-object_name I-object_name
O O O O O B-object_name I-object_name I-object_name B-object_type
O O O B-object_type B-object_name I-object_name I-object_name
O O O B-object_name I-object_name I-object_name B-object_type
O O B-object_type B-object_name I-object_name I-object_name I-object_name
O O O O B-object_type O O O B-object_name I-object_name I-object_name
O O O B-object_type I-object_type B-object_name I-object_name
O O O O B-object_type B-object_name I-object_name I-object_name I-object_name I-object_name
O O O B-object_type O O O B-object_name I-object_name
O O O O B-object_name B-object_type
O O O B-object_type B-object_name I-object_name I-object_name I-object_name
O O O O B-object_name I-object_name
O B-object_name I-object_name
O O O B-object_type B-object_name I-object_name I-object_name I-object_name I-object_name
O O O O B-object_type I-object_type B-object_name I-object_name I-object_name I-object_name
O O O O O B-object_name I-object_name I-object_name I-object_name
O O O B-object_type O O O O B-object_name I-object_name I-object_name I-object_name
O O O B-object_type B-object_name I-object_name
O O B-object_type B-object_name I-object_name I-object_name I-object_name I-object_name
O O O O B-object_name I-object_name I-object_name I-object_name I-object_name I-object_name B-object_type
O O B-object_type I-object_type B-object_name I-object_name
O O O O O O B-object_type B-object_name I-object_name I-object_name I-object_name I-object_name
O O O O B-object_type B-object_name I-object_name I-object_name
O O O O B-object_type I-object_type O B-object_name I-object_name I-object_name I-object_name
O O O O B-object_name I-object_name I-object_name I-object_name
O O O O O B-object_name
O O O O B-object_name I-object_name I-object_name I-object_name
O O O O B-object_name I-object_name I-object_name I-object_name B-object_type
O O O B-object_name I-object_name B-object_type
O O O B-object_name I-object_name I-object_name I-object_name
O O O O O O O O B-object_name I-object_name I-object_name I-object_name I-object_name
O O O O B-object_name I-object_name B-object_type
O O O B-object_name I-object_name I-object_name B-object_type
O O O O B-object_name I-object_name I-object_name I-object_name I-object_name B-object_type
O O O O B-object_name I-object_name I-object_name I-object_name I-object_name B-object_type
O O O O B-object_name I-object_name B-object_type O O
O O O O O B-object_name I-object_name B-object_type
O O O O O B-object_name I-object_name
O O O B-object_type B-object_name I-object_name
O B-movie_name I-movie_name I-movie_name I-movie_name I-movie_name O
O B-movie_name I-movie_name O
O B-movie_name I-movie_name I-movie_name O O B-timeRange I-timeRange
O O O B-object_type I-object_type
O O O O B-movie_name I-movie_name I-movie_name I-movie_name I-movie_name
O O B-movie_name I-movie_name I-movie_name I-movie_name I-movie_name O O O B-object_location_type
O O O B-object_type O B-movie_name I-movie_name I-movie_name
O B-movie_name I-movie_name I-movie_name I-movie_name I-movie_name O B-timeRange I-timeRange I-timeRange
O O O O B-movie_name I-movie_name I-movie_name I-movie_name I-movie_name O O B-spatial_relation B-object_location_type
O O O O B-movie_name I-movie_name I-movie_name I-movie_name I-movie_name
O O O O O B-object_location_type I-object_location_type O B-movie_name I-movie_name I-movie_name B-spatial_relation O O
O O O O B-movie_name I-movie_name I-movie_name I-movie_name O O B-spatial_relation B-object_location_type I-object_location_type
O O O O B-movie_name I-movie_name I-movie_name I-movie_name O O O O O
O O B-object_type O B-movie_name I-movie_name O B-location_name I-location_name
O O O B-object_type I-object_type O O O B-location_name
O O O B-movie_type O B-spatial_relation I-spatial_relation I-spatial_relation
O B-movie_name I-movie_name O B-timeRange I-timeRange I-timeRange I-timeRange I-timeRange
O O B-movie_type I-movie_type B-spatial_relation I-spatial_relation I-spatial_relation O B-timeRange O
O O O O B-movie_name I-movie_name I-movie_name I-movie_name O O B-object_location_type I-object_location_type
O O O B-movie_name I-movie_name I-movie_name B-timeRange I-timeRange I-timeRange
O O B-movie_type I-movie_type O B-location_name I-location_name
O O O B-object_type O B-movie_name I-movie_name I-movie_name
O O O O O O O O B-movie_type O B-spatial_relation I-spatial_relation I-spatial_relation
O B-movie_name I-movie_name I-movie_name I-movie_name O O B-location_name I-location_name
O O B-spatial_relation B-object_location_type I-object_location_type O O B-movie_name
O O O O B-movie_name I-movie_name I-movie_name I-movie_name O B-location_name I-location_name I-location_name
O B-movie_name I-movie_name O B-timeRange I-timeRange I-timeRange I-timeRange O O B-spatial_relation B-object_location_type
O O O B-spatial_relation B-object_location_type I-object_location_type O B-movie_name I-movie_name O O B-timeRange
O B-movie_name I-movie_name I-movie_name O O B-location_name I-location_name
O O B-object_type I-object_type O O B-location_name I-location_name
O O O B-object_type I-object_type B-spatial_relation
O O B-object_type O O B-location_name I-location_name I-location_name
O O O B-movie_type O B-location_name I-location_name
O B-movie_type O B-location_name I-location_name
O O O B-object_type I-object_type
O O O O B-object_type I-object_type
O O O O B-movie_name I-movie_name I-movie_name I-movie_name
O O O O B-object_type O B-movie_type B-spatial_relation I-spatial_relation I-spatial_relation
O O O O B-object_type I-object_type O B-location_name I-location_name
O B-movie_type I-movie_type B-spatial_relation I-spatial_relation
O B-movie_name I-movie_name O O B-location_name I-location_name
O O O B-object_type I-object_type B-spatial_relation I-spatial_relation I-spatial_relation
O O B-object_type O B-location_name I-location_name I-location_name
O O O O B-movie_name O O B-spatial_relation B-object_location_type I-object_location_type
O O O B-object_type I-object_type O B-location_name I-location_name
O O B-movie_type B-spatial_relation I-spatial_relation I-spatial_relation
O O B-object_type I-object_type B-spatial_relation I-spatial_relation I-spatial_relation
O O O B-spatial_relation B-object_location_type I-object_location_type O O B-movie_type
O B-movie_type O O B-timeRange O O B-spatial_relation B-object_location_type
O B-movie_name I-movie_name I-movie_name O
O O O O O B-location_name I-location_name B-object_type I-object_type
O O B-movie_name I-movie_name I-movie_name I-movie_name O O O B-spatial_relation B-object_location_type
O O B-object_type I-object_type O B-location_name I-location_name
O O B-movie_type O B-location_name I-location_name
O O B-movie_type I-movie_type O B-spatial_relation I-spatial_relation I-spatial_relation
O O O O B-movie_name I-movie_name
O O B-location_name I-location_name B-object_type I-object_type
O B-movie_name I-movie_name O O B-timeRange
O B-movie_name I-movie_name I-movie_name I-movie_name I-movie_name O O B-location_name I-location_name
O O B-object_type I-object_type O B-location_name I-location_name I-location_name
O O O O B-movie_name I-movie_name
O O B-object_type O B-location_name I-location_name
O B-movie_name I-movie_name I-movie_name I-movie_name O O O B-timeRange I-timeRange
O O O B-object_type O B-location_name I-location_name O O B-movie_type I-movie_type
O O B-object_type O B-movie_name I-movie_name I-movie_name
O O O B-movie_type B-spatial_relation I-spatial_relation I-spatial_relation
O B-movie_type O O B-spatial_relation I-spatial_relation
O B-movie_name I-movie_name I-movie_name O
O O O B-object_type I-object_type O B-location_name I-location_name I-location_name
O O B-object_type I-object_type B-spatial_relation I-spatial_relation
O O O O B-movie_name
O O O B-object_type O O B-movie_name I-movie_name I-movie_name O B-object_location_type I-object_location_type
O O B-object_type O B-movie_name I-movie_name I-movie_name I-movie_name O B-location_name I-location_name
O O B-object_type I-object_type O B-location_name I-location_name I-location_name
O O O B-object_type I-object_type B-spatial_relation I-spatial_relation I-spatial_relation
O O O B-object_type I-object_type O B-movie_type B-spatial_relation
O O B-object_type I-object_type O B-movie_type I-movie_type B-spatial_relation I-spatial_relation I-spatial_relation
O B-movie_name I-movie_name I-movie_name I-movie_name O O B-location_name I-location_name I-location_name
O O O O O O B-movie_name I-movie_name I-movie_name I-movie_name I-movie_name
O B-movie_name I-movie_name I-movie_name I-movie_name O O O B-object_location_type I-object_location_type
O B-object_type O B-movie_name I-movie_name I-movie_name O O O O B-object_location_type
O O B-movie_name I-movie_name I-movie_name B-object_type O O B-spatial_relation B-object_location_type I-object_location_type
O O O B-spatial_relation I-spatial_relation B-movie_type I-movie_type O
B-object_type I-object_type B-spatial_relation I-spatial_relation O B-movie_type I-movie_type
O B-movie_type O O B-spatial_relation I-spatial_relation
O O B-object_type I-object_type B-spatial_relation I-spatial_relation I-spatial_relation
O B-movie_name I-movie_name O
O B-movie_name I-movie_name O O O B-spatial_relation B-object_location_type I-object_location_type O B-timeRange
O O O B-object_type I-object_type
O O O O O B-object_type I-object_type
O O B-object_type I-object_type O B-location_name I-location_name I-location_name B-timeRange I-timeRange I-timeRange
O O B-spatial_relation B-object_location_type O B-movie_type O
O O O B-object_type I-object_type
O O O B-object_type O B-movie_name I-movie_name I-movie_name
O B-movie_type O O B-spatial_relation I-spatial_relation
O O B-object_location_type O B-movie_name I-movie_name I-movie_name I-movie_name
O O O B-object_type I-object_type O B-movie_type I-movie_type B-spatial_relation I-spatial_relation I-spatial_relation
O O O B-object_type I-object_type O B-location_name I-location_name I-location_name
O O B-object_type O B-movie_name I-movie_name I-movie_name I-movie_name O B-location_name I-location_name
O O O O B-movie_name I-movie_name I-movie_name I-movie_name I-movie_name O O B-object_location_type

+ 145
- 0
distill.py View File

@ -0,0 +1,145 @@
import time
import copy
import argparse
import torch
import torch.nn as nn
import dataset
import util
import models
from itertools import chain
if __name__ == "__main__":
parser = argparse.ArgumentParser()
parser.add_argument('--name', required=True)
parser.add_argument('--filename', required=True)
parser.add_argument('--epochs', default=50)
parser.add_argument('--seed', type=int, default=None)
parser.add_argument('--patience', type=int, default=5)
parser.add_argument('--dropout', type=float, default=0.5)
parser.add_argument('--alpha', type=float, default=0.2)
args = parser.parse_args()
if 'atis' in args.name:
args.dataset = 'atis'
elif 'snips' in args.name:
args.dataset = 'snips'
if 'intent' in args.name:
args.model = 'intent'
elif 'slot' in args.name:
args.model = 'slot'
elif 'joint' in args.name:
args.model = 'joint'
print(f"seed {util.rep(args.seed)}")
cuda = torch.cuda.is_available()
train, valid, test, num_words, num_intent, num_slot, wordvecs = dataset.load(args.dataset, batch_size=8, seq_len=50)
open(args.filename, 'w').close() # clear the file
f = open(args.filename, "a")
for filter_count in chain(range(300, 10, -5), range(10, 0, -1)):
if args.model == 'intent':
model = models.CNNIntent(num_words, 100, num_intent, (filter_count,), 5, args.dropout, wordvecs)
elif args.model == 'slot':
model = models.CNNSlot(num_words, 100, num_slot, (filter_count,), 5, args.dropout, wordvecs)
elif args.model == 'joint':
model = models.CNNJoint(num_words, 100, num_intent, num_slot, (filter_count,), 5, args.dropout, wordvecs)
teacher = util.load_model(args.model, num_words, num_intent, num_slot, args.dropout, wordvecs)
teacher.load_state_dict(torch.load(args.name))
criterion = torch.nn.CrossEntropyLoss(ignore_index=-1)
distill_criterion = nn.KLDivLoss(reduction='batchmean')
optimizer = torch.optim.Adam(model.parameters())
if cuda:
model = model.cuda()
teacher = teacher.cuda()
best_valid_loss = float('inf')
last_epoch_to_improve = 0
best_model = model
model_filename = f"models/{args.dataset}_{args.model}"
if args.model == 'intent':
for epoch in range(args.epochs):
start_time = time.time()
train_loss, train_acc = util.distill_intent(teacher, model, 1.0, train, distill_criterion, optimizer, cuda)
valid_loss, valid_acc = util.valid_intent(model, valid, criterion, cuda)
end_time = time.time()
elapsed_time = end_time - start_time
print(f"Epoch {epoch + 1:03} took {elapsed_time:.3f} seconds")
print(f"\tTrain Loss: {train_loss:.5f}, Acc: {train_acc:.5f}")
print(f"\tValid Loss: {valid_loss:.5f}, Acc: {valid_acc:.5f}")
if valid_loss < best_valid_loss:
last_epoch_to_improve = epoch
best_valid_loss = valid_loss
best_model = copy.deepcopy(model)
print("\tNew best valid loss!")
if last_epoch_to_improve + args.patience < epoch:
break
_, test_acc = util.valid_intent(best_model, test, criterion, cuda)
print(f"Test Acc: {test_acc:.5f}")
print(f"{sum(best_model.filter_sizes)}, {test_acc:.5f}", file=f, flush=True)
elif args.model == 'slot':
for epoch in range(args.epochs):
start_time = time.time()
train_loss, train_f1 = util.distill_slot(teacher, model, 1.0, train, distill_criterion, optimizer, cuda)
valid_loss, valid_f1 = util.valid_slot(model, valid, criterion, cuda)
end_time = time.time()
elapsed_time = end_time - start_time
print(f"Epoch {epoch + 1:03} took {elapsed_time:.3f} seconds")
print(f"\tTrain Loss: {train_loss:.5f}, F1: {train_f1:.5f}")
print(f"\tValid Loss: {valid_loss:.5f}, F1: {valid_f1:.5f}")
if valid_loss < best_valid_loss:
last_epoch_to_improve = epoch
best_valid_loss = valid_loss
best_model = copy.deepcopy(model)
print("\tNew best valid loss!")
if last_epoch_to_improve + args.patience < epoch:
break
_, test_f1 = util.valid_slot(best_model, test, criterion, cuda)
print(f"Test F1: {test_f1:.5f}")
print(f"{sum(best_model.filter_sizes)}, {test_f1:.5f}", file=f, flush=True)
elif args.model == 'joint':
for epoch in range(args.epochs):
start_time = time.time()
train_loss, (intent_train_loss, intent_train_acc), (slot_train_loss, slot_train_f1) = util.distill_joint(teacher, model, 1.0, train, distill_criterion, optimizer, cuda, args.alpha)
valid_loss, (intent_valid_loss, intent_valid_acc), (slot_valid_loss, slot_valid_f1) = util.valid_joint(model, valid, criterion, cuda, args.alpha)
end_time = time.time()
elapsed_time = end_time - start_time
print(f"Epoch {epoch + 1:03} took {elapsed_time:.3f} seconds")
print(f"\tTrain Loss: {train_loss:.5f}, (Intent Loss: {intent_train_loss:.5f}, Acc: {intent_train_acc:.5f}), (Slot Loss: {slot_train_loss:.5f}, F1: {slot_train_f1:.5f})")
print(f"\tValid Loss: {valid_loss:.5f}, (Intent Loss: {intent_valid_loss:.5f}, Acc: {intent_valid_acc:.5f}), (Slot Loss: {slot_valid_loss:.5f}, F1: {slot_valid_f1:.5f})")
if valid_loss < best_valid_loss:
last_epoch_to_improve = epoch
best_valid_loss = valid_loss
best_model = copy.deepcopy(model)
print("\tNew best valid loss!")
if last_epoch_to_improve + args.patience < epoch:
break
_, (_, intent_test_acc), (_, slot_test_f1) = util.valid_joint(best_model, test, criterion, cuda, args.alpha)
print(f"Test Intent Acc: {intent_test_acc:.5f}, Slot F1: {slot_test_f1:.5f}")
print(f"{sum(best_model.filter_sizes)}, {intent_test_acc:.5f}, {slot_test_f1:.5f}", file=f, flush=True)

+ 251
- 0
models.py View File

@ -0,0 +1,251 @@
import torch
import torch.nn as nn
import torch.nn.functional as F
import numpy as np
class CNNIntent(nn.Module):
def __init__(self, input_dim, embedding_dim, output_dim, filter_sizes, kernel_size, dropout, wordvecs=None):
super().__init__()
if wordvecs is not None:
self.embedding = nn.Embedding.from_pretrained(wordvecs)
else:
self.embedding = nn.Embedding(input_dim, embedding_dim)
self.convs = nn.ModuleList(
[nn.Conv1d(filter_sizes[i - 1] if i > 0 else embedding_dim, filter_sizes[i], kernel_size) for i in range(len(filter_sizes))]
)
self.dropout = nn.Dropout(dropout)
self.fc = nn.Linear(filter_sizes[-1], output_dim)
self.embedding_dim = embedding_dim
self.filter_sizes = filter_sizes
self.kernel_size = kernel_size
self.unpruned_count = sum(filter_sizes)
def forward(self, query): # query shape: [batch, seq len]
x = self.embedding(query).permute(0, 2, 1) # [batch, embedding dim, seq len]
for conv in self.convs:
x = conv(x)
x = torch.rrelu(x)
x = x.permute(0, 2, 1)
x, _ = torch.max(x, dim=1)
return self.fc(self.dropout(x))
def prune(self, count, norm=2):
if not (sum(self.filter_sizes) - count > 0): # ensure we will have > 0 filters over
exit(0)
rankings = [] # list of (conv #, filter #, norm)
for i, conv in enumerate(self.convs):
for k, filter in enumerate(conv.weight):
rankings.append((i, k, torch.norm(filter.view(-1), p=norm, dim=0).item()))
rankings.sort(key = lambda x: x[2])
for ranking in rankings[:count]:
conv_num, filter_num, _ = ranking
# remove filter
new_weight = torch.cat((self.convs[conv_num].weight[:filter_num],
self.convs[conv_num].weight[filter_num + 1:]))
new_bias = torch.cat((self.convs[conv_num].bias[:filter_num],
self.convs[conv_num].bias[filter_num + 1:]))
self.convs[conv_num] = nn.Conv1d(self.filter_sizes[conv_num - 1] if conv_num > 0 else self.embedding_dim,
self.filter_sizes[conv_num] - 1,
self.kernel_size)
self.convs[conv_num].weight = nn.Parameter(new_weight)
self.convs[conv_num].bias = nn.Parameter(new_bias)
# update channel in succeeding layer
if conv_num == len(self.filter_sizes) - 1: # prune linear
new_weight = torch.cat((self.fc.weight[:,:filter_num], self.fc.weight[:,filter_num + 1:]), dim=1)
new_bias = self.fc.bias
self.fc = nn.Linear(self.fc.in_features - 1, self.fc.out_features)
self.fc.weight = nn.Parameter(new_weight)
self.fc.bias = nn.Parameter(new_bias)
else: # prune conv
new_weight = torch.cat((self.convs[conv_num + 1].weight[:,:filter_num], self.convs[conv_num + 1].weight[:,filter_num + 1:]), dim=1)
new_bias = self.convs[conv_num + 1].bias
self.convs[conv_num + 1] = nn.Conv1d(self.filter_sizes[conv_num] - 1,
self.filter_sizes[conv_num + 1],
self.kernel_size)
self.convs[conv_num + 1].weight = nn.Parameter(new_weight)
self.convs[conv_num + 1].bias = nn.Parameter(new_bias)
self.filter_sizes = tuple([filter_size - 1 if i == conv_num else filter_size for i, filter_size in enumerate(self.filter_sizes)])
class CNNSlot(nn.Module):
def __init__(self, input_dim, embedding_dim, output_dim, filter_sizes, kernel_size, dropout, wordvecs=None):
super().__init__()
if wordvecs is not None:
self.embedding = nn.Embedding.from_pretrained(wordvecs)
else:
self.embedding = nn.Embedding(input_dim, embedding_dim)
self.convs = nn.ModuleList(
[nn.Conv1d(filter_sizes[i - 1] if i > 0 else embedding_dim, filter_sizes[i], kernel_size) for i in range(len(filter_sizes))]
)
self.dropout = nn.Dropout(dropout)
self.fc = nn.Linear(filter_sizes[-1], output_dim)
self.padding = int((kernel_size - 1) / 2)
self.embedding_dim = embedding_dim
self.unpruned_count = sum(filter_sizes)
self.filter_sizes = filter_sizes
self.kernel_size = kernel_size
def forward(self, query): # query shape: [batch, seq len]
x = self.embedding(query) # embedded shape: [batch, seq len, embedding dim]
x = x.permute(0, 2, 1) # x shape: [batch, embedding dim, seq len]
for conv in self.convs:
x = F.pad(x, (self.padding, self.padding)) # x shape: [batch, filter count, seq len]
x = conv(x)
x = torch.rrelu(x)
x = x.permute(0, 2, 1) # x shape: [batch, seq len, filter count]
x = self.fc(self.dropout(x))
return x
def prune(self, count, norm=2):
if not (sum(self.filter_sizes) - count > 0): # ensure we will have > 0 filters over
exit(0)
rankings = [] # list of (conv #, filter #, norm)
for i, conv in enumerate(self.convs):
for k, filter in enumerate(conv.weight):
rankings.append((i, k, torch.norm(filter.view(-1), p=norm, dim=0).item()))
rankings.sort(key = lambda x: x[2])
for ranking in rankings[:count]:
conv_num, filter_num, _ = ranking
# remove filter
new_weight = torch.cat((self.convs[conv_num].weight[:filter_num],
self.convs[conv_num].weight[filter_num + 1:]))
new_bias = torch.cat((self.convs[conv_num].bias[:filter_num],
self.convs[conv_num].bias[filter_num + 1:]))
self.convs[conv_num] = nn.Conv1d(self.filter_sizes[conv_num - 1] if conv_num > 0 else self.embedding_dim,
self.filter_sizes[conv_num] - 1,
self.kernel_size)
self.convs[conv_num].weight = nn.Parameter(new_weight)
self.convs[conv_num].bias = nn.Parameter(new_bias)
# update channel in succeeding layer
if conv_num == len(self.filter_sizes) - 1: # prune linear
new_weight = torch.cat((self.fc.weight[:,:filter_num], self.fc.weight[:,filter_num + 1:]), dim=1)
new_bias = self.fc.bias
self.fc = nn.Linear(self.fc.in_features - 1, self.fc.out_features)
self.fc.weight = nn.Parameter(new_weight)
self.fc.bias = nn.Parameter(new_bias)
else: # prune conv
new_weight = torch.cat((self.convs[conv_num + 1].weight[:,:filter_num], self.convs[conv_num + 1].weight[:,filter_num + 1:]), dim=1)
new_bias = self.convs[conv_num + 1].bias
self.convs[conv_num + 1] = nn.Conv1d(self.filter_sizes[conv_num] - 1,
self.filter_sizes[conv_num + 1],
self.kernel_size)
self.convs[conv_num + 1].weight = nn.Parameter(new_weight)
self.convs[conv_num + 1].bias = nn.Parameter(new_bias)
self.filter_sizes = tuple([filter_size - 1 if i == conv_num else filter_size for i, filter_size in enumerate(self.filter_sizes)])
class CNNJoint(nn.Module):
def __init__(self, input_dim, embedding_dim, intent_dim, slot_dim, filter_sizes, kernel_size, dropout, wordvecs=None):
super().__init__()
if wordvecs is not None:
self.embedding = nn.Embedding.from_pretrained(wordvecs)
else:
self.embedding = nn.Embedding(input_dim, embedding_dim)
self.convs = nn.ModuleList(
[nn.Conv1d(filter_sizes[i - 1] if i > 0 else embedding_dim, filter_sizes[i], kernel_size) for i in range(len(filter_sizes))]
)
self.intent_dropout = nn.Dropout(dropout)
self.intent_fc = nn.Linear(filter_sizes[-1], intent_dim)
self.slot_dropout = nn.Dropout(dropout)
self.slot_fc = nn.Linear(filter_sizes[-1], slot_dim)
self.padding = int((kernel_size - 1) / 2)
self.unpruned_count = sum(filter_sizes)
self.embedding_dim = embedding_dim
self.filter_sizes = filter_sizes
self.kernel_size = kernel_size
def forward(self, query):
x = self.embedding(query).permute(0, 2, 1)
for conv in self.convs:
x = F.pad(x, (self.padding, self.padding))
x = conv(x)
x = torch.rrelu(x)
x = x.permute(0, 2, 1)
intent_pred = self.intent_fc(self.intent_dropout(torch.max(x, dim=1)[0]))
slot_pred = self.slot_fc(self.slot_dropout(x))
return intent_pred, slot_pred.permute(0, 2, 1)
def prune(self, count, norm=2):
if not (sum(self.filter_sizes) - count > 0): # ensure we will have > 0 filters over
exit(0)
rankings = [] # list of (conv #, filter #, norm)
for i, conv in enumerate(self.convs):
for k, filter in enumerate(conv.weight):
rankings.append((i, k, torch.norm(filter.view(-1), p=norm, dim=0).item()))
rankings.sort(key = lambda x: x[2])
for ranking in rankings[:count]:
conv_num, filter_num, _ = ranking
# remove filter
new_weight = torch.cat((self.convs[conv_num].weight[:filter_num],
self.convs[conv_num].weight[filter_num + 1:]))
new_bias = torch.cat((self.convs[conv_num].bias[:filter_num],
self.convs[conv_num].bias[filter_num + 1:]))
self.convs[conv_num] = nn.Conv1d(self.filter_sizes[conv_num - 1] if conv_num > 0 else self.embedding_dim,
self.filter_sizes[conv_num] - 1,
self.kernel_size)
self.convs[conv_num].weight = nn.Parameter(new_weight)
self.convs[conv_num].bias = nn.Parameter(new_bias)
# update channel in succeeding layer
if conv_num == len(self.filter_sizes) - 1: # prune linear
new_intent_weight = torch.cat((self.intent_fc.weight[:,:filter_num], self.intent_fc.weight[:,filter_num + 1:]), dim=1)
new_intent_bias = self.intent_fc.bias
self.intent_fc = nn.Linear(self.intent_fc.in_features - 1, self.intent_fc.out_features)
self.intent_fc.weight = nn.Parameter(new_intent_weight)
self.intent_fc.bias = nn.Parameter(new_intent_bias)
new_slot_weight = torch.cat((self.slot_fc.weight[:,:filter_num], self.slot_fc.weight[:,filter_num + 1:]), dim=1)
new_slot_bias = self.slot_fc.bias
self.slot_fc = nn.Linear(self.slot_fc.in_features - 1, self.slot_fc.out_features)
self.slot_fc.weight = nn.Parameter(new_slot_weight)
self.slot_fc.bias = nn.Parameter(new_slot_bias)
else: # prune conv
new_weight = torch.cat((self.convs[conv_num + 1].weight[:,:filter_num], self.convs[conv_num + 1].weight[:,filter_num + 1:]), dim=1)
new_bias = self.convs[conv_num + 1].bias
self.convs[conv_num + 1] = nn.Conv1d(self.filter_sizes[conv_num] - 1,
self.filter_sizes[conv_num + 1],
self.kernel_size)
self.convs[conv_num + 1].weight = nn.Parameter(new_weight)
self.convs[conv_num + 1].bias = nn.Parameter(new_bias)
self.filter_sizes = tuple([filter_size - 1 if i == conv_num else filter_size for i, filter_size in enumerate(self.filter_sizes)])

BIN
models/atis_intent_0 View File


BIN
models/atis_intent_1 View File


BIN
models/atis_intent_2 View File


BIN
models/atis_intent_3 View File


BIN
models/atis_intent_4 View File


BIN
models/atis_joint_0 View File


BIN
models/atis_joint_1 View File


BIN
models/atis_joint_2 View File


BIN
models/atis_joint_3 View File


BIN
models/atis_joint_4 View File


BIN
models/atis_slot_0 View File


BIN
models/atis_slot_1 View File


BIN
models/atis_slot_2 View File


BIN
models/atis_slot_3 View File


BIN
models/atis_slot_4 View File


BIN
models/snips_intent_0 View File


BIN
models/snips_intent_1 View File


BIN
models/snips_intent_2 View File


BIN
models/snips_intent_3 View File


BIN
models/snips_intent_4 View File


BIN
models/snips_joint_0 View File


BIN
models/snips_joint_1 View File


BIN
models/snips_joint_2 View File


BIN
models/snips_joint_3 View File


BIN
models/snips_joint_4 View File


BIN
models/snips_slot_0 View File


BIN
models/snips_slot_1 View File


BIN
models/snips_slot_2 View File


BIN
models/snips_slot_3 View File


BIN
models/snips_slot_4 View File


+ 152
- 0
prune.py View File

@ -0,0 +1,152 @@
import time
import copy
import argparse
import torch
import torch.nn as nn
import models
import dataset
import util
if __name__ == "__main__":
parser = argparse.ArgumentParser()
parser.add_argument('--name', required=True)
parser.add_argument('--zeroshot', action='store_true')
parser.add_argument('--epochs', default=50)
parser.add_argument('--seed', type=int, default=None)
parser.add_argument('--patience', type=int, default=5)
parser.add_argument('--dropout', type=float, default=0.5)
parser.add_argument('--alpha', type=float, default=0.2)
parser.add_argument('--l', type=int, default=2)
parser.add_argument('--filename')
args = parser.parse_args()
if 'atis' in args.name:
args.dataset = 'atis'
elif 'snips' in args.name:
args.dataset = 'snips'
if 'intent' in args.name:
args.model = 'intent'
elif 'slot' in args.name:
args.model = 'slot'
elif 'joint' in args.name:
args.model = 'joint'
print(f"seed {util.rep(args.seed)}")
cuda = torch.cuda.is_available()
train, valid, test, num_words, num_intent, num_slot, wordvecs = dataset.load(args.dataset, batch_size=8, seq_len=50)
model = util.load_model(args.model, num_words, num_intent, num_slot, args.dropout, wordvecs)
model.load_state_dict(torch.load(args.name))
criterion = torch.nn.CrossEntropyLoss(ignore_index=-1)
if cuda:
model = model.cuda()
if len(args.name.split('/')) > 1:
nameprefix = args.name.split('/')[-1]
else:
nameprefix = args.name
filename = args.filename if args.filename else f"results/{nameprefix}_{'zeroshot' if args.zeroshot else 'retrain'}_l{args.l}_alpha{args.alpha}.csv"
if args.model == 'intent':
open(filename, 'w').close() # clear the file
f = open(filename, "a")
while sum(model.filter_sizes) > 0:
_, test_acc = util.valid_intent(model, test, criterion, cuda)
print(f"{sum(model.filter_sizes)}, {test_acc:.5f}", file=f, flush=True)
if sum(model.filter_sizes) > 10:
model.prune(5, args.l)
else:
model.prune(1, args.l)
if not args.zeroshot:
optimizer = torch.optim.Adam(model.parameters())
best_epoch = 0
best_valid_loss, _ = util.valid_intent(model, valid, criterion, cuda)
best_model = copy.deepcopy(model)
epoch = 1
while epoch <= best_epoch + args.patience:
train_loss, train_acc = util.train_intent(model, train, criterion, optimizer, cuda)
valid_loss, valid_acc = util.valid_intent(model, valid, criterion, cuda)
if valid_loss < best_valid_loss:
best_valid_loss = valid_loss
best_epoch = epoch
best_model = copy.deepcopy(model)
epoch += 1
model = best_model
elif args.model == 'slot':
open(filename, 'w').close() # clear the file
f = open(filename, "a")
while sum(model.filter_sizes) > 0:
_, test_f1 = util.valid_slot(model, test, criterion, cuda)
print(f"{sum(model.filter_sizes)}, {test_f1:.5f}", file=f, flush=True)
if sum(model.filter_sizes) > 10:
model.prune(5, args.l)
else:
model.prune(1, args.l)
if not args.zeroshot:
optimizer = torch.optim.Adam(model.parameters())
best_epoch = 0
best_valid_loss, _ = util.valid_slot(model, valid, criterion, cuda)
best_model = copy.deepcopy(model)
epoch = 1
while epoch <= best_epoch + args.patience:
train_loss, train_f1 = util.train_slot(model, train, criterion, optimizer, cuda)
valid_loss, valid_f1 = util.valid_slot(model, valid, criterion, cuda)
if valid_loss < best_valid_loss:
best_valid_loss = valid_loss
best_epoch = epoch
best_model = copy.deepcopy(model)
epoch += 1
model = best_model
elif args.model == 'joint':
open(filename, 'w').close() # clear the file
f = open(filename, "a")
while sum(model.filter_sizes) > 0:
_, (_, test_acc), (_, test_f1) = util.valid_joint(model, test, criterion, cuda, args.alpha)
print(f"{sum(model.filter_sizes)}, {test_acc:.5f}, {test_f1:.5f}", file=f, flush=True)
if sum(model.filter_sizes) > 10:
model.prune(5, args.l)
else:
model.prune(1, args.l)
if not args.zeroshot:
optimizer = torch.optim.Adam(model.parameters())
best_epoch = 0
best_valid_loss, (_, _), (_, _) = util.valid_joint(model, valid, criterion, cuda, args.alpha)
best_model = copy.deepcopy(model)
epoch = 1
while epoch <= best_epoch + args.patience:
train_loss, (_, _), (_, _) = util.train_joint(model, train, criterion, optimizer, cuda, args.alpha)
valid_loss, (_, _), (_, _) = util.valid_joint(model, valid, criterion, cuda, args.alpha)
if valid_loss < best_valid_loss:
best_valid_loss = valid_loss
best_epoch = epoch
best_model = copy.deepcopy(model)
epoch += 1
model = best_model

+ 4
- 0
requirements.txt View File

@ -0,0 +1,4 @@
torch
seqeval
scikit-learn
transformers

+ 59
- 0
test.py View File

@ -0,0 +1,59 @@
import time
import copy
import argparse
import torch
import torch.nn as nn
import models
import dataset
import util
if __name__ == "__main__":
parser = argparse.ArgumentParser()
parser.add_argument('--name', required=True)
args = parser.parse_args()
if 'atis' in args.name:
args.dataset = 'atis'
elif 'snips' in args.name:
args.dataset = 'snips'
if 'intent' in args.name:
args.model = 'intent'
elif 'slot' in args.name:
args.model = 'slot'
elif 'joint' in args.name:
args.model = 'joint'
args.dropout = 0
cuda = torch.cuda.is_available()
train, valid, test, num_words, num_intent, num_slot, wordvecs = dataset.load(args.dataset, batch_size=8, seq_len=50)
model = util.load_model(args.model, num_words, num_intent, num_slot, args.dropout, wordvecs)
model.eval()
model.load_state_dict(torch.load(args.name))
criterion = torch.nn.CrossEntropyLoss(ignore_index=-1)
if cuda:
model = model.cuda()
best_valid_loss = float('inf')
last_epoch_to_improve = 0
best_model = model
count = sum(p.numel() for p in model.parameters() if p.requires_grad)
print(count)
if args.model == 'intent':
_, test_acc = util.valid_intent(model, test, criterion, cuda)
print(f"Test Acc: {test_acc:.5f}")
elif args.model == 'slot':
_, test_f1 = util.valid_slot(model, test, criterion, cuda)
print(f"Test F1: {test_f1:.5f}")
elif args.model == 'joint':
_, (_, intent_test_acc), (_, slot_test_f1) = util.valid_joint(model, test, criterion, cuda, 0)
print(f"Test Intent Acc: {intent_test_acc:.5f}, Slot F1: {slot_test_f1:.5f}")

+ 55
- 0
timer.py View File

@ -0,0 +1,55 @@
import time
import argparse
import torch
import sklearn
import numpy as np
import dataset
import util
if __name__ == "__main__":
parser = argparse.ArgumentParser()
parser.add_argument('--model', choices=['intent', 'slot', 'joint'])
parser.add_argument('--dataset', choices=['atis', 'snips'])
parser.add_argument('--filters', type=int)
parser.add_argument('--runs', type=int, default=15)
parser.add_argument('--gpu', action="store_true") # pass for CUDA, otherwise will run on CPU
args = parser.parse_args()
args.dropout = 0
train, valid, test, num_words, num_intent, num_slot, wordvecs = dataset.load(args.dataset, batch_size=8, seq_len=50)
# change the model below
for sparsity in [0, 20, 40, 60, 80, 90, 95, 99]:
filters = 300 - 300 * (sparsity / 100)
model = util.load_model(args.model, num_words, num_intent, num_slot, args.dropout, wordvecs, 100, int(filters))
if args.gpu:
model = model.cuda()
print(f"sparsity {sparsity}, params {sum(p.numel() for p in model.parameters() if p.requires_grad)}")
times = []
criterion = torch.nn.CrossEntropyLoss(ignore_index=-1)
for i in range(args.runs):
start_time = time.time()
if args.model == 'intent':
util.valid_intent(model, test, criterion, args.gpu)
elif args.model == 'slot':
util.valid_slot(model, test, criterion, args.gpu)
elif args.model == 'joint':
util.valid_joint(model, test, criterion, args.gpu, 0.2)
end_time = time.time()
elapsed_time = end_time - start_time
times.append(elapsed_time)
print(f"mean: {sum(times) / float(len(times)):.5f} sec, std deviation: {np.std(times):.5f}")

+ 116
- 0
train.py View File

@ -0,0 +1,116 @@
import time
import copy
import argparse
import torch
import dataset
import util
if __name__ == "__main__":
parser = argparse.ArgumentParser()
parser.add_argument('--dataset', choices=['atis', 'snips'])
parser.add_argument('--model', choices=['intent', 'slot', 'joint'])
parser.add_argument('--name', default=None)
parser.add_argument('--epochs', default=50)
parser.add_argument('--seed', type=int, default=None)
parser.add_argument('--patience', type=int, default=5)
parser.add_argument('--dropout', type=float, default=0.5)
parser.add_argument('--alpha', type=float, default=0.2)
args = parser.parse_args()
print(f"seed {util.rep(args.seed)}")
cuda = torch.cuda.is_available()
train, valid, test, num_words, num_intent, num_slot, wordvecs = dataset.load(args.dataset, batch_size=8, seq_len=50)
model = util.load_model(args.model, num_words, num_intent, num_slot, args.dropout, wordvecs)
criterion = torch.nn.CrossEntropyLoss(ignore_index=-1)
optimizer = torch.optim.Adam(model.parameters())
if cuda:
model = model.cuda()
best_valid_loss = float('inf')
last_epoch_to_improve = 0
best_model = model
model_filename = f"models/{args.dataset}_{args.model}" if not args.name else args.name
if args.model == 'intent':
for epoch in range(0, args.epochs):
start_time = time.time()
train_loss, train_acc = util.train_intent(model, train, criterion, optimizer, cuda)
valid_loss, valid_acc = util.valid_intent(model, valid, criterion, cuda)
end_time = time.time()
elapsed_time = end_time - start_time
print(f"Epoch {epoch + 1:03} took {elapsed_time:.3f} seconds")
print(f"\tTrain Loss: {train_loss:.5f}, Acc: {train_acc:.5f}")
print(f"\tValid Loss: {valid_loss:.5f}, Acc: {valid_acc:.5f}")
if valid_loss < best_valid_loss:
last_epoch_to_improve = epoch
best_valid_loss = valid_loss
best_model = copy.deepcopy(model)
torch.save(model.state_dict(), model_filename)
print("\tNew best valid loss!")
if last_epoch_to_improve + args.patience < epoch:
break
_, test_acc = util.valid_intent(best_model, test, criterion, cuda)
print(f"Test Acc: {test_acc:.5f}")
elif args.model == 'slot':
for epoch in range(0, args.epochs):
start_time = time.time()
train_loss, train_f1 = util.train_slot(model, train, criterion, optimizer, cuda)
valid_loss, valid_f1 = util.valid_slot(model, valid, criterion, cuda)
end_time = time.time()
elapsed_time = end_time - start_time
print(f"Epoch {epoch + 1:03} took {elapsed_time:.3f} seconds")
print(f"\tTrain Loss: {train_loss:.5f}, F1: {train_f1:.5f}")
print(f"\tValid Loss: {valid_loss:.5f}, F1: {valid_f1:.5f}")
if valid_loss < best_valid_loss:
last_epoch_to_improve = epoch
best_valid_loss = valid_loss
best_model = copy.deepcopy(model)
torch.save(model.state_dict(), model_filename)
print("\tNew best valid loss!")
if last_epoch_to_improve + args.patience < epoch:
break
_, test_f1 = util.valid_slot(best_model, test, criterion, cuda)
print(f"Test F1: {test_f1:.5f}")
elif args.model == 'joint':
for epoch in range(0, args.epochs):
start_time = time.time()
train_loss, (intent_train_loss, intent_train_acc), (slot_train_loss, slot_train_f1) = util.train_joint(model, train, criterion, optimizer, cuda, args.alpha)
valid_loss, (intent_valid_loss, intent_valid_acc), (slot_valid_loss, slot_valid_f1) = util.valid_joint(model, valid, criterion, cuda, args.alpha)
end_time = time.time()
elapsed_time = end_time - start_time
print(f"Epoch {epoch + 1:03} took {elapsed_time:.3f} seconds")
print(f"\tTrain Loss: {train_loss:.5f}, (Intent Loss: {intent_train_loss:.5f}, Acc: {intent_train_acc:.5f}), (Slot Loss: {slot_train_loss:.5f}, F1: {slot_train_f1:.5f})")
print(f"\tValid Loss: {valid_loss:.5f}, (Intent Loss: {intent_valid_loss:.5f}, Acc: {intent_valid_acc:.5f}), (Slot Loss: {slot_valid_loss:.5f}, F1: {slot_valid_f1:.5f})")
if valid_loss < best_valid_loss:
last_epoch_to_improve = epoch
best_valid_loss = valid_loss
best_model = copy.deepcopy(model)
torch.save(model.state_dict(), model_filename)
print("\tNew best valid loss!")
if last_epoch_to_improve + args.patience < epoch:
break
_, (_, intent_test_acc), (_, slot_test_f1) = util.valid_joint(best_model, test, criterion, cuda, args.alpha)
print(f"Test Intent Acc: {intent_test_acc:.5f}, Slot F1: {slot_test_f1:.5f}")

+ 356
- 0
util.py View File

@ -0,0 +1,356 @@
import random
import torch
import torch.nn as nn
import torch.nn.functional as F
import numpy as np
from sklearn.metrics import accuracy_score
from seqeval.metrics import f1_score
import models
kernel_size = 5
def load_model(model_name, num_words, num_intent, num_slot, dropout, wordvecs=None, embedding_dim=100, filter_count=300):
if model_name == 'intent':
model = models.CNNIntent(num_words, embedding_dim, num_intent, (filter_count,), kernel_size, dropout, wordvecs)
elif model_name == 'slot':
model = models.CNNSlot(num_words, embedding_dim, num_slot, (filter_count,), kernel_size, dropout, wordvecs)
elif model_name == 'joint':
model = models.CNNJoint(num_words, embedding_dim, num_intent, num_slot, (filter_count,), kernel_size, dropout, wordvecs)
return model
def rep(seed=None):
if not seed:
seed = random.randint(0, 10000)
torch.manual_seed(seed)
np.random.seed(seed)
# CUDA
torch.backends.cudnn.deterministic = True
torch.backends.cudnn.benchmark = False
return seed
def train_intent(model, iter, criterion, optimizer, cuda):
model.train()
epoch_loss = 0
true_intents = []
pred_intents = []
for i, batch in enumerate(iter):
optimizer.zero_grad()
query = batch[0]
true_intent = batch[1]
if cuda:
query = query.cuda()
true_intent = true_intent.cuda()
pred_intent = model(query)
true_intents += true_intent.tolist()
pred_intents += pred_intent.max(1)[1].tolist()
loss = criterion(pred_intent, true_intent)
loss.backward()
optimizer.step()
epoch_loss += loss.item()
return epoch_loss / len(iter), accuracy_score(true_intents, pred_intents)
def distill_intent(teacher, student, temperature, iter, criterion, optimizer, cuda):
teacher.eval()
student.train()
true_intents = []
pred_intents = []
epoch_loss = 0
for i, batch in enumerate(iter):
optimizer.zero_grad()
query = batch[0]
true_intent = batch[1]
if cuda:
query = query.cuda()
true_intent = true_intent.cuda()
with torch.no_grad():
teacher_pred_intent = teacher(query)
student_pred_intent = student(query)
true_intents += true_intent.tolist()
pred_intents += student_pred_intent.max(1)[1].tolist()
loss = criterion(F.log_softmax(student_pred_intent / temperature, dim=-1), F.softmax(teacher_pred_intent / temperature, dim=-1))
loss.backward()
optimizer.step()
epoch_loss += loss.item()
return epoch_loss / len(iter), accuracy_score(true_intents, pred_intents)
def valid_intent(model, iter, criterion, cuda):
model.eval()
epoch_loss = 0
true_intents = []
pred_intents = []
for i, batch in enumerate(iter):
query = batch[0]
true_intent = batch[1]
if cuda:
query = query.cuda()
true_intent = true_intent.cuda()
pred_intent = model(query)
true_intents += true_intent.tolist()
pred_intents += pred_intent.max(1)[1].tolist()
loss = criterion(pred_intent, true_intent)
epoch_loss += loss.item()
return epoch_loss / len(iter), accuracy_score(true_intents, pred_intents)
def train_slot(model, iter, criterion, optimizer, cuda):
model.train()
epoch_loss = 0
true_history = []
pred_history = []
for i, batch in enumerate(iter):
optimizer.zero_grad()
query = batch[0]
true_slots = batch[2]
true_length = batch[3]
if cuda:
query = query.cuda()
true_slots = true_slots.cuda()
pred_slots = model(query).permute(0, 2, 1) # batch * slots * seq len
true_history += [str(item) for batch_num, sublist in enumerate(true_slots.tolist()) for item in sublist[1:true_length[batch_num].item() + 1]]
pred_history += [str(item) for batch_num, sublist in enumerate(pred_slots.max(1)[1].tolist()) for item in sublist[1:true_length[batch_num].item() + 1]]
loss = criterion(pred_slots, true_slots)
loss.backward()
optimizer.step()
epoch_loss += loss.item()
return epoch_loss / len(iter), f1_score(true_history, pred_history)
def distill_slot(teacher, student, temperature, iter, criterion, optimizer, cuda):
teacher.eval()
student.train()
true_history = []
pred_history = []
epoch_loss = 0
for i, batch in enumerate(iter):
optimizer.zero_grad()
query = batch[0]
true_slots = batch[2]
true_length = batch[3]
if cuda:
query = query.cuda()
true_slots = true_slots.cuda()
true_length = true_length.cuda()
with torch.no_grad():
teacher_pred_slot = teacher(query).permute(0, 2, 1) # batch * slot * seq len
student_pred_slot = student(query).permute(0, 2, 1)
true_history += [str(item) for batch_num, sublist in enumerate(true_slots.tolist()) for item in sublist[1:true_length[batch_num].item() + 1]]
pred_history += [str(item) for batch_num, sublist in enumerate(student_pred_slot.max(1)[1].tolist()) for item in sublist[1:true_length[batch_num].item() + 1]]
loss = criterion(F.log_softmax(student_pred_slot / temperature, dim=1), F.softmax(teacher_pred_slot / temperature, dim=1))
loss.backward()
optimizer.step()
epoch_loss += loss.item()
return epoch_loss / len(iter), f1_score(true_history, pred_history)
def valid_slot(model, iter, criterion, cuda):
model.eval()
epoch_loss = 0
true_history = []
pred_history = []
for i, batch in enumerate(iter):
query = batch[0]
true_slots = batch[2]
true_length = batch[3]
if cuda:
query = query.cuda()
true_slots = true_slots.cuda()
pred_slots = model(query).permute(0, 2, 1) # batch * slots * seq len
true_history += [str(item) for batch_num, sublist in enumerate(true_slots.tolist()) for item in sublist[1:true_length[batch_num].item() + 1]]
pred_history += [str(item) for batch_num, sublist in enumerate(pred_slots.max(1)[1].tolist()) for item in sublist[1:true_length[batch_num].item() + 1]]
loss = criterion(pred_slots, true_slots)
epoch_loss += loss.item()
return epoch_loss / len(iter), f1_score(true_history, pred_history)
def train_joint(model, iter, criterion, optimizer, cuda, alpha):
model.train()
epoch_loss = 0
epoch_intent_loss = 0
true_intents = []
pred_intents = []
epoch_slot_loss = 0
true_history = []
pred_history = []
for i, batch in enumerate(iter):
optimizer.zero_grad()
query = batch[0]
true_intent = batch[1]
true_slots = batch[2]
true_length = batch[3]
if cuda:
query = query.cuda()
true_intent = true_intent.cuda()
true_slots = true_slots.cuda()
true_length = true_length.cuda()
pred_intent, pred_slots = model(query)
true_intents += true_intent.tolist()
pred_intents += pred_intent.max(1)[1].tolist()
intent_loss = criterion(pred_intent, true_intent)
epoch_intent_loss += intent_loss
#pred_slots.permute(0, 2, 1)
true_history += [str(item) for batch_num, sublist in enumerate(true_slots.tolist()) for item in sublist[1:true_length[batch_num].item() + 1]]
pred_history += [str(item) for batch_num, sublist in enumerate(pred_slots.max(1)[1].tolist()) for item in sublist[1:true_length[batch_num].item() + 1]]
slot_loss = criterion(pred_slots, true_slots)
epoch_slot_loss += slot_loss
loss = alpha * intent_loss + (1 - alpha) * slot_loss
loss.backward()
optimizer.step()
epoch_loss += loss.item()
return (epoch_loss / len(iter),
(epoch_intent_loss / len(iter), accuracy_score(true_intents, pred_intents)),
(epoch_slot_loss / len(iter), f1_score(true_history, pred_history)))
def distill_joint(teacher, student, temperature, iter, criterion, optimizer, cuda, alpha):
teacher.eval()
student.train()
epoch_loss = 0
epoch_intent_loss = 0
true_intents = []
pred_intents = []
epoch_slot_loss = 0
true_history = []
pred_history = []
for i, batch in enumerate(iter):
optimizer.zero_grad()
query = batch[0]
true_intent = batch[1]
true_slots = batch[2]
true_length = batch[3]
if cuda:
query = query.cuda()
true_intent = true_intent.cuda()
true_slots = true_slots.cuda()
true_length = true_length.cuda()
with torch.no_grad():
teacher_pred_intent, teacher_pred_slot = teacher(query)
student_pred_intent, student_pred_slot = student(query)
true_intents += true_intent.tolist()
pred_intents += student_pred_intent.max(1)[1].tolist()
intent_loss = criterion(F.log_softmax(student_pred_intent / temperature, dim=-1), F.softmax(teacher_pred_intent / temperature, dim=-1))
epoch_intent_loss += intent_loss
true_history += [str(item) for batch_num, sublist in enumerate(true_slots.tolist()) for item in sublist[1:true_length[batch_num].item() + 1]]
pred_history += [str(item) for batch_num, sublist in enumerate(student_pred_slot.max(1)[1].tolist()) for item in sublist[1:true_length[batch_num].item() + 1]]
slot_loss = criterion(F.log_softmax(student_pred_slot / temperature, dim=1), F.softmax(teacher_pred_slot / temperature, dim=1))
epoch_slot_loss += slot_loss
loss = alpha * intent_loss + (1 - alpha) * slot_loss
loss.backward()
optimizer.step()
epoch_loss += loss.item()
return (epoch_loss / len(iter),
(epoch_intent_loss / len(iter), accuracy_score(true_intents, pred_intents)),
(epoch_slot_loss / len(iter), f1_score(true_history, pred_history)))
def valid_joint(model, iter, criterion, cuda, alpha):
model.eval()
epoch_loss = 0
epoch_intent_loss = 0
true_intents = []
pred_intents = []
epoch_slot_loss = 0
true_history = []
pred_history = []
for i, batch in enumerate(iter):
query = batch[0]
true_intent = batch[1]
true_slots = batch[2]
true_length = batch[3]
if cuda:
query = query.cuda()
true_intent = true_intent.cuda()
true_slots = true_slots.cuda()
true_length = true_length.cuda()
pred_intent, pred_slots = model(query)
true_intents += true_intent.tolist()
pred_intents += pred_intent.max(1)[1].tolist()
intent_loss = criterion(pred_intent, true_intent)
epoch_intent_loss += intent_loss
#pred_slots.permute(0, 2, 1)
true_history += [str(item) for batch_num, sublist in enumerate(true_slots.tolist()) for item in sublist[1:true_length[batch_num].item() + 1]]
pred_history += [str(item) for batch_num, sublist in enumerate(pred_slots.max(1)[1].tolist()) for item in sublist[1:true_length[batch_num].item() + 1]]
slot_loss = criterion(pred_slots, true_slots)
epoch_slot_loss += slot_loss
loss = alpha * intent_loss + (1 - alpha) * slot_loss
epoch_loss += loss.item()
return (epoch_loss / len(iter),
(epoch_intent_loss / len(iter), accuracy_score(true_intents, pred_intents)),
(epoch_slot_loss / len(iter), f1_score(true_history, pred_history)))

Loading…
Cancel
Save