from google.colab import drive
drive.mount('/content/gdrive')
import os
os.chdir('/content/gdrive/My Drive/finch/tensorflow2/semantic_parsing/tree_slu/main')
Drive already mounted at /content/gdrive; to attempt to forcibly remount, call drive.mount("/content/gdrive", force_remount=True).
%tensorflow_version 2.x
!pip install tensorflow-addons
Requirement already satisfied: tensorflow-addons in /usr/local/lib/python3.6/dist-packages (0.8.3) Requirement already satisfied: typeguard in /usr/local/lib/python3.6/dist-packages (from tensorflow-addons) (2.7.1)
from tensorflow_addons.optimizers.cyclical_learning_rate import ExponentialCyclicalLearningRate
import tensorflow as tf
import tensorflow_addons as tfa
import numpy as np
import pprint
import logging
import time
import nltk
print("TensorFlow Version", tf.__version__)
print('GPU Enabled:', tf.test.is_gpu_available())
TensorFlow Version 2.2.0-rc3 WARNING:tensorflow:From <ipython-input-3-2b388b520f02>:13: is_gpu_available (from tensorflow.python.framework.test_util) is deprecated and will be removed in a future version. Instructions for updating: Use `tf.config.list_physical_devices('GPU')` instead. GPU Enabled: True
# stream data from text files
def data_generator(f_path, params):
with open(f_path) as f:
print('Reading', f_path)
for line in f:
text_raw, text_tokenized, label = line.split('\t')
text_tokenized = text_tokenized.lower().split()
label = label.replace('[', '[ ').lower().split()
source = [params['tgt2idx'].get(w, len(params['tgt2idx'])) for w in text_tokenized]
target = [params['tgt2idx'].get(w, len(params['tgt2idx'])) for w in label]
target_in = [1] + target
target_out = target + [2]
yield (source, target_in, target_out)
def dataset(is_training, params):
_shapes = ([None], [None], [None])
_types = (tf.int32, tf.int32, tf.int32)
_pads = (0, 0, 0)
if is_training:
ds = tf.data.Dataset.from_generator(
lambda: data_generator(params['train_path'], params),
output_shapes = _shapes,
output_types = _types,)
ds = ds.shuffle(params['buffer_size'])
ds = ds.padded_batch(params['train_batch_size'], _shapes, _pads)
ds = ds.prefetch(tf.data.experimental.AUTOTUNE)
else:
ds = tf.data.Dataset.from_generator(
lambda: data_generator(params['test_path'], params),
output_shapes = _shapes,
output_types = _types,)
ds = ds.padded_batch(params['eval_batch_size'], _shapes, _pads)
ds = ds.prefetch(tf.data.experimental.AUTOTUNE)
return ds
class Embed(tf.keras.Model):
def __init__(self):
super().__init__()
self.embedding = tf.Variable(np.load('../vocab/word.npy'),
dtype=tf.float32,
name='pretrained_embedding')
def call(self, inputs):
if inputs.dtype != tf.int32:
inputs = tf.cast(inputs, tf.int32)
x = tf.nn.embedding_lookup(self.embedding, inputs)
return x
class Encoder(tf.keras.Model):
def __init__(self, params):
super().__init__()
self.dropout = tf.keras.layers.Dropout(params['dropout_rate'])
self.bilstm = tf.keras.layers.Bidirectional(tf.keras.layers.LSTM(
params['rnn_units'], return_state=True, return_sequences=True, zero_output_for_mask=True))
self.state_fc = tf.keras.layers.Dense(params['rnn_units'], params['activation'], name='state_fc')
def call(self, inputs, mask, training):
if mask.dtype != tf.bool:
mask = tf.cast(mask, tf.bool)
x = self.dropout(inputs, training=training)
encoder_o, state_fw_h, state_fw_c, state_bw_h, state_bw_c = self.bilstm(x, mask=mask)
encoder_s = [
self.state_fc(tf.concat((state_fw_h, state_bw_h), -1)),
self.state_fc(tf.concat((state_fw_c, state_bw_c), -1)),]
return encoder_o, encoder_s
class TiedDense(tf.keras.layers.Layer):
def __init__(self, tied_embed, out_dim):
super().__init__()
self.tied_embed = tied_embed
self.out_dim = out_dim
def build(self, input_shape):
self.bias = self.add_weight(name='bias',
shape=[self.out_dim],
trainable=True)
super().build(input_shape)
def call(self, inputs):
x = tf.matmul(inputs, self.tied_embed, transpose_b=True)
x = tf.nn.bias_add(x, self.bias)
return x
def compute_output_shape(self, input_shape):
return input_shape[:-1].concatenate(self.out_dim)
class Model(tf.keras.Model):
def __init__(self, params):
super().__init__()
self.embed = Embed()
self.encoder = Encoder(params)
self.dropout = tf.keras.layers.Dropout(params['dropout_rate'])
self.attn = tfa.seq2seq.BahdanauAttention(params['rnn_units'])
self.decoder_cell = tfa.seq2seq.AttentionWrapper(
tf.keras.layers.LSTMCell(params['rnn_units']),
self.attn,
attention_layer_size=params['rnn_units'])
self.proj_layer = TiedDense(self.embed.embedding, len(params['tgt2idx'])+1)
self.teach_forcing = tfa.seq2seq.BasicDecoder(
self.decoder_cell,
tfa.seq2seq.sampler.TrainingSampler(),
output_layer = self.proj_layer)
self.beam_search = tfa.seq2seq.BeamSearchDecoder(
self.decoder_cell,
beam_width = params['beam_width'],
embedding_fn = lambda x: self.embed(x),
output_layer = self.proj_layer,
maximum_iterations = 80,)
def call(self, inputs, training=True):
if training:
source, target_in = inputs
else:
source = inputs
batch_sz = tf.shape(source)[0]
encoder_o, encoder_s = self.encoder(self.embed(source), mask=tf.sign(source), training=training)
if training:
self.attn([encoder_o, tf.math.count_nonzero(source, 1)], setup_memory=True)
attn_state = self.decoder_cell.get_initial_state(batch_size=batch_sz, dtype=tf.float32)
attn_state = attn_state.clone(cell_state=encoder_s)
decoder_o, _, _ = self.teach_forcing(
inputs = self.dropout(self.embed(target_in), training=training),
initial_state = attn_state,
sequence_length = tf.math.count_nonzero(target_in, 1, dtype=tf.int32))
logits_or_ids = decoder_o.rnn_output
else:
encoder_o_t = tfa.seq2seq.tile_batch(encoder_o, params['beam_width'])
encoder_len_t = tfa.seq2seq.tile_batch(tf.math.count_nonzero(source, 1), params['beam_width'])
encoder_s_t = tfa.seq2seq.tile_batch(encoder_s, params['beam_width'])
self.attn([encoder_o_t, encoder_len_t], setup_memory=True)
attn_state = self.decoder_cell.get_initial_state(batch_size=batch_sz*params['beam_width'], dtype=tf.float32)
attn_state = attn_state.clone(cell_state=encoder_s_t)
decoder_o, _, _ = self.beam_search(
None,
start_tokens = tf.tile(tf.constant([1], tf.int32), [batch_sz]),
end_token = 2,
initial_state = attn_state,)
logits_or_ids = decoder_o.predicted_ids[:, :, 0]
return logits_or_ids
def get_vocab(f_path):
word2idx = {}
with open(f_path) as f:
for i, line in enumerate(f):
line = line.rstrip()
word2idx[line] = i
return word2idx
params = {
'train_path': '../data/train.tsv',
'test_path': '../data/test.tsv',
'vocab_src_path': '../vocab/source.txt',
'vocab_tgt_path': '../vocab/target.txt',
'model_path': '../model/',
'dropout_rate': .2,
'rnn_units': 300,
'embed_dim': 300,
'activation': tf.nn.elu,
'beam_width': 10,
'init_lr': 1e-4,
'max_lr': 8e-4,
'clip_norm': .1,
'buffer_size': 31279,
'train_batch_size': 32,
'eval_batch_size': 128,
'num_patience': 10,
}
params['tgt2idx'] = get_vocab(params['vocab_tgt_path'])
params['idx2tgt'] = {idx: tgt for tgt, idx in params['tgt2idx'].items()}
model = Model(params)
model.build(input_shape=[[None, None], [None, None]])
pprint.pprint([(v.name, v.shape) for v in model.trainable_variables])
[('pretrained_embedding:0', TensorShape([8692, 300])), ('encoder/bidirectional/forward_lstm/lstm_cell_1/kernel:0', TensorShape([300, 1200])), ('encoder/bidirectional/forward_lstm/lstm_cell_1/recurrent_kernel:0', TensorShape([300, 1200])), ('encoder/bidirectional/forward_lstm/lstm_cell_1/bias:0', TensorShape([1200])), ('encoder/bidirectional/backward_lstm/lstm_cell_2/kernel:0', TensorShape([300, 1200])), ('encoder/bidirectional/backward_lstm/lstm_cell_2/recurrent_kernel:0', TensorShape([300, 1200])), ('encoder/bidirectional/backward_lstm/lstm_cell_2/bias:0', TensorShape([1200])), ('encoder/state_fc/kernel:0', TensorShape([600, 300])), ('encoder/state_fc/bias:0', TensorShape([300])), ('BahdanauAttention/attention_v:0', TensorShape([300])), ('attention_wrapper/BahdanauAttention/kernel:0', TensorShape([300, 300])), ('BahdanauAttention/kernel:0', TensorShape([600, 300])), ('attention_wrapper/attention_layer/kernel:0', TensorShape([900, 300])), ('attention_wrapper/lstm_cell_3/kernel:0', TensorShape([600, 1200])), ('attention_wrapper/lstm_cell_3/recurrent_kernel:0', TensorShape([300, 1200])), ('attention_wrapper/lstm_cell_3/bias:0', TensorShape([1200])), ('tied_dense/bias:0', TensorShape([8692]))]
decay_lr = ExponentialCyclicalLearningRate(
initial_learning_rate=params['init_lr'],
maximal_learning_rate=params['max_lr'],
step_size=4*params['buffer_size']//params['train_batch_size'],)
optim = tf.optimizers.Adam(params['init_lr'])
global_step = 0
best_acc = .0
count = 0
t0 = time.time()
logger = logging.getLogger('tensorflow')
logger.propagate = False
logger.setLevel(logging.INFO)
def minimal_test(model, params):
test_str = ['what', 'times', 'are', 'the', 'nutcracker', 'show', 'playing', 'near', 'me']
test_arr = tf.convert_to_tensor([[params['tgt2idx'][w] for w in test_str]])
generated = model(inputs=test_arr, training=False)
print('-'*12)
print('minimal test')
print('utterance:', ' '.join(test_str))
parsed = ' '.join([params['idx2tgt'][idx] for idx in generated[0].numpy() if (idx != 0 and idx != 2)])
print('parsed:', parsed)
print()
try:
nltk.tree.Tree.fromstring(parsed.replace('[ ', '(').replace(' ]', ')')).pretty_print()
except:
pass
print('-'*12)
while True:
# TRAINING
is_training = True
for i, (source, target_in, target_out) in enumerate(dataset(is_training=is_training, params=params)):
with tf.GradientTape() as tape:
logits_or_ids = model((source, target_in), training=is_training)
loss = tf.compat.v1.losses.softmax_cross_entropy(
onehot_labels = tf.one_hot(target_out, len(params['tgt2idx'])+1),
logits = logits_or_ids,
weights = tf.cast(tf.sign(target_out), tf.float32),
label_smoothing = .2)
variables = model.trainable_variables
optim.lr.assign(decay_lr(global_step))
grads = tape.gradient(loss, variables)
grads, _ = tf.clip_by_global_norm(grads, params['clip_norm'])
optim.apply_gradients(zip(grads, variables))
if global_step % 50 == 0:
logger.info("Step {} | Loss: {:.4f} | Spent: {:.1f} secs | LR: {:.6f}".format(
global_step, loss.numpy().item(), time.time()-t0, optim.lr.numpy().item()))
t0 = time.time()
global_step += 1
# EVALUATION
is_training = False
minimal_test(model, params)
m = tf.keras.metrics.Mean()
parse_fn = lambda x: [e for e in x if (e != 0 and e != 2)]
for i, (source, target_in, target_out) in enumerate(dataset(is_training=is_training, params=params)):
generated = model(inputs=source, training=is_training)
for pred, tgt in zip(generated.numpy(), target_out.numpy()):
matched = np.array_equal(parse_fn(pred), parse_fn(tgt))
m.update_state(int(matched))
acc = m.result().numpy()
logger.info("Evaluation: Testing EM: {:.3f}".format(acc))
if acc > best_acc:
best_acc = acc
count = 0
else:
count += 1
logger.info("Best EM: {:.3f}".format(best_acc))
if count == params['num_patience']:
print(params['num_patience'], "times not improve the best result, therefore stop training")
break
Reading ../data/train.tsv INFO:tensorflow:Step 0 | Loss: 8.9311 | Spent: 15.6 secs | LR: 0.000100 INFO:tensorflow:Step 50 | Loss: 6.1842 | Spent: 22.1 secs | LR: 0.000109 INFO:tensorflow:Step 100 | Loss: 5.6022 | Spent: 22.8 secs | LR: 0.000118 INFO:tensorflow:Step 150 | Loss: 4.9817 | Spent: 21.6 secs | LR: 0.000127 INFO:tensorflow:Step 200 | Loss: 4.6414 | Spent: 23.7 secs | LR: 0.000136 INFO:tensorflow:Step 250 | Loss: 4.4588 | Spent: 22.5 secs | LR: 0.000145 INFO:tensorflow:Step 300 | Loss: 4.5149 | Spent: 22.8 secs | LR: 0.000154 INFO:tensorflow:Step 350 | Loss: 4.1099 | Spent: 21.0 secs | LR: 0.000163 INFO:tensorflow:Step 400 | Loss: 4.0889 | Spent: 21.8 secs | LR: 0.000172 INFO:tensorflow:Step 450 | Loss: 4.0253 | Spent: 23.5 secs | LR: 0.000181 INFO:tensorflow:Step 500 | Loss: 3.7661 | Spent: 21.6 secs | LR: 0.000190 INFO:tensorflow:Step 550 | Loss: 3.6650 | Spent: 22.3 secs | LR: 0.000198 INFO:tensorflow:Step 600 | Loss: 3.6460 | Spent: 21.6 secs | LR: 0.000207 INFO:tensorflow:Step 650 | Loss: 3.5861 | Spent: 21.2 secs | LR: 0.000216 INFO:tensorflow:Step 700 | Loss: 3.6209 | Spent: 22.3 secs | LR: 0.000225 INFO:tensorflow:Step 750 | Loss: 3.4799 | Spent: 21.6 secs | LR: 0.000234 INFO:tensorflow:Step 800 | Loss: 3.5453 | Spent: 21.3 secs | LR: 0.000243 INFO:tensorflow:Step 850 | Loss: 3.2477 | Spent: 22.1 secs | LR: 0.000252 INFO:tensorflow:Step 900 | Loss: 3.2967 | Spent: 21.5 secs | LR: 0.000261 INFO:tensorflow:Step 950 | Loss: 3.1771 | Spent: 22.7 secs | LR: 0.000270 ------------ minimal test utterance: what times are the nutcracker show playing near me parsed: [ in:get_event what time are the [ sl:location nutcracker show ] [ sl:date_time playing ] [ sl:location [ in:get_location [ sl:search_radius near ] ] ] ] in:get_event _________________|_______________________________________________________ | | | | | | sl:location | | | | | | | | | | | | | in:get_location | | | | | | | | | | | sl:location sl:date_time sl:search_radius | | | | ___________|_______ | | what time are the nutcracker show playing near ------------ Reading ../data/test.tsv INFO:tensorflow:Evaluation: Testing EM: 0.115 INFO:tensorflow:Best EM: 0.115 Reading ../data/train.tsv INFO:tensorflow:Step 1000 | Loss: 3.3968 | Spent: 167.4 secs | LR: 0.000279 INFO:tensorflow:Step 1050 | Loss: 3.0195 | Spent: 21.2 secs | LR: 0.000288 INFO:tensorflow:Step 1100 | Loss: 2.9976 | Spent: 21.6 secs | LR: 0.000297 INFO:tensorflow:Step 1150 | Loss: 2.9960 | Spent: 21.9 secs | LR: 0.000306 INFO:tensorflow:Step 1200 | Loss: 3.0892 | Spent: 21.6 secs | LR: 0.000315 INFO:tensorflow:Step 1250 | Loss: 2.9465 | Spent: 21.4 secs | LR: 0.000324 INFO:tensorflow:Step 1300 | Loss: 2.9528 | Spent: 21.2 secs | LR: 0.000333 INFO:tensorflow:Step 1350 | Loss: 2.9703 | Spent: 21.0 secs | LR: 0.000342 INFO:tensorflow:Step 1400 | Loss: 2.8736 | Spent: 21.5 secs | LR: 0.000351 INFO:tensorflow:Step 1450 | Loss: 3.0001 | Spent: 21.8 secs | LR: 0.000360 INFO:tensorflow:Step 1500 | Loss: 3.0549 | Spent: 21.5 secs | LR: 0.000369 INFO:tensorflow:Step 1550 | Loss: 2.8442 | Spent: 21.7 secs | LR: 0.000378 INFO:tensorflow:Step 1600 | Loss: 2.8264 | Spent: 21.3 secs | LR: 0.000387 INFO:tensorflow:Step 1650 | Loss: 2.7400 | Spent: 20.9 secs | LR: 0.000395 INFO:tensorflow:Step 1700 | Loss: 2.7917 | Spent: 20.7 secs | LR: 0.000404 INFO:tensorflow:Step 1750 | Loss: 2.7420 | Spent: 22.1 secs | LR: 0.000413 INFO:tensorflow:Step 1800 | Loss: 2.6783 | Spent: 21.2 secs | LR: 0.000422 INFO:tensorflow:Step 1850 | Loss: 2.7636 | Spent: 21.2 secs | LR: 0.000431 INFO:tensorflow:Step 1900 | Loss: 2.7380 | Spent: 22.1 secs | LR: 0.000440 INFO:tensorflow:Step 1950 | Loss: 2.8155 | Spent: 21.9 secs | LR: 0.000449 ------------ minimal test utterance: what times are the nutcracker show playing near me parsed: [ in:get_event what times are the nutcracker show playing near me ] in:get_event ______________________|__________________________ what times are the nutcracker show playing near me ------------ Reading ../data/test.tsv INFO:tensorflow:Evaluation: Testing EM: 0.436 INFO:tensorflow:Best EM: 0.436 Reading ../data/train.tsv INFO:tensorflow:Step 2000 | Loss: 2.6276 | Spent: 172.5 secs | LR: 0.000458 INFO:tensorflow:Step 2050 | Loss: 2.6713 | Spent: 21.4 secs | LR: 0.000467 INFO:tensorflow:Step 2100 | Loss: 2.6842 | Spent: 20.9 secs | LR: 0.000476 INFO:tensorflow:Step 2150 | Loss: 2.6747 | Spent: 21.1 secs | LR: 0.000485 INFO:tensorflow:Step 2200 | Loss: 2.6105 | Spent: 21.6 secs | LR: 0.000494 INFO:tensorflow:Step 2250 | Loss: 2.6687 | Spent: 21.3 secs | LR: 0.000503 INFO:tensorflow:Step 2300 | Loss: 2.5524 | Spent: 21.2 secs | LR: 0.000512 INFO:tensorflow:Step 2350 | Loss: 2.5493 | Spent: 22.1 secs | LR: 0.000521 INFO:tensorflow:Step 2400 | Loss: 2.5027 | Spent: 21.3 secs | LR: 0.000530 INFO:tensorflow:Step 2450 | Loss: 2.5642 | Spent: 21.6 secs | LR: 0.000539 INFO:tensorflow:Step 2500 | Loss: 2.5276 | Spent: 21.5 secs | LR: 0.000548 INFO:tensorflow:Step 2550 | Loss: 2.5371 | Spent: 21.7 secs | LR: 0.000557 INFO:tensorflow:Step 2600 | Loss: 2.5557 | Spent: 21.3 secs | LR: 0.000566 INFO:tensorflow:Step 2650 | Loss: 2.4885 | Spent: 21.1 secs | LR: 0.000575 INFO:tensorflow:Step 2700 | Loss: 2.6464 | Spent: 20.9 secs | LR: 0.000583 INFO:tensorflow:Step 2750 | Loss: 2.5262 | Spent: 21.5 secs | LR: 0.000592 INFO:tensorflow:Step 2800 | Loss: 2.4980 | Spent: 21.5 secs | LR: 0.000601 INFO:tensorflow:Step 2850 | Loss: 2.5096 | Spent: 20.8 secs | LR: 0.000610 INFO:tensorflow:Step 2900 | Loss: 2.5100 | Spent: 21.2 secs | LR: 0.000619 ------------ minimal test utterance: what times are the nutcracker show playing near me parsed: [ in:unsupported what times are the nutcracker show playing near me ] in:unsupported _______________________|___________________________ what times are the nutcracker show playing near me ------------ Reading ../data/test.tsv INFO:tensorflow:Evaluation: Testing EM: 0.561 INFO:tensorflow:Best EM: 0.561 Reading ../data/train.tsv INFO:tensorflow:Step 2950 | Loss: 2.5117 | Spent: 171.3 secs | LR: 0.000628 INFO:tensorflow:Step 3000 | Loss: 2.5492 | Spent: 21.2 secs | LR: 0.000637 INFO:tensorflow:Step 3050 | Loss: 2.4878 | Spent: 21.5 secs | LR: 0.000646 INFO:tensorflow:Step 3100 | Loss: 2.5425 | Spent: 21.3 secs | LR: 0.000655 INFO:tensorflow:Step 3150 | Loss: 2.4586 | Spent: 21.3 secs | LR: 0.000664 INFO:tensorflow:Step 3200 | Loss: 2.5240 | Spent: 21.4 secs | LR: 0.000673 INFO:tensorflow:Step 3250 | Loss: 2.4603 | Spent: 21.8 secs | LR: 0.000682 INFO:tensorflow:Step 3300 | Loss: 2.4707 | Spent: 20.9 secs | LR: 0.000691 INFO:tensorflow:Step 3350 | Loss: 2.4419 | Spent: 22.7 secs | LR: 0.000700 INFO:tensorflow:Step 3400 | Loss: 2.4727 | Spent: 21.1 secs | LR: 0.000709 INFO:tensorflow:Step 3450 | Loss: 2.5017 | Spent: 21.8 secs | LR: 0.000718 INFO:tensorflow:Step 3500 | Loss: 2.4495 | Spent: 22.3 secs | LR: 0.000727 INFO:tensorflow:Step 3550 | Loss: 2.4709 | Spent: 21.7 secs | LR: 0.000736 INFO:tensorflow:Step 3600 | Loss: 2.4798 | Spent: 21.6 secs | LR: 0.000745 INFO:tensorflow:Step 3650 | Loss: 2.4529 | Spent: 21.5 secs | LR: 0.000754 INFO:tensorflow:Step 3700 | Loss: 2.4668 | Spent: 21.8 secs | LR: 0.000763 INFO:tensorflow:Step 3750 | Loss: 2.4798 | Spent: 21.7 secs | LR: 0.000772 INFO:tensorflow:Step 3800 | Loss: 2.4363 | Spent: 20.9 secs | LR: 0.000780 INFO:tensorflow:Step 3850 | Loss: 2.4644 | Spent: 22.3 secs | LR: 0.000789 INFO:tensorflow:Step 3900 | Loss: 2.4728 | Spent: 21.6 secs | LR: 0.000798 ------------ minimal test utterance: what times are the nutcracker show playing near me parsed: [ in:get_event what times are [ sl:category_event the nutcracker show ] playing [ sl:location [ in:get_location [ sl:search_radius near ] [ sl:location_user me ] ] ] ] in:get_event __________________________|_____________________________________________________ | | | | | sl:location | | | | | | | | | | | in:get_location | | | | | ________________|_______________ | | | | sl:category_even sl:search_radius sl:location_user | | | | t | | | | | | ______________|__________ | | what times are playing the nutcracker show near me ------------ Reading ../data/test.tsv INFO:tensorflow:Evaluation: Testing EM: 0.648 INFO:tensorflow:Best EM: 0.648 Reading ../data/train.tsv INFO:tensorflow:Step 3950 | Loss: 2.4486 | Spent: 178.3 secs | LR: 0.000793 INFO:tensorflow:Step 4000 | Loss: 2.4474 | Spent: 21.4 secs | LR: 0.000784 INFO:tensorflow:Step 4050 | Loss: 2.4709 | Spent: 21.5 secs | LR: 0.000775 INFO:tensorflow:Step 4100 | Loss: 2.4214 | Spent: 21.5 secs | LR: 0.000766 INFO:tensorflow:Step 4150 | Loss: 2.4645 | Spent: 21.4 secs | LR: 0.000757 INFO:tensorflow:Step 4200 | Loss: 2.4090 | Spent: 21.7 secs | LR: 0.000748 INFO:tensorflow:Step 4250 | Loss: 2.4534 | Spent: 20.9 secs | LR: 0.000739 INFO:tensorflow:Step 4300 | Loss: 2.4195 | Spent: 21.1 secs | LR: 0.000730 INFO:tensorflow:Step 4350 | Loss: 2.4353 | Spent: 21.0 secs | LR: 0.000721 INFO:tensorflow:Step 4400 | Loss: 2.4376 | Spent: 21.7 secs | LR: 0.000712 INFO:tensorflow:Step 4450 | Loss: 2.4351 | Spent: 21.3 secs | LR: 0.000703 INFO:tensorflow:Step 4500 | Loss: 2.4597 | Spent: 21.4 secs | LR: 0.000694 INFO:tensorflow:Step 4550 | Loss: 2.4291 | Spent: 21.1 secs | LR: 0.000685 INFO:tensorflow:Step 4600 | Loss: 2.4042 | Spent: 21.7 secs | LR: 0.000676 INFO:tensorflow:Step 4650 | Loss: 2.4440 | Spent: 22.1 secs | LR: 0.000667 INFO:tensorflow:Step 4700 | Loss: 2.4347 | Spent: 20.2 secs | LR: 0.000658 INFO:tensorflow:Step 4750 | Loss: 2.4030 | Spent: 21.1 secs | LR: 0.000649 INFO:tensorflow:Step 4800 | Loss: 2.4182 | Spent: 20.7 secs | LR: 0.000640 INFO:tensorflow:Step 4850 | Loss: 2.3977 | Spent: 21.4 secs | LR: 0.000631 ------------ minimal test utterance: what times are the nutcracker show playing near me parsed: [ in:get_event what times are [ sl:category_event the nutcracker show ] playing [ sl:location [ in:get_location [ sl:search_radius near ] [ sl:location_user me ] ] ] ] in:get_event __________________________|_____________________________________________________ | | | | | sl:location | | | | | | | | | | | in:get_location | | | | | ________________|_______________ | | | | sl:category_even sl:search_radius sl:location_user | | | | t | | | | | | ______________|__________ | | what times are playing the nutcracker show near me ------------ Reading ../data/test.tsv INFO:tensorflow:Evaluation: Testing EM: 0.685 INFO:tensorflow:Best EM: 0.685 Reading ../data/train.tsv INFO:tensorflow:Step 4900 | Loss: 2.4061 | Spent: 155.5 secs | LR: 0.000623 INFO:tensorflow:Step 4950 | Loss: 2.4061 | Spent: 21.4 secs | LR: 0.000614 INFO:tensorflow:Step 5000 | Loss: 2.4095 | Spent: 21.5 secs | LR: 0.000605 INFO:tensorflow:Step 5050 | Loss: 2.3989 | Spent: 21.5 secs | LR: 0.000596 INFO:tensorflow:Step 5100 | Loss: 2.4122 | Spent: 21.7 secs | LR: 0.000587 INFO:tensorflow:Step 5150 | Loss: 2.4467 | Spent: 21.4 secs | LR: 0.000578 INFO:tensorflow:Step 5200 | Loss: 2.3916 | Spent: 20.8 secs | LR: 0.000569 INFO:tensorflow:Step 5250 | Loss: 2.4007 | Spent: 21.2 secs | LR: 0.000560 INFO:tensorflow:Step 5300 | Loss: 2.3913 | Spent: 21.7 secs | LR: 0.000551 INFO:tensorflow:Step 5350 | Loss: 2.3920 | Spent: 20.9 secs | LR: 0.000542 INFO:tensorflow:Step 5400 | Loss: 2.4219 | Spent: 21.0 secs | LR: 0.000533 INFO:tensorflow:Step 5450 | Loss: 2.4154 | Spent: 20.6 secs | LR: 0.000524 INFO:tensorflow:Step 5500 | Loss: 2.3987 | Spent: 21.7 secs | LR: 0.000515 INFO:tensorflow:Step 5550 | Loss: 2.3987 | Spent: 22.4 secs | LR: 0.000506 INFO:tensorflow:Step 5600 | Loss: 2.4496 | Spent: 22.3 secs | LR: 0.000497 INFO:tensorflow:Step 5650 | Loss: 2.4207 | Spent: 21.3 secs | LR: 0.000488 INFO:tensorflow:Step 5700 | Loss: 2.4028 | Spent: 21.7 secs | LR: 0.000479 INFO:tensorflow:Step 5750 | Loss: 2.3911 | Spent: 21.7 secs | LR: 0.000470 INFO:tensorflow:Step 5800 | Loss: 2.3929 | Spent: 21.0 secs | LR: 0.000461 INFO:tensorflow:Step 5850 | Loss: 2.3942 | Spent: 21.2 secs | LR: 0.000452 ------------ minimal test utterance: what times are the nutcracker show playing near me parsed: [ in:get_event what times are [ sl:category_event the nutcracker show playing ] [ sl:location [ in:get_location [ sl:search_radius near ] [ sl:location_user me ] ] ] ] in:get_event ________________________|______________________________________________ | | | | sl:location | | | | | | | | | in:get_location | | | | ________________|_______________ | | | sl:category_even sl:search_radius sl:location_user | | | t | | | | | _________|_________________ | | what times are the nutcracker show playing near me ------------ Reading ../data/test.tsv INFO:tensorflow:Evaluation: Testing EM: 0.701 INFO:tensorflow:Best EM: 0.701 Reading ../data/train.tsv INFO:tensorflow:Step 5900 | Loss: 2.4120 | Spent: 168.6 secs | LR: 0.000443 INFO:tensorflow:Step 5950 | Loss: 2.3945 | Spent: 21.1 secs | LR: 0.000435 INFO:tensorflow:Step 6000 | Loss: 2.3827 | Spent: 21.3 secs | LR: 0.000426 INFO:tensorflow:Step 6050 | Loss: 2.3849 | Spent: 21.6 secs | LR: 0.000417 INFO:tensorflow:Step 6100 | Loss: 2.3593 | Spent: 21.5 secs | LR: 0.000408 INFO:tensorflow:Step 6150 | Loss: 2.3779 | Spent: 21.9 secs | LR: 0.000399 INFO:tensorflow:Step 6200 | Loss: 2.3678 | Spent: 21.8 secs | LR: 0.000390 INFO:tensorflow:Step 6250 | Loss: 2.4246 | Spent: 21.9 secs | LR: 0.000381 INFO:tensorflow:Step 6300 | Loss: 2.3906 | Spent: 21.3 secs | LR: 0.000372 INFO:tensorflow:Step 6350 | Loss: 2.3678 | Spent: 22.2 secs | LR: 0.000363 INFO:tensorflow:Step 6400 | Loss: 2.3848 | Spent: 22.1 secs | LR: 0.000354 INFO:tensorflow:Step 6450 | Loss: 2.3761 | Spent: 22.0 secs | LR: 0.000345 INFO:tensorflow:Step 6500 | Loss: 2.3694 | Spent: 22.0 secs | LR: 0.000336 INFO:tensorflow:Step 6550 | Loss: 2.3602 | Spent: 22.1 secs | LR: 0.000327 INFO:tensorflow:Step 6600 | Loss: 2.3771 | Spent: 21.6 secs | LR: 0.000318 INFO:tensorflow:Step 6650 | Loss: 2.3674 | Spent: 22.0 secs | LR: 0.000309 INFO:tensorflow:Step 6700 | Loss: 2.3779 | Spent: 22.0 secs | LR: 0.000300 INFO:tensorflow:Step 6750 | Loss: 2.3815 | Spent: 21.7 secs | LR: 0.000291 INFO:tensorflow:Step 6800 | Loss: 2.3829 | Spent: 22.1 secs | LR: 0.000282 ------------ minimal test utterance: what times are the nutcracker show playing near me parsed: [ in:get_event what times are [ sl:category_event the nutcracker show playing ] [ sl:location [ in:get_location [ sl:search_radius near ] [ sl:location_user me ] ] ] ] in:get_event ________________________|______________________________________________ | | | | sl:location | | | | | | | | | in:get_location | | | | ________________|_______________ | | | sl:category_even sl:search_radius sl:location_user | | | t | | | | | _________|_________________ | | what times are the nutcracker show playing near me ------------ Reading ../data/test.tsv INFO:tensorflow:Evaluation: Testing EM: 0.718 INFO:tensorflow:Best EM: 0.718 Reading ../data/train.tsv INFO:tensorflow:Step 6850 | Loss: 2.3764 | Spent: 164.0 secs | LR: 0.000273 INFO:tensorflow:Step 6900 | Loss: 2.3665 | Spent: 21.0 secs | LR: 0.000264 INFO:tensorflow:Step 6950 | Loss: 2.3675 | Spent: 21.7 secs | LR: 0.000255 INFO:tensorflow:Step 7000 | Loss: 2.3875 | Spent: 21.2 secs | LR: 0.000246 INFO:tensorflow:Step 7050 | Loss: 2.3654 | Spent: 21.7 secs | LR: 0.000238 INFO:tensorflow:Step 7100 | Loss: 2.3705 | Spent: 21.9 secs | LR: 0.000229 INFO:tensorflow:Step 7150 | Loss: 2.3750 | Spent: 20.8 secs | LR: 0.000220 INFO:tensorflow:Step 7200 | Loss: 2.3644 | Spent: 22.6 secs | LR: 0.000211 INFO:tensorflow:Step 7250 | Loss: 2.3655 | Spent: 21.6 secs | LR: 0.000202 INFO:tensorflow:Step 7300 | Loss: 2.3649 | Spent: 21.5 secs | LR: 0.000193 INFO:tensorflow:Step 7350 | Loss: 2.3631 | Spent: 21.3 secs | LR: 0.000184 INFO:tensorflow:Step 7400 | Loss: 2.3650 | Spent: 21.0 secs | LR: 0.000175 INFO:tensorflow:Step 7450 | Loss: 2.3583 | Spent: 22.2 secs | LR: 0.000166 INFO:tensorflow:Step 7500 | Loss: 2.3868 | Spent: 21.8 secs | LR: 0.000157 INFO:tensorflow:Step 7550 | Loss: 2.3644 | Spent: 21.4 secs | LR: 0.000148 INFO:tensorflow:Step 7600 | Loss: 2.3678 | Spent: 21.7 secs | LR: 0.000139 INFO:tensorflow:Step 7650 | Loss: 2.3574 | Spent: 21.1 secs | LR: 0.000130 INFO:tensorflow:Step 7700 | Loss: 2.3606 | Spent: 20.9 secs | LR: 0.000121 INFO:tensorflow:Step 7750 | Loss: 2.3706 | Spent: 21.6 secs | LR: 0.000112 INFO:tensorflow:Step 7800 | Loss: 2.3841 | Spent: 21.6 secs | LR: 0.000103 ------------ minimal test utterance: what times are the nutcracker show playing near me parsed: [ in:get_event what times are [ sl:category_event the nutcracker show playing ] [ sl:location [ in:get_location [ sl:search_radius near ] [ sl:location_user me ] ] ] ] in:get_event ________________________|______________________________________________ | | | | sl:location | | | | | | | | | in:get_location | | | | ________________|_______________ | | | sl:category_even sl:search_radius sl:location_user | | | t | | | | | _________|_________________ | | what times are the nutcracker show playing near me ------------ Reading ../data/test.tsv INFO:tensorflow:Evaluation: Testing EM: 0.726 INFO:tensorflow:Best EM: 0.726 Reading ../data/train.tsv INFO:tensorflow:Step 7850 | Loss: 2.3640 | Spent: 172.9 secs | LR: 0.000106 INFO:tensorflow:Step 7900 | Loss: 2.3546 | Spent: 21.7 secs | LR: 0.000115 INFO:tensorflow:Step 7950 | Loss: 2.3635 | Spent: 22.0 secs | LR: 0.000124 INFO:tensorflow:Step 8000 | Loss: 2.3637 | Spent: 23.1 secs | LR: 0.000133 INFO:tensorflow:Step 8050 | Loss: 2.3567 | Spent: 21.0 secs | LR: 0.000142 INFO:tensorflow:Step 8100 | Loss: 2.3626 | Spent: 20.6 secs | LR: 0.000150 INFO:tensorflow:Step 8150 | Loss: 2.3608 | Spent: 22.3 secs | LR: 0.000159 INFO:tensorflow:Step 8200 | Loss: 2.3611 | Spent: 21.6 secs | LR: 0.000168 INFO:tensorflow:Step 8250 | Loss: 2.3544 | Spent: 21.8 secs | LR: 0.000177 INFO:tensorflow:Step 8300 | Loss: 2.3574 | Spent: 22.6 secs | LR: 0.000186 INFO:tensorflow:Step 8350 | Loss: 2.3683 | Spent: 21.9 secs | LR: 0.000195 INFO:tensorflow:Step 8400 | Loss: 2.3761 | Spent: 21.5 secs | LR: 0.000204 INFO:tensorflow:Step 8450 | Loss: 2.3753 | Spent: 21.8 secs | LR: 0.000213 INFO:tensorflow:Step 8500 | Loss: 2.3604 | Spent: 21.7 secs | LR: 0.000222 INFO:tensorflow:Step 8550 | Loss: 2.3604 | Spent: 21.8 secs | LR: 0.000231 INFO:tensorflow:Step 8600 | Loss: 2.3767 | Spent: 22.1 secs | LR: 0.000240 INFO:tensorflow:Step 8650 | Loss: 2.3629 | Spent: 22.3 secs | LR: 0.000249 INFO:tensorflow:Step 8700 | Loss: 2.3667 | Spent: 21.5 secs | LR: 0.000258 INFO:tensorflow:Step 8750 | Loss: 2.3709 | Spent: 21.7 secs | LR: 0.000267 INFO:tensorflow:Step 8800 | Loss: 2.3642 | Spent: 21.4 secs | LR: 0.000276 ------------ minimal test utterance: what times are the nutcracker show playing near me parsed: [ in:get_event what times are [ sl:category_event the nutcracker show playing ] [ sl:location [ in:get_location [ sl:search_radius near ] [ sl:location_user me ] ] ] ] in:get_event ________________________|______________________________________________ | | | | sl:location | | | | | | | | | in:get_location | | | | ________________|_______________ | | | sl:category_even sl:search_radius sl:location_user | | | t | | | | | _________|_________________ | | what times are the nutcracker show playing near me ------------ Reading ../data/test.tsv INFO:tensorflow:Evaluation: Testing EM: 0.721 INFO:tensorflow:Best EM: 0.726 Reading ../data/train.tsv INFO:tensorflow:Step 8850 | Loss: 2.3576 | Spent: 162.4 secs | LR: 0.000285 INFO:tensorflow:Step 8900 | Loss: 2.3654 | Spent: 20.9 secs | LR: 0.000294 INFO:tensorflow:Step 8950 | Loss: 2.3672 | Spent: 21.3 secs | LR: 0.000303 INFO:tensorflow:Step 9000 | Loss: 2.3783 | Spent: 22.1 secs | LR: 0.000312 INFO:tensorflow:Step 9050 | Loss: 2.3716 | Spent: 21.7 secs | LR: 0.000321 INFO:tensorflow:Step 9100 | Loss: 2.3679 | Spent: 22.0 secs | LR: 0.000330 INFO:tensorflow:Step 9150 | Loss: 2.3705 | Spent: 21.6 secs | LR: 0.000339 INFO:tensorflow:Step 9200 | Loss: 2.3747 | Spent: 21.2 secs | LR: 0.000347 INFO:tensorflow:Step 9250 | Loss: 2.3626 | Spent: 21.7 secs | LR: 0.000356 INFO:tensorflow:Step 9300 | Loss: 2.3647 | Spent: 21.1 secs | LR: 0.000365 INFO:tensorflow:Step 9350 | Loss: 2.3585 | Spent: 22.2 secs | LR: 0.000374 INFO:tensorflow:Step 9400 | Loss: 2.3777 | Spent: 21.3 secs | LR: 0.000383 INFO:tensorflow:Step 9450 | Loss: 2.3739 | Spent: 21.4 secs | LR: 0.000392 INFO:tensorflow:Step 9500 | Loss: 2.3725 | Spent: 21.6 secs | LR: 0.000401 INFO:tensorflow:Step 9550 | Loss: 2.3680 | Spent: 21.8 secs | LR: 0.000410 INFO:tensorflow:Step 9600 | Loss: 2.3950 | Spent: 21.6 secs | LR: 0.000419 INFO:tensorflow:Step 9650 | Loss: 2.3702 | Spent: 22.0 secs | LR: 0.000428 INFO:tensorflow:Step 9700 | Loss: 2.3903 | Spent: 21.5 secs | LR: 0.000437 INFO:tensorflow:Step 9750 | Loss: 2.3611 | Spent: 22.0 secs | LR: 0.000446 ------------ minimal test utterance: what times are the nutcracker show playing near me parsed: [ in:get_event what times are [ sl:category_event the nutcracker show playing ] [ sl:location [ in:get_location [ sl:search_radius near ] [ sl:location_user me ] ] ] ] in:get_event ________________________|______________________________________________ | | | | sl:location | | | | | | | | | in:get_location | | | | ________________|_______________ | | | sl:category_even sl:search_radius sl:location_user | | | t | | | | | _________|_________________ | | what times are the nutcracker show playing near me ------------ Reading ../data/test.tsv INFO:tensorflow:Evaluation: Testing EM: 0.722 INFO:tensorflow:Best EM: 0.726 Reading ../data/train.tsv INFO:tensorflow:Step 9800 | Loss: 2.3725 | Spent: 171.5 secs | LR: 0.000455 INFO:tensorflow:Step 9850 | Loss: 2.3643 | Spent: 21.4 secs | LR: 0.000464 INFO:tensorflow:Step 9900 | Loss: 2.3555 | Spent: 20.9 secs | LR: 0.000473 INFO:tensorflow:Step 9950 | Loss: 2.3612 | Spent: 21.3 secs | LR: 0.000482 INFO:tensorflow:Step 10000 | Loss: 2.3669 | Spent: 20.4 secs | LR: 0.000491 INFO:tensorflow:Step 10050 | Loss: 2.3561 | Spent: 21.8 secs | LR: 0.000500 INFO:tensorflow:Step 10100 | Loss: 2.3544 | Spent: 22.9 secs | LR: 0.000509 INFO:tensorflow:Step 10150 | Loss: 2.3689 | Spent: 20.8 secs | LR: 0.000518 INFO:tensorflow:Step 10200 | Loss: 2.3546 | Spent: 21.3 secs | LR: 0.000527 INFO:tensorflow:Step 10250 | Loss: 2.3792 | Spent: 21.9 secs | LR: 0.000536 INFO:tensorflow:Step 10300 | Loss: 2.3799 | Spent: 21.7 secs | LR: 0.000544 INFO:tensorflow:Step 10350 | Loss: 2.3635 | Spent: 22.1 secs | LR: 0.000553 INFO:tensorflow:Step 10400 | Loss: 2.3839 | Spent: 21.8 secs | LR: 0.000562 INFO:tensorflow:Step 10450 | Loss: 2.3639 | Spent: 21.8 secs | LR: 0.000571 INFO:tensorflow:Step 10500 | Loss: 2.3655 | Spent: 21.6 secs | LR: 0.000580 INFO:tensorflow:Step 10550 | Loss: 2.3791 | Spent: 21.8 secs | LR: 0.000589 INFO:tensorflow:Step 10600 | Loss: 2.3723 | Spent: 21.6 secs | LR: 0.000598 INFO:tensorflow:Step 10650 | Loss: 2.3640 | Spent: 21.7 secs | LR: 0.000607 INFO:tensorflow:Step 10700 | Loss: 2.3625 | Spent: 21.9 secs | LR: 0.000616 INFO:tensorflow:Step 10750 | Loss: 2.3605 | Spent: 21.7 secs | LR: 0.000625 ------------ minimal test utterance: what times are the nutcracker show playing near me parsed: [ in:get_event what times are [ sl:category_event the nutcracker show playing ] [ sl:location [ in:get_location [ sl:search_radius near ] [ sl:location_user me ] ] ] ] in:get_event ________________________|______________________________________________ | | | | sl:location | | | | | | | | | in:get_location | | | | ________________|_______________ | | | sl:category_even sl:search_radius sl:location_user | | | t | | | | | _________|_________________ | | what times are the nutcracker show playing near me ------------ Reading ../data/test.tsv INFO:tensorflow:Evaluation: Testing EM: 0.720 INFO:tensorflow:Best EM: 0.726 Reading ../data/train.tsv INFO:tensorflow:Step 10800 | Loss: 2.3594 | Spent: 164.1 secs | LR: 0.000634 INFO:tensorflow:Step 10850 | Loss: 2.3799 | Spent: 22.7 secs | LR: 0.000643 INFO:tensorflow:Step 10900 | Loss: 2.3680 | Spent: 21.4 secs | LR: 0.000652 INFO:tensorflow:Step 10950 | Loss: 2.3587 | Spent: 21.0 secs | LR: 0.000661 INFO:tensorflow:Step 11000 | Loss: 2.3693 | Spent: 20.6 secs | LR: 0.000670 INFO:tensorflow:Step 11050 | Loss: 2.3692 | Spent: 21.6 secs | LR: 0.000679 INFO:tensorflow:Step 11100 | Loss: 2.3616 | Spent: 21.4 secs | LR: 0.000688 INFO:tensorflow:Step 11150 | Loss: 2.3684 | Spent: 20.8 secs | LR: 0.000697 INFO:tensorflow:Step 11200 | Loss: 2.3755 | Spent: 22.1 secs | LR: 0.000706 INFO:tensorflow:Step 11250 | Loss: 2.3682 | Spent: 21.6 secs | LR: 0.000715 INFO:tensorflow:Step 11300 | Loss: 2.3738 | Spent: 22.4 secs | LR: 0.000724 INFO:tensorflow:Step 11350 | Loss: 2.3685 | Spent: 21.7 secs | LR: 0.000732 INFO:tensorflow:Step 11400 | Loss: 2.3585 | Spent: 21.2 secs | LR: 0.000741 INFO:tensorflow:Step 11450 | Loss: 2.3918 | Spent: 21.0 secs | LR: 0.000750 INFO:tensorflow:Step 11500 | Loss: 2.3774 | Spent: 22.0 secs | LR: 0.000759 INFO:tensorflow:Step 11550 | Loss: 2.3639 | Spent: 22.0 secs | LR: 0.000768 INFO:tensorflow:Step 11600 | Loss: 2.3854 | Spent: 21.5 secs | LR: 0.000777 INFO:tensorflow:Step 11650 | Loss: 2.3732 | Spent: 21.1 secs | LR: 0.000786 INFO:tensorflow:Step 11700 | Loss: 2.3879 | Spent: 21.2 secs | LR: 0.000795 ------------ minimal test utterance: what times are the nutcracker show playing near me parsed: [ in:get_event what times are [ sl:category_event the nutcracker show playing ] [ sl:location [ in:get_location [ sl:search_radius near ] [ sl:location_user me ] ] ] ] in:get_event ________________________|______________________________________________ | | | | sl:location | | | | | | | | | in:get_location | | | | ________________|_______________ | | | sl:category_even sl:search_radius sl:location_user | | | t | | | | | _________|_________________ | | what times are the nutcracker show playing near me ------------ Reading ../data/test.tsv INFO:tensorflow:Evaluation: Testing EM: 0.713 INFO:tensorflow:Best EM: 0.726 Reading ../data/train.tsv INFO:tensorflow:Step 11750 | Loss: 2.3613 | Spent: 192.1 secs | LR: 0.000796 INFO:tensorflow:Step 11800 | Loss: 2.3682 | Spent: 21.9 secs | LR: 0.000787 INFO:tensorflow:Step 11850 | Loss: 2.3796 | Spent: 21.6 secs | LR: 0.000778 INFO:tensorflow:Step 11900 | Loss: 2.3652 | Spent: 21.6 secs | LR: 0.000769 INFO:tensorflow:Step 11950 | Loss: 2.3821 | Spent: 21.1 secs | LR: 0.000760 INFO:tensorflow:Step 12000 | Loss: 2.3810 | Spent: 22.2 secs | LR: 0.000751 INFO:tensorflow:Step 12050 | Loss: 2.3626 | Spent: 20.9 secs | LR: 0.000742 INFO:tensorflow:Step 12100 | Loss: 2.3781 | Spent: 21.7 secs | LR: 0.000733 INFO:tensorflow:Step 12150 | Loss: 2.3632 | Spent: 21.5 secs | LR: 0.000724 INFO:tensorflow:Step 12200 | Loss: 2.3675 | Spent: 23.4 secs | LR: 0.000715 INFO:tensorflow:Step 12250 | Loss: 2.3582 | Spent: 22.1 secs | LR: 0.000706 INFO:tensorflow:Step 12300 | Loss: 2.3562 | Spent: 22.1 secs | LR: 0.000697 INFO:tensorflow:Step 12350 | Loss: 2.3680 | Spent: 22.4 secs | LR: 0.000688 INFO:tensorflow:Step 12400 | Loss: 2.3626 | Spent: 22.2 secs | LR: 0.000679 INFO:tensorflow:Step 12450 | Loss: 2.3629 | Spent: 21.6 secs | LR: 0.000671 INFO:tensorflow:Step 12500 | Loss: 2.3652 | Spent: 22.6 secs | LR: 0.000662 INFO:tensorflow:Step 12550 | Loss: 2.3505 | Spent: 22.0 secs | LR: 0.000653 INFO:tensorflow:Step 12600 | Loss: 2.3679 | Spent: 21.3 secs | LR: 0.000644 INFO:tensorflow:Step 12650 | Loss: 2.3644 | Spent: 22.5 secs | LR: 0.000635 INFO:tensorflow:Step 12700 | Loss: 2.3703 | Spent: 21.8 secs | LR: 0.000626 ------------ minimal test utterance: what times are the nutcracker show playing near me parsed: [ in:get_event what times are [ sl:category_event the nutcracker show playing ] [ sl:location [ in:get_location [ sl:search_radius near ] [ sl:location_user me ] ] ] ] in:get_event ________________________|______________________________________________ | | | | sl:location | | | | | | | | | in:get_location | | | | ________________|_______________ | | | sl:category_even sl:search_radius sl:location_user | | | t | | | | | _________|_________________ | | what times are the nutcracker show playing near me ------------ Reading ../data/test.tsv INFO:tensorflow:Evaluation: Testing EM: 0.714 INFO:tensorflow:Best EM: 0.726 Reading ../data/train.tsv INFO:tensorflow:Step 12750 | Loss: 2.3572 | Spent: 159.4 secs | LR: 0.000617 INFO:tensorflow:Step 12800 | Loss: 2.3613 | Spent: 21.9 secs | LR: 0.000608 INFO:tensorflow:Step 12850 | Loss: 2.3635 | Spent: 22.5 secs | LR: 0.000599 INFO:tensorflow:Step 12900 | Loss: 2.3644 | Spent: 22.1 secs | LR: 0.000590 INFO:tensorflow:Step 12950 | Loss: 2.3551 | Spent: 21.7 secs | LR: 0.000581 INFO:tensorflow:Step 13000 | Loss: 2.3552 | Spent: 22.4 secs | LR: 0.000572 INFO:tensorflow:Step 13050 | Loss: 2.3766 | Spent: 21.4 secs | LR: 0.000563 INFO:tensorflow:Step 13100 | Loss: 2.3605 | Spent: 22.2 secs | LR: 0.000554 INFO:tensorflow:Step 13150 | Loss: 2.3654 | Spent: 21.4 secs | LR: 0.000545 INFO:tensorflow:Step 13200 | Loss: 2.3469 | Spent: 22.2 secs | LR: 0.000536 INFO:tensorflow:Step 13250 | Loss: 2.3492 | Spent: 22.7 secs | LR: 0.000527 INFO:tensorflow:Step 13300 | Loss: 2.3602 | Spent: 22.0 secs | LR: 0.000518 INFO:tensorflow:Step 13350 | Loss: 2.3575 | Spent: 21.7 secs | LR: 0.000509 INFO:tensorflow:Step 13400 | Loss: 2.3552 | Spent: 21.1 secs | LR: 0.000500 INFO:tensorflow:Step 13450 | Loss: 2.3526 | Spent: 21.0 secs | LR: 0.000491 INFO:tensorflow:Step 13500 | Loss: 2.3706 | Spent: 21.3 secs | LR: 0.000483 INFO:tensorflow:Step 13550 | Loss: 2.3526 | Spent: 21.1 secs | LR: 0.000474 INFO:tensorflow:Step 13600 | Loss: 2.3545 | Spent: 21.7 secs | LR: 0.000465 INFO:tensorflow:Step 13650 | Loss: 2.3587 | Spent: 22.1 secs | LR: 0.000456 ------------ minimal test utterance: what times are the nutcracker show playing near me parsed: [ in:get_event what times are [ sl:category_event the nutcracker show ] playing [ sl:location [ in:get_location [ sl:search_radius near ] [ sl:location_user me ] ] ] ] in:get_event __________________________|_____________________________________________________ | | | | | sl:location | | | | | | | | | | | in:get_location | | | | | ________________|_______________ | | | | sl:category_even sl:search_radius sl:location_user | | | | t | | | | | | ______________|__________ | | what times are playing the nutcracker show near me ------------ Reading ../data/test.tsv INFO:tensorflow:Evaluation: Testing EM: 0.730 INFO:tensorflow:Best EM: 0.730 Reading ../data/train.tsv INFO:tensorflow:Step 13700 | Loss: 2.3505 | Spent: 170.6 secs | LR: 0.000447 INFO:tensorflow:Step 13750 | Loss: 2.3537 | Spent: 21.9 secs | LR: 0.000438 INFO:tensorflow:Step 13800 | Loss: 2.3565 | Spent: 21.2 secs | LR: 0.000429 INFO:tensorflow:Step 13850 | Loss: 2.3491 | Spent: 21.1 secs | LR: 0.000420 INFO:tensorflow:Step 13900 | Loss: 2.3498 | Spent: 21.5 secs | LR: 0.000411 INFO:tensorflow:Step 13950 | Loss: 2.3530 | Spent: 21.1 secs | LR: 0.000402 INFO:tensorflow:Step 14000 | Loss: 2.3548 | Spent: 21.7 secs | LR: 0.000393 INFO:tensorflow:Step 14050 | Loss: 2.3475 | Spent: 22.2 secs | LR: 0.000384 INFO:tensorflow:Step 14100 | Loss: 2.3486 | Spent: 21.6 secs | LR: 0.000375 INFO:tensorflow:Step 14150 | Loss: 2.3525 | Spent: 21.7 secs | LR: 0.000366 INFO:tensorflow:Step 14200 | Loss: 2.3498 | Spent: 21.8 secs | LR: 0.000357 INFO:tensorflow:Step 14250 | Loss: 2.3504 | Spent: 22.2 secs | LR: 0.000348 INFO:tensorflow:Step 14300 | Loss: 2.3509 | Spent: 21.8 secs | LR: 0.000339 INFO:tensorflow:Step 14350 | Loss: 2.3579 | Spent: 22.2 secs | LR: 0.000330 INFO:tensorflow:Step 14400 | Loss: 2.3542 | Spent: 21.7 secs | LR: 0.000321 INFO:tensorflow:Step 14450 | Loss: 2.3515 | Spent: 22.1 secs | LR: 0.000312 INFO:tensorflow:Step 14500 | Loss: 2.3592 | Spent: 22.3 secs | LR: 0.000303 INFO:tensorflow:Step 14550 | Loss: 2.3621 | Spent: 21.1 secs | LR: 0.000294 INFO:tensorflow:Step 14600 | Loss: 2.3452 | Spent: 22.6 secs | LR: 0.000286 INFO:tensorflow:Step 14650 | Loss: 2.3504 | Spent: 22.1 secs | LR: 0.000277 ------------ minimal test utterance: what times are the nutcracker show playing near me parsed: [ in:get_event what times are [ sl:category_event the nutcracker show playing ] [ sl:location [ in:get_location [ sl:search_radius near ] [ sl:location_user me ] ] ] ] in:get_event ________________________|______________________________________________ | | | | sl:location | | | | | | | | | in:get_location | | | | ________________|_______________ | | | sl:category_even sl:search_radius sl:location_user | | | t | | | | | _________|_________________ | | what times are the nutcracker show playing near me ------------ Reading ../data/test.tsv INFO:tensorflow:Evaluation: Testing EM: 0.733 INFO:tensorflow:Best EM: 0.733 Reading ../data/train.tsv INFO:tensorflow:Step 14700 | Loss: 2.3450 | Spent: 158.6 secs | LR: 0.000268 INFO:tensorflow:Step 14750 | Loss: 2.3443 | Spent: 22.2 secs | LR: 0.000259 INFO:tensorflow:Step 14800 | Loss: 2.3418 | Spent: 21.8 secs | LR: 0.000250 INFO:tensorflow:Step 14850 | Loss: 2.3424 | Spent: 23.0 secs | LR: 0.000241 INFO:tensorflow:Step 14900 | Loss: 2.3603 | Spent: 21.7 secs | LR: 0.000232 INFO:tensorflow:Step 14950 | Loss: 2.3416 | Spent: 21.7 secs | LR: 0.000223 INFO:tensorflow:Step 15000 | Loss: 2.3495 | Spent: 22.4 secs | LR: 0.000214 INFO:tensorflow:Step 15050 | Loss: 2.3448 | Spent: 22.6 secs | LR: 0.000205 INFO:tensorflow:Step 15100 | Loss: 2.3385 | Spent: 22.7 secs | LR: 0.000196 INFO:tensorflow:Step 15150 | Loss: 2.3420 | Spent: 21.5 secs | LR: 0.000187 INFO:tensorflow:Step 15200 | Loss: 2.3415 | Spent: 21.6 secs | LR: 0.000178 INFO:tensorflow:Step 15250 | Loss: 2.3433 | Spent: 21.6 secs | LR: 0.000169 INFO:tensorflow:Step 15300 | Loss: 2.3435 | Spent: 21.5 secs | LR: 0.000160 INFO:tensorflow:Step 15350 | Loss: 2.3530 | Spent: 21.1 secs | LR: 0.000151 INFO:tensorflow:Step 15400 | Loss: 2.3550 | Spent: 21.6 secs | LR: 0.000142 INFO:tensorflow:Step 15450 | Loss: 2.3419 | Spent: 21.2 secs | LR: 0.000133 INFO:tensorflow:Step 15500 | Loss: 2.3450 | Spent: 21.7 secs | LR: 0.000124 INFO:tensorflow:Step 15550 | Loss: 2.3479 | Spent: 22.8 secs | LR: 0.000115 INFO:tensorflow:Step 15600 | Loss: 2.3499 | Spent: 21.7 secs | LR: 0.000106 ------------ minimal test utterance: what times are the nutcracker show playing near me parsed: [ in:get_event what times are [ sl:category_event the nutcracker show playing ] [ sl:location [ in:get_location [ sl:search_radius near ] [ sl:location_user me ] ] ] ] in:get_event ________________________|______________________________________________ | | | | sl:location | | | | | | | | | in:get_location | | | | ________________|_______________ | | | sl:category_even sl:search_radius sl:location_user | | | t | | | | | _________|_________________ | | what times are the nutcracker show playing near me ------------ Reading ../data/test.tsv INFO:tensorflow:Evaluation: Testing EM: 0.738 INFO:tensorflow:Best EM: 0.738 Reading ../data/train.tsv INFO:tensorflow:Step 15650 | Loss: 2.3574 | Spent: 157.8 secs | LR: 0.000103 INFO:tensorflow:Step 15700 | Loss: 2.3475 | Spent: 22.4 secs | LR: 0.000111 INFO:tensorflow:Step 15750 | Loss: 2.3460 | Spent: 21.5 secs | LR: 0.000120 INFO:tensorflow:Step 15800 | Loss: 2.3434 | Spent: 22.5 secs | LR: 0.000129 INFO:tensorflow:Step 15850 | Loss: 2.3489 | Spent: 21.2 secs | LR: 0.000138 INFO:tensorflow:Step 15900 | Loss: 2.3509 | Spent: 22.0 secs | LR: 0.000147 INFO:tensorflow:Step 15950 | Loss: 2.3463 | Spent: 22.3 secs | LR: 0.000156 INFO:tensorflow:Step 16000 | Loss: 2.3425 | Spent: 21.1 secs | LR: 0.000165 INFO:tensorflow:Step 16050 | Loss: 2.3442 | Spent: 21.4 secs | LR: 0.000174 INFO:tensorflow:Step 16100 | Loss: 2.3482 | Spent: 21.7 secs | LR: 0.000183 INFO:tensorflow:Step 16150 | Loss: 2.3437 | Spent: 21.3 secs | LR: 0.000192 INFO:tensorflow:Step 16200 | Loss: 2.3424 | Spent: 22.9 secs | LR: 0.000201 INFO:tensorflow:Step 16250 | Loss: 2.3425 | Spent: 22.6 secs | LR: 0.000210 INFO:tensorflow:Step 16300 | Loss: 2.3450 | Spent: 22.3 secs | LR: 0.000219 INFO:tensorflow:Step 16350 | Loss: 2.3469 | Spent: 22.2 secs | LR: 0.000228 INFO:tensorflow:Step 16400 | Loss: 2.3524 | Spent: 21.8 secs | LR: 0.000237 INFO:tensorflow:Step 16450 | Loss: 2.3536 | Spent: 23.0 secs | LR: 0.000246 INFO:tensorflow:Step 16500 | Loss: 2.3401 | Spent: 22.2 secs | LR: 0.000255 INFO:tensorflow:Step 16550 | Loss: 2.3392 | Spent: 22.8 secs | LR: 0.000264 INFO:tensorflow:Step 16600 | Loss: 2.3427 | Spent: 21.9 secs | LR: 0.000273 ------------ minimal test utterance: what times are the nutcracker show playing near me parsed: [ in:get_event what times are [ sl:category_event the nutcracker show playing ] [ sl:location [ in:get_location [ sl:search_radius near ] [ sl:location_user me ] ] ] ] in:get_event ________________________|______________________________________________ | | | | sl:location | | | | | | | | | in:get_location | | | | ________________|_______________ | | | sl:category_even sl:search_radius sl:location_user | | | t | | | | | _________|_________________ | | what times are the nutcracker show playing near me ------------ Reading ../data/test.tsv INFO:tensorflow:Evaluation: Testing EM: 0.733 INFO:tensorflow:Best EM: 0.738 Reading ../data/train.tsv INFO:tensorflow:Step 16650 | Loss: 2.3453 | Spent: 159.9 secs | LR: 0.000282 INFO:tensorflow:Step 16700 | Loss: 2.3434 | Spent: 22.5 secs | LR: 0.000291 INFO:tensorflow:Step 16750 | Loss: 2.3421 | Spent: 22.3 secs | LR: 0.000299 INFO:tensorflow:Step 16800 | Loss: 2.3392 | Spent: 22.7 secs | LR: 0.000308 INFO:tensorflow:Step 16850 | Loss: 2.3532 | Spent: 22.4 secs | LR: 0.000317 INFO:tensorflow:Step 16900 | Loss: 2.3529 | Spent: 22.1 secs | LR: 0.000326 INFO:tensorflow:Step 16950 | Loss: 2.3489 | Spent: 22.3 secs | LR: 0.000335 INFO:tensorflow:Step 17000 | Loss: 2.3557 | Spent: 21.7 secs | LR: 0.000344 INFO:tensorflow:Step 17050 | Loss: 2.3409 | Spent: 23.6 secs | LR: 0.000353 INFO:tensorflow:Step 17100 | Loss: 2.3471 | Spent: 22.3 secs | LR: 0.000362 INFO:tensorflow:Step 17150 | Loss: 2.3491 | Spent: 21.6 secs | LR: 0.000371 INFO:tensorflow:Step 17200 | Loss: 2.3471 | Spent: 21.8 secs | LR: 0.000380 INFO:tensorflow:Step 17250 | Loss: 2.3474 | Spent: 22.4 secs | LR: 0.000389 INFO:tensorflow:Step 17300 | Loss: 2.3542 | Spent: 23.4 secs | LR: 0.000398 INFO:tensorflow:Step 17350 | Loss: 2.3399 | Spent: 22.1 secs | LR: 0.000407 INFO:tensorflow:Step 17400 | Loss: 2.3544 | Spent: 21.9 secs | LR: 0.000416 INFO:tensorflow:Step 17450 | Loss: 2.3479 | Spent: 23.5 secs | LR: 0.000425 INFO:tensorflow:Step 17500 | Loss: 2.3558 | Spent: 22.8 secs | LR: 0.000434 INFO:tensorflow:Step 17550 | Loss: 2.3483 | Spent: 22.1 secs | LR: 0.000443 INFO:tensorflow:Step 17600 | Loss: 2.3494 | Spent: 21.2 secs | LR: 0.000452 ------------ minimal test utterance: what times are the nutcracker show playing near me parsed: [ in:get_event what times are [ sl:category_event the nutcracker show ] playing [ sl:location [ in:get_location [ sl:search_radius near ] [ sl:location_user me ] ] ] ] in:get_event __________________________|_____________________________________________________ | | | | | sl:location | | | | | | | | | | | in:get_location | | | | | ________________|_______________ | | | | sl:category_even sl:search_radius sl:location_user | | | | t | | | | | | ______________|__________ | | what times are playing the nutcracker show near me ------------ Reading ../data/test.tsv INFO:tensorflow:Evaluation: Testing EM: 0.729 INFO:tensorflow:Best EM: 0.738 Reading ../data/train.tsv INFO:tensorflow:Step 17650 | Loss: 2.3572 | Spent: 156.2 secs | LR: 0.000461 INFO:tensorflow:Step 17700 | Loss: 2.3419 | Spent: 22.8 secs | LR: 0.000470 INFO:tensorflow:Step 17750 | Loss: 2.3379 | Spent: 22.5 secs | LR: 0.000479 INFO:tensorflow:Step 17800 | Loss: 2.3517 | Spent: 21.8 secs | LR: 0.000488 INFO:tensorflow:Step 17850 | Loss: 2.3412 | Spent: 22.4 secs | LR: 0.000496 INFO:tensorflow:Step 17900 | Loss: 2.3535 | Spent: 21.5 secs | LR: 0.000505 INFO:tensorflow:Step 17950 | Loss: 2.3568 | Spent: 21.8 secs | LR: 0.000514 INFO:tensorflow:Step 18000 | Loss: 2.3485 | Spent: 21.6 secs | LR: 0.000523 INFO:tensorflow:Step 18050 | Loss: 2.3423 | Spent: 21.8 secs | LR: 0.000532 INFO:tensorflow:Step 18100 | Loss: 2.3596 | Spent: 22.0 secs | LR: 0.000541 INFO:tensorflow:Step 18150 | Loss: 2.3456 | Spent: 23.2 secs | LR: 0.000550 INFO:tensorflow:Step 18200 | Loss: 2.3495 | Spent: 22.6 secs | LR: 0.000559 INFO:tensorflow:Step 18250 | Loss: 2.3518 | Spent: 21.8 secs | LR: 0.000568 INFO:tensorflow:Step 18300 | Loss: 2.3460 | Spent: 21.8 secs | LR: 0.000577 INFO:tensorflow:Step 18350 | Loss: 2.3533 | Spent: 22.4 secs | LR: 0.000586 INFO:tensorflow:Step 18400 | Loss: 2.3497 | Spent: 21.7 secs | LR: 0.000595 INFO:tensorflow:Step 18450 | Loss: 2.3493 | Spent: 21.6 secs | LR: 0.000604 INFO:tensorflow:Step 18500 | Loss: 2.3615 | Spent: 21.7 secs | LR: 0.000613 INFO:tensorflow:Step 18550 | Loss: 2.3479 | Spent: 22.3 secs | LR: 0.000622 ------------ minimal test utterance: what times are the nutcracker show playing near me parsed: [ in:get_event what times are [ sl:category_event the nutcracker show playing ] [ sl:location [ in:get_location [ sl:search_radius near ] [ sl:location_user me ] ] ] ] in:get_event ________________________|______________________________________________ | | | | sl:location | | | | | | | | | in:get_location | | | | ________________|_______________ | | | sl:category_even sl:search_radius sl:location_user | | | t | | | | | _________|_________________ | | what times are the nutcracker show playing near me ------------ Reading ../data/test.tsv INFO:tensorflow:Evaluation: Testing EM: 0.728 INFO:tensorflow:Best EM: 0.738 Reading ../data/train.tsv INFO:tensorflow:Step 18600 | Loss: 2.3517 | Spent: 158.6 secs | LR: 0.000631 INFO:tensorflow:Step 18650 | Loss: 2.3439 | Spent: 21.3 secs | LR: 0.000640 INFO:tensorflow:Step 18700 | Loss: 2.3481 | Spent: 22.5 secs | LR: 0.000649 INFO:tensorflow:Step 18750 | Loss: 2.3564 | Spent: 22.9 secs | LR: 0.000658 INFO:tensorflow:Step 18800 | Loss: 2.3495 | Spent: 22.8 secs | LR: 0.000667 INFO:tensorflow:Step 18850 | Loss: 2.3544 | Spent: 22.4 secs | LR: 0.000676 INFO:tensorflow:Step 18900 | Loss: 2.3541 | Spent: 21.9 secs | LR: 0.000684 INFO:tensorflow:Step 18950 | Loss: 2.3481 | Spent: 23.1 secs | LR: 0.000693 INFO:tensorflow:Step 19000 | Loss: 2.3630 | Spent: 21.7 secs | LR: 0.000702 INFO:tensorflow:Step 19050 | Loss: 2.3536 | Spent: 22.5 secs | LR: 0.000711 INFO:tensorflow:Step 19100 | Loss: 2.3600 | Spent: 21.7 secs | LR: 0.000720 INFO:tensorflow:Step 19150 | Loss: 2.3518 | Spent: 21.8 secs | LR: 0.000729 INFO:tensorflow:Step 19200 | Loss: 2.3476 | Spent: 22.6 secs | LR: 0.000738 INFO:tensorflow:Step 19250 | Loss: 2.3622 | Spent: 23.3 secs | LR: 0.000747 INFO:tensorflow:Step 19300 | Loss: 2.3452 | Spent: 21.7 secs | LR: 0.000756 INFO:tensorflow:Step 19350 | Loss: 2.3476 | Spent: 22.6 secs | LR: 0.000765 INFO:tensorflow:Step 19400 | Loss: 2.3578 | Spent: 22.8 secs | LR: 0.000774 INFO:tensorflow:Step 19450 | Loss: 2.3528 | Spent: 22.3 secs | LR: 0.000783 INFO:tensorflow:Step 19500 | Loss: 2.3832 | Spent: 22.0 secs | LR: 0.000792 INFO:tensorflow:Step 19550 | Loss: 2.3656 | Spent: 21.8 secs | LR: 0.000799 ------------ minimal test utterance: what times are the nutcracker show playing near me parsed: [ in:get_event what times are [ sl:category_event the nutcracker show playing ] [ sl:location [ in:get_location [ sl:search_radius near ] [ sl:location_user me ] ] ] ] in:get_event ________________________|______________________________________________ | | | | sl:location | | | | | | | | | in:get_location | | | | ________________|_______________ | | | sl:category_even sl:search_radius sl:location_user | | | t | | | | | _________|_________________ | | what times are the nutcracker show playing near me ------------ Reading ../data/test.tsv INFO:tensorflow:Evaluation: Testing EM: 0.726 INFO:tensorflow:Best EM: 0.738 Reading ../data/train.tsv INFO:tensorflow:Step 19600 | Loss: 2.3545 | Spent: 165.4 secs | LR: 0.000790 INFO:tensorflow:Step 19650 | Loss: 2.3541 | Spent: 22.2 secs | LR: 0.000781 INFO:tensorflow:Step 19700 | Loss: 2.3456 | Spent: 22.3 secs | LR: 0.000772 INFO:tensorflow:Step 19750 | Loss: 2.3430 | Spent: 22.4 secs | LR: 0.000763 INFO:tensorflow:Step 19800 | Loss: 2.3525 | Spent: 21.9 secs | LR: 0.000754 INFO:tensorflow:Step 19850 | Loss: 2.3652 | Spent: 23.4 secs | LR: 0.000745 INFO:tensorflow:Step 19900 | Loss: 2.3428 | Spent: 21.7 secs | LR: 0.000736 INFO:tensorflow:Step 19950 | Loss: 2.3517 | Spent: 21.5 secs | LR: 0.000727 INFO:tensorflow:Step 20000 | Loss: 2.3524 | Spent: 22.0 secs | LR: 0.000719 INFO:tensorflow:Step 20050 | Loss: 2.3506 | Spent: 21.7 secs | LR: 0.000710 INFO:tensorflow:Step 20100 | Loss: 2.3525 | Spent: 22.0 secs | LR: 0.000701 INFO:tensorflow:Step 20150 | Loss: 2.3540 | Spent: 22.7 secs | LR: 0.000692 INFO:tensorflow:Step 20200 | Loss: 2.3496 | Spent: 21.4 secs | LR: 0.000683 INFO:tensorflow:Step 20250 | Loss: 2.3487 | Spent: 22.1 secs | LR: 0.000674 INFO:tensorflow:Step 20300 | Loss: 2.4059 | Spent: 22.1 secs | LR: 0.000665 INFO:tensorflow:Step 20350 | Loss: 2.3500 | Spent: 21.9 secs | LR: 0.000656 INFO:tensorflow:Step 20400 | Loss: 2.3514 | Spent: 22.4 secs | LR: 0.000647 INFO:tensorflow:Step 20450 | Loss: 2.3528 | Spent: 22.5 secs | LR: 0.000638 INFO:tensorflow:Step 20500 | Loss: 2.3516 | Spent: 21.7 secs | LR: 0.000629 ------------ minimal test utterance: what times are the nutcracker show playing near me parsed: [ in:get_event what times are [ sl:category_event the nutcracker show ] playing [ sl:location [ in:get_location [ sl:search_radius near ] [ sl:location_user me ] ] ] ] in:get_event __________________________|_____________________________________________________ | | | | | sl:location | | | | | | | | | | | in:get_location | | | | | ________________|_______________ | | | | sl:category_even sl:search_radius sl:location_user | | | | t | | | | | | ______________|__________ | | what times are playing the nutcracker show near me ------------ Reading ../data/test.tsv INFO:tensorflow:Evaluation: Testing EM: 0.725 INFO:tensorflow:Best EM: 0.738 Reading ../data/train.tsv INFO:tensorflow:Step 20550 | Loss: 2.3398 | Spent: 159.5 secs | LR: 0.000620 INFO:tensorflow:Step 20600 | Loss: 2.3410 | Spent: 23.0 secs | LR: 0.000611 INFO:tensorflow:Step 20650 | Loss: 2.3458 | Spent: 22.5 secs | LR: 0.000602 INFO:tensorflow:Step 20700 | Loss: 2.3431 | Spent: 24.0 secs | LR: 0.000593 INFO:tensorflow:Step 20750 | Loss: 2.3490 | Spent: 23.0 secs | LR: 0.000584 INFO:tensorflow:Step 20800 | Loss: 2.3452 | Spent: 22.0 secs | LR: 0.000575 INFO:tensorflow:Step 20850 | Loss: 2.3443 | Spent: 21.6 secs | LR: 0.000566 INFO:tensorflow:Step 20900 | Loss: 2.3405 | Spent: 22.8 secs | LR: 0.000557 INFO:tensorflow:Step 20950 | Loss: 2.3539 | Spent: 22.2 secs | LR: 0.000548 INFO:tensorflow:Step 21000 | Loss: 2.3455 | Spent: 21.8 secs | LR: 0.000539 INFO:tensorflow:Step 21050 | Loss: 2.3505 | Spent: 22.6 secs | LR: 0.000530 INFO:tensorflow:Step 21100 | Loss: 2.3505 | Spent: 21.7 secs | LR: 0.000522 INFO:tensorflow:Step 21150 | Loss: 2.3414 | Spent: 22.2 secs | LR: 0.000513 INFO:tensorflow:Step 21200 | Loss: 2.3399 | Spent: 22.7 secs | LR: 0.000504 INFO:tensorflow:Step 21250 | Loss: 2.3528 | Spent: 22.1 secs | LR: 0.000495 INFO:tensorflow:Step 21300 | Loss: 2.3585 | Spent: 22.5 secs | LR: 0.000486 INFO:tensorflow:Step 21350 | Loss: 2.3402 | Spent: 22.6 secs | LR: 0.000477 INFO:tensorflow:Step 21400 | Loss: 2.3403 | Spent: 21.6 secs | LR: 0.000468 INFO:tensorflow:Step 21450 | Loss: 2.3368 | Spent: 21.3 secs | LR: 0.000459 INFO:tensorflow:Step 21500 | Loss: 2.3371 | Spent: 22.2 secs | LR: 0.000450 ------------ minimal test utterance: what times are the nutcracker show playing near me parsed: [ in:get_event what times are [ sl:category_event the nutcracker show playing ] [ sl:location [ in:get_location [ sl:search_radius near ] [ sl:location_user me ] ] ] ] in:get_event ________________________|______________________________________________ | | | | sl:location | | | | | | | | | in:get_location | | | | ________________|_______________ | | | sl:category_even sl:search_radius sl:location_user | | | t | | | | | _________|_________________ | | what times are the nutcracker show playing near me ------------ Reading ../data/test.tsv INFO:tensorflow:Evaluation: Testing EM: 0.739 INFO:tensorflow:Best EM: 0.739 Reading ../data/train.tsv INFO:tensorflow:Step 21550 | Loss: 2.3376 | Spent: 164.7 secs | LR: 0.000441 INFO:tensorflow:Step 21600 | Loss: 2.3420 | Spent: 22.6 secs | LR: 0.000432 INFO:tensorflow:Step 21650 | Loss: 2.3418 | Spent: 22.3 secs | LR: 0.000423 INFO:tensorflow:Step 21700 | Loss: 2.3402 | Spent: 22.5 secs | LR: 0.000414 INFO:tensorflow:Step 21750 | Loss: 2.3399 | Spent: 22.6 secs | LR: 0.000405 INFO:tensorflow:Step 21800 | Loss: 2.3361 | Spent: 22.8 secs | LR: 0.000396 INFO:tensorflow:Step 21850 | Loss: 2.3401 | Spent: 22.7 secs | LR: 0.000387 INFO:tensorflow:Step 21900 | Loss: 2.3418 | Spent: 22.4 secs | LR: 0.000378 INFO:tensorflow:Step 21950 | Loss: 2.3419 | Spent: 22.0 secs | LR: 0.000369 INFO:tensorflow:Step 22000 | Loss: 2.3419 | Spent: 23.0 secs | LR: 0.000360 INFO:tensorflow:Step 22050 | Loss: 2.3403 | Spent: 22.3 secs | LR: 0.000351 INFO:tensorflow:Step 22100 | Loss: 2.3387 | Spent: 22.9 secs | LR: 0.000342 INFO:tensorflow:Step 22150 | Loss: 2.3366 | Spent: 21.9 secs | LR: 0.000334 INFO:tensorflow:Step 22200 | Loss: 2.3387 | Spent: 21.8 secs | LR: 0.000325 INFO:tensorflow:Step 22250 | Loss: 2.3400 | Spent: 22.2 secs | LR: 0.000316 INFO:tensorflow:Step 22300 | Loss: 2.3344 | Spent: 22.2 secs | LR: 0.000307 INFO:tensorflow:Step 22350 | Loss: 2.3407 | Spent: 22.1 secs | LR: 0.000298 INFO:tensorflow:Step 22400 | Loss: 2.3405 | Spent: 22.2 secs | LR: 0.000289 INFO:tensorflow:Step 22450 | Loss: 2.3392 | Spent: 22.3 secs | LR: 0.000280 ------------ minimal test utterance: what times are the nutcracker show playing near me parsed: [ in:get_event what times are [ sl:category_event the nutcracker show playing ] [ sl:location [ in:get_location [ sl:search_radius near ] [ sl:location_user me ] ] ] ] in:get_event ________________________|______________________________________________ | | | | sl:location | | | | | | | | | in:get_location | | | | ________________|_______________ | | | sl:category_even sl:search_radius sl:location_user | | | t | | | | | _________|_________________ | | what times are the nutcracker show playing near me ------------ Reading ../data/test.tsv INFO:tensorflow:Evaluation: Testing EM: 0.734 INFO:tensorflow:Best EM: 0.739 Reading ../data/train.tsv INFO:tensorflow:Step 22500 | Loss: 2.3356 | Spent: 154.0 secs | LR: 0.000271 INFO:tensorflow:Step 22550 | Loss: 2.3418 | Spent: 22.5 secs | LR: 0.000262 INFO:tensorflow:Step 22600 | Loss: 2.3375 | Spent: 22.1 secs | LR: 0.000253 INFO:tensorflow:Step 22650 | Loss: 2.3432 | Spent: 22.2 secs | LR: 0.000244 INFO:tensorflow:Step 22700 | Loss: 2.3390 | Spent: 21.9 secs | LR: 0.000235 INFO:tensorflow:Step 22750 | Loss: 2.3358 | Spent: 22.4 secs | LR: 0.000226 INFO:tensorflow:Step 22800 | Loss: 2.3388 | Spent: 22.3 secs | LR: 0.000217 INFO:tensorflow:Step 22850 | Loss: 2.3314 | Spent: 22.3 secs | LR: 0.000208 INFO:tensorflow:Step 22900 | Loss: 2.3336 | Spent: 21.9 secs | LR: 0.000199 INFO:tensorflow:Step 22950 | Loss: 2.3353 | Spent: 22.4 secs | LR: 0.000190 INFO:tensorflow:Step 23000 | Loss: 2.3493 | Spent: 22.9 secs | LR: 0.000181 INFO:tensorflow:Step 23050 | Loss: 2.3366 | Spent: 21.4 secs | LR: 0.000172 INFO:tensorflow:Step 23100 | Loss: 2.3404 | Spent: 21.8 secs | LR: 0.000163 INFO:tensorflow:Step 23150 | Loss: 2.3370 | Spent: 21.8 secs | LR: 0.000154 INFO:tensorflow:Step 23200 | Loss: 2.3403 | Spent: 21.9 secs | LR: 0.000145 INFO:tensorflow:Step 23250 | Loss: 2.3389 | Spent: 21.8 secs | LR: 0.000137 INFO:tensorflow:Step 23300 | Loss: 2.3346 | Spent: 21.9 secs | LR: 0.000128 INFO:tensorflow:Step 23350 | Loss: 2.3345 | Spent: 22.7 secs | LR: 0.000119 INFO:tensorflow:Step 23400 | Loss: 2.3424 | Spent: 22.0 secs | LR: 0.000110 INFO:tensorflow:Step 23450 | Loss: 2.3360 | Spent: 22.1 secs | LR: 0.000101 ------------ minimal test utterance: what times are the nutcracker show playing near me parsed: [ in:get_event what times are [ sl:category_event the nutcracker show playing ] [ sl:location [ in:get_location [ sl:search_radius near ] [ sl:location_user me ] ] ] ] in:get_event ________________________|______________________________________________ | | | | sl:location | | | | | | | | | in:get_location | | | | ________________|_______________ | | | sl:category_even sl:search_radius sl:location_user | | | t | | | | | _________|_________________ | | what times are the nutcracker show playing near me ------------ Reading ../data/test.tsv INFO:tensorflow:Evaluation: Testing EM: 0.738 INFO:tensorflow:Best EM: 0.739 Reading ../data/train.tsv INFO:tensorflow:Step 23500 | Loss: 2.3378 | Spent: 150.7 secs | LR: 0.000108 INFO:tensorflow:Step 23550 | Loss: 2.3369 | Spent: 22.0 secs | LR: 0.000117 INFO:tensorflow:Step 23600 | Loss: 2.3362 | Spent: 22.0 secs | LR: 0.000126 INFO:tensorflow:Step 23650 | Loss: 2.3429 | Spent: 22.0 secs | LR: 0.000135 INFO:tensorflow:Step 23700 | Loss: 2.3388 | Spent: 21.5 secs | LR: 0.000144 INFO:tensorflow:Step 23750 | Loss: 2.3360 | Spent: 21.9 secs | LR: 0.000153 INFO:tensorflow:Step 23800 | Loss: 2.3344 | Spent: 22.9 secs | LR: 0.000162 INFO:tensorflow:Step 23850 | Loss: 2.3370 | Spent: 21.3 secs | LR: 0.000171 INFO:tensorflow:Step 23900 | Loss: 2.3337 | Spent: 23.1 secs | LR: 0.000180 INFO:tensorflow:Step 23950 | Loss: 2.3398 | Spent: 22.8 secs | LR: 0.000189 INFO:tensorflow:Step 24000 | Loss: 2.3348 | Spent: 21.8 secs | LR: 0.000198 INFO:tensorflow:Step 24050 | Loss: 2.3387 | Spent: 22.3 secs | LR: 0.000207 INFO:tensorflow:Step 24100 | Loss: 2.3370 | Spent: 22.0 secs | LR: 0.000216 INFO:tensorflow:Step 24150 | Loss: 2.3374 | Spent: 22.1 secs | LR: 0.000225 INFO:tensorflow:Step 24200 | Loss: 2.3334 | Spent: 22.5 secs | LR: 0.000234 INFO:tensorflow:Step 24250 | Loss: 2.3347 | Spent: 22.4 secs | LR: 0.000243 INFO:tensorflow:Step 24300 | Loss: 2.3430 | Spent: 21.6 secs | LR: 0.000251 INFO:tensorflow:Step 24350 | Loss: 2.3339 | Spent: 22.2 secs | LR: 0.000260 INFO:tensorflow:Step 24400 | Loss: 2.3337 | Spent: 22.7 secs | LR: 0.000269 ------------ minimal test utterance: what times are the nutcracker show playing near me parsed: [ in:get_event what times are [ sl:category_event the nutcracker show playing ] [ sl:location [ in:get_location [ sl:search_radius near ] [ sl:location_user me ] ] ] ] in:get_event ________________________|______________________________________________ | | | | sl:location | | | | | | | | | in:get_location | | | | ________________|_______________ | | | sl:category_even sl:search_radius sl:location_user | | | t | | | | | _________|_________________ | | what times are the nutcracker show playing near me ------------ Reading ../data/test.tsv INFO:tensorflow:Evaluation: Testing EM: 0.732 INFO:tensorflow:Best EM: 0.739 Reading ../data/train.tsv INFO:tensorflow:Step 24450 | Loss: 2.3329 | Spent: 153.1 secs | LR: 0.000278 INFO:tensorflow:Step 24500 | Loss: 2.3375 | Spent: 22.3 secs | LR: 0.000287 INFO:tensorflow:Step 24550 | Loss: 2.3377 | Spent: 22.6 secs | LR: 0.000296 INFO:tensorflow:Step 24600 | Loss: 2.3356 | Spent: 22.1 secs | LR: 0.000305 INFO:tensorflow:Step 24650 | Loss: 2.3364 | Spent: 23.5 secs | LR: 0.000314 INFO:tensorflow:Step 24700 | Loss: 2.3335 | Spent: 23.0 secs | LR: 0.000323 INFO:tensorflow:Step 24750 | Loss: 2.3449 | Spent: 22.0 secs | LR: 0.000332 INFO:tensorflow:Step 24800 | Loss: 2.3380 | Spent: 22.3 secs | LR: 0.000341 INFO:tensorflow:Step 24850 | Loss: 2.3355 | Spent: 21.9 secs | LR: 0.000350 INFO:tensorflow:Step 24900 | Loss: 2.3349 | Spent: 22.3 secs | LR: 0.000359 INFO:tensorflow:Step 24950 | Loss: 2.3361 | Spent: 21.7 secs | LR: 0.000368 INFO:tensorflow:Step 25000 | Loss: 2.3373 | Spent: 21.8 secs | LR: 0.000377 INFO:tensorflow:Step 25050 | Loss: 2.3392 | Spent: 23.1 secs | LR: 0.000386 INFO:tensorflow:Step 25100 | Loss: 2.3354 | Spent: 22.5 secs | LR: 0.000395 INFO:tensorflow:Step 25150 | Loss: 2.3417 | Spent: 22.5 secs | LR: 0.000404 INFO:tensorflow:Step 25200 | Loss: 2.3418 | Spent: 22.7 secs | LR: 0.000413 INFO:tensorflow:Step 25250 | Loss: 2.3349 | Spent: 21.8 secs | LR: 0.000422 INFO:tensorflow:Step 25300 | Loss: 2.3388 | Spent: 22.0 secs | LR: 0.000431 INFO:tensorflow:Step 25350 | Loss: 2.3390 | Spent: 22.7 secs | LR: 0.000440 INFO:tensorflow:Step 25400 | Loss: 2.3412 | Spent: 21.8 secs | LR: 0.000448 ------------ minimal test utterance: what times are the nutcracker show playing near me parsed: [ in:get_event what times are [ sl:category_event the nutcracker show playing ] [ sl:location [ in:get_location [ sl:search_radius near ] [ sl:location_user me ] ] ] ] in:get_event ________________________|______________________________________________ | | | | sl:location | | | | | | | | | in:get_location | | | | ________________|_______________ | | | sl:category_even sl:search_radius sl:location_user | | | t | | | | | _________|_________________ | | what times are the nutcracker show playing near me ------------ Reading ../data/test.tsv INFO:tensorflow:Evaluation: Testing EM: 0.729 INFO:tensorflow:Best EM: 0.739 Reading ../data/train.tsv INFO:tensorflow:Step 25450 | Loss: 2.3357 | Spent: 155.7 secs | LR: 0.000457 INFO:tensorflow:Step 25500 | Loss: 2.3372 | Spent: 22.5 secs | LR: 0.000466 INFO:tensorflow:Step 25550 | Loss: 2.3388 | Spent: 22.1 secs | LR: 0.000475 INFO:tensorflow:Step 25600 | Loss: 2.3363 | Spent: 21.7 secs | LR: 0.000484 INFO:tensorflow:Step 25650 | Loss: 2.3372 | Spent: 23.4 secs | LR: 0.000493 INFO:tensorflow:Step 25700 | Loss: 2.3380 | Spent: 21.9 secs | LR: 0.000502 INFO:tensorflow:Step 25750 | Loss: 2.3380 | Spent: 22.0 secs | LR: 0.000511 INFO:tensorflow:Step 25800 | Loss: 2.3342 | Spent: 23.0 secs | LR: 0.000520 INFO:tensorflow:Step 25850 | Loss: 2.3352 | Spent: 22.6 secs | LR: 0.000529 INFO:tensorflow:Step 25900 | Loss: 2.3395 | Spent: 22.3 secs | LR: 0.000538 INFO:tensorflow:Step 25950 | Loss: 2.3356 | Spent: 22.1 secs | LR: 0.000547 INFO:tensorflow:Step 26000 | Loss: 2.3408 | Spent: 23.3 secs | LR: 0.000556 INFO:tensorflow:Step 26050 | Loss: 2.3397 | Spent: 22.6 secs | LR: 0.000565 INFO:tensorflow:Step 26100 | Loss: 2.3405 | Spent: 22.1 secs | LR: 0.000574 INFO:tensorflow:Step 26150 | Loss: 2.3414 | Spent: 23.3 secs | LR: 0.000583 INFO:tensorflow:Step 26200 | Loss: 2.3367 | Spent: 22.3 secs | LR: 0.000592 INFO:tensorflow:Step 26250 | Loss: 2.3443 | Spent: 22.3 secs | LR: 0.000601 INFO:tensorflow:Step 26300 | Loss: 2.3425 | Spent: 22.1 secs | LR: 0.000610 INFO:tensorflow:Step 26350 | Loss: 2.3422 | Spent: 22.0 secs | LR: 0.000619 INFO:tensorflow:Step 26400 | Loss: 2.3432 | Spent: 22.6 secs | LR: 0.000628 ------------ minimal test utterance: what times are the nutcracker show playing near me parsed: [ in:get_event what times are [ sl:category_event the nutcracker show playing ] [ sl:location [ in:get_location [ sl:search_radius near ] [ sl:location_user me ] ] ] ] in:get_event ________________________|______________________________________________ | | | | sl:location | | | | | | | | | in:get_location | | | | ________________|_______________ | | | sl:category_even sl:search_radius sl:location_user | | | t | | | | | _________|_________________ | | what times are the nutcracker show playing near me ------------ Reading ../data/test.tsv INFO:tensorflow:Evaluation: Testing EM: 0.731 INFO:tensorflow:Best EM: 0.739 Reading ../data/train.tsv INFO:tensorflow:Step 26450 | Loss: 2.3442 | Spent: 157.7 secs | LR: 0.000637 INFO:tensorflow:Step 26500 | Loss: 2.3373 | Spent: 22.6 secs | LR: 0.000645 INFO:tensorflow:Step 26550 | Loss: 2.3385 | Spent: 23.5 secs | LR: 0.000654 INFO:tensorflow:Step 26600 | Loss: 2.3437 | Spent: 22.7 secs | LR: 0.000663 INFO:tensorflow:Step 26650 | Loss: 2.3439 | Spent: 22.8 secs | LR: 0.000672 INFO:tensorflow:Step 26700 | Loss: 2.3554 | Spent: 23.2 secs | LR: 0.000681 INFO:tensorflow:Step 26750 | Loss: 2.3445 | Spent: 23.3 secs | LR: 0.000690 INFO:tensorflow:Step 26800 | Loss: 2.3425 | Spent: 22.1 secs | LR: 0.000699 INFO:tensorflow:Step 26850 | Loss: 2.3430 | Spent: 22.4 secs | LR: 0.000708 INFO:tensorflow:Step 26900 | Loss: 2.3518 | Spent: 22.8 secs | LR: 0.000717 INFO:tensorflow:Step 26950 | Loss: 2.3383 | Spent: 22.4 secs | LR: 0.000726 INFO:tensorflow:Step 27000 | Loss: 2.3414 | Spent: 22.9 secs | LR: 0.000735 INFO:tensorflow:Step 27050 | Loss: 2.3470 | Spent: 23.3 secs | LR: 0.000744 INFO:tensorflow:Step 27100 | Loss: 2.3449 | Spent: 22.3 secs | LR: 0.000753 INFO:tensorflow:Step 27150 | Loss: 2.3452 | Spent: 22.2 secs | LR: 0.000762 INFO:tensorflow:Step 27200 | Loss: 2.3538 | Spent: 23.1 secs | LR: 0.000771 INFO:tensorflow:Step 27250 | Loss: 2.3454 | Spent: 23.2 secs | LR: 0.000780 INFO:tensorflow:Step 27300 | Loss: 2.3504 | Spent: 22.5 secs | LR: 0.000789 INFO:tensorflow:Step 27350 | Loss: 2.3515 | Spent: 22.5 secs | LR: 0.000798 ------------ minimal test utterance: what times are the nutcracker show playing near me parsed: [ in:get_event what times are [ sl:category_event the nutcracker show playing ] [ sl:location [ in:get_location [ sl:search_radius near ] [ sl:location_user me ] ] ] ] in:get_event ________________________|______________________________________________ | | | | sl:location | | | | | | | | | in:get_location | | | | ________________|_______________ | | | sl:category_even sl:search_radius sl:location_user | | | t | | | | | _________|_________________ | | what times are the nutcracker show playing near me ------------ Reading ../data/test.tsv INFO:tensorflow:Evaluation: Testing EM: 0.725 INFO:tensorflow:Best EM: 0.739 Reading ../data/train.tsv INFO:tensorflow:Step 27400 | Loss: 2.3426 | Spent: 159.3 secs | LR: 0.000793 INFO:tensorflow:Step 27450 | Loss: 2.3437 | Spent: 22.7 secs | LR: 0.000784 INFO:tensorflow:Step 27500 | Loss: 2.3439 | Spent: 22.1 secs | LR: 0.000775 INFO:tensorflow:Step 27550 | Loss: 2.3649 | Spent: 23.2 secs | LR: 0.000767 INFO:tensorflow:Step 27600 | Loss: 2.3438 | Spent: 23.7 secs | LR: 0.000758 INFO:tensorflow:Step 27650 | Loss: 2.3433 | Spent: 22.1 secs | LR: 0.000749 INFO:tensorflow:Step 27700 | Loss: 2.3414 | Spent: 22.5 secs | LR: 0.000740 INFO:tensorflow:Step 27750 | Loss: 2.3534 | Spent: 22.9 secs | LR: 0.000731 INFO:tensorflow:Step 27800 | Loss: 2.3407 | Spent: 22.8 secs | LR: 0.000722 INFO:tensorflow:Step 27850 | Loss: 2.3433 | Spent: 23.2 secs | LR: 0.000713 INFO:tensorflow:Step 27900 | Loss: 2.3434 | Spent: 22.5 secs | LR: 0.000704 INFO:tensorflow:Step 27950 | Loss: 2.3485 | Spent: 23.3 secs | LR: 0.000695 INFO:tensorflow:Step 28000 | Loss: 2.3453 | Spent: 22.8 secs | LR: 0.000686 INFO:tensorflow:Step 28050 | Loss: 2.3467 | Spent: 22.4 secs | LR: 0.000677 INFO:tensorflow:Step 28100 | Loss: 2.3427 | Spent: 22.7 secs | LR: 0.000668 INFO:tensorflow:Step 28150 | Loss: 2.3397 | Spent: 22.9 secs | LR: 0.000659 INFO:tensorflow:Step 28200 | Loss: 2.3461 | Spent: 23.2 secs | LR: 0.000650 INFO:tensorflow:Step 28250 | Loss: 2.3431 | Spent: 23.0 secs | LR: 0.000641 INFO:tensorflow:Step 28300 | Loss: 2.3413 | Spent: 22.9 secs | LR: 0.000632 INFO:tensorflow:Step 28350 | Loss: 2.3382 | Spent: 23.1 secs | LR: 0.000623 ------------ minimal test utterance: what times are the nutcracker show playing near me parsed: [ in:get_event what times are [ sl:category_event the nutcracker show ] playing [ sl:location [ in:get_location [ sl:search_radius near ] [ sl:location_user me ] ] ] ] in:get_event __________________________|_____________________________________________________ | | | | | sl:location | | | | | | | | | | | in:get_location | | | | | ________________|_______________ | | | | sl:category_even sl:search_radius sl:location_user | | | | t | | | | | | ______________|__________ | | what times are playing the nutcracker show near me ------------ Reading ../data/test.tsv INFO:tensorflow:Evaluation: Testing EM: 0.731 INFO:tensorflow:Best EM: 0.739 Reading ../data/train.tsv INFO:tensorflow:Step 28400 | Loss: 2.3399 | Spent: 158.6 secs | LR: 0.000614 INFO:tensorflow:Step 28450 | Loss: 2.3443 | Spent: 22.9 secs | LR: 0.000605 INFO:tensorflow:Step 28500 | Loss: 2.3422 | Spent: 23.1 secs | LR: 0.000596 INFO:tensorflow:Step 28550 | Loss: 2.3349 | Spent: 23.0 secs | LR: 0.000587 INFO:tensorflow:Step 28600 | Loss: 2.3427 | Spent: 22.8 secs | LR: 0.000578 INFO:tensorflow:Step 28650 | Loss: 2.3489 | Spent: 23.4 secs | LR: 0.000570 INFO:tensorflow:Step 28700 | Loss: 2.3425 | Spent: 23.2 secs | LR: 0.000561 INFO:tensorflow:Step 28750 | Loss: 2.3391 | Spent: 22.6 secs | LR: 0.000552 INFO:tensorflow:Step 28800 | Loss: 2.3405 | Spent: 22.9 secs | LR: 0.000543 INFO:tensorflow:Step 28850 | Loss: 2.3340 | Spent: 22.5 secs | LR: 0.000534 INFO:tensorflow:Step 28900 | Loss: 2.3353 | Spent: 22.7 secs | LR: 0.000525 INFO:tensorflow:Step 28950 | Loss: 2.3369 | Spent: 23.5 secs | LR: 0.000516 INFO:tensorflow:Step 29000 | Loss: 2.3363 | Spent: 22.1 secs | LR: 0.000507 INFO:tensorflow:Step 29050 | Loss: 2.3354 | Spent: 23.6 secs | LR: 0.000498 INFO:tensorflow:Step 29100 | Loss: 2.3464 | Spent: 23.0 secs | LR: 0.000489 INFO:tensorflow:Step 29150 | Loss: 2.3397 | Spent: 23.4 secs | LR: 0.000480 INFO:tensorflow:Step 29200 | Loss: 2.3335 | Spent: 22.6 secs | LR: 0.000471 INFO:tensorflow:Step 29250 | Loss: 2.3402 | Spent: 23.1 secs | LR: 0.000462 INFO:tensorflow:Step 29300 | Loss: 2.3340 | Spent: 23.2 secs | LR: 0.000453 ------------ minimal test utterance: what times are the nutcracker show playing near me parsed: [ in:get_event what times are [ sl:category_event the nutcracker show ] playing [ sl:location [ in:get_location [ sl:search_radius near ] [ sl:location_user me ] ] ] ] in:get_event __________________________|_____________________________________________________ | | | | | sl:location | | | | | | | | | | | in:get_location | | | | | ________________|_______________ | | | | sl:category_even sl:search_radius sl:location_user | | | | t | | | | | | ______________|__________ | | what times are playing the nutcracker show near me ------------ Reading ../data/test.tsv INFO:tensorflow:Evaluation: Testing EM: 0.731 INFO:tensorflow:Best EM: 0.739 Reading ../data/train.tsv INFO:tensorflow:Step 29350 | Loss: 2.3740 | Spent: 153.7 secs | LR: 0.000444 INFO:tensorflow:Step 29400 | Loss: 2.3379 | Spent: 22.7 secs | LR: 0.000435 INFO:tensorflow:Step 29450 | Loss: 2.3344 | Spent: 22.5 secs | LR: 0.000426 INFO:tensorflow:Step 29500 | Loss: 2.3476 | Spent: 22.6 secs | LR: 0.000417 INFO:tensorflow:Step 29550 | Loss: 2.3415 | Spent: 23.1 secs | LR: 0.000408 INFO:tensorflow:Step 29600 | Loss: 2.3376 | Spent: 22.4 secs | LR: 0.000399 INFO:tensorflow:Step 29650 | Loss: 2.3343 | Spent: 22.5 secs | LR: 0.000390 INFO:tensorflow:Step 29700 | Loss: 2.3353 | Spent: 22.8 secs | LR: 0.000382 INFO:tensorflow:Step 29750 | Loss: 2.3311 | Spent: 24.1 secs | LR: 0.000373 INFO:tensorflow:Step 29800 | Loss: 2.3309 | Spent: 22.5 secs | LR: 0.000364 INFO:tensorflow:Step 29850 | Loss: 2.3321 | Spent: 22.9 secs | LR: 0.000355 INFO:tensorflow:Step 29900 | Loss: 2.3363 | Spent: 23.5 secs | LR: 0.000346 INFO:tensorflow:Step 29950 | Loss: 2.3347 | Spent: 23.3 secs | LR: 0.000337 INFO:tensorflow:Step 30000 | Loss: 2.3359 | Spent: 23.1 secs | LR: 0.000328 INFO:tensorflow:Step 30050 | Loss: 2.3348 | Spent: 21.9 secs | LR: 0.000319 INFO:tensorflow:Step 30100 | Loss: 2.3334 | Spent: 23.0 secs | LR: 0.000310 INFO:tensorflow:Step 30150 | Loss: 2.3346 | Spent: 22.3 secs | LR: 0.000301 INFO:tensorflow:Step 30200 | Loss: 2.3333 | Spent: 22.0 secs | LR: 0.000292 INFO:tensorflow:Step 30250 | Loss: 2.3368 | Spent: 23.8 secs | LR: 0.000283 INFO:tensorflow:Step 30300 | Loss: 2.3286 | Spent: 22.5 secs | LR: 0.000274 ------------ minimal test utterance: what times are the nutcracker show playing near me parsed: [ in:get_event what times are [ sl:category_event the nutcracker show ] playing [ sl:location [ in:get_location [ sl:search_radius near ] [ sl:location_user me ] ] ] ] in:get_event __________________________|_____________________________________________________ | | | | | sl:location | | | | | | | | | | | in:get_location | | | | | ________________|_______________ | | | | sl:category_even sl:search_radius sl:location_user | | | | t | | | | | | ______________|__________ | | what times are playing the nutcracker show near me ------------ Reading ../data/test.tsv INFO:tensorflow:Evaluation: Testing EM: 0.741 INFO:tensorflow:Best EM: 0.741 Reading ../data/train.tsv INFO:tensorflow:Step 30350 | Loss: 2.3349 | Spent: 156.1 secs | LR: 0.000265 INFO:tensorflow:Step 30400 | Loss: 2.3348 | Spent: 23.3 secs | LR: 0.000256 INFO:tensorflow:Step 30450 | Loss: 2.3333 | Spent: 22.3 secs | LR: 0.000247 INFO:tensorflow:Step 30500 | Loss: 2.3336 | Spent: 23.5 secs | LR: 0.000238 INFO:tensorflow:Step 30550 | Loss: 2.3358 | Spent: 23.3 secs | LR: 0.000229 INFO:tensorflow:Step 30600 | Loss: 2.3300 | Spent: 22.7 secs | LR: 0.000220 INFO:tensorflow:Step 30650 | Loss: 2.3308 | Spent: 22.1 secs | LR: 0.000211 INFO:tensorflow:Step 30700 | Loss: 2.3300 | Spent: 23.2 secs | LR: 0.000202 INFO:tensorflow:Step 30750 | Loss: 2.3321 | Spent: 22.9 secs | LR: 0.000193 INFO:tensorflow:Step 30800 | Loss: 2.3343 | Spent: 24.4 secs | LR: 0.000185 INFO:tensorflow:Step 30850 | Loss: 2.3316 | Spent: 23.8 secs | LR: 0.000176 INFO:tensorflow:Step 30900 | Loss: 2.3343 | Spent: 22.1 secs | LR: 0.000167 INFO:tensorflow:Step 30950 | Loss: 2.3294 | Spent: 23.4 secs | LR: 0.000158 INFO:tensorflow:Step 31000 | Loss: 2.3369 | Spent: 23.1 secs | LR: 0.000149 INFO:tensorflow:Step 31050 | Loss: 2.3313 | Spent: 23.3 secs | LR: 0.000140 INFO:tensorflow:Step 31100 | Loss: 2.3278 | Spent: 23.0 secs | LR: 0.000131 INFO:tensorflow:Step 31150 | Loss: 2.3332 | Spent: 23.1 secs | LR: 0.000122 INFO:tensorflow:Step 31200 | Loss: 2.3308 | Spent: 24.0 secs | LR: 0.000113 INFO:tensorflow:Step 31250 | Loss: 2.3311 | Spent: 23.7 secs | LR: 0.000104 ------------ minimal test utterance: what times are the nutcracker show playing near me parsed: [ in:get_event what times are [ sl:category_event the nutcracker show ] playing [ sl:location [ in:get_location [ sl:search_radius near ] [ sl:location_user me ] ] ] ] in:get_event __________________________|_____________________________________________________ | | | | | sl:location | | | | | | | | | | | in:get_location | | | | | ________________|_______________ | | | | sl:category_even sl:search_radius sl:location_user | | | | t | | | | | | ______________|__________ | | what times are playing the nutcracker show near me ------------ Reading ../data/test.tsv INFO:tensorflow:Evaluation: Testing EM: 0.740 INFO:tensorflow:Best EM: 0.741 Reading ../data/train.tsv INFO:tensorflow:Step 31300 | Loss: 2.3282 | Spent: 154.0 secs | LR: 0.000105 INFO:tensorflow:Step 31350 | Loss: 2.3337 | Spent: 22.4 secs | LR: 0.000114 INFO:tensorflow:Step 31400 | Loss: 2.3301 | Spent: 23.5 secs | LR: 0.000123 INFO:tensorflow:Step 31450 | Loss: 2.3276 | Spent: 24.6 secs | LR: 0.000132 INFO:tensorflow:Step 31500 | Loss: 2.3359 | Spent: 23.6 secs | LR: 0.000141 INFO:tensorflow:Step 31550 | Loss: 2.3345 | Spent: 22.6 secs | LR: 0.000150 INFO:tensorflow:Step 31600 | Loss: 2.3303 | Spent: 22.5 secs | LR: 0.000159 INFO:tensorflow:Step 31650 | Loss: 2.3276 | Spent: 23.5 secs | LR: 0.000168 INFO:tensorflow:Step 31700 | Loss: 2.3278 | Spent: 23.2 secs | LR: 0.000177 INFO:tensorflow:Step 31750 | Loss: 2.3294 | Spent: 22.6 secs | LR: 0.000186 INFO:tensorflow:Step 31800 | Loss: 2.3313 | Spent: 23.0 secs | LR: 0.000195 INFO:tensorflow:Step 31850 | Loss: 2.3419 | Spent: 23.2 secs | LR: 0.000204 INFO:tensorflow:Step 31900 | Loss: 2.3319 | Spent: 23.0 secs | LR: 0.000212 INFO:tensorflow:Step 31950 | Loss: 2.3283 | Spent: 23.7 secs | LR: 0.000221 INFO:tensorflow:Step 32000 | Loss: 2.3305 | Spent: 23.6 secs | LR: 0.000230 INFO:tensorflow:Step 32050 | Loss: 2.3301 | Spent: 22.8 secs | LR: 0.000239 INFO:tensorflow:Step 32100 | Loss: 2.3325 | Spent: 22.2 secs | LR: 0.000248 INFO:tensorflow:Step 32150 | Loss: 2.3292 | Spent: 23.1 secs | LR: 0.000257 INFO:tensorflow:Step 32200 | Loss: 2.3334 | Spent: 23.3 secs | LR: 0.000266 INFO:tensorflow:Step 32250 | Loss: 2.3330 | Spent: 22.4 secs | LR: 0.000275 ------------ minimal test utterance: what times are the nutcracker show playing near me parsed: [ in:get_event what times are [ sl:category_event the nutcracker show ] playing [ sl:location [ in:get_location [ sl:search_radius near ] [ sl:location_user me ] ] ] ] in:get_event __________________________|_____________________________________________________ | | | | | sl:location | | | | | | | | | | | in:get_location | | | | | ________________|_______________ | | | | sl:category_even sl:search_radius sl:location_user | | | | t | | | | | | ______________|__________ | | what times are playing the nutcracker show near me ------------ Reading ../data/test.tsv INFO:tensorflow:Evaluation: Testing EM: 0.739 INFO:tensorflow:Best EM: 0.741 Reading ../data/train.tsv INFO:tensorflow:Step 32300 | Loss: 2.3300 | Spent: 157.7 secs | LR: 0.000284 INFO:tensorflow:Step 32350 | Loss: 2.3300 | Spent: 23.0 secs | LR: 0.000293 INFO:tensorflow:Step 32400 | Loss: 2.3379 | Spent: 22.9 secs | LR: 0.000302 INFO:tensorflow:Step 32450 | Loss: 2.3320 | Spent: 23.5 secs | LR: 0.000311 INFO:tensorflow:Step 32500 | Loss: 2.3351 | Spent: 23.5 secs | LR: 0.000320 INFO:tensorflow:Step 32550 | Loss: 2.3292 | Spent: 23.0 secs | LR: 0.000329 INFO:tensorflow:Step 32600 | Loss: 2.3307 | Spent: 23.7 secs | LR: 0.000338 INFO:tensorflow:Step 32650 | Loss: 2.3324 | Spent: 24.2 secs | LR: 0.000347 INFO:tensorflow:Step 32700 | Loss: 2.3329 | Spent: 24.0 secs | LR: 0.000356 INFO:tensorflow:Step 32750 | Loss: 2.3301 | Spent: 22.9 secs | LR: 0.000365 INFO:tensorflow:Step 32800 | Loss: 2.3305 | Spent: 24.4 secs | LR: 0.000374 INFO:tensorflow:Step 32850 | Loss: 2.3292 | Spent: 23.2 secs | LR: 0.000383 INFO:tensorflow:Step 32900 | Loss: 2.3361 | Spent: 23.5 secs | LR: 0.000392 INFO:tensorflow:Step 32950 | Loss: 2.3401 | Spent: 23.1 secs | LR: 0.000400 INFO:tensorflow:Step 33000 | Loss: 2.3346 | Spent: 23.1 secs | LR: 0.000409 INFO:tensorflow:Step 33050 | Loss: 2.3351 | Spent: 23.4 secs | LR: 0.000418 INFO:tensorflow:Step 33100 | Loss: 2.3338 | Spent: 23.1 secs | LR: 0.000427 INFO:tensorflow:Step 33150 | Loss: 2.3337 | Spent: 22.7 secs | LR: 0.000436 INFO:tensorflow:Step 33200 | Loss: 2.3308 | Spent: 23.2 secs | LR: 0.000445 INFO:tensorflow:Step 33250 | Loss: 2.3481 | Spent: 23.2 secs | LR: 0.000454 ------------ minimal test utterance: what times are the nutcracker show playing near me parsed: [ in:get_event what times are [ sl:category_event the nutcracker show playing ] [ sl:location [ in:get_location [ sl:search_radius near ] [ sl:location_user me ] ] ] ] in:get_event ________________________|______________________________________________ | | | | sl:location | | | | | | | | | in:get_location | | | | ________________|_______________ | | | sl:category_even sl:search_radius sl:location_user | | | t | | | | | _________|_________________ | | what times are the nutcracker show playing near me ------------ Reading ../data/test.tsv INFO:tensorflow:Evaluation: Testing EM: 0.737 INFO:tensorflow:Best EM: 0.741 Reading ../data/train.tsv INFO:tensorflow:Step 33300 | Loss: 2.3318 | Spent: 158.2 secs | LR: 0.000463 INFO:tensorflow:Step 33350 | Loss: 2.3334 | Spent: 23.0 secs | LR: 0.000472 INFO:tensorflow:Step 33400 | Loss: 2.3347 | Spent: 25.0 secs | LR: 0.000481 INFO:tensorflow:Step 33450 | Loss: 2.3332 | Spent: 23.0 secs | LR: 0.000490 INFO:tensorflow:Step 33500 | Loss: 2.3403 | Spent: 23.0 secs | LR: 0.000499 INFO:tensorflow:Step 33550 | Loss: 2.3322 | Spent: 22.9 secs | LR: 0.000508 INFO:tensorflow:Step 33600 | Loss: 2.3374 | Spent: 22.8 secs | LR: 0.000517 INFO:tensorflow:Step 33650 | Loss: 2.3491 | Spent: 23.4 secs | LR: 0.000526 INFO:tensorflow:Step 33700 | Loss: 2.3412 | Spent: 23.0 secs | LR: 0.000535 INFO:tensorflow:Step 33750 | Loss: 2.3361 | Spent: 22.7 secs | LR: 0.000544 INFO:tensorflow:Step 33800 | Loss: 2.3330 | Spent: 23.9 secs | LR: 0.000553 INFO:tensorflow:Step 33850 | Loss: 2.3371 | Spent: 21.7 secs | LR: 0.000562 INFO:tensorflow:Step 33900 | Loss: 2.3820 | Spent: 23.0 secs | LR: 0.000571 INFO:tensorflow:Step 33950 | Loss: 2.3458 | Spent: 23.3 secs | LR: 0.000580 INFO:tensorflow:Step 34000 | Loss: 2.3398 | Spent: 23.0 secs | LR: 0.000589 INFO:tensorflow:Step 34050 | Loss: 2.3409 | Spent: 22.9 secs | LR: 0.000597 INFO:tensorflow:Step 34100 | Loss: 2.3424 | Spent: 22.6 secs | LR: 0.000606 INFO:tensorflow:Step 34150 | Loss: 2.3365 | Spent: 22.9 secs | LR: 0.000615 INFO:tensorflow:Step 34200 | Loss: 2.3378 | Spent: 22.6 secs | LR: 0.000624 ------------ minimal test utterance: what times are the nutcracker show playing near me parsed: [ in:get_event what times are [ sl:category_event the nutcracker show ] [ sl:location [ in:get_location [ sl:search_radius near ] [ sl:location_user me ] ] ] ] in:get_event __________________|_____________________________________________________ | | | | sl:location | | | | | | | | | in:get_location | | | | ________________|_______________ | | | sl:category_even sl:search_radius sl:location_user | | | t | | | | | ______________|__________ | | what times are the nutcracker show near me ------------ Reading ../data/test.tsv INFO:tensorflow:Evaluation: Testing EM: 0.732 INFO:tensorflow:Best EM: 0.741 Reading ../data/train.tsv INFO:tensorflow:Step 34250 | Loss: 2.3366 | Spent: 151.8 secs | LR: 0.000633 INFO:tensorflow:Step 34300 | Loss: 2.3325 | Spent: 22.5 secs | LR: 0.000642 INFO:tensorflow:Step 34350 | Loss: 2.3344 | Spent: 24.1 secs | LR: 0.000651 INFO:tensorflow:Step 34400 | Loss: 2.3351 | Spent: 23.4 secs | LR: 0.000660 INFO:tensorflow:Step 34450 | Loss: 2.3384 | Spent: 23.2 secs | LR: 0.000669 INFO:tensorflow:Step 34500 | Loss: 2.3378 | Spent: 23.0 secs | LR: 0.000678 INFO:tensorflow:Step 34550 | Loss: 2.3416 | Spent: 23.2 secs | LR: 0.000687 INFO:tensorflow:Step 34600 | Loss: 2.3338 | Spent: 22.6 secs | LR: 0.000696 INFO:tensorflow:Step 34650 | Loss: 2.3415 | Spent: 22.9 secs | LR: 0.000705 INFO:tensorflow:Step 34700 | Loss: 2.3371 | Spent: 23.7 secs | LR: 0.000714 INFO:tensorflow:Step 34750 | Loss: 2.3423 | Spent: 22.8 secs | LR: 0.000723 INFO:tensorflow:Step 34800 | Loss: 2.3426 | Spent: 23.4 secs | LR: 0.000732 INFO:tensorflow:Step 34850 | Loss: 2.3388 | Spent: 22.9 secs | LR: 0.000741 INFO:tensorflow:Step 34900 | Loss: 2.3311 | Spent: 22.2 secs | LR: 0.000750 INFO:tensorflow:Step 34950 | Loss: 2.3349 | Spent: 23.0 secs | LR: 0.000759 INFO:tensorflow:Step 35000 | Loss: 2.3482 | Spent: 22.9 secs | LR: 0.000768 INFO:tensorflow:Step 35050 | Loss: 2.3513 | Spent: 23.1 secs | LR: 0.000777 INFO:tensorflow:Step 35100 | Loss: 2.3489 | Spent: 23.2 secs | LR: 0.000785 INFO:tensorflow:Step 35150 | Loss: 2.3371 | Spent: 23.0 secs | LR: 0.000794 INFO:tensorflow:Step 35200 | Loss: 2.3359 | Spent: 22.2 secs | LR: 0.000797 ------------ minimal test utterance: what times are the nutcracker show playing near me parsed: [ in:get_event what times are [ sl:category_event the nutcracker show playing ] [ sl:location [ in:get_location [ sl:search_radius near ] [ sl:location_user me ] ] ] ] in:get_event ________________________|______________________________________________ | | | | sl:location | | | | | | | | | in:get_location | | | | ________________|_______________ | | | sl:category_even sl:search_radius sl:location_user | | | t | | | | | _________|_________________ | | what times are the nutcracker show playing near me ------------ Reading ../data/test.tsv INFO:tensorflow:Evaluation: Testing EM: 0.719 INFO:tensorflow:Best EM: 0.741 Reading ../data/train.tsv INFO:tensorflow:Step 35250 | Loss: 2.3403 | Spent: 158.7 secs | LR: 0.000788 INFO:tensorflow:Step 35300 | Loss: 2.3427 | Spent: 22.6 secs | LR: 0.000779 INFO:tensorflow:Step 35350 | Loss: 2.3353 | Spent: 23.1 secs | LR: 0.000770 INFO:tensorflow:Step 35400 | Loss: 2.3339 | Spent: 23.8 secs | LR: 0.000761 INFO:tensorflow:Step 35450 | Loss: 2.3375 | Spent: 23.1 secs | LR: 0.000752 INFO:tensorflow:Step 35500 | Loss: 2.3421 | Spent: 22.5 secs | LR: 0.000743 INFO:tensorflow:Step 35550 | Loss: 2.3435 | Spent: 23.1 secs | LR: 0.000734 INFO:tensorflow:Step 35600 | Loss: 2.3417 | Spent: 22.6 secs | LR: 0.000725 INFO:tensorflow:Step 35650 | Loss: 2.3349 | Spent: 23.1 secs | LR: 0.000716 INFO:tensorflow:Step 35700 | Loss: 2.3389 | Spent: 23.0 secs | LR: 0.000707 INFO:tensorflow:Step 35750 | Loss: 2.3530 | Spent: 22.4 secs | LR: 0.000698 INFO:tensorflow:Step 35800 | Loss: 2.3400 | Spent: 22.7 secs | LR: 0.000689 INFO:tensorflow:Step 35850 | Loss: 2.3420 | Spent: 23.0 secs | LR: 0.000680 INFO:tensorflow:Step 35900 | Loss: 2.3419 | Spent: 22.5 secs | LR: 0.000671 INFO:tensorflow:Step 35950 | Loss: 2.3410 | Spent: 22.9 secs | LR: 0.000662 INFO:tensorflow:Step 36000 | Loss: 2.3415 | Spent: 22.2 secs | LR: 0.000653 INFO:tensorflow:Step 36050 | Loss: 2.3354 | Spent: 22.6 secs | LR: 0.000644 INFO:tensorflow:Step 36100 | Loss: 2.3426 | Spent: 23.3 secs | LR: 0.000635 INFO:tensorflow:Step 36150 | Loss: 2.3425 | Spent: 24.0 secs | LR: 0.000626 ------------ minimal test utterance: what times are the nutcracker show playing near me parsed: [ in:get_event what times are [ sl:category_event the nutcracker show playing ] [ sl:location [ in:get_location [ sl:search_radius near ] [ sl:location_user me ] ] ] ] in:get_event ________________________|______________________________________________ | | | | sl:location | | | | | | | | | in:get_location | | | | ________________|_______________ | | | sl:category_even sl:search_radius sl:location_user | | | t | | | | | _________|_________________ | | what times are the nutcracker show playing near me ------------ Reading ../data/test.tsv INFO:tensorflow:Evaluation: Testing EM: 0.730 INFO:tensorflow:Best EM: 0.741 Reading ../data/train.tsv INFO:tensorflow:Step 36200 | Loss: 2.3410 | Spent: 155.8 secs | LR: 0.000618 INFO:tensorflow:Step 36250 | Loss: 2.3355 | Spent: 22.9 secs | LR: 0.000609 INFO:tensorflow:Step 36300 | Loss: 2.3355 | Spent: 23.3 secs | LR: 0.000600 INFO:tensorflow:Step 36350 | Loss: 2.3323 | Spent: 23.0 secs | LR: 0.000591 INFO:tensorflow:Step 36400 | Loss: 2.3339 | Spent: 23.6 secs | LR: 0.000582 INFO:tensorflow:Step 36450 | Loss: 2.3373 | Spent: 24.0 secs | LR: 0.000573 INFO:tensorflow:Step 36500 | Loss: 2.3351 | Spent: 22.6 secs | LR: 0.000564 INFO:tensorflow:Step 36550 | Loss: 2.3382 | Spent: 23.6 secs | LR: 0.000555 INFO:tensorflow:Step 36600 | Loss: 2.3375 | Spent: 23.1 secs | LR: 0.000546 INFO:tensorflow:Step 36650 | Loss: 2.3329 | Spent: 22.6 secs | LR: 0.000537 INFO:tensorflow:Step 36700 | Loss: 2.3345 | Spent: 23.1 secs | LR: 0.000528 INFO:tensorflow:Step 36750 | Loss: 2.3377 | Spent: 23.1 secs | LR: 0.000519 INFO:tensorflow:Step 36800 | Loss: 2.3348 | Spent: 23.2 secs | LR: 0.000510 INFO:tensorflow:Step 36850 | Loss: 2.3351 | Spent: 23.1 secs | LR: 0.000501 INFO:tensorflow:Step 36900 | Loss: 2.3373 | Spent: 23.4 secs | LR: 0.000492 INFO:tensorflow:Step 36950 | Loss: 2.3374 | Spent: 22.1 secs | LR: 0.000483 INFO:tensorflow:Step 37000 | Loss: 2.3331 | Spent: 23.3 secs | LR: 0.000474 INFO:tensorflow:Step 37050 | Loss: 2.3340 | Spent: 22.6 secs | LR: 0.000465 INFO:tensorflow:Step 37100 | Loss: 2.3386 | Spent: 23.2 secs | LR: 0.000456 INFO:tensorflow:Step 37150 | Loss: 2.3305 | Spent: 24.1 secs | LR: 0.000447 ------------ minimal test utterance: what times are the nutcracker show playing near me parsed: [ in:get_event what times are [ sl:category_event the nutcracker show playing ] [ sl:location [ in:get_location [ sl:search_radius near ] [ sl:location_user me ] ] ] ] in:get_event ________________________|______________________________________________ | | | | sl:location | | | | | | | | | in:get_location | | | | ________________|_______________ | | | sl:category_even sl:search_radius sl:location_user | | | t | | | | | _________|_________________ | | what times are the nutcracker show playing near me ------------ Reading ../data/test.tsv INFO:tensorflow:Evaluation: Testing EM: 0.733 INFO:tensorflow:Best EM: 0.741 Reading ../data/train.tsv INFO:tensorflow:Step 37200 | Loss: 2.3301 | Spent: 152.7 secs | LR: 0.000438 INFO:tensorflow:Step 37250 | Loss: 2.3364 | Spent: 24.0 secs | LR: 0.000429 INFO:tensorflow:Step 37300 | Loss: 2.3302 | Spent: 23.5 secs | LR: 0.000421 INFO:tensorflow:Step 37350 | Loss: 2.3286 | Spent: 23.5 secs | LR: 0.000412 INFO:tensorflow:Step 37400 | Loss: 2.3316 | Spent: 23.5 secs | LR: 0.000403 INFO:tensorflow:Step 37450 | Loss: 2.3333 | Spent: 23.0 secs | LR: 0.000394 INFO:tensorflow:Step 37500 | Loss: 2.3306 | Spent: 23.0 secs | LR: 0.000385 INFO:tensorflow:Step 37550 | Loss: 2.3317 | Spent: 24.4 secs | LR: 0.000376 INFO:tensorflow:Step 37600 | Loss: 2.3386 | Spent: 22.6 secs | LR: 0.000367 INFO:tensorflow:Step 37650 | Loss: 2.3306 | Spent: 23.3 secs | LR: 0.000358 INFO:tensorflow:Step 37700 | Loss: 2.3301 | Spent: 22.8 secs | LR: 0.000349 INFO:tensorflow:Step 37750 | Loss: 2.3325 | Spent: 22.7 secs | LR: 0.000340 INFO:tensorflow:Step 37800 | Loss: 2.3349 | Spent: 23.4 secs | LR: 0.000331 INFO:tensorflow:Step 37850 | Loss: 2.3361 | Spent: 22.7 secs | LR: 0.000322 INFO:tensorflow:Step 37900 | Loss: 2.3285 | Spent: 24.3 secs | LR: 0.000313 INFO:tensorflow:Step 37950 | Loss: 2.3278 | Spent: 23.6 secs | LR: 0.000304 INFO:tensorflow:Step 38000 | Loss: 2.3335 | Spent: 23.5 secs | LR: 0.000295 INFO:tensorflow:Step 38050 | Loss: 2.3281 | Spent: 23.2 secs | LR: 0.000286 INFO:tensorflow:Step 38100 | Loss: 2.3307 | Spent: 22.4 secs | LR: 0.000277 ------------ minimal test utterance: what times are the nutcracker show playing near me parsed: [ in:get_event what times are [ sl:category_event the nutcracker show playing ] [ sl:location [ in:get_location [ sl:search_radius near ] [ sl:location_user me ] ] ] ] in:get_event ________________________|______________________________________________ | | | | sl:location | | | | | | | | | in:get_location | | | | ________________|_______________ | | | sl:category_even sl:search_radius sl:location_user | | | t | | | | | _________|_________________ | | what times are the nutcracker show playing near me ------------ Reading ../data/test.tsv INFO:tensorflow:Evaluation: Testing EM: 0.738 INFO:tensorflow:Best EM: 0.741 Reading ../data/train.tsv INFO:tensorflow:Step 38150 | Loss: 2.3287 | Spent: 157.5 secs | LR: 0.000268 INFO:tensorflow:Step 38200 | Loss: 2.3280 | Spent: 23.3 secs | LR: 0.000259 INFO:tensorflow:Step 38250 | Loss: 2.3263 | Spent: 22.7 secs | LR: 0.000250 INFO:tensorflow:Step 38300 | Loss: 2.3310 | Spent: 23.4 secs | LR: 0.000241 INFO:tensorflow:Step 38350 | Loss: 2.3324 | Spent: 23.0 secs | LR: 0.000233 INFO:tensorflow:Step 38400 | Loss: 2.3282 | Spent: 22.6 secs | LR: 0.000224 INFO:tensorflow:Step 38450 | Loss: 2.3307 | Spent: 23.0 secs | LR: 0.000215 INFO:tensorflow:Step 38500 | Loss: 2.3300 | Spent: 23.4 secs | LR: 0.000206 INFO:tensorflow:Step 38550 | Loss: 2.3284 | Spent: 23.8 secs | LR: 0.000197 INFO:tensorflow:Step 38600 | Loss: 2.3304 | Spent: 23.7 secs | LR: 0.000188 INFO:tensorflow:Step 38650 | Loss: 2.3269 | Spent: 23.6 secs | LR: 0.000179 INFO:tensorflow:Step 38700 | Loss: 2.3315 | Spent: 23.4 secs | LR: 0.000170 INFO:tensorflow:Step 38750 | Loss: 2.3367 | Spent: 23.8 secs | LR: 0.000161 INFO:tensorflow:Step 38800 | Loss: 2.3274 | Spent: 24.2 secs | LR: 0.000152 INFO:tensorflow:Step 38850 | Loss: 2.3285 | Spent: 23.5 secs | LR: 0.000143 INFO:tensorflow:Step 38900 | Loss: 2.3301 | Spent: 23.4 secs | LR: 0.000134 INFO:tensorflow:Step 38950 | Loss: 2.3281 | Spent: 23.4 secs | LR: 0.000125 INFO:tensorflow:Step 39000 | Loss: 2.3265 | Spent: 23.4 secs | LR: 0.000116 INFO:tensorflow:Step 39050 | Loss: 2.3299 | Spent: 22.9 secs | LR: 0.000107 INFO:tensorflow:Step 39100 | Loss: 2.3322 | Spent: 23.1 secs | LR: 0.000102 ------------ minimal test utterance: what times are the nutcracker show playing near me parsed: [ in:get_event what times are [ sl:category_event the nutcracker show playing ] [ sl:location [ in:get_location [ sl:search_radius near ] [ sl:location_user me ] ] ] ] in:get_event ________________________|______________________________________________ | | | | sl:location | | | | | | | | | in:get_location | | | | ________________|_______________ | | | sl:category_even sl:search_radius sl:location_user | | | t | | | | | _________|_________________ | | what times are the nutcracker show playing near me ------------ Reading ../data/test.tsv INFO:tensorflow:Evaluation: Testing EM: 0.739 INFO:tensorflow:Best EM: 0.741 Reading ../data/train.tsv INFO:tensorflow:Step 39150 | Loss: 2.3285 | Spent: 157.1 secs | LR: 0.000111 INFO:tensorflow:Step 39200 | Loss: 2.3291 | Spent: 23.3 secs | LR: 0.000120 INFO:tensorflow:Step 39250 | Loss: 2.3259 | Spent: 23.7 secs | LR: 0.000129 INFO:tensorflow:Step 39300 | Loss: 2.3323 | Spent: 24.2 secs | LR: 0.000138 INFO:tensorflow:Step 39350 | Loss: 2.3267 | Spent: 25.4 secs | LR: 0.000147 INFO:tensorflow:Step 39400 | Loss: 2.3278 | Spent: 23.0 secs | LR: 0.000156 INFO:tensorflow:Step 39450 | Loss: 2.3282 | Spent: 22.8 secs | LR: 0.000164 INFO:tensorflow:Step 39500 | Loss: 2.3286 | Spent: 23.1 secs | LR: 0.000173 INFO:tensorflow:Step 39550 | Loss: 2.3268 | Spent: 23.8 secs | LR: 0.000182 INFO:tensorflow:Step 39600 | Loss: 2.3280 | Spent: 23.2 secs | LR: 0.000191 INFO:tensorflow:Step 39650 | Loss: 2.3312 | Spent: 23.1 secs | LR: 0.000200 INFO:tensorflow:Step 39700 | Loss: 2.3282 | Spent: 22.6 secs | LR: 0.000209 INFO:tensorflow:Step 39750 | Loss: 2.3274 | Spent: 24.0 secs | LR: 0.000218 INFO:tensorflow:Step 39800 | Loss: 2.3281 | Spent: 23.8 secs | LR: 0.000227 INFO:tensorflow:Step 39850 | Loss: 2.3264 | Spent: 23.3 secs | LR: 0.000236 INFO:tensorflow:Step 39900 | Loss: 2.3290 | Spent: 23.0 secs | LR: 0.000245 INFO:tensorflow:Step 39950 | Loss: 2.3304 | Spent: 23.7 secs | LR: 0.000254 INFO:tensorflow:Step 40000 | Loss: 2.3301 | Spent: 22.7 secs | LR: 0.000263 INFO:tensorflow:Step 40050 | Loss: 2.3290 | Spent: 23.3 secs | LR: 0.000272 ------------ minimal test utterance: what times are the nutcracker show playing near me parsed: [ in:get_event what times are [ sl:category_event the nutcracker show playing ] [ sl:location [ in:get_location [ sl:search_radius near ] [ sl:location_user me ] ] ] ] in:get_event ________________________|______________________________________________ | | | | sl:location | | | | | | | | | in:get_location | | | | ________________|_______________ | | | sl:category_even sl:search_radius sl:location_user | | | t | | | | | _________|_________________ | | what times are the nutcracker show playing near me ------------ Reading ../data/test.tsv INFO:tensorflow:Evaluation: Testing EM: 0.737 INFO:tensorflow:Best EM: 0.741 10 times not improve the best result, therefore stop training