"""
We use following lines because we are running on Google Colab
If you are running notebook on a local computer, you don't need this cell
"""
from google.colab import drive
drive.mount('/content/gdrive')
import os
os.chdir('/content/gdrive/My Drive/finch/tensorflow1/semantic_parsing/tree_slu/main')
Drive already mounted at /content/gdrive; to attempt to forcibly remount, call drive.mount("/content/gdrive", force_remount=True).
!pip install tensorflow-hub
Requirement already satisfied: tensorflow-hub in /usr/local/lib/python3.6/dist-packages (0.7.0) Requirement already satisfied: six>=1.10.0 in /usr/local/lib/python3.6/dist-packages (from tensorflow-hub) (1.12.0) Requirement already satisfied: protobuf>=3.4.0 in /usr/local/lib/python3.6/dist-packages (from tensorflow-hub) (3.10.0) Requirement already satisfied: numpy>=1.12.0 in /usr/local/lib/python3.6/dist-packages (from tensorflow-hub) (1.17.3) Requirement already satisfied: setuptools in /usr/local/lib/python3.6/dist-packages (from protobuf>=3.4.0->tensorflow-hub) (41.4.0)
%tensorflow_version 1.x
import tensorflow as tf
import tensorflow_hub as hub
import numpy as np
import pprint
import logging
import time
import nltk
import os
import random
from pathlib import Path
print("TensorFlow Version", tf.__version__)
print('GPU Enabled:', tf.test.is_gpu_available())
TensorFlow Version 1.15.0 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 (text_tokenized, (target_in, target_out))
def dataset(is_training, params):
_shapes = ([None], ([None], [None]))
_types = (tf.string, (tf.int32, tf.int32))
_pads = ('<pad>', (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
def clip_grads(loss):
variables = tf.trainable_variables()
pprint.pprint(variables)
grads = tf.gradients(loss, variables)
clipped_grads, _ = tf.clip_by_global_norm(grads, params['clip_norm'])
return zip(clipped_grads, variables)
def rnn_cell():
def cell_fn():
cell = tf.nn.rnn_cell.LSTMCell(params['rnn_units'],
initializer=tf.orthogonal_initializer())
return cell
if params['dec_layers'] > 1:
cells = []
for i in range(params['dec_layers']):
if i == params['dec_layers'] - 1:
cells.append(cell_fn())
else:
cells.append(tf.nn.rnn_cell.ResidualWrapper(cell_fn(), residual_fn=lambda i,o: tf.concat((i,o), -1)))
return tf.nn.rnn_cell.MultiRNNCell(cells)
else:
return cell_fn()
def dec_cell(enc_out, enc_seq_len):
attn1 = tf.contrib.seq2seq.BahdanauAttention(
num_units = params['rnn_units'],
memory = enc_out,
memory_sequence_length = enc_seq_len,
normalize=False)
attn2 = tf.contrib.seq2seq.LuongAttention(
num_units = params['rnn_units'],
memory = enc_out,
memory_sequence_length = enc_seq_len,
scale=False)
return tf.contrib.seq2seq.AttentionWrapper(
cell = rnn_cell(),
attention_mechanism = (attn1, attn2),
attention_layer_size = (params['rnn_units'], params['rnn_units']))
class TiedDense(tf.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)
self.proj_W = self.add_weight(name='proj_W',
shape=[2*params['rnn_units'], params['rnn_units']],
trainable=True)
self.proj_b = self.add_weight(name='proj_b',
shape=[params['rnn_units']],
trainable=True)
super().build(input_shape)
def call(self, inputs):
x = params['activation'](tf.nn.bias_add(tf.matmul(inputs, self.proj_W), self.proj_b))
x = tf.matmul(x, 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)
def forward(raw_texts, labels, mode):
vocab = tf.contrib.lookup.index_table_from_file(
params['vocab_tgt_path'], num_oov_buckets=1)
words = vocab.lookup(raw_texts)
words_len = tf.count_nonzero(words, 1, dtype=tf.int32)
is_training = (mode == tf.estimator.ModeKeys.TRAIN)
batch_sz = tf.shape(words)[0]
with tf.variable_scope('Embedding'):
elmo = hub.Module("https://tfhub.dev/google/elmo/2", trainable=False)
e = elmo(inputs={'tokens':raw_texts, 'sequence_len':words_len,}, signature="tokens", as_dict=True)['lstm_outputs1']
e = tf.layers.dropout(e, params['dropout_rate'], training=is_training)
e = tf.layers.dense(e, params['rnn_units'], params['activation'])
embedding = tf.Variable(np.load('../vocab/word.npy'),
dtype=tf.float32,
name='glove')
x = tf.nn.embedding_lookup(embedding, words)
x = tf.concat((x, e), -1)
x = tf.layers.dropout(x, params['dropout_rate'], training=is_training)
with tf.variable_scope('Encoder'):
t = tf.transpose(x, perm=[1, 0, 2]) # Need time-major
lstm_cell_fw = tf.contrib.rnn.LSTMBlockFusedCell(params['rnn_units'])
lstm_cell_bw = tf.contrib.rnn.LSTMBlockFusedCell(params['rnn_units'])
lstm_cell_bw = tf.contrib.rnn.TimeReversedFusedRNN(lstm_cell_bw)
o_fw, s_fw = lstm_cell_fw(t, dtype=tf.float32, sequence_length=words_len)
o_bw, s_bw = lstm_cell_bw(t, dtype=tf.float32, sequence_length=words_len)
enc_out = tf.concat([o_fw, o_bw], axis=-1)
enc_out = tf.transpose(enc_out, perm=[1, 0, 2])
enc_state = tf.layers.dense(tf.concat((s_fw.h, s_bw.h), -1), params['rnn_units'], params['activation'], name='state_fc')
enc_state = tf.nn.rnn_cell.LSTMStateTuple(c=enc_state, h=enc_state)
if params['dec_layers'] > 1:
enc_state = tuple(params['dec_layers'] * [enc_state])
with tf.variable_scope('Decoder'):
output_proj = TiedDense(embedding, len(params['tgt2idx'])+1)
if is_training or (mode == tf.estimator.ModeKeys.EVAL):
dec_inputs, dec_outputs = labels
dec_seq_len = tf.count_nonzero(dec_inputs, 1, dtype=tf.int32)
dec_inputs = tf.nn.embedding_lookup(embedding, dec_inputs)
dec_inputs = tf.layers.dropout(dec_inputs, params['dropout_rate'], training=is_training)
cell = dec_cell(enc_out, words_len)
init_state = cell.zero_state(batch_sz, tf.float32).clone(
cell_state=enc_state)
helper = tf.contrib.seq2seq.TrainingHelper(
inputs = dec_inputs,
sequence_length = dec_seq_len)
decoder = tf.contrib.seq2seq.BasicDecoder(
cell = cell,
helper = helper,
initial_state = init_state,
output_layer = output_proj)
decoder_output, _, _ = tf.contrib.seq2seq.dynamic_decode(
decoder = decoder,
maximum_iterations = tf.reduce_max(dec_seq_len))
return decoder_output.rnn_output
else:
enc_out_t = tf.contrib.seq2seq.tile_batch(enc_out, params['beam_width'])
enc_state_t = tf.contrib.seq2seq.tile_batch(enc_state, params['beam_width'])
enc_seq_len_t = tf.contrib.seq2seq.tile_batch(words_len, params['beam_width'])
cell = dec_cell(enc_out_t, enc_seq_len_t)
init_state = cell.zero_state(batch_sz*params['beam_width'], tf.float32).clone(
cell_state=enc_state_t)
decoder = tf.contrib.seq2seq.BeamSearchDecoder(
cell = cell,
embedding = embedding,
start_tokens = tf.tile(tf.constant([1], tf.int32), [batch_sz]),
end_token = 2,
initial_state = init_state,
beam_width = params['beam_width'],
output_layer = output_proj)
decoder_output, _, _ = tf.contrib.seq2seq.dynamic_decode(
decoder = decoder,
maximum_iterations = 80,)
return decoder_output.predicted_ids[:, :, 0]
def model_fn(features, labels, mode, params):
logits_or_ids = forward(features, labels, mode)
if mode == tf.estimator.ModeKeys.PREDICT:
return tf.estimator.EstimatorSpec(mode, predictions=logits_or_ids)
dec_inputs, dec_outputs = labels
loss_op = tf.losses.softmax_cross_entropy(onehot_labels = tf.one_hot(dec_outputs, len(params['tgt2idx'])+1),
logits = logits_or_ids,
weights = tf.to_float(tf.sign(dec_outputs)),
label_smoothing = .2)
if mode == tf.estimator.ModeKeys.TRAIN:
global_step=tf.train.get_or_create_global_step()
decay_lr = tf.train.exponential_decay(
params['lr'], global_step, 1000, .96)
train_op = tf.train.AdamOptimizer(decay_lr).apply_gradients(
clip_grads(loss_op), global_step=global_step)
hook = tf.train.LoggingTensorHook({'lr': decay_lr}, every_n_iter=100)
return tf.estimator.EstimatorSpec(
mode=mode, loss=loss_op, train_op=train_op, training_hooks=[hook],)
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 = {
'model_dir': '../model/lstm_seq2seq',
'log_path': '../log/lstm_seq2seq.txt',
'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': 0.2,
'rnn_units': 300,
'dec_layers': 1,
'beam_width': 10,
'activation': tf.nn.relu,
'lr': 4e-4,
'clip_norm': .1,
'buffer_size': 31279,
'train_batch_size': 32,
'eval_batch_size': 128,
'num_patience': 5,
}
params['tgt2idx'] = get_vocab(params['vocab_tgt_path'])
params['idx2tgt'] = {idx: tgt for tgt, idx in params['tgt2idx'].items()}
def is_descending(history: list) -> bool:
history = history[-(params['num_patience']+1):]
for i in range(1, len(history)):
if history[i-1] <= history[i]:
return False
return True
def minimal_test(estimator):
test_str = [['what', 'times', 'are', 'the', 'nutcracker', 'show', 'playing', 'near', 'me']]
predicted = list(estimator.predict(tf.estimator.inputs.numpy_input_fn(
x = np.array(test_str), shuffle = False)))
print('-'*12)
print('minimal test')
print('utterance:', ' '.join(test_str[0]))
predicted = ' '.join([params['idx2tgt'].get(idx, len(params['idx2tgt'])) for idx in predicted[0]])
predicted = predicted.replace('<end>', '').strip()
print('parsed:', predicted)
print()
try:
nltk.tree.Tree.fromstring(predicted.replace('[ ', '(').replace(' ]', ')')).pretty_print()
except:
pass
print('-'*12)
# Create directory if not exist
Path(os.path.dirname(params['log_path'])).mkdir(exist_ok=True)
Path(params['model_dir']).mkdir(exist_ok=True, parents=True)
# Logging
logger = logging.getLogger('tensorflow')
logger.propagate = False
logger.setLevel(logging.INFO)
fh = logging.FileHandler(params['log_path'])
logger.addHandler(fh)
# Create an estimator
eval_steps = params['buffer_size']//params['train_batch_size'] + 1
estimator = tf.estimator.Estimator(
model_fn=model_fn,
model_dir=params['model_dir'],
config=tf.estimator.RunConfig(save_checkpoints_steps=eval_steps),
params=params)
best_acc = .0
history_acc = []
tf.enable_eager_execution()
while True:
estimator.train(input_fn=lambda: dataset(is_training=True, params=params))
minimal_test(estimator)
# Evaluation
labels = [label for _, (_, label) in dataset(is_training=False, params=params)]
seq_lens = [tf.argmax(tf.cast(tf.equal(l, 2), tf.int32), axis=1) for l in labels]
labels = [j for i in labels for j in i.numpy()]
seq_lens = [j for i in seq_lens for j in i.numpy()]
preds = list(estimator.predict(input_fn=lambda: dataset(is_training=False, params=params)))
assert len(preds) == len(labels)
res = [np.all(p[:seq_len+1] == l[:seq_len+1]) for p, l, seq_len in zip(preds, labels, seq_lens)]
acc = np.asarray(res).mean()
logger.info("Evaluation: Testing (Exact Match) Accuracy: {:.3f}".format(acc))
history_acc.append(acc)
if acc > best_acc:
best_acc = acc
logger.info("Best (Exact Match) Accuracy: {:.3f}".format(best_acc))
if len(history_acc) > params['num_patience'] and is_descending(history_acc):
logger.info("Testing (Exact Match) Accuracy not improved over {} epochs, Early Stop".format(params['num_patience']))
break
INFO:tensorflow:Using config: {'_model_dir': '../model/lstm_seq2seq', '_tf_random_seed': None, '_save_summary_steps': 100, '_save_checkpoints_steps': 978, '_save_checkpoints_secs': None, '_session_config': allow_soft_placement: true graph_options { rewrite_options { meta_optimizer_iterations: ONE } } , '_keep_checkpoint_max': 5, '_keep_checkpoint_every_n_hours': 10000, '_log_step_count_steps': 100, '_train_distribute': None, '_device_fn': None, '_protocol': None, '_eval_distribute': None, '_experimental_distribute': None, '_experimental_max_worker_delay_secs': None, '_session_creation_timeout_secs': 7200, '_service': None, '_cluster_spec': <tensorflow.python.training.server_lib.ClusterSpec object at 0x7f05efdae6a0>, '_task_type': 'worker', '_task_id': 0, '_global_id_in_cluster': 0, '_master': '', '_evaluation_master': '', '_is_chief': True, '_num_ps_replicas': 0, '_num_worker_replicas': 1} WARNING:tensorflow:From /usr/local/lib/python3.6/dist-packages/tensorflow_core/python/training/training_util.py:236: Variable.initialized_value (from tensorflow.python.ops.variables) is deprecated and will be removed in a future version. Instructions for updating: Use Variable.read_value. Variables in 2.X are initialized automatically both in eager and graph (inside tf.defun) contexts. INFO:tensorflow:Calling model_fn. WARNING:tensorflow: The TensorFlow contrib module will not be included in TensorFlow 2.0. For more information, please see: * https://github.com/tensorflow/community/blob/master/rfcs/20180907-contrib-sunset.md * https://github.com/tensorflow/addons * https://github.com/tensorflow/io (for I/O related ops) If you depend on functionality not listed there, please file an issue. WARNING:tensorflow:From /usr/local/lib/python3.6/dist-packages/tensorflow_core/python/util/deprecation.py:507: calling count_nonzero (from tensorflow.python.ops.math_ops) with axis is deprecated and will be removed in a future version. Instructions for updating: reduction_indices is deprecated, use axis instead INFO:tensorflow:Saver not created because there are no variables in the graph to restore INFO:tensorflow:Saver not created because there are no variables in the graph to restore WARNING:tensorflow:From <ipython-input-8-c909d6f1c681>:14: dropout (from tensorflow.python.layers.core) is deprecated and will be removed in a future version. Instructions for updating: Use keras.layers.dropout instead. WARNING:tensorflow:From /usr/local/lib/python3.6/dist-packages/tensorflow_core/python/layers/core.py:271: Layer.apply (from tensorflow.python.keras.engine.base_layer) is deprecated and will be removed in a future version. Instructions for updating: Please use `layer.__call__` method instead. WARNING:tensorflow:From <ipython-input-8-c909d6f1c681>:15: dense (from tensorflow.python.layers.core) is deprecated and will be removed in a future version. Instructions for updating: Use keras.layers.Dense instead. WARNING:tensorflow:From /usr/local/lib/python3.6/dist-packages/tensorflow_core/contrib/rnn/python/ops/lstm_ops.py:597: Layer.add_variable (from tensorflow.python.keras.engine.base_layer) is deprecated and will be removed in a future version. Instructions for updating: Please use `layer.add_weight` method instead. WARNING:tensorflow:From <ipython-input-6-135f635cf6e4>:12: LSTMCell.__init__ (from tensorflow.python.ops.rnn_cell_impl) is deprecated and will be removed in a future version. Instructions for updating: This class is equivalent as tf.keras.layers.LSTMCell, and will be replaced by that in Tensorflow 2.0. WARNING:tensorflow:From /usr/local/lib/python3.6/dist-packages/tensorflow_core/python/ops/rnn_cell_impl.py:962: calling Zeros.__init__ (from tensorflow.python.ops.init_ops) with dtype is deprecated and will be removed in a future version. Instructions for updating: Call initializer instance with the dtype argument instead of passing it to the constructor WARNING:tensorflow:From /usr/local/lib/python3.6/dist-packages/tensorflow_core/contrib/seq2seq/python/ops/attention_wrapper.py:2078: where (from tensorflow.python.ops.array_ops) is deprecated and will be removed in a future version. Instructions for updating: Use tf.where in 2.0, which has the same broadcast rule as np.where WARNING:tensorflow:From <ipython-input-9-8e660c2a5c11>:10: to_float (from tensorflow.python.ops.math_ops) is deprecated and will be removed in a future version. Instructions for updating: Use `tf.cast` instead. [<tf.Variable 'Embedding/dense/kernel:0' shape=(1024, 300) dtype=float32_ref>, <tf.Variable 'Embedding/dense/bias:0' shape=(300,) dtype=float32_ref>, <tf.Variable 'Embedding/glove:0' shape=(8692, 300) dtype=float32_ref>, <tf.Variable 'Encoder/lstm_fused_cell/kernel:0' shape=(900, 1200) dtype=float32_ref>, <tf.Variable 'Encoder/lstm_fused_cell/bias:0' shape=(1200,) dtype=float32_ref>, <tf.Variable 'Encoder/lstm_fused_cell_1/kernel:0' shape=(900, 1200) dtype=float32_ref>, <tf.Variable 'Encoder/lstm_fused_cell_1/bias:0' shape=(1200,) dtype=float32_ref>, <tf.Variable 'Encoder/state_fc/kernel:0' shape=(600, 300) dtype=float32_ref>, <tf.Variable 'Encoder/state_fc/bias:0' shape=(300,) dtype=float32_ref>, <tf.Variable 'Decoder/memory_layer/kernel:0' shape=(600, 300) dtype=float32_ref>, <tf.Variable 'Decoder/memory_layer_1/kernel:0' shape=(600, 300) dtype=float32_ref>, <tf.Variable 'Decoder/decoder/attention_wrapper/lstm_cell/kernel:0' shape=(1200, 1200) dtype=float32_ref>, <tf.Variable 'Decoder/decoder/attention_wrapper/lstm_cell/bias:0' shape=(1200,) dtype=float32_ref>, <tf.Variable 'Decoder/decoder/attention_wrapper/bahdanau_attention/query_layer/kernel:0' shape=(300, 300) dtype=float32_ref>, <tf.Variable 'Decoder/decoder/attention_wrapper/bahdanau_attention/attention_v:0' shape=(300,) dtype=float32_ref>, <tf.Variable 'Decoder/decoder/attention_wrapper/attention_layer/kernel:0' shape=(900, 300) dtype=float32_ref>, <tf.Variable 'Decoder/decoder/attention_wrapper/attention_layer_1/kernel:0' shape=(900, 300) dtype=float32_ref>, <tf.Variable 'Decoder/decoder/tied_dense/bias:0' shape=(8692,) dtype=float32_ref>, <tf.Variable 'Decoder/decoder/tied_dense/proj_W:0' shape=(600, 300) dtype=float32_ref>, <tf.Variable 'Decoder/decoder/tied_dense/proj_b:0' shape=(300,) dtype=float32_ref>] INFO:tensorflow:Done calling model_fn. INFO:tensorflow:Create CheckpointSaverHook. INFO:tensorflow:Graph was finalized. INFO:tensorflow:Running local_init_op. INFO:tensorflow:Done running local_init_op. INFO:tensorflow:Saving checkpoints for 0 into ../model/lstm_seq2seq/model.ckpt. Reading ../data/train.tsv INFO:tensorflow:loss = 9.545226, step = 0 INFO:tensorflow:lr = 0.0004 INFO:tensorflow:global_step/sec: 2.08373 INFO:tensorflow:loss = 4.537199, step = 100 (47.993 sec) INFO:tensorflow:lr = 0.00039837044 (47.992 sec) INFO:tensorflow:global_step/sec: 2.17141 INFO:tensorflow:loss = 3.5616326, step = 200 (46.059 sec) INFO:tensorflow:lr = 0.00039674752 (46.057 sec) INFO:tensorflow:global_step/sec: 2.11963 INFO:tensorflow:loss = 3.1313076, step = 300 (47.173 sec) INFO:tensorflow:lr = 0.0003951312 (47.173 sec) INFO:tensorflow:global_step/sec: 2.19324 INFO:tensorflow:loss = 3.0543175, step = 400 (45.596 sec) INFO:tensorflow:lr = 0.00039352148 (45.595 sec) INFO:tensorflow:global_step/sec: 2.19026 INFO:tensorflow:loss = 2.8855112, step = 500 (45.658 sec) INFO:tensorflow:lr = 0.00039191832 (45.660 sec) INFO:tensorflow:global_step/sec: 2.21216 INFO:tensorflow:loss = 2.8380878, step = 600 (45.205 sec) INFO:tensorflow:lr = 0.00039032171 (45.205 sec) INFO:tensorflow:global_step/sec: 2.23568 INFO:tensorflow:loss = 2.7726312, step = 700 (44.727 sec) INFO:tensorflow:lr = 0.00038873157 (44.726 sec) INFO:tensorflow:global_step/sec: 2.21924 INFO:tensorflow:loss = 2.631123, step = 800 (45.061 sec) INFO:tensorflow:lr = 0.0003871479 (45.061 sec) INFO:tensorflow:global_step/sec: 2.21488 INFO:tensorflow:loss = 2.6776147, step = 900 (45.149 sec) INFO:tensorflow:lr = 0.00038557075 (45.150 sec) INFO:tensorflow:Saving checkpoints for 978 into ../model/lstm_seq2seq/model.ckpt. INFO:tensorflow:Loss for final step: 2.602205. WARNING:tensorflow:From /usr/local/lib/python3.6/dist-packages/tensorflow_estimator/python/estimator/inputs/queues/feeding_queue_runner.py:62: QueueRunner.__init__ (from tensorflow.python.training.queue_runner_impl) is deprecated and will be removed in a future version. Instructions for updating: To construct input pipelines, use the `tf.data` module. WARNING:tensorflow:From /usr/local/lib/python3.6/dist-packages/tensorflow_estimator/python/estimator/inputs/queues/feeding_functions.py:500: add_queue_runner (from tensorflow.python.training.queue_runner_impl) is deprecated and will be removed in a future version. Instructions for updating: To construct input pipelines, use the `tf.data` module. INFO:tensorflow:Calling model_fn. INFO:tensorflow:Saver not created because there are no variables in the graph to restore INFO:tensorflow:Saver not created because there are no variables in the graph to restore WARNING:tensorflow:From /usr/local/lib/python3.6/dist-packages/tensorflow_core/contrib/seq2seq/python/ops/beam_search_decoder.py:971: to_int64 (from tensorflow.python.ops.math_ops) is deprecated and will be removed in a future version. Instructions for updating: Use `tf.cast` instead. INFO:tensorflow:Done calling model_fn. INFO:tensorflow:Graph was finalized. INFO:tensorflow:Restoring parameters from ../model/lstm_seq2seq/model.ckpt-978 INFO:tensorflow:Running local_init_op. INFO:tensorflow:Done running local_init_op. WARNING:tensorflow:From /usr/local/lib/python3.6/dist-packages/tensorflow_core/python/training/monitored_session.py:882: start_queue_runners (from tensorflow.python.training.queue_runner_impl) is deprecated and will be removed in a future version. Instructions for updating: To construct input pipelines, use the `tf.data` module. ------------ 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:Calling model_fn. INFO:tensorflow:Saver not created because there are no variables in the graph to restore INFO:tensorflow:Saver not created because there are no variables in the graph to restore INFO:tensorflow:Done calling model_fn. INFO:tensorflow:Graph was finalized. INFO:tensorflow:Restoring parameters from ../model/lstm_seq2seq/model.ckpt-978 INFO:tensorflow:Running local_init_op. INFO:tensorflow:Done running local_init_op. Reading ../data/test.tsv INFO:tensorflow:Evaluation: Testing (Exact Match) Accuracy: 0.500 INFO:tensorflow:Best (Exact Match) Accuracy: 0.500 INFO:tensorflow:Calling model_fn.
/usr/local/lib/python3.6/dist-packages/ipykernel_launcher.py:38: DeprecationWarning: elementwise comparison failed; this will raise an error in the future.
INFO:tensorflow:Saver not created because there are no variables in the graph to restore INFO:tensorflow:Saver not created because there are no variables in the graph to restore [<tf.Variable 'Embedding/dense/kernel:0' shape=(1024, 300) dtype=float32_ref>, <tf.Variable 'Embedding/dense/bias:0' shape=(300,) dtype=float32_ref>, <tf.Variable 'Embedding/glove:0' shape=(8692, 300) dtype=float32_ref>, <tf.Variable 'Encoder/lstm_fused_cell/kernel:0' shape=(900, 1200) dtype=float32_ref>, <tf.Variable 'Encoder/lstm_fused_cell/bias:0' shape=(1200,) dtype=float32_ref>, <tf.Variable 'Encoder/lstm_fused_cell_1/kernel:0' shape=(900, 1200) dtype=float32_ref>, <tf.Variable 'Encoder/lstm_fused_cell_1/bias:0' shape=(1200,) dtype=float32_ref>, <tf.Variable 'Encoder/state_fc/kernel:0' shape=(600, 300) dtype=float32_ref>, <tf.Variable 'Encoder/state_fc/bias:0' shape=(300,) dtype=float32_ref>, <tf.Variable 'Decoder/memory_layer/kernel:0' shape=(600, 300) dtype=float32_ref>, <tf.Variable 'Decoder/memory_layer_1/kernel:0' shape=(600, 300) dtype=float32_ref>, <tf.Variable 'Decoder/decoder/attention_wrapper/lstm_cell/kernel:0' shape=(1200, 1200) dtype=float32_ref>, <tf.Variable 'Decoder/decoder/attention_wrapper/lstm_cell/bias:0' shape=(1200,) dtype=float32_ref>, <tf.Variable 'Decoder/decoder/attention_wrapper/bahdanau_attention/query_layer/kernel:0' shape=(300, 300) dtype=float32_ref>, <tf.Variable 'Decoder/decoder/attention_wrapper/bahdanau_attention/attention_v:0' shape=(300,) dtype=float32_ref>, <tf.Variable 'Decoder/decoder/attention_wrapper/attention_layer/kernel:0' shape=(900, 300) dtype=float32_ref>, <tf.Variable 'Decoder/decoder/attention_wrapper/attention_layer_1/kernel:0' shape=(900, 300) dtype=float32_ref>, <tf.Variable 'Decoder/decoder/tied_dense/bias:0' shape=(8692,) dtype=float32_ref>, <tf.Variable 'Decoder/decoder/tied_dense/proj_W:0' shape=(600, 300) dtype=float32_ref>, <tf.Variable 'Decoder/decoder/tied_dense/proj_b:0' shape=(300,) dtype=float32_ref>] INFO:tensorflow:Done calling model_fn. INFO:tensorflow:Create CheckpointSaverHook. INFO:tensorflow:Graph was finalized. INFO:tensorflow:Restoring parameters from ../model/lstm_seq2seq/model.ckpt-978 WARNING:tensorflow:From /usr/local/lib/python3.6/dist-packages/tensorflow_core/python/training/saver.py:1069: get_checkpoint_mtimes (from tensorflow.python.training.checkpoint_management) is deprecated and will be removed in a future version. Instructions for updating: Use standard file utilities to get mtimes. INFO:tensorflow:Running local_init_op. INFO:tensorflow:Done running local_init_op. INFO:tensorflow:Saving checkpoints for 978 into ../model/lstm_seq2seq/model.ckpt. Reading ../data/train.tsv INFO:tensorflow:loss = 2.6306496, step = 978 INFO:tensorflow:lr = 0.000384345 INFO:tensorflow:global_step/sec: 2.08052 INFO:tensorflow:loss = 2.5160456, step = 1078 (48.067 sec) INFO:tensorflow:lr = 0.0003827792 (48.068 sec) INFO:tensorflow:global_step/sec: 2.21039 INFO:tensorflow:loss = 2.5345397, step = 1178 (45.240 sec) INFO:tensorflow:lr = 0.00038121984 (45.242 sec) INFO:tensorflow:global_step/sec: 2.21609 INFO:tensorflow:loss = 2.5588732, step = 1278 (45.125 sec) INFO:tensorflow:lr = 0.00037966677 (45.123 sec) INFO:tensorflow:global_step/sec: 2.22595 INFO:tensorflow:loss = 2.4706988, step = 1378 (44.927 sec) INFO:tensorflow:lr = 0.00037812005 (44.927 sec) INFO:tensorflow:global_step/sec: 2.20183 INFO:tensorflow:loss = 2.4629943, step = 1478 (45.416 sec) INFO:tensorflow:lr = 0.00037657964 (45.417 sec) INFO:tensorflow:global_step/sec: 2.22839 INFO:tensorflow:loss = 2.5238068, step = 1578 (44.878 sec) INFO:tensorflow:lr = 0.0003750455 (44.877 sec) INFO:tensorflow:global_step/sec: 2.18223 INFO:tensorflow:loss = 2.541678, step = 1678 (45.820 sec) INFO:tensorflow:lr = 0.0003735176 (45.823 sec) INFO:tensorflow:global_step/sec: 2.2391 INFO:tensorflow:loss = 2.485625, step = 1778 (44.663 sec) INFO:tensorflow:lr = 0.00037199593 (44.661 sec) INFO:tensorflow:global_step/sec: 2.20416 INFO:tensorflow:loss = 2.4658086, step = 1878 (45.367 sec) INFO:tensorflow:lr = 0.00037048047 (45.367 sec) INFO:tensorflow:Saving checkpoints for 1956 into ../model/lstm_seq2seq/model.ckpt. INFO:tensorflow:Loss for final step: 2.474984. INFO:tensorflow:Calling model_fn. INFO:tensorflow:Saver not created because there are no variables in the graph to restore INFO:tensorflow:Saver not created because there are no variables in the graph to restore INFO:tensorflow:Done calling model_fn. INFO:tensorflow:Graph was finalized. INFO:tensorflow:Restoring parameters from ../model/lstm_seq2seq/model.ckpt-1956 INFO:tensorflow:Running local_init_op. INFO:tensorflow:Done running local_init_op. ------------ 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:Calling model_fn. INFO:tensorflow:Saver not created because there are no variables in the graph to restore INFO:tensorflow:Saver not created because there are no variables in the graph to restore INFO:tensorflow:Done calling model_fn. INFO:tensorflow:Graph was finalized. INFO:tensorflow:Restoring parameters from ../model/lstm_seq2seq/model.ckpt-1956 INFO:tensorflow:Running local_init_op. INFO:tensorflow:Done running local_init_op. Reading ../data/test.tsv INFO:tensorflow:Evaluation: Testing (Exact Match) Accuracy: 0.656 INFO:tensorflow:Best (Exact Match) Accuracy: 0.656 INFO:tensorflow:Calling model_fn.
/usr/local/lib/python3.6/dist-packages/ipykernel_launcher.py:38: DeprecationWarning: elementwise comparison failed; this will raise an error in the future.
INFO:tensorflow:Saver not created because there are no variables in the graph to restore INFO:tensorflow:Saver not created because there are no variables in the graph to restore [<tf.Variable 'Embedding/dense/kernel:0' shape=(1024, 300) dtype=float32_ref>, <tf.Variable 'Embedding/dense/bias:0' shape=(300,) dtype=float32_ref>, <tf.Variable 'Embedding/glove:0' shape=(8692, 300) dtype=float32_ref>, <tf.Variable 'Encoder/lstm_fused_cell/kernel:0' shape=(900, 1200) dtype=float32_ref>, <tf.Variable 'Encoder/lstm_fused_cell/bias:0' shape=(1200,) dtype=float32_ref>, <tf.Variable 'Encoder/lstm_fused_cell_1/kernel:0' shape=(900, 1200) dtype=float32_ref>, <tf.Variable 'Encoder/lstm_fused_cell_1/bias:0' shape=(1200,) dtype=float32_ref>, <tf.Variable 'Encoder/state_fc/kernel:0' shape=(600, 300) dtype=float32_ref>, <tf.Variable 'Encoder/state_fc/bias:0' shape=(300,) dtype=float32_ref>, <tf.Variable 'Decoder/memory_layer/kernel:0' shape=(600, 300) dtype=float32_ref>, <tf.Variable 'Decoder/memory_layer_1/kernel:0' shape=(600, 300) dtype=float32_ref>, <tf.Variable 'Decoder/decoder/attention_wrapper/lstm_cell/kernel:0' shape=(1200, 1200) dtype=float32_ref>, <tf.Variable 'Decoder/decoder/attention_wrapper/lstm_cell/bias:0' shape=(1200,) dtype=float32_ref>, <tf.Variable 'Decoder/decoder/attention_wrapper/bahdanau_attention/query_layer/kernel:0' shape=(300, 300) dtype=float32_ref>, <tf.Variable 'Decoder/decoder/attention_wrapper/bahdanau_attention/attention_v:0' shape=(300,) dtype=float32_ref>, <tf.Variable 'Decoder/decoder/attention_wrapper/attention_layer/kernel:0' shape=(900, 300) dtype=float32_ref>, <tf.Variable 'Decoder/decoder/attention_wrapper/attention_layer_1/kernel:0' shape=(900, 300) dtype=float32_ref>, <tf.Variable 'Decoder/decoder/tied_dense/bias:0' shape=(8692,) dtype=float32_ref>, <tf.Variable 'Decoder/decoder/tied_dense/proj_W:0' shape=(600, 300) dtype=float32_ref>, <tf.Variable 'Decoder/decoder/tied_dense/proj_b:0' shape=(300,) dtype=float32_ref>] INFO:tensorflow:Done calling model_fn. INFO:tensorflow:Create CheckpointSaverHook. INFO:tensorflow:Graph was finalized. INFO:tensorflow:Restoring parameters from ../model/lstm_seq2seq/model.ckpt-1956 INFO:tensorflow:Running local_init_op. INFO:tensorflow:Done running local_init_op. INFO:tensorflow:Saving checkpoints for 1956 into ../model/lstm_seq2seq/model.ckpt. Reading ../data/train.tsv INFO:tensorflow:loss = 2.4931223, step = 1956 INFO:tensorflow:lr = 0.0003693027 INFO:tensorflow:global_step/sec: 2.15286 INFO:tensorflow:loss = 2.465508, step = 2056 (46.455 sec) INFO:tensorflow:lr = 0.0003677982 (46.451 sec) INFO:tensorflow:global_step/sec: 2.16443 INFO:tensorflow:loss = 2.4741223, step = 2156 (46.200 sec) INFO:tensorflow:lr = 0.00036629982 (46.200 sec) INFO:tensorflow:global_step/sec: 2.26136 INFO:tensorflow:loss = 2.4377806, step = 2256 (44.223 sec) INFO:tensorflow:lr = 0.00036480758 (44.222 sec) INFO:tensorflow:global_step/sec: 2.20505 INFO:tensorflow:loss = 2.4605105, step = 2356 (45.351 sec) INFO:tensorflow:lr = 0.00036332142 (45.354 sec) INFO:tensorflow:global_step/sec: 2.19774 INFO:tensorflow:loss = 2.4478672, step = 2456 (45.498 sec) INFO:tensorflow:lr = 0.00036184126 (45.494 sec) INFO:tensorflow:global_step/sec: 2.19507 INFO:tensorflow:loss = 2.486076, step = 2556 (45.560 sec) INFO:tensorflow:lr = 0.00036036715 (45.560 sec) INFO:tensorflow:global_step/sec: 2.1689 INFO:tensorflow:loss = 2.4467924, step = 2656 (46.106 sec) INFO:tensorflow:lr = 0.0003588991 (46.106 sec) INFO:tensorflow:global_step/sec: 2.22423 INFO:tensorflow:loss = 2.434639, step = 2756 (44.957 sec) INFO:tensorflow:lr = 0.00035743695 (44.956 sec) INFO:tensorflow:global_step/sec: 2.21487 INFO:tensorflow:loss = 2.4393866, step = 2856 (45.153 sec) INFO:tensorflow:lr = 0.00035598082 (45.155 sec) INFO:tensorflow:Saving checkpoints for 2934 into ../model/lstm_seq2seq/model.ckpt. INFO:tensorflow:Loss for final step: 2.4379032. INFO:tensorflow:Calling model_fn. INFO:tensorflow:Saver not created because there are no variables in the graph to restore INFO:tensorflow:Saver not created because there are no variables in the graph to restore INFO:tensorflow:Done calling model_fn. INFO:tensorflow:Graph was finalized. INFO:tensorflow:Restoring parameters from ../model/lstm_seq2seq/model.ckpt-2934 INFO:tensorflow:Running local_init_op. INFO:tensorflow:Done running local_init_op. ------------ 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:category_event 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:category_even sl:search_radius sl:location_user | | | t t | | | | | _________|__________ | | | what times are the nutcracker show playing near me ------------ Reading ../data/test.tsv INFO:tensorflow:Calling model_fn. INFO:tensorflow:Saver not created because there are no variables in the graph to restore INFO:tensorflow:Saver not created because there are no variables in the graph to restore INFO:tensorflow:Done calling model_fn. INFO:tensorflow:Graph was finalized. INFO:tensorflow:Restoring parameters from ../model/lstm_seq2seq/model.ckpt-2934 INFO:tensorflow:Running local_init_op. INFO:tensorflow:Done running local_init_op. Reading ../data/test.tsv INFO:tensorflow:Evaluation: Testing (Exact Match) Accuracy: 0.671 INFO:tensorflow:Best (Exact Match) Accuracy: 0.671 INFO:tensorflow:Calling model_fn.
/usr/local/lib/python3.6/dist-packages/ipykernel_launcher.py:38: DeprecationWarning: elementwise comparison failed; this will raise an error in the future.
INFO:tensorflow:Saver not created because there are no variables in the graph to restore INFO:tensorflow:Saver not created because there are no variables in the graph to restore [<tf.Variable 'Embedding/dense/kernel:0' shape=(1024, 300) dtype=float32_ref>, <tf.Variable 'Embedding/dense/bias:0' shape=(300,) dtype=float32_ref>, <tf.Variable 'Embedding/glove:0' shape=(8692, 300) dtype=float32_ref>, <tf.Variable 'Encoder/lstm_fused_cell/kernel:0' shape=(900, 1200) dtype=float32_ref>, <tf.Variable 'Encoder/lstm_fused_cell/bias:0' shape=(1200,) dtype=float32_ref>, <tf.Variable 'Encoder/lstm_fused_cell_1/kernel:0' shape=(900, 1200) dtype=float32_ref>, <tf.Variable 'Encoder/lstm_fused_cell_1/bias:0' shape=(1200,) dtype=float32_ref>, <tf.Variable 'Encoder/state_fc/kernel:0' shape=(600, 300) dtype=float32_ref>, <tf.Variable 'Encoder/state_fc/bias:0' shape=(300,) dtype=float32_ref>, <tf.Variable 'Decoder/memory_layer/kernel:0' shape=(600, 300) dtype=float32_ref>, <tf.Variable 'Decoder/memory_layer_1/kernel:0' shape=(600, 300) dtype=float32_ref>, <tf.Variable 'Decoder/decoder/attention_wrapper/lstm_cell/kernel:0' shape=(1200, 1200) dtype=float32_ref>, <tf.Variable 'Decoder/decoder/attention_wrapper/lstm_cell/bias:0' shape=(1200,) dtype=float32_ref>, <tf.Variable 'Decoder/decoder/attention_wrapper/bahdanau_attention/query_layer/kernel:0' shape=(300, 300) dtype=float32_ref>, <tf.Variable 'Decoder/decoder/attention_wrapper/bahdanau_attention/attention_v:0' shape=(300,) dtype=float32_ref>, <tf.Variable 'Decoder/decoder/attention_wrapper/attention_layer/kernel:0' shape=(900, 300) dtype=float32_ref>, <tf.Variable 'Decoder/decoder/attention_wrapper/attention_layer_1/kernel:0' shape=(900, 300) dtype=float32_ref>, <tf.Variable 'Decoder/decoder/tied_dense/bias:0' shape=(8692,) dtype=float32_ref>, <tf.Variable 'Decoder/decoder/tied_dense/proj_W:0' shape=(600, 300) dtype=float32_ref>, <tf.Variable 'Decoder/decoder/tied_dense/proj_b:0' shape=(300,) dtype=float32_ref>] INFO:tensorflow:Done calling model_fn. INFO:tensorflow:Create CheckpointSaverHook. INFO:tensorflow:Graph was finalized. INFO:tensorflow:Restoring parameters from ../model/lstm_seq2seq/model.ckpt-2934 INFO:tensorflow:Running local_init_op. INFO:tensorflow:Done running local_init_op. INFO:tensorflow:Saving checkpoints for 2934 into ../model/lstm_seq2seq/model.ckpt. Reading ../data/train.tsv INFO:tensorflow:loss = 2.4148135, step = 2934 INFO:tensorflow:lr = 0.00035484915 INFO:tensorflow:global_step/sec: 2.13728 INFO:tensorflow:loss = 2.4266083, step = 3034 (46.794 sec) INFO:tensorflow:lr = 0.0003534035 (46.791 sec) INFO:tensorflow:global_step/sec: 2.13758 INFO:tensorflow:loss = 2.3987186, step = 3134 (46.780 sec) INFO:tensorflow:lr = 0.0003519638 (46.780 sec) INFO:tensorflow:global_step/sec: 2.23556 INFO:tensorflow:loss = 2.421347, step = 3234 (44.734 sec) INFO:tensorflow:lr = 0.00035052994 (44.733 sec) INFO:tensorflow:global_step/sec: 2.14919 INFO:tensorflow:loss = 2.4059613, step = 3334 (46.528 sec) INFO:tensorflow:lr = 0.00034910193 (46.528 sec) INFO:tensorflow:global_step/sec: 2.18005 INFO:tensorflow:loss = 2.410464, step = 3434 (45.870 sec) INFO:tensorflow:lr = 0.0003476797 (45.871 sec) INFO:tensorflow:global_step/sec: 2.23121 INFO:tensorflow:loss = 2.391828, step = 3534 (44.818 sec) INFO:tensorflow:lr = 0.00034626332 (44.817 sec) INFO:tensorflow:global_step/sec: 2.19801 INFO:tensorflow:loss = 2.4041214, step = 3634 (45.497 sec) INFO:tensorflow:lr = 0.00034485265 (45.498 sec) INFO:tensorflow:global_step/sec: 2.17318 INFO:tensorflow:loss = 2.400657, step = 3734 (46.017 sec) INFO:tensorflow:lr = 0.00034344778 (46.016 sec) INFO:tensorflow:global_step/sec: 2.2523 INFO:tensorflow:loss = 2.421836, step = 3834 (44.397 sec) INFO:tensorflow:lr = 0.00034204862 (44.400 sec) INFO:tensorflow:Saving checkpoints for 3912 into ../model/lstm_seq2seq/model.ckpt. INFO:tensorflow:Loss for final step: 2.4021182. INFO:tensorflow:Calling model_fn. INFO:tensorflow:Saver not created because there are no variables in the graph to restore INFO:tensorflow:Saver not created because there are no variables in the graph to restore INFO:tensorflow:Done calling model_fn. INFO:tensorflow:Graph was finalized. INFO:tensorflow:Restoring parameters from ../model/lstm_seq2seq/model.ckpt-3912 INFO:tensorflow:Running local_init_op. INFO:tensorflow:Done running local_init_op. ------------ 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:Calling model_fn. INFO:tensorflow:Saver not created because there are no variables in the graph to restore INFO:tensorflow:Saver not created because there are no variables in the graph to restore INFO:tensorflow:Done calling model_fn. INFO:tensorflow:Graph was finalized. INFO:tensorflow:Restoring parameters from ../model/lstm_seq2seq/model.ckpt-3912 INFO:tensorflow:Running local_init_op. INFO:tensorflow:Done running local_init_op. Reading ../data/test.tsv INFO:tensorflow:Evaluation: Testing (Exact Match) Accuracy: 0.699 INFO:tensorflow:Best (Exact Match) Accuracy: 0.699 INFO:tensorflow:Calling model_fn.
/usr/local/lib/python3.6/dist-packages/ipykernel_launcher.py:38: DeprecationWarning: elementwise comparison failed; this will raise an error in the future.
INFO:tensorflow:Saver not created because there are no variables in the graph to restore INFO:tensorflow:Saver not created because there are no variables in the graph to restore [<tf.Variable 'Embedding/dense/kernel:0' shape=(1024, 300) dtype=float32_ref>, <tf.Variable 'Embedding/dense/bias:0' shape=(300,) dtype=float32_ref>, <tf.Variable 'Embedding/glove:0' shape=(8692, 300) dtype=float32_ref>, <tf.Variable 'Encoder/lstm_fused_cell/kernel:0' shape=(900, 1200) dtype=float32_ref>, <tf.Variable 'Encoder/lstm_fused_cell/bias:0' shape=(1200,) dtype=float32_ref>, <tf.Variable 'Encoder/lstm_fused_cell_1/kernel:0' shape=(900, 1200) dtype=float32_ref>, <tf.Variable 'Encoder/lstm_fused_cell_1/bias:0' shape=(1200,) dtype=float32_ref>, <tf.Variable 'Encoder/state_fc/kernel:0' shape=(600, 300) dtype=float32_ref>, <tf.Variable 'Encoder/state_fc/bias:0' shape=(300,) dtype=float32_ref>, <tf.Variable 'Decoder/memory_layer/kernel:0' shape=(600, 300) dtype=float32_ref>, <tf.Variable 'Decoder/memory_layer_1/kernel:0' shape=(600, 300) dtype=float32_ref>, <tf.Variable 'Decoder/decoder/attention_wrapper/lstm_cell/kernel:0' shape=(1200, 1200) dtype=float32_ref>, <tf.Variable 'Decoder/decoder/attention_wrapper/lstm_cell/bias:0' shape=(1200,) dtype=float32_ref>, <tf.Variable 'Decoder/decoder/attention_wrapper/bahdanau_attention/query_layer/kernel:0' shape=(300, 300) dtype=float32_ref>, <tf.Variable 'Decoder/decoder/attention_wrapper/bahdanau_attention/attention_v:0' shape=(300,) dtype=float32_ref>, <tf.Variable 'Decoder/decoder/attention_wrapper/attention_layer/kernel:0' shape=(900, 300) dtype=float32_ref>, <tf.Variable 'Decoder/decoder/attention_wrapper/attention_layer_1/kernel:0' shape=(900, 300) dtype=float32_ref>, <tf.Variable 'Decoder/decoder/tied_dense/bias:0' shape=(8692,) dtype=float32_ref>, <tf.Variable 'Decoder/decoder/tied_dense/proj_W:0' shape=(600, 300) dtype=float32_ref>, <tf.Variable 'Decoder/decoder/tied_dense/proj_b:0' shape=(300,) dtype=float32_ref>] INFO:tensorflow:Done calling model_fn. INFO:tensorflow:Create CheckpointSaverHook. INFO:tensorflow:Graph was finalized. INFO:tensorflow:Restoring parameters from ../model/lstm_seq2seq/model.ckpt-3912 INFO:tensorflow:Running local_init_op. INFO:tensorflow:Done running local_init_op. INFO:tensorflow:Saving checkpoints for 3912 into ../model/lstm_seq2seq/model.ckpt. Reading ../data/train.tsv INFO:tensorflow:loss = 2.4316266, step = 3912 INFO:tensorflow:lr = 0.0003409612 INFO:tensorflow:global_step/sec: 2.1214 INFO:tensorflow:loss = 2.3947659, step = 4012 (47.144 sec) INFO:tensorflow:lr = 0.0003395722 (47.144 sec) INFO:tensorflow:global_step/sec: 2.24698 INFO:tensorflow:loss = 2.402081, step = 4112 (44.502 sec) INFO:tensorflow:lr = 0.0003381888 (44.503 sec) INFO:tensorflow:global_step/sec: 2.18832 INFO:tensorflow:loss = 2.3932135, step = 4212 (45.700 sec) INFO:tensorflow:lr = 0.00033681106 (45.700 sec) INFO:tensorflow:global_step/sec: 2.21088 INFO:tensorflow:loss = 2.4088333, step = 4312 (45.229 sec) INFO:tensorflow:lr = 0.00033543896 (45.228 sec) INFO:tensorflow:global_step/sec: 2.14227 INFO:tensorflow:loss = 2.4013007, step = 4412 (46.682 sec) INFO:tensorflow:lr = 0.00033407242 (46.683 sec) INFO:tensorflow:global_step/sec: 2.17381 INFO:tensorflow:loss = 2.417449, step = 4512 (46.001 sec) INFO:tensorflow:lr = 0.00033271144 (46.001 sec) INFO:tensorflow:global_step/sec: 2.19726 INFO:tensorflow:loss = 2.4270375, step = 4612 (45.507 sec) INFO:tensorflow:lr = 0.00033135602 (45.507 sec) INFO:tensorflow:global_step/sec: 2.16973 INFO:tensorflow:loss = 2.3798676, step = 4712 (46.092 sec) INFO:tensorflow:lr = 0.0003300061 (46.093 sec) INFO:tensorflow:global_step/sec: 2.24348 INFO:tensorflow:loss = 2.4008048, step = 4812 (44.570 sec) INFO:tensorflow:lr = 0.0003286617 (44.567 sec) INFO:tensorflow:Saving checkpoints for 4890 into ../model/lstm_seq2seq/model.ckpt. WARNING:tensorflow:From /usr/local/lib/python3.6/dist-packages/tensorflow_core/python/training/saver.py:963: remove_checkpoint (from tensorflow.python.training.checkpoint_management) is deprecated and will be removed in a future version. Instructions for updating: Use standard file APIs to delete files with this prefix. INFO:tensorflow:Loss for final step: 2.3781312. INFO:tensorflow:Calling model_fn. INFO:tensorflow:Saver not created because there are no variables in the graph to restore INFO:tensorflow:Saver not created because there are no variables in the graph to restore INFO:tensorflow:Done calling model_fn. INFO:tensorflow:Graph was finalized. INFO:tensorflow:Restoring parameters from ../model/lstm_seq2seq/model.ckpt-4890 INFO:tensorflow:Running local_init_op. INFO:tensorflow:Done running local_init_op. ------------ 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:Calling model_fn. INFO:tensorflow:Saver not created because there are no variables in the graph to restore INFO:tensorflow:Saver not created because there are no variables in the graph to restore INFO:tensorflow:Done calling model_fn. INFO:tensorflow:Graph was finalized. INFO:tensorflow:Restoring parameters from ../model/lstm_seq2seq/model.ckpt-4890 INFO:tensorflow:Running local_init_op. INFO:tensorflow:Done running local_init_op. Reading ../data/test.tsv INFO:tensorflow:Evaluation: Testing (Exact Match) Accuracy: 0.700 INFO:tensorflow:Best (Exact Match) Accuracy: 0.700 INFO:tensorflow:Calling model_fn.
/usr/local/lib/python3.6/dist-packages/ipykernel_launcher.py:38: DeprecationWarning: elementwise comparison failed; this will raise an error in the future.
INFO:tensorflow:Saver not created because there are no variables in the graph to restore INFO:tensorflow:Saver not created because there are no variables in the graph to restore [<tf.Variable 'Embedding/dense/kernel:0' shape=(1024, 300) dtype=float32_ref>, <tf.Variable 'Embedding/dense/bias:0' shape=(300,) dtype=float32_ref>, <tf.Variable 'Embedding/glove:0' shape=(8692, 300) dtype=float32_ref>, <tf.Variable 'Encoder/lstm_fused_cell/kernel:0' shape=(900, 1200) dtype=float32_ref>, <tf.Variable 'Encoder/lstm_fused_cell/bias:0' shape=(1200,) dtype=float32_ref>, <tf.Variable 'Encoder/lstm_fused_cell_1/kernel:0' shape=(900, 1200) dtype=float32_ref>, <tf.Variable 'Encoder/lstm_fused_cell_1/bias:0' shape=(1200,) dtype=float32_ref>, <tf.Variable 'Encoder/state_fc/kernel:0' shape=(600, 300) dtype=float32_ref>, <tf.Variable 'Encoder/state_fc/bias:0' shape=(300,) dtype=float32_ref>, <tf.Variable 'Decoder/memory_layer/kernel:0' shape=(600, 300) dtype=float32_ref>, <tf.Variable 'Decoder/memory_layer_1/kernel:0' shape=(600, 300) dtype=float32_ref>, <tf.Variable 'Decoder/decoder/attention_wrapper/lstm_cell/kernel:0' shape=(1200, 1200) dtype=float32_ref>, <tf.Variable 'Decoder/decoder/attention_wrapper/lstm_cell/bias:0' shape=(1200,) dtype=float32_ref>, <tf.Variable 'Decoder/decoder/attention_wrapper/bahdanau_attention/query_layer/kernel:0' shape=(300, 300) dtype=float32_ref>, <tf.Variable 'Decoder/decoder/attention_wrapper/bahdanau_attention/attention_v:0' shape=(300,) dtype=float32_ref>, <tf.Variable 'Decoder/decoder/attention_wrapper/attention_layer/kernel:0' shape=(900, 300) dtype=float32_ref>, <tf.Variable 'Decoder/decoder/attention_wrapper/attention_layer_1/kernel:0' shape=(900, 300) dtype=float32_ref>, <tf.Variable 'Decoder/decoder/tied_dense/bias:0' shape=(8692,) dtype=float32_ref>, <tf.Variable 'Decoder/decoder/tied_dense/proj_W:0' shape=(600, 300) dtype=float32_ref>, <tf.Variable 'Decoder/decoder/tied_dense/proj_b:0' shape=(300,) dtype=float32_ref>] INFO:tensorflow:Done calling model_fn. INFO:tensorflow:Create CheckpointSaverHook. INFO:tensorflow:Graph was finalized. INFO:tensorflow:Restoring parameters from ../model/lstm_seq2seq/model.ckpt-4890 INFO:tensorflow:Running local_init_op. INFO:tensorflow:Done running local_init_op. INFO:tensorflow:Saving checkpoints for 4890 into ../model/lstm_seq2seq/model.ckpt. Reading ../data/train.tsv INFO:tensorflow:loss = 2.4034014, step = 4890 INFO:tensorflow:lr = 0.00032761684 INFO:tensorflow:global_step/sec: 2.08114 INFO:tensorflow:loss = 2.3815718, step = 4990 (48.057 sec) INFO:tensorflow:lr = 0.00032628217 (48.058 sec) INFO:tensorflow:global_step/sec: 2.19762 INFO:tensorflow:loss = 2.38173, step = 5090 (45.504 sec) INFO:tensorflow:lr = 0.00032495294 (45.503 sec) INFO:tensorflow:global_step/sec: 2.19383 INFO:tensorflow:loss = 2.3770533, step = 5190 (45.578 sec) INFO:tensorflow:lr = 0.00032362915 (45.579 sec) INFO:tensorflow:global_step/sec: 2.21861 INFO:tensorflow:loss = 2.3770308, step = 5290 (45.078 sec) INFO:tensorflow:lr = 0.0003223107 (45.077 sec) INFO:tensorflow:global_step/sec: 2.20747 INFO:tensorflow:loss = 2.3812757, step = 5390 (45.300 sec) INFO:tensorflow:lr = 0.00032099767 (45.300 sec) INFO:tensorflow:global_step/sec: 2.1174 INFO:tensorflow:loss = 2.4089787, step = 5490 (47.228 sec) INFO:tensorflow:lr = 0.00031968995 (47.229 sec) INFO:tensorflow:global_step/sec: 2.12571 INFO:tensorflow:loss = 2.379665, step = 5590 (47.039 sec) INFO:tensorflow:lr = 0.00031838758 (47.036 sec) INFO:tensorflow:global_step/sec: 2.18098 INFO:tensorflow:loss = 2.388551, step = 5690 (45.851 sec) INFO:tensorflow:lr = 0.0003170905 (45.853 sec) INFO:tensorflow:global_step/sec: 2.19987 INFO:tensorflow:loss = 2.3896513, step = 5790 (45.462 sec) INFO:tensorflow:lr = 0.0003157987 (45.461 sec) INFO:tensorflow:Saving checkpoints for 5868 into ../model/lstm_seq2seq/model.ckpt. INFO:tensorflow:Loss for final step: 2.4412754. INFO:tensorflow:Calling model_fn. INFO:tensorflow:Saver not created because there are no variables in the graph to restore INFO:tensorflow:Saver not created because there are no variables in the graph to restore INFO:tensorflow:Done calling model_fn. INFO:tensorflow:Graph was finalized. INFO:tensorflow:Restoring parameters from ../model/lstm_seq2seq/model.ckpt-5868 INFO:tensorflow:Running local_init_op. INFO:tensorflow:Done running local_init_op. ------------ 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:Calling model_fn. INFO:tensorflow:Saver not created because there are no variables in the graph to restore INFO:tensorflow:Saver not created because there are no variables in the graph to restore INFO:tensorflow:Done calling model_fn. INFO:tensorflow:Graph was finalized. INFO:tensorflow:Restoring parameters from ../model/lstm_seq2seq/model.ckpt-5868 INFO:tensorflow:Running local_init_op. INFO:tensorflow:Done running local_init_op. Reading ../data/test.tsv INFO:tensorflow:Evaluation: Testing (Exact Match) Accuracy: 0.709 INFO:tensorflow:Best (Exact Match) Accuracy: 0.709 INFO:tensorflow:Calling model_fn.
/usr/local/lib/python3.6/dist-packages/ipykernel_launcher.py:38: DeprecationWarning: elementwise comparison failed; this will raise an error in the future.
INFO:tensorflow:Saver not created because there are no variables in the graph to restore INFO:tensorflow:Saver not created because there are no variables in the graph to restore [<tf.Variable 'Embedding/dense/kernel:0' shape=(1024, 300) dtype=float32_ref>, <tf.Variable 'Embedding/dense/bias:0' shape=(300,) dtype=float32_ref>, <tf.Variable 'Embedding/glove:0' shape=(8692, 300) dtype=float32_ref>, <tf.Variable 'Encoder/lstm_fused_cell/kernel:0' shape=(900, 1200) dtype=float32_ref>, <tf.Variable 'Encoder/lstm_fused_cell/bias:0' shape=(1200,) dtype=float32_ref>, <tf.Variable 'Encoder/lstm_fused_cell_1/kernel:0' shape=(900, 1200) dtype=float32_ref>, <tf.Variable 'Encoder/lstm_fused_cell_1/bias:0' shape=(1200,) dtype=float32_ref>, <tf.Variable 'Encoder/state_fc/kernel:0' shape=(600, 300) dtype=float32_ref>, <tf.Variable 'Encoder/state_fc/bias:0' shape=(300,) dtype=float32_ref>, <tf.Variable 'Decoder/memory_layer/kernel:0' shape=(600, 300) dtype=float32_ref>, <tf.Variable 'Decoder/memory_layer_1/kernel:0' shape=(600, 300) dtype=float32_ref>, <tf.Variable 'Decoder/decoder/attention_wrapper/lstm_cell/kernel:0' shape=(1200, 1200) dtype=float32_ref>, <tf.Variable 'Decoder/decoder/attention_wrapper/lstm_cell/bias:0' shape=(1200,) dtype=float32_ref>, <tf.Variable 'Decoder/decoder/attention_wrapper/bahdanau_attention/query_layer/kernel:0' shape=(300, 300) dtype=float32_ref>, <tf.Variable 'Decoder/decoder/attention_wrapper/bahdanau_attention/attention_v:0' shape=(300,) dtype=float32_ref>, <tf.Variable 'Decoder/decoder/attention_wrapper/attention_layer/kernel:0' shape=(900, 300) dtype=float32_ref>, <tf.Variable 'Decoder/decoder/attention_wrapper/attention_layer_1/kernel:0' shape=(900, 300) dtype=float32_ref>, <tf.Variable 'Decoder/decoder/tied_dense/bias:0' shape=(8692,) dtype=float32_ref>, <tf.Variable 'Decoder/decoder/tied_dense/proj_W:0' shape=(600, 300) dtype=float32_ref>, <tf.Variable 'Decoder/decoder/tied_dense/proj_b:0' shape=(300,) dtype=float32_ref>] INFO:tensorflow:Done calling model_fn. INFO:tensorflow:Create CheckpointSaverHook. INFO:tensorflow:Graph was finalized. INFO:tensorflow:Restoring parameters from ../model/lstm_seq2seq/model.ckpt-5868 INFO:tensorflow:Running local_init_op. INFO:tensorflow:Done running local_init_op. INFO:tensorflow:Saving checkpoints for 5868 into ../model/lstm_seq2seq/model.ckpt. Reading ../data/train.tsv INFO:tensorflow:loss = 2.3865733, step = 5868 INFO:tensorflow:lr = 0.00031479477 INFO:tensorflow:global_step/sec: 2.12179 INFO:tensorflow:loss = 2.372762, step = 5968 (47.132 sec) INFO:tensorflow:lr = 0.0003135123 (47.130 sec) INFO:tensorflow:global_step/sec: 2.18707 INFO:tensorflow:loss = 2.3749132, step = 6068 (45.727 sec) INFO:tensorflow:lr = 0.00031223512 (45.724 sec) INFO:tensorflow:global_step/sec: 2.09411 INFO:tensorflow:loss = 2.3712204, step = 6168 (47.753 sec) INFO:tensorflow:lr = 0.00031096314 (47.754 sec) INFO:tensorflow:global_step/sec: 2.22051 INFO:tensorflow:loss = 2.3897953, step = 6268 (45.036 sec) INFO:tensorflow:lr = 0.00030969628 (45.035 sec) INFO:tensorflow:global_step/sec: 2.16303 INFO:tensorflow:loss = 2.3712983, step = 6368 (46.231 sec) INFO:tensorflow:lr = 0.00030843462 (46.231 sec) INFO:tensorflow:global_step/sec: 2.25966 INFO:tensorflow:loss = 2.3799748, step = 6468 (44.250 sec) INFO:tensorflow:lr = 0.0003071781 (44.250 sec) INFO:tensorflow:global_step/sec: 2.20207 INFO:tensorflow:loss = 2.376583, step = 6568 (45.417 sec) INFO:tensorflow:lr = 0.0003059267 (45.416 sec) INFO:tensorflow:global_step/sec: 2.20306 INFO:tensorflow:loss = 2.395835, step = 6668 (45.391 sec) INFO:tensorflow:lr = 0.00030468038 (45.391 sec) INFO:tensorflow:global_step/sec: 2.22141 INFO:tensorflow:loss = 2.379119, step = 6768 (45.019 sec) INFO:tensorflow:lr = 0.00030343913 (45.019 sec) INFO:tensorflow:Saving checkpoints for 6846 into ../model/lstm_seq2seq/model.ckpt. INFO:tensorflow:Loss for final step: 2.3771498. INFO:tensorflow:Calling model_fn. INFO:tensorflow:Saver not created because there are no variables in the graph to restore INFO:tensorflow:Saver not created because there are no variables in the graph to restore INFO:tensorflow:Done calling model_fn. INFO:tensorflow:Graph was finalized. INFO:tensorflow:Restoring parameters from ../model/lstm_seq2seq/model.ckpt-6846 INFO:tensorflow:Running local_init_op. INFO:tensorflow:Done running local_init_op. ------------ 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:Calling model_fn. INFO:tensorflow:Saver not created because there are no variables in the graph to restore INFO:tensorflow:Saver not created because there are no variables in the graph to restore INFO:tensorflow:Done calling model_fn. INFO:tensorflow:Graph was finalized. INFO:tensorflow:Restoring parameters from ../model/lstm_seq2seq/model.ckpt-6846 INFO:tensorflow:Running local_init_op. INFO:tensorflow:Done running local_init_op. Reading ../data/test.tsv INFO:tensorflow:Evaluation: Testing (Exact Match) Accuracy: 0.728 INFO:tensorflow:Best (Exact Match) Accuracy: 0.728 INFO:tensorflow:Calling model_fn.
/usr/local/lib/python3.6/dist-packages/ipykernel_launcher.py:38: DeprecationWarning: elementwise comparison failed; this will raise an error in the future.
INFO:tensorflow:Saver not created because there are no variables in the graph to restore INFO:tensorflow:Saver not created because there are no variables in the graph to restore [<tf.Variable 'Embedding/dense/kernel:0' shape=(1024, 300) dtype=float32_ref>, <tf.Variable 'Embedding/dense/bias:0' shape=(300,) dtype=float32_ref>, <tf.Variable 'Embedding/glove:0' shape=(8692, 300) dtype=float32_ref>, <tf.Variable 'Encoder/lstm_fused_cell/kernel:0' shape=(900, 1200) dtype=float32_ref>, <tf.Variable 'Encoder/lstm_fused_cell/bias:0' shape=(1200,) dtype=float32_ref>, <tf.Variable 'Encoder/lstm_fused_cell_1/kernel:0' shape=(900, 1200) dtype=float32_ref>, <tf.Variable 'Encoder/lstm_fused_cell_1/bias:0' shape=(1200,) dtype=float32_ref>, <tf.Variable 'Encoder/state_fc/kernel:0' shape=(600, 300) dtype=float32_ref>, <tf.Variable 'Encoder/state_fc/bias:0' shape=(300,) dtype=float32_ref>, <tf.Variable 'Decoder/memory_layer/kernel:0' shape=(600, 300) dtype=float32_ref>, <tf.Variable 'Decoder/memory_layer_1/kernel:0' shape=(600, 300) dtype=float32_ref>, <tf.Variable 'Decoder/decoder/attention_wrapper/lstm_cell/kernel:0' shape=(1200, 1200) dtype=float32_ref>, <tf.Variable 'Decoder/decoder/attention_wrapper/lstm_cell/bias:0' shape=(1200,) dtype=float32_ref>, <tf.Variable 'Decoder/decoder/attention_wrapper/bahdanau_attention/query_layer/kernel:0' shape=(300, 300) dtype=float32_ref>, <tf.Variable 'Decoder/decoder/attention_wrapper/bahdanau_attention/attention_v:0' shape=(300,) dtype=float32_ref>, <tf.Variable 'Decoder/decoder/attention_wrapper/attention_layer/kernel:0' shape=(900, 300) dtype=float32_ref>, <tf.Variable 'Decoder/decoder/attention_wrapper/attention_layer_1/kernel:0' shape=(900, 300) dtype=float32_ref>, <tf.Variable 'Decoder/decoder/tied_dense/bias:0' shape=(8692,) dtype=float32_ref>, <tf.Variable 'Decoder/decoder/tied_dense/proj_W:0' shape=(600, 300) dtype=float32_ref>, <tf.Variable 'Decoder/decoder/tied_dense/proj_b:0' shape=(300,) dtype=float32_ref>] INFO:tensorflow:Done calling model_fn. INFO:tensorflow:Create CheckpointSaverHook. INFO:tensorflow:Graph was finalized. INFO:tensorflow:Restoring parameters from ../model/lstm_seq2seq/model.ckpt-6846 INFO:tensorflow:Running local_init_op. INFO:tensorflow:Done running local_init_op. INFO:tensorflow:Saving checkpoints for 6846 into ../model/lstm_seq2seq/model.ckpt. Reading ../data/train.tsv INFO:tensorflow:loss = 2.3617506, step = 6846 INFO:tensorflow:lr = 0.0003024745 INFO:tensorflow:global_step/sec: 2.0945 INFO:tensorflow:loss = 2.3983397, step = 6946 (47.751 sec) INFO:tensorflow:lr = 0.00030124225 (47.750 sec) INFO:tensorflow:global_step/sec: 2.18333 INFO:tensorflow:loss = 2.3761349, step = 7046 (45.798 sec) INFO:tensorflow:lr = 0.000300015 (45.799 sec) INFO:tensorflow:global_step/sec: 2.14882 INFO:tensorflow:loss = 2.3694963, step = 7146 (46.537 sec) INFO:tensorflow:lr = 0.0002987928 (46.538 sec) INFO:tensorflow:global_step/sec: 2.21715 INFO:tensorflow:loss = 2.3875625, step = 7246 (45.104 sec) INFO:tensorflow:lr = 0.00029757555 (45.105 sec) INFO:tensorflow:global_step/sec: 2.13618 INFO:tensorflow:loss = 2.3685546, step = 7346 (46.815 sec) INFO:tensorflow:lr = 0.00029636326 (46.812 sec) INFO:tensorflow:global_step/sec: 2.1582 INFO:tensorflow:loss = 2.3715916, step = 7446 (46.332 sec) INFO:tensorflow:lr = 0.00029515589 (46.334 sec) INFO:tensorflow:global_step/sec: 2.18026 INFO:tensorflow:loss = 2.3706598, step = 7546 (45.865 sec) INFO:tensorflow:lr = 0.00029395352 (45.865 sec) INFO:tensorflow:global_step/sec: 2.24392 INFO:tensorflow:loss = 2.3986578, step = 7646 (44.566 sec) INFO:tensorflow:lr = 0.00029275595 (44.564 sec) INFO:tensorflow:global_step/sec: 2.14818 INFO:tensorflow:loss = 2.3815908, step = 7746 (46.551 sec) INFO:tensorflow:lr = 0.0002915633 (46.551 sec) INFO:tensorflow:Saving checkpoints for 7824 into ../model/lstm_seq2seq/model.ckpt. INFO:tensorflow:Loss for final step: 2.3797238. INFO:tensorflow:Calling model_fn. INFO:tensorflow:Saver not created because there are no variables in the graph to restore INFO:tensorflow:Saver not created because there are no variables in the graph to restore INFO:tensorflow:Done calling model_fn. INFO:tensorflow:Graph was finalized. INFO:tensorflow:Restoring parameters from ../model/lstm_seq2seq/model.ckpt-7824 INFO:tensorflow:Running local_init_op. INFO:tensorflow:Done running local_init_op. ------------ 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:Calling model_fn. INFO:tensorflow:Saver not created because there are no variables in the graph to restore INFO:tensorflow:Saver not created because there are no variables in the graph to restore INFO:tensorflow:Done calling model_fn. INFO:tensorflow:Graph was finalized. INFO:tensorflow:Restoring parameters from ../model/lstm_seq2seq/model.ckpt-7824 INFO:tensorflow:Running local_init_op. INFO:tensorflow:Done running local_init_op. Reading ../data/test.tsv INFO:tensorflow:Evaluation: Testing (Exact Match) Accuracy: 0.726 INFO:tensorflow:Best (Exact Match) Accuracy: 0.728 INFO:tensorflow:Calling model_fn.
/usr/local/lib/python3.6/dist-packages/ipykernel_launcher.py:38: DeprecationWarning: elementwise comparison failed; this will raise an error in the future.
INFO:tensorflow:Saver not created because there are no variables in the graph to restore INFO:tensorflow:Saver not created because there are no variables in the graph to restore [<tf.Variable 'Embedding/dense/kernel:0' shape=(1024, 300) dtype=float32_ref>, <tf.Variable 'Embedding/dense/bias:0' shape=(300,) dtype=float32_ref>, <tf.Variable 'Embedding/glove:0' shape=(8692, 300) dtype=float32_ref>, <tf.Variable 'Encoder/lstm_fused_cell/kernel:0' shape=(900, 1200) dtype=float32_ref>, <tf.Variable 'Encoder/lstm_fused_cell/bias:0' shape=(1200,) dtype=float32_ref>, <tf.Variable 'Encoder/lstm_fused_cell_1/kernel:0' shape=(900, 1200) dtype=float32_ref>, <tf.Variable 'Encoder/lstm_fused_cell_1/bias:0' shape=(1200,) dtype=float32_ref>, <tf.Variable 'Encoder/state_fc/kernel:0' shape=(600, 300) dtype=float32_ref>, <tf.Variable 'Encoder/state_fc/bias:0' shape=(300,) dtype=float32_ref>, <tf.Variable 'Decoder/memory_layer/kernel:0' shape=(600, 300) dtype=float32_ref>, <tf.Variable 'Decoder/memory_layer_1/kernel:0' shape=(600, 300) dtype=float32_ref>, <tf.Variable 'Decoder/decoder/attention_wrapper/lstm_cell/kernel:0' shape=(1200, 1200) dtype=float32_ref>, <tf.Variable 'Decoder/decoder/attention_wrapper/lstm_cell/bias:0' shape=(1200,) dtype=float32_ref>, <tf.Variable 'Decoder/decoder/attention_wrapper/bahdanau_attention/query_layer/kernel:0' shape=(300, 300) dtype=float32_ref>, <tf.Variable 'Decoder/decoder/attention_wrapper/bahdanau_attention/attention_v:0' shape=(300,) dtype=float32_ref>, <tf.Variable 'Decoder/decoder/attention_wrapper/attention_layer/kernel:0' shape=(900, 300) dtype=float32_ref>, <tf.Variable 'Decoder/decoder/attention_wrapper/attention_layer_1/kernel:0' shape=(900, 300) dtype=float32_ref>, <tf.Variable 'Decoder/decoder/tied_dense/bias:0' shape=(8692,) dtype=float32_ref>, <tf.Variable 'Decoder/decoder/tied_dense/proj_W:0' shape=(600, 300) dtype=float32_ref>, <tf.Variable 'Decoder/decoder/tied_dense/proj_b:0' shape=(300,) dtype=float32_ref>] INFO:tensorflow:Done calling model_fn. INFO:tensorflow:Create CheckpointSaverHook. INFO:tensorflow:Graph was finalized. INFO:tensorflow:Restoring parameters from ../model/lstm_seq2seq/model.ckpt-7824 INFO:tensorflow:Running local_init_op. INFO:tensorflow:Done running local_init_op. INFO:tensorflow:Saving checkpoints for 7824 into ../model/lstm_seq2seq/model.ckpt. Reading ../data/train.tsv INFO:tensorflow:loss = 2.3636603, step = 7824 INFO:tensorflow:lr = 0.0002906364 INFO:tensorflow:global_step/sec: 2.10954 INFO:tensorflow:loss = 2.3735867, step = 7924 (47.412 sec) INFO:tensorflow:lr = 0.00028945238 (47.410 sec) INFO:tensorflow:global_step/sec: 2.23357 INFO:tensorflow:loss = 2.376097, step = 8024 (44.769 sec) INFO:tensorflow:lr = 0.0002882732 (44.770 sec) INFO:tensorflow:global_step/sec: 2.20239 INFO:tensorflow:loss = 2.3545368, step = 8124 (45.404 sec) INFO:tensorflow:lr = 0.0002870988 (45.405 sec) INFO:tensorflow:global_step/sec: 2.21806 INFO:tensorflow:loss = 2.38364, step = 8224 (45.081 sec) INFO:tensorflow:lr = 0.0002859292 (45.084 sec) INFO:tensorflow:global_step/sec: 2.17737 INFO:tensorflow:loss = 2.3683996, step = 8324 (45.929 sec) INFO:tensorflow:lr = 0.0002847644 (45.926 sec) INFO:tensorflow:global_step/sec: 2.19862 INFO:tensorflow:loss = 2.353162, step = 8424 (45.482 sec) INFO:tensorflow:lr = 0.00028360425 (45.483 sec) INFO:tensorflow:global_step/sec: 2.18178 INFO:tensorflow:loss = 2.3690817, step = 8524 (45.835 sec) INFO:tensorflow:lr = 0.0002824489 (45.836 sec) INFO:tensorflow:global_step/sec: 2.21876 INFO:tensorflow:loss = 2.3613248, step = 8624 (45.070 sec) INFO:tensorflow:lr = 0.0002812982 (45.068 sec) INFO:tensorflow:global_step/sec: 2.14346 INFO:tensorflow:loss = 2.3647163, step = 8724 (46.656 sec) INFO:tensorflow:lr = 0.00028015225 (46.656 sec) INFO:tensorflow:Saving checkpoints for 8802 into ../model/lstm_seq2seq/model.ckpt. INFO:tensorflow:Loss for final step: 2.36609. INFO:tensorflow:Calling model_fn. INFO:tensorflow:Saver not created because there are no variables in the graph to restore INFO:tensorflow:Saver not created because there are no variables in the graph to restore INFO:tensorflow:Done calling model_fn. INFO:tensorflow:Graph was finalized. INFO:tensorflow:Restoring parameters from ../model/lstm_seq2seq/model.ckpt-8802 INFO:tensorflow:Running local_init_op. INFO:tensorflow:Done running local_init_op. ------------ 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:Calling model_fn. INFO:tensorflow:Saver not created because there are no variables in the graph to restore INFO:tensorflow:Saver not created because there are no variables in the graph to restore INFO:tensorflow:Done calling model_fn. INFO:tensorflow:Graph was finalized. INFO:tensorflow:Restoring parameters from ../model/lstm_seq2seq/model.ckpt-8802 INFO:tensorflow:Running local_init_op. INFO:tensorflow:Done running local_init_op. Reading ../data/test.tsv INFO:tensorflow:Evaluation: Testing (Exact Match) Accuracy: 0.721 INFO:tensorflow:Best (Exact Match) Accuracy: 0.728 INFO:tensorflow:Calling model_fn.
/usr/local/lib/python3.6/dist-packages/ipykernel_launcher.py:38: DeprecationWarning: elementwise comparison failed; this will raise an error in the future.
INFO:tensorflow:Saver not created because there are no variables in the graph to restore INFO:tensorflow:Saver not created because there are no variables in the graph to restore [<tf.Variable 'Embedding/dense/kernel:0' shape=(1024, 300) dtype=float32_ref>, <tf.Variable 'Embedding/dense/bias:0' shape=(300,) dtype=float32_ref>, <tf.Variable 'Embedding/glove:0' shape=(8692, 300) dtype=float32_ref>, <tf.Variable 'Encoder/lstm_fused_cell/kernel:0' shape=(900, 1200) dtype=float32_ref>, <tf.Variable 'Encoder/lstm_fused_cell/bias:0' shape=(1200,) dtype=float32_ref>, <tf.Variable 'Encoder/lstm_fused_cell_1/kernel:0' shape=(900, 1200) dtype=float32_ref>, <tf.Variable 'Encoder/lstm_fused_cell_1/bias:0' shape=(1200,) dtype=float32_ref>, <tf.Variable 'Encoder/state_fc/kernel:0' shape=(600, 300) dtype=float32_ref>, <tf.Variable 'Encoder/state_fc/bias:0' shape=(300,) dtype=float32_ref>, <tf.Variable 'Decoder/memory_layer/kernel:0' shape=(600, 300) dtype=float32_ref>, <tf.Variable 'Decoder/memory_layer_1/kernel:0' shape=(600, 300) dtype=float32_ref>, <tf.Variable 'Decoder/decoder/attention_wrapper/lstm_cell/kernel:0' shape=(1200, 1200) dtype=float32_ref>, <tf.Variable 'Decoder/decoder/attention_wrapper/lstm_cell/bias:0' shape=(1200,) dtype=float32_ref>, <tf.Variable 'Decoder/decoder/attention_wrapper/bahdanau_attention/query_layer/kernel:0' shape=(300, 300) dtype=float32_ref>, <tf.Variable 'Decoder/decoder/attention_wrapper/bahdanau_attention/attention_v:0' shape=(300,) dtype=float32_ref>, <tf.Variable 'Decoder/decoder/attention_wrapper/attention_layer/kernel:0' shape=(900, 300) dtype=float32_ref>, <tf.Variable 'Decoder/decoder/attention_wrapper/attention_layer_1/kernel:0' shape=(900, 300) dtype=float32_ref>, <tf.Variable 'Decoder/decoder/tied_dense/bias:0' shape=(8692,) dtype=float32_ref>, <tf.Variable 'Decoder/decoder/tied_dense/proj_W:0' shape=(600, 300) dtype=float32_ref>, <tf.Variable 'Decoder/decoder/tied_dense/proj_b:0' shape=(300,) dtype=float32_ref>] INFO:tensorflow:Done calling model_fn. INFO:tensorflow:Create CheckpointSaverHook. INFO:tensorflow:Graph was finalized. INFO:tensorflow:Restoring parameters from ../model/lstm_seq2seq/model.ckpt-8802 INFO:tensorflow:Running local_init_op. INFO:tensorflow:Done running local_init_op. INFO:tensorflow:Saving checkpoints for 8802 into ../model/lstm_seq2seq/model.ckpt. Reading ../data/train.tsv INFO:tensorflow:loss = 2.3753483, step = 8802 INFO:tensorflow:lr = 0.00027926164 INFO:tensorflow:global_step/sec: 2.07644 INFO:tensorflow:loss = 2.369856, step = 8902 (48.164 sec) INFO:tensorflow:lr = 0.00027812395 (48.165 sec) INFO:tensorflow:global_step/sec: 2.1567 INFO:tensorflow:loss = 2.352692, step = 9002 (46.367 sec) INFO:tensorflow:lr = 0.0002769909 (46.367 sec) INFO:tensorflow:global_step/sec: 2.21175 INFO:tensorflow:loss = 2.3645346, step = 9102 (45.214 sec) INFO:tensorflow:lr = 0.00027586246 (45.214 sec) INFO:tensorflow:global_step/sec: 2.18923 INFO:tensorflow:loss = 2.3781078, step = 9202 (45.682 sec) INFO:tensorflow:lr = 0.00027473865 (45.684 sec) INFO:tensorflow:global_step/sec: 2.1849 INFO:tensorflow:loss = 2.3659372, step = 9302 (45.762 sec) INFO:tensorflow:lr = 0.0002736194 (45.760 sec) INFO:tensorflow:global_step/sec: 2.19882 INFO:tensorflow:loss = 2.364041, step = 9402 (45.485 sec) INFO:tensorflow:lr = 0.00027250472 (45.487 sec) INFO:tensorflow:global_step/sec: 2.18638 INFO:tensorflow:loss = 2.3516412, step = 9502 (45.731 sec) INFO:tensorflow:lr = 0.00027139453 (45.729 sec) INFO:tensorflow:global_step/sec: 2.21938 INFO:tensorflow:loss = 2.3583026, step = 9602 (45.068 sec) INFO:tensorflow:lr = 0.00027028893 (45.069 sec) INFO:tensorflow:global_step/sec: 2.23754 INFO:tensorflow:loss = 2.354792, step = 9702 (44.687 sec) INFO:tensorflow:lr = 0.00026918782 (44.686 sec) INFO:tensorflow:Saving checkpoints for 9780 into ../model/lstm_seq2seq/model.ckpt. INFO:tensorflow:Loss for final step: 2.351649. INFO:tensorflow:Calling model_fn. INFO:tensorflow:Saver not created because there are no variables in the graph to restore INFO:tensorflow:Saver not created because there are no variables in the graph to restore INFO:tensorflow:Done calling model_fn. INFO:tensorflow:Graph was finalized. INFO:tensorflow:Restoring parameters from ../model/lstm_seq2seq/model.ckpt-9780 INFO:tensorflow:Running local_init_op. INFO:tensorflow:Done running local_init_op. ------------ 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:Calling model_fn. INFO:tensorflow:Saver not created because there are no variables in the graph to restore INFO:tensorflow:Saver not created because there are no variables in the graph to restore INFO:tensorflow:Done calling model_fn. INFO:tensorflow:Graph was finalized. INFO:tensorflow:Restoring parameters from ../model/lstm_seq2seq/model.ckpt-9780 INFO:tensorflow:Running local_init_op. INFO:tensorflow:Done running local_init_op. Reading ../data/test.tsv INFO:tensorflow:Evaluation: Testing (Exact Match) Accuracy: 0.734 INFO:tensorflow:Best (Exact Match) Accuracy: 0.734 INFO:tensorflow:Calling model_fn.
/usr/local/lib/python3.6/dist-packages/ipykernel_launcher.py:38: DeprecationWarning: elementwise comparison failed; this will raise an error in the future.
INFO:tensorflow:Saver not created because there are no variables in the graph to restore INFO:tensorflow:Saver not created because there are no variables in the graph to restore [<tf.Variable 'Embedding/dense/kernel:0' shape=(1024, 300) dtype=float32_ref>, <tf.Variable 'Embedding/dense/bias:0' shape=(300,) dtype=float32_ref>, <tf.Variable 'Embedding/glove:0' shape=(8692, 300) dtype=float32_ref>, <tf.Variable 'Encoder/lstm_fused_cell/kernel:0' shape=(900, 1200) dtype=float32_ref>, <tf.Variable 'Encoder/lstm_fused_cell/bias:0' shape=(1200,) dtype=float32_ref>, <tf.Variable 'Encoder/lstm_fused_cell_1/kernel:0' shape=(900, 1200) dtype=float32_ref>, <tf.Variable 'Encoder/lstm_fused_cell_1/bias:0' shape=(1200,) dtype=float32_ref>, <tf.Variable 'Encoder/state_fc/kernel:0' shape=(600, 300) dtype=float32_ref>, <tf.Variable 'Encoder/state_fc/bias:0' shape=(300,) dtype=float32_ref>, <tf.Variable 'Decoder/memory_layer/kernel:0' shape=(600, 300) dtype=float32_ref>, <tf.Variable 'Decoder/memory_layer_1/kernel:0' shape=(600, 300) dtype=float32_ref>, <tf.Variable 'Decoder/decoder/attention_wrapper/lstm_cell/kernel:0' shape=(1200, 1200) dtype=float32_ref>, <tf.Variable 'Decoder/decoder/attention_wrapper/lstm_cell/bias:0' shape=(1200,) dtype=float32_ref>, <tf.Variable 'Decoder/decoder/attention_wrapper/bahdanau_attention/query_layer/kernel:0' shape=(300, 300) dtype=float32_ref>, <tf.Variable 'Decoder/decoder/attention_wrapper/bahdanau_attention/attention_v:0' shape=(300,) dtype=float32_ref>, <tf.Variable 'Decoder/decoder/attention_wrapper/attention_layer/kernel:0' shape=(900, 300) dtype=float32_ref>, <tf.Variable 'Decoder/decoder/attention_wrapper/attention_layer_1/kernel:0' shape=(900, 300) dtype=float32_ref>, <tf.Variable 'Decoder/decoder/tied_dense/bias:0' shape=(8692,) dtype=float32_ref>, <tf.Variable 'Decoder/decoder/tied_dense/proj_W:0' shape=(600, 300) dtype=float32_ref>, <tf.Variable 'Decoder/decoder/tied_dense/proj_b:0' shape=(300,) dtype=float32_ref>] INFO:tensorflow:Done calling model_fn. INFO:tensorflow:Create CheckpointSaverHook. INFO:tensorflow:Graph was finalized. INFO:tensorflow:Restoring parameters from ../model/lstm_seq2seq/model.ckpt-9780 INFO:tensorflow:Running local_init_op. INFO:tensorflow:Done running local_init_op. INFO:tensorflow:Saving checkpoints for 9780 into ../model/lstm_seq2seq/model.ckpt. Reading ../data/train.tsv INFO:tensorflow:loss = 2.3688323, step = 9780 INFO:tensorflow:lr = 0.00026833202 INFO:tensorflow:global_step/sec: 2.13004 INFO:tensorflow:loss = 2.3763769, step = 9880 (46.953 sec) INFO:tensorflow:lr = 0.00026723888 (46.954 sec) INFO:tensorflow:global_step/sec: 2.23207 INFO:tensorflow:loss = 2.371821, step = 9980 (44.797 sec) INFO:tensorflow:lr = 0.0002661502 (44.798 sec) INFO:tensorflow:global_step/sec: 2.12248 INFO:tensorflow:loss = 2.3511107, step = 10080 (47.120 sec) INFO:tensorflow:lr = 0.00026506593 (47.119 sec) INFO:tensorflow:global_step/sec: 2.21715 INFO:tensorflow:loss = 2.3838377, step = 10180 (45.100 sec) INFO:tensorflow:lr = 0.0002639861 (45.100 sec) INFO:tensorflow:global_step/sec: 2.20945 INFO:tensorflow:loss = 2.3474514, step = 10280 (45.260 sec) INFO:tensorflow:lr = 0.00026291062 (45.262 sec) INFO:tensorflow:global_step/sec: 2.16427 INFO:tensorflow:loss = 2.3621652, step = 10380 (46.204 sec) INFO:tensorflow:lr = 0.00026183954 (46.201 sec) INFO:tensorflow:global_step/sec: 2.13719 INFO:tensorflow:loss = 2.362107, step = 10480 (46.794 sec) INFO:tensorflow:lr = 0.00026077285 (46.794 sec) INFO:tensorflow:global_step/sec: 2.17773 INFO:tensorflow:loss = 2.3631127, step = 10580 (45.917 sec) INFO:tensorflow:lr = 0.00025971048 (45.916 sec) INFO:tensorflow:global_step/sec: 2.17299 INFO:tensorflow:loss = 2.3549612, step = 10680 (46.018 sec) INFO:tensorflow:lr = 0.00025865246 (46.023 sec) INFO:tensorflow:Saving checkpoints for 10758 into ../model/lstm_seq2seq/model.ckpt. INFO:tensorflow:Loss for final step: 2.3464267. INFO:tensorflow:Calling model_fn. INFO:tensorflow:Saver not created because there are no variables in the graph to restore INFO:tensorflow:Saver not created because there are no variables in the graph to restore INFO:tensorflow:Done calling model_fn. INFO:tensorflow:Graph was finalized. INFO:tensorflow:Restoring parameters from ../model/lstm_seq2seq/model.ckpt-10758 INFO:tensorflow:Running local_init_op. INFO:tensorflow:Done running local_init_op. ------------ 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:Calling model_fn. INFO:tensorflow:Saver not created because there are no variables in the graph to restore INFO:tensorflow:Saver not created because there are no variables in the graph to restore INFO:tensorflow:Done calling model_fn. INFO:tensorflow:Graph was finalized. INFO:tensorflow:Restoring parameters from ../model/lstm_seq2seq/model.ckpt-10758 INFO:tensorflow:Running local_init_op. INFO:tensorflow:Done running local_init_op. Reading ../data/test.tsv INFO:tensorflow:Evaluation: Testing (Exact Match) Accuracy: 0.741 INFO:tensorflow:Best (Exact Match) Accuracy: 0.741 INFO:tensorflow:Calling model_fn.
/usr/local/lib/python3.6/dist-packages/ipykernel_launcher.py:38: DeprecationWarning: elementwise comparison failed; this will raise an error in the future.
INFO:tensorflow:Saver not created because there are no variables in the graph to restore INFO:tensorflow:Saver not created because there are no variables in the graph to restore [<tf.Variable 'Embedding/dense/kernel:0' shape=(1024, 300) dtype=float32_ref>, <tf.Variable 'Embedding/dense/bias:0' shape=(300,) dtype=float32_ref>, <tf.Variable 'Embedding/glove:0' shape=(8692, 300) dtype=float32_ref>, <tf.Variable 'Encoder/lstm_fused_cell/kernel:0' shape=(900, 1200) dtype=float32_ref>, <tf.Variable 'Encoder/lstm_fused_cell/bias:0' shape=(1200,) dtype=float32_ref>, <tf.Variable 'Encoder/lstm_fused_cell_1/kernel:0' shape=(900, 1200) dtype=float32_ref>, <tf.Variable 'Encoder/lstm_fused_cell_1/bias:0' shape=(1200,) dtype=float32_ref>, <tf.Variable 'Encoder/state_fc/kernel:0' shape=(600, 300) dtype=float32_ref>, <tf.Variable 'Encoder/state_fc/bias:0' shape=(300,) dtype=float32_ref>, <tf.Variable 'Decoder/memory_layer/kernel:0' shape=(600, 300) dtype=float32_ref>, <tf.Variable 'Decoder/memory_layer_1/kernel:0' shape=(600, 300) dtype=float32_ref>, <tf.Variable 'Decoder/decoder/attention_wrapper/lstm_cell/kernel:0' shape=(1200, 1200) dtype=float32_ref>, <tf.Variable 'Decoder/decoder/attention_wrapper/lstm_cell/bias:0' shape=(1200,) dtype=float32_ref>, <tf.Variable 'Decoder/decoder/attention_wrapper/bahdanau_attention/query_layer/kernel:0' shape=(300, 300) dtype=float32_ref>, <tf.Variable 'Decoder/decoder/attention_wrapper/bahdanau_attention/attention_v:0' shape=(300,) dtype=float32_ref>, <tf.Variable 'Decoder/decoder/attention_wrapper/attention_layer/kernel:0' shape=(900, 300) dtype=float32_ref>, <tf.Variable 'Decoder/decoder/attention_wrapper/attention_layer_1/kernel:0' shape=(900, 300) dtype=float32_ref>, <tf.Variable 'Decoder/decoder/tied_dense/bias:0' shape=(8692,) dtype=float32_ref>, <tf.Variable 'Decoder/decoder/tied_dense/proj_W:0' shape=(600, 300) dtype=float32_ref>, <tf.Variable 'Decoder/decoder/tied_dense/proj_b:0' shape=(300,) dtype=float32_ref>] INFO:tensorflow:Done calling model_fn. INFO:tensorflow:Create CheckpointSaverHook. INFO:tensorflow:Graph was finalized. INFO:tensorflow:Restoring parameters from ../model/lstm_seq2seq/model.ckpt-10758 INFO:tensorflow:Running local_init_op. INFO:tensorflow:Done running local_init_op. INFO:tensorflow:Saving checkpoints for 10758 into ../model/lstm_seq2seq/model.ckpt. Reading ../data/train.tsv INFO:tensorflow:loss = 2.355841, step = 10758 INFO:tensorflow:lr = 0.0002578302 INFO:tensorflow:global_step/sec: 2.10916 INFO:tensorflow:loss = 2.3759682, step = 10858 (47.419 sec) INFO:tensorflow:lr = 0.0002567798 (47.419 sec) INFO:tensorflow:global_step/sec: 2.16188 INFO:tensorflow:loss = 2.3611484, step = 10958 (46.253 sec) INFO:tensorflow:lr = 0.00025573376 (46.253 sec) INFO:tensorflow:global_step/sec: 2.15342 INFO:tensorflow:loss = 2.3568263, step = 11058 (46.440 sec) INFO:tensorflow:lr = 0.0002546919 (46.440 sec) INFO:tensorflow:global_step/sec: 2.17582 INFO:tensorflow:loss = 2.3607032, step = 11158 (45.958 sec) INFO:tensorflow:lr = 0.00025365432 (45.959 sec) INFO:tensorflow:global_step/sec: 2.11366 INFO:tensorflow:loss = 2.3488555, step = 11258 (47.309 sec) INFO:tensorflow:lr = 0.000252621 (47.312 sec) INFO:tensorflow:global_step/sec: 2.12616 INFO:tensorflow:loss = 2.3591847, step = 11358 (47.037 sec) INFO:tensorflow:lr = 0.00025159182 (47.033 sec) INFO:tensorflow:global_step/sec: 2.14096 INFO:tensorflow:loss = 2.353801, step = 11458 (46.710 sec) INFO:tensorflow:lr = 0.00025056687 (46.710 sec) INFO:tensorflow:global_step/sec: 2.20442 INFO:tensorflow:loss = 2.349468, step = 11558 (45.358 sec) INFO:tensorflow:lr = 0.00024954608 (45.359 sec) INFO:tensorflow:global_step/sec: 2.19273 INFO:tensorflow:loss = 2.3534193, step = 11658 (45.610 sec) INFO:tensorflow:lr = 0.00024852945 (45.609 sec) INFO:tensorflow:Saving checkpoints for 11736 into ../model/lstm_seq2seq/model.ckpt. INFO:tensorflow:Loss for final step: 2.3638155. INFO:tensorflow:Calling model_fn. INFO:tensorflow:Saver not created because there are no variables in the graph to restore INFO:tensorflow:Saver not created because there are no variables in the graph to restore INFO:tensorflow:Done calling model_fn. INFO:tensorflow:Graph was finalized. INFO:tensorflow:Restoring parameters from ../model/lstm_seq2seq/model.ckpt-11736 INFO:tensorflow:Running local_init_op. INFO:tensorflow:Done running local_init_op. ------------ 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:Calling model_fn. INFO:tensorflow:Saver not created because there are no variables in the graph to restore INFO:tensorflow:Saver not created because there are no variables in the graph to restore INFO:tensorflow:Done calling model_fn. INFO:tensorflow:Graph was finalized. INFO:tensorflow:Restoring parameters from ../model/lstm_seq2seq/model.ckpt-11736 INFO:tensorflow:Running local_init_op. INFO:tensorflow:Done running local_init_op. Reading ../data/test.tsv INFO:tensorflow:Evaluation: Testing (Exact Match) Accuracy: 0.731 INFO:tensorflow:Best (Exact Match) Accuracy: 0.741 INFO:tensorflow:Calling model_fn.
/usr/local/lib/python3.6/dist-packages/ipykernel_launcher.py:38: DeprecationWarning: elementwise comparison failed; this will raise an error in the future.
INFO:tensorflow:Saver not created because there are no variables in the graph to restore INFO:tensorflow:Saver not created because there are no variables in the graph to restore [<tf.Variable 'Embedding/dense/kernel:0' shape=(1024, 300) dtype=float32_ref>, <tf.Variable 'Embedding/dense/bias:0' shape=(300,) dtype=float32_ref>, <tf.Variable 'Embedding/glove:0' shape=(8692, 300) dtype=float32_ref>, <tf.Variable 'Encoder/lstm_fused_cell/kernel:0' shape=(900, 1200) dtype=float32_ref>, <tf.Variable 'Encoder/lstm_fused_cell/bias:0' shape=(1200,) dtype=float32_ref>, <tf.Variable 'Encoder/lstm_fused_cell_1/kernel:0' shape=(900, 1200) dtype=float32_ref>, <tf.Variable 'Encoder/lstm_fused_cell_1/bias:0' shape=(1200,) dtype=float32_ref>, <tf.Variable 'Encoder/state_fc/kernel:0' shape=(600, 300) dtype=float32_ref>, <tf.Variable 'Encoder/state_fc/bias:0' shape=(300,) dtype=float32_ref>, <tf.Variable 'Decoder/memory_layer/kernel:0' shape=(600, 300) dtype=float32_ref>, <tf.Variable 'Decoder/memory_layer_1/kernel:0' shape=(600, 300) dtype=float32_ref>, <tf.Variable 'Decoder/decoder/attention_wrapper/lstm_cell/kernel:0' shape=(1200, 1200) dtype=float32_ref>, <tf.Variable 'Decoder/decoder/attention_wrapper/lstm_cell/bias:0' shape=(1200,) dtype=float32_ref>, <tf.Variable 'Decoder/decoder/attention_wrapper/bahdanau_attention/query_layer/kernel:0' shape=(300, 300) dtype=float32_ref>, <tf.Variable 'Decoder/decoder/attention_wrapper/bahdanau_attention/attention_v:0' shape=(300,) dtype=float32_ref>, <tf.Variable 'Decoder/decoder/attention_wrapper/attention_layer/kernel:0' shape=(900, 300) dtype=float32_ref>, <tf.Variable 'Decoder/decoder/attention_wrapper/attention_layer_1/kernel:0' shape=(900, 300) dtype=float32_ref>, <tf.Variable 'Decoder/decoder/tied_dense/bias:0' shape=(8692,) dtype=float32_ref>, <tf.Variable 'Decoder/decoder/tied_dense/proj_W:0' shape=(600, 300) dtype=float32_ref>, <tf.Variable 'Decoder/decoder/tied_dense/proj_b:0' shape=(300,) dtype=float32_ref>] INFO:tensorflow:Done calling model_fn. INFO:tensorflow:Create CheckpointSaverHook. INFO:tensorflow:Graph was finalized. INFO:tensorflow:Restoring parameters from ../model/lstm_seq2seq/model.ckpt-11736 INFO:tensorflow:Running local_init_op. INFO:tensorflow:Done running local_init_op. INFO:tensorflow:Saving checkpoints for 11736 into ../model/lstm_seq2seq/model.ckpt. Reading ../data/train.tsv INFO:tensorflow:loss = 2.348526, step = 11736 INFO:tensorflow:lr = 0.00024773937 INFO:tensorflow:global_step/sec: 2.15893 INFO:tensorflow:loss = 2.3633165, step = 11836 (46.321 sec) INFO:tensorflow:lr = 0.0002467301 (46.318 sec) INFO:tensorflow:global_step/sec: 2.20435 INFO:tensorflow:loss = 2.3450558, step = 11936 (45.370 sec) INFO:tensorflow:lr = 0.00024572495 (45.368 sec) INFO:tensorflow:global_step/sec: 2.18046 INFO:tensorflow:loss = 2.358672, step = 12036 (45.859 sec) INFO:tensorflow:lr = 0.00024472392 (45.859 sec) INFO:tensorflow:global_step/sec: 2.20193 INFO:tensorflow:loss = 2.3435047, step = 12136 (45.416 sec) INFO:tensorflow:lr = 0.00024372694 (45.419 sec) INFO:tensorflow:global_step/sec: 2.10957 INFO:tensorflow:loss = 2.3543932, step = 12236 (47.402 sec) INFO:tensorflow:lr = 0.00024273402 (47.401 sec) INFO:tensorflow:global_step/sec: 2.12999 INFO:tensorflow:loss = 2.3624127, step = 12336 (46.957 sec) INFO:tensorflow:lr = 0.00024174516 (46.957 sec) INFO:tensorflow:global_step/sec: 2.15138 INFO:tensorflow:loss = 2.3599162, step = 12436 (46.476 sec) INFO:tensorflow:lr = 0.00024076032 (46.475 sec) INFO:tensorflow:global_step/sec: 2.14469 INFO:tensorflow:loss = 2.3480818, step = 12536 (46.625 sec) INFO:tensorflow:lr = 0.00023977949 (46.626 sec) INFO:tensorflow:global_step/sec: 2.19345 INFO:tensorflow:loss = 2.3558187, step = 12636 (45.590 sec) INFO:tensorflow:lr = 0.00023880262 (45.591 sec) INFO:tensorflow:Saving checkpoints for 12714 into ../model/lstm_seq2seq/model.ckpt. INFO:tensorflow:Loss for final step: 2.3583674. INFO:tensorflow:Calling model_fn. INFO:tensorflow:Saver not created because there are no variables in the graph to restore INFO:tensorflow:Saver not created because there are no variables in the graph to restore INFO:tensorflow:Done calling model_fn. INFO:tensorflow:Graph was finalized. INFO:tensorflow:Restoring parameters from ../model/lstm_seq2seq/model.ckpt-12714 INFO:tensorflow:Running local_init_op. INFO:tensorflow:Done running local_init_op. ------------ 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:Calling model_fn. INFO:tensorflow:Saver not created because there are no variables in the graph to restore INFO:tensorflow:Saver not created because there are no variables in the graph to restore INFO:tensorflow:Done calling model_fn. INFO:tensorflow:Graph was finalized. INFO:tensorflow:Restoring parameters from ../model/lstm_seq2seq/model.ckpt-12714 INFO:tensorflow:Running local_init_op. INFO:tensorflow:Done running local_init_op. Reading ../data/test.tsv INFO:tensorflow:Evaluation: Testing (Exact Match) Accuracy: 0.723 INFO:tensorflow:Best (Exact Match) Accuracy: 0.741 INFO:tensorflow:Calling model_fn.
/usr/local/lib/python3.6/dist-packages/ipykernel_launcher.py:38: DeprecationWarning: elementwise comparison failed; this will raise an error in the future.
INFO:tensorflow:Saver not created because there are no variables in the graph to restore INFO:tensorflow:Saver not created because there are no variables in the graph to restore [<tf.Variable 'Embedding/dense/kernel:0' shape=(1024, 300) dtype=float32_ref>, <tf.Variable 'Embedding/dense/bias:0' shape=(300,) dtype=float32_ref>, <tf.Variable 'Embedding/glove:0' shape=(8692, 300) dtype=float32_ref>, <tf.Variable 'Encoder/lstm_fused_cell/kernel:0' shape=(900, 1200) dtype=float32_ref>, <tf.Variable 'Encoder/lstm_fused_cell/bias:0' shape=(1200,) dtype=float32_ref>, <tf.Variable 'Encoder/lstm_fused_cell_1/kernel:0' shape=(900, 1200) dtype=float32_ref>, <tf.Variable 'Encoder/lstm_fused_cell_1/bias:0' shape=(1200,) dtype=float32_ref>, <tf.Variable 'Encoder/state_fc/kernel:0' shape=(600, 300) dtype=float32_ref>, <tf.Variable 'Encoder/state_fc/bias:0' shape=(300,) dtype=float32_ref>, <tf.Variable 'Decoder/memory_layer/kernel:0' shape=(600, 300) dtype=float32_ref>, <tf.Variable 'Decoder/memory_layer_1/kernel:0' shape=(600, 300) dtype=float32_ref>, <tf.Variable 'Decoder/decoder/attention_wrapper/lstm_cell/kernel:0' shape=(1200, 1200) dtype=float32_ref>, <tf.Variable 'Decoder/decoder/attention_wrapper/lstm_cell/bias:0' shape=(1200,) dtype=float32_ref>, <tf.Variable 'Decoder/decoder/attention_wrapper/bahdanau_attention/query_layer/kernel:0' shape=(300, 300) dtype=float32_ref>, <tf.Variable 'Decoder/decoder/attention_wrapper/bahdanau_attention/attention_v:0' shape=(300,) dtype=float32_ref>, <tf.Variable 'Decoder/decoder/attention_wrapper/attention_layer/kernel:0' shape=(900, 300) dtype=float32_ref>, <tf.Variable 'Decoder/decoder/attention_wrapper/attention_layer_1/kernel:0' shape=(900, 300) dtype=float32_ref>, <tf.Variable 'Decoder/decoder/tied_dense/bias:0' shape=(8692,) dtype=float32_ref>, <tf.Variable 'Decoder/decoder/tied_dense/proj_W:0' shape=(600, 300) dtype=float32_ref>, <tf.Variable 'Decoder/decoder/tied_dense/proj_b:0' shape=(300,) dtype=float32_ref>] INFO:tensorflow:Done calling model_fn. INFO:tensorflow:Create CheckpointSaverHook. INFO:tensorflow:Graph was finalized. INFO:tensorflow:Restoring parameters from ../model/lstm_seq2seq/model.ckpt-12714 INFO:tensorflow:Running local_init_op. INFO:tensorflow:Done running local_init_op. INFO:tensorflow:Saving checkpoints for 12714 into ../model/lstm_seq2seq/model.ckpt. Reading ../data/train.tsv INFO:tensorflow:loss = 2.3615007, step = 12714 INFO:tensorflow:lr = 0.00023804349 INFO:tensorflow:global_step/sec: 2.11075 INFO:tensorflow:loss = 2.3585339, step = 12814 (47.384 sec) INFO:tensorflow:lr = 0.00023707372 (47.382 sec) INFO:tensorflow:global_step/sec: 2.21059 INFO:tensorflow:loss = 2.3469675, step = 12914 (45.240 sec) INFO:tensorflow:lr = 0.00023610791 (45.242 sec) INFO:tensorflow:global_step/sec: 2.15882 INFO:tensorflow:loss = 2.3595312, step = 13014 (46.320 sec) INFO:tensorflow:lr = 0.00023514604 (46.319 sec) INFO:tensorflow:global_step/sec: 2.16572 INFO:tensorflow:loss = 2.3569765, step = 13114 (46.170 sec) INFO:tensorflow:lr = 0.00023418808 (46.173 sec) INFO:tensorflow:global_step/sec: 2.23407 INFO:tensorflow:loss = 2.3447618, step = 13214 (44.763 sec) INFO:tensorflow:lr = 0.00023323402 (44.761 sec) INFO:tensorflow:global_step/sec: 2.16491 INFO:tensorflow:loss = 2.3488352, step = 13314 (46.188 sec) INFO:tensorflow:lr = 0.00023228386 (46.189 sec) INFO:tensorflow:global_step/sec: 2.12937 INFO:tensorflow:loss = 2.347793, step = 13414 (46.965 sec) INFO:tensorflow:lr = 0.00023133756 (46.963 sec) INFO:tensorflow:global_step/sec: 2.24443 INFO:tensorflow:loss = 2.3599188, step = 13514 (44.556 sec) INFO:tensorflow:lr = 0.00023039512 (44.558 sec) INFO:tensorflow:global_step/sec: 2.20299 INFO:tensorflow:loss = 2.35071, step = 13614 (45.392 sec) INFO:tensorflow:lr = 0.00022945652 (45.391 sec) INFO:tensorflow:Saving checkpoints for 13692 into ../model/lstm_seq2seq/model.ckpt. INFO:tensorflow:Loss for final step: 2.3425598. INFO:tensorflow:Calling model_fn. INFO:tensorflow:Saver not created because there are no variables in the graph to restore INFO:tensorflow:Saver not created because there are no variables in the graph to restore INFO:tensorflow:Done calling model_fn. INFO:tensorflow:Graph was finalized. INFO:tensorflow:Restoring parameters from ../model/lstm_seq2seq/model.ckpt-13692 INFO:tensorflow:Running local_init_op. INFO:tensorflow:Done running local_init_op. ------------ 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:Calling model_fn. INFO:tensorflow:Saver not created because there are no variables in the graph to restore INFO:tensorflow:Saver not created because there are no variables in the graph to restore INFO:tensorflow:Done calling model_fn. INFO:tensorflow:Graph was finalized. INFO:tensorflow:Restoring parameters from ../model/lstm_seq2seq/model.ckpt-13692 INFO:tensorflow:Running local_init_op. INFO:tensorflow:Done running local_init_op. Reading ../data/test.tsv INFO:tensorflow:Evaluation: Testing (Exact Match) Accuracy: 0.737 INFO:tensorflow:Best (Exact Match) Accuracy: 0.741 INFO:tensorflow:Calling model_fn.
/usr/local/lib/python3.6/dist-packages/ipykernel_launcher.py:38: DeprecationWarning: elementwise comparison failed; this will raise an error in the future.
INFO:tensorflow:Saver not created because there are no variables in the graph to restore INFO:tensorflow:Saver not created because there are no variables in the graph to restore [<tf.Variable 'Embedding/dense/kernel:0' shape=(1024, 300) dtype=float32_ref>, <tf.Variable 'Embedding/dense/bias:0' shape=(300,) dtype=float32_ref>, <tf.Variable 'Embedding/glove:0' shape=(8692, 300) dtype=float32_ref>, <tf.Variable 'Encoder/lstm_fused_cell/kernel:0' shape=(900, 1200) dtype=float32_ref>, <tf.Variable 'Encoder/lstm_fused_cell/bias:0' shape=(1200,) dtype=float32_ref>, <tf.Variable 'Encoder/lstm_fused_cell_1/kernel:0' shape=(900, 1200) dtype=float32_ref>, <tf.Variable 'Encoder/lstm_fused_cell_1/bias:0' shape=(1200,) dtype=float32_ref>, <tf.Variable 'Encoder/state_fc/kernel:0' shape=(600, 300) dtype=float32_ref>, <tf.Variable 'Encoder/state_fc/bias:0' shape=(300,) dtype=float32_ref>, <tf.Variable 'Decoder/memory_layer/kernel:0' shape=(600, 300) dtype=float32_ref>, <tf.Variable 'Decoder/memory_layer_1/kernel:0' shape=(600, 300) dtype=float32_ref>, <tf.Variable 'Decoder/decoder/attention_wrapper/lstm_cell/kernel:0' shape=(1200, 1200) dtype=float32_ref>, <tf.Variable 'Decoder/decoder/attention_wrapper/lstm_cell/bias:0' shape=(1200,) dtype=float32_ref>, <tf.Variable 'Decoder/decoder/attention_wrapper/bahdanau_attention/query_layer/kernel:0' shape=(300, 300) dtype=float32_ref>, <tf.Variable 'Decoder/decoder/attention_wrapper/bahdanau_attention/attention_v:0' shape=(300,) dtype=float32_ref>, <tf.Variable 'Decoder/decoder/attention_wrapper/attention_layer/kernel:0' shape=(900, 300) dtype=float32_ref>, <tf.Variable 'Decoder/decoder/attention_wrapper/attention_layer_1/kernel:0' shape=(900, 300) dtype=float32_ref>, <tf.Variable 'Decoder/decoder/tied_dense/bias:0' shape=(8692,) dtype=float32_ref>, <tf.Variable 'Decoder/decoder/tied_dense/proj_W:0' shape=(600, 300) dtype=float32_ref>, <tf.Variable 'Decoder/decoder/tied_dense/proj_b:0' shape=(300,) dtype=float32_ref>] INFO:tensorflow:Done calling model_fn. INFO:tensorflow:Create CheckpointSaverHook. INFO:tensorflow:Graph was finalized. INFO:tensorflow:Restoring parameters from ../model/lstm_seq2seq/model.ckpt-13692 INFO:tensorflow:Running local_init_op. INFO:tensorflow:Done running local_init_op. INFO:tensorflow:Saving checkpoints for 13692 into ../model/lstm_seq2seq/model.ckpt. Reading ../data/train.tsv INFO:tensorflow:loss = 2.3401494, step = 13692 INFO:tensorflow:lr = 0.00022872708 INFO:tensorflow:global_step/sec: 2.06009 INFO:tensorflow:loss = 2.3452473, step = 13792 (48.549 sec) INFO:tensorflow:lr = 0.00022779524 (48.548 sec) INFO:tensorflow:global_step/sec: 2.20266 INFO:tensorflow:loss = 2.345547, step = 13892 (45.397 sec) INFO:tensorflow:lr = 0.00022686727 (45.397 sec) INFO:tensorflow:global_step/sec: 2.1625 INFO:tensorflow:loss = 2.3453026, step = 13992 (46.243 sec) INFO:tensorflow:lr = 0.00022594302 (46.246 sec) INFO:tensorflow:global_step/sec: 2.1278 INFO:tensorflow:loss = 2.3421977, step = 14092 (46.995 sec) INFO:tensorflow:lr = 0.00022502255 (46.992 sec) INFO:tensorflow:global_step/sec: 2.19119 INFO:tensorflow:loss = 2.3626149, step = 14192 (45.640 sec) INFO:tensorflow:lr = 0.00022410585 (45.641 sec) INFO:tensorflow:global_step/sec: 2.22692 INFO:tensorflow:loss = 2.3509595, step = 14292 (44.907 sec) INFO:tensorflow:lr = 0.00022319282 (44.906 sec) INFO:tensorflow:global_step/sec: 2.21637 INFO:tensorflow:loss = 2.3461332, step = 14392 (45.119 sec) INFO:tensorflow:lr = 0.00022228359 (45.119 sec) INFO:tensorflow:global_step/sec: 2.19984 INFO:tensorflow:loss = 2.3465865, step = 14492 (45.458 sec) INFO:tensorflow:lr = 0.00022137804 (45.459 sec) INFO:tensorflow:global_step/sec: 2.27021 INFO:tensorflow:loss = 2.3467827, step = 14592 (44.045 sec) INFO:tensorflow:lr = 0.00022047614 (44.044 sec) INFO:tensorflow:Saving checkpoints for 14670 into ../model/lstm_seq2seq/model.ckpt. INFO:tensorflow:Loss for final step: 2.3519285. INFO:tensorflow:Calling model_fn. INFO:tensorflow:Saver not created because there are no variables in the graph to restore INFO:tensorflow:Saver not created because there are no variables in the graph to restore INFO:tensorflow:Done calling model_fn. INFO:tensorflow:Graph was finalized. INFO:tensorflow:Restoring parameters from ../model/lstm_seq2seq/model.ckpt-14670 INFO:tensorflow:Running local_init_op. INFO:tensorflow:Done running local_init_op. ------------ 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:Calling model_fn. INFO:tensorflow:Saver not created because there are no variables in the graph to restore INFO:tensorflow:Saver not created because there are no variables in the graph to restore INFO:tensorflow:Done calling model_fn. INFO:tensorflow:Graph was finalized. INFO:tensorflow:Restoring parameters from ../model/lstm_seq2seq/model.ckpt-14670 INFO:tensorflow:Running local_init_op. INFO:tensorflow:Done running local_init_op. Reading ../data/test.tsv INFO:tensorflow:Evaluation: Testing (Exact Match) Accuracy: 0.739 INFO:tensorflow:Best (Exact Match) Accuracy: 0.741 INFO:tensorflow:Calling model_fn.
/usr/local/lib/python3.6/dist-packages/ipykernel_launcher.py:38: DeprecationWarning: elementwise comparison failed; this will raise an error in the future.
INFO:tensorflow:Saver not created because there are no variables in the graph to restore INFO:tensorflow:Saver not created because there are no variables in the graph to restore [<tf.Variable 'Embedding/dense/kernel:0' shape=(1024, 300) dtype=float32_ref>, <tf.Variable 'Embedding/dense/bias:0' shape=(300,) dtype=float32_ref>, <tf.Variable 'Embedding/glove:0' shape=(8692, 300) dtype=float32_ref>, <tf.Variable 'Encoder/lstm_fused_cell/kernel:0' shape=(900, 1200) dtype=float32_ref>, <tf.Variable 'Encoder/lstm_fused_cell/bias:0' shape=(1200,) dtype=float32_ref>, <tf.Variable 'Encoder/lstm_fused_cell_1/kernel:0' shape=(900, 1200) dtype=float32_ref>, <tf.Variable 'Encoder/lstm_fused_cell_1/bias:0' shape=(1200,) dtype=float32_ref>, <tf.Variable 'Encoder/state_fc/kernel:0' shape=(600, 300) dtype=float32_ref>, <tf.Variable 'Encoder/state_fc/bias:0' shape=(300,) dtype=float32_ref>, <tf.Variable 'Decoder/memory_layer/kernel:0' shape=(600, 300) dtype=float32_ref>, <tf.Variable 'Decoder/memory_layer_1/kernel:0' shape=(600, 300) dtype=float32_ref>, <tf.Variable 'Decoder/decoder/attention_wrapper/lstm_cell/kernel:0' shape=(1200, 1200) dtype=float32_ref>, <tf.Variable 'Decoder/decoder/attention_wrapper/lstm_cell/bias:0' shape=(1200,) dtype=float32_ref>, <tf.Variable 'Decoder/decoder/attention_wrapper/bahdanau_attention/query_layer/kernel:0' shape=(300, 300) dtype=float32_ref>, <tf.Variable 'Decoder/decoder/attention_wrapper/bahdanau_attention/attention_v:0' shape=(300,) dtype=float32_ref>, <tf.Variable 'Decoder/decoder/attention_wrapper/attention_layer/kernel:0' shape=(900, 300) dtype=float32_ref>, <tf.Variable 'Decoder/decoder/attention_wrapper/attention_layer_1/kernel:0' shape=(900, 300) dtype=float32_ref>, <tf.Variable 'Decoder/decoder/tied_dense/bias:0' shape=(8692,) dtype=float32_ref>, <tf.Variable 'Decoder/decoder/tied_dense/proj_W:0' shape=(600, 300) dtype=float32_ref>, <tf.Variable 'Decoder/decoder/tied_dense/proj_b:0' shape=(300,) dtype=float32_ref>] INFO:tensorflow:Done calling model_fn. INFO:tensorflow:Create CheckpointSaverHook. INFO:tensorflow:Graph was finalized. INFO:tensorflow:Restoring parameters from ../model/lstm_seq2seq/model.ckpt-14670 INFO:tensorflow:Running local_init_op. INFO:tensorflow:Done running local_init_op. INFO:tensorflow:Saving checkpoints for 14670 into ../model/lstm_seq2seq/model.ckpt. Reading ../data/train.tsv INFO:tensorflow:loss = 2.3456879, step = 14670 INFO:tensorflow:lr = 0.00021977526 INFO:tensorflow:global_step/sec: 2.07392 INFO:tensorflow:loss = 2.3404253, step = 14770 (48.224 sec) INFO:tensorflow:lr = 0.00021887991 (48.220 sec) INFO:tensorflow:global_step/sec: 2.2437 INFO:tensorflow:loss = 2.3546023, step = 14870 (44.574 sec) INFO:tensorflow:lr = 0.00021798823 (44.577 sec) INFO:tensorflow:global_step/sec: 2.18902 INFO:tensorflow:loss = 2.3381472, step = 14970 (45.678 sec) INFO:tensorflow:lr = 0.00021710018 (45.677 sec) INFO:tensorflow:global_step/sec: 2.15051 INFO:tensorflow:loss = 2.3550813, step = 15070 (46.502 sec) INFO:tensorflow:lr = 0.00021621572 (46.500 sec) INFO:tensorflow:global_step/sec: 2.16854 INFO:tensorflow:loss = 2.3531492, step = 15170 (46.109 sec) INFO:tensorflow:lr = 0.0002153349 (46.109 sec) INFO:tensorflow:global_step/sec: 2.22589 INFO:tensorflow:loss = 2.3489444, step = 15270 (44.933 sec) INFO:tensorflow:lr = 0.00021445764 (44.935 sec) INFO:tensorflow:global_step/sec: 2.22177 INFO:tensorflow:loss = 2.3457959, step = 15370 (45.004 sec) INFO:tensorflow:lr = 0.00021358396 (45.004 sec) INFO:tensorflow:global_step/sec: 2.25084 INFO:tensorflow:loss = 2.3519127, step = 15470 (44.428 sec) INFO:tensorflow:lr = 0.00021271389 (44.427 sec) INFO:tensorflow:global_step/sec: 2.15599 INFO:tensorflow:loss = 2.3486354, step = 15570 (46.384 sec) INFO:tensorflow:lr = 0.0002118473 (46.384 sec) INFO:tensorflow:Saving checkpoints for 15648 into ../model/lstm_seq2seq/model.ckpt. INFO:tensorflow:Loss for final step: 2.3445337. INFO:tensorflow:Calling model_fn. INFO:tensorflow:Saver not created because there are no variables in the graph to restore INFO:tensorflow:Saver not created because there are no variables in the graph to restore INFO:tensorflow:Done calling model_fn. INFO:tensorflow:Graph was finalized. INFO:tensorflow:Restoring parameters from ../model/lstm_seq2seq/model.ckpt-15648 INFO:tensorflow:Running local_init_op. INFO:tensorflow:Done running local_init_op. ------------ 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:Calling model_fn. INFO:tensorflow:Saver not created because there are no variables in the graph to restore INFO:tensorflow:Saver not created because there are no variables in the graph to restore INFO:tensorflow:Done calling model_fn. INFO:tensorflow:Graph was finalized. INFO:tensorflow:Restoring parameters from ../model/lstm_seq2seq/model.ckpt-15648 INFO:tensorflow:Running local_init_op. INFO:tensorflow:Done running local_init_op. Reading ../data/test.tsv INFO:tensorflow:Evaluation: Testing (Exact Match) Accuracy: 0.731 INFO:tensorflow:Best (Exact Match) Accuracy: 0.741 INFO:tensorflow:Calling model_fn.
/usr/local/lib/python3.6/dist-packages/ipykernel_launcher.py:38: DeprecationWarning: elementwise comparison failed; this will raise an error in the future.
INFO:tensorflow:Saver not created because there are no variables in the graph to restore INFO:tensorflow:Saver not created because there are no variables in the graph to restore [<tf.Variable 'Embedding/dense/kernel:0' shape=(1024, 300) dtype=float32_ref>, <tf.Variable 'Embedding/dense/bias:0' shape=(300,) dtype=float32_ref>, <tf.Variable 'Embedding/glove:0' shape=(8692, 300) dtype=float32_ref>, <tf.Variable 'Encoder/lstm_fused_cell/kernel:0' shape=(900, 1200) dtype=float32_ref>, <tf.Variable 'Encoder/lstm_fused_cell/bias:0' shape=(1200,) dtype=float32_ref>, <tf.Variable 'Encoder/lstm_fused_cell_1/kernel:0' shape=(900, 1200) dtype=float32_ref>, <tf.Variable 'Encoder/lstm_fused_cell_1/bias:0' shape=(1200,) dtype=float32_ref>, <tf.Variable 'Encoder/state_fc/kernel:0' shape=(600, 300) dtype=float32_ref>, <tf.Variable 'Encoder/state_fc/bias:0' shape=(300,) dtype=float32_ref>, <tf.Variable 'Decoder/memory_layer/kernel:0' shape=(600, 300) dtype=float32_ref>, <tf.Variable 'Decoder/memory_layer_1/kernel:0' shape=(600, 300) dtype=float32_ref>, <tf.Variable 'Decoder/decoder/attention_wrapper/lstm_cell/kernel:0' shape=(1200, 1200) dtype=float32_ref>, <tf.Variable 'Decoder/decoder/attention_wrapper/lstm_cell/bias:0' shape=(1200,) dtype=float32_ref>, <tf.Variable 'Decoder/decoder/attention_wrapper/bahdanau_attention/query_layer/kernel:0' shape=(300, 300) dtype=float32_ref>, <tf.Variable 'Decoder/decoder/attention_wrapper/bahdanau_attention/attention_v:0' shape=(300,) dtype=float32_ref>, <tf.Variable 'Decoder/decoder/attention_wrapper/attention_layer/kernel:0' shape=(900, 300) dtype=float32_ref>, <tf.Variable 'Decoder/decoder/attention_wrapper/attention_layer_1/kernel:0' shape=(900, 300) dtype=float32_ref>, <tf.Variable 'Decoder/decoder/tied_dense/bias:0' shape=(8692,) dtype=float32_ref>, <tf.Variable 'Decoder/decoder/tied_dense/proj_W:0' shape=(600, 300) dtype=float32_ref>, <tf.Variable 'Decoder/decoder/tied_dense/proj_b:0' shape=(300,) dtype=float32_ref>] INFO:tensorflow:Done calling model_fn. INFO:tensorflow:Create CheckpointSaverHook. INFO:tensorflow:Graph was finalized. INFO:tensorflow:Restoring parameters from ../model/lstm_seq2seq/model.ckpt-15648 INFO:tensorflow:Running local_init_op. INFO:tensorflow:Done running local_init_op. INFO:tensorflow:Saving checkpoints for 15648 into ../model/lstm_seq2seq/model.ckpt. Reading ../data/train.tsv INFO:tensorflow:loss = 2.3442369, step = 15648 INFO:tensorflow:lr = 0.00021117381 INFO:tensorflow:global_step/sec: 2.11689 INFO:tensorflow:loss = 2.349385, step = 15748 (47.245 sec) INFO:tensorflow:lr = 0.0002103135 (47.244 sec) INFO:tensorflow:global_step/sec: 2.15082 INFO:tensorflow:loss = 2.359869, step = 15848 (46.491 sec) INFO:tensorflow:lr = 0.00020945673 (46.495 sec) INFO:tensorflow:global_step/sec: 2.16031 INFO:tensorflow:loss = 2.3394353, step = 15948 (46.296 sec) INFO:tensorflow:lr = 0.00020860342 (46.291 sec) INFO:tensorflow:global_step/sec: 2.26888 INFO:tensorflow:loss = 2.3482196, step = 16048 (44.073 sec) INFO:tensorflow:lr = 0.0002077536 (44.073 sec) INFO:tensorflow:global_step/sec: 2.18105 INFO:tensorflow:loss = 2.339814, step = 16148 (45.850 sec) INFO:tensorflow:lr = 0.00020690722 (45.849 sec) INFO:tensorflow:global_step/sec: 2.20154 INFO:tensorflow:loss = 2.3529987, step = 16248 (45.426 sec) INFO:tensorflow:lr = 0.00020606432 (45.430 sec) INFO:tensorflow:global_step/sec: 2.21415 INFO:tensorflow:loss = 2.344288, step = 16348 (45.156 sec) INFO:tensorflow:lr = 0.00020522482 (45.153 sec) INFO:tensorflow:global_step/sec: 2.20431 INFO:tensorflow:loss = 2.346071, step = 16448 (45.370 sec) INFO:tensorflow:lr = 0.00020438881 (45.370 sec) INFO:tensorflow:global_step/sec: 2.12462 INFO:tensorflow:loss = 2.3611002, step = 16548 (47.068 sec) INFO:tensorflow:lr = 0.00020355613 (47.069 sec) INFO:tensorflow:Saving checkpoints for 16626 into ../model/lstm_seq2seq/model.ckpt. INFO:tensorflow:Loss for final step: 2.3374555. INFO:tensorflow:Calling model_fn. INFO:tensorflow:Saver not created because there are no variables in the graph to restore INFO:tensorflow:Saver not created because there are no variables in the graph to restore INFO:tensorflow:Done calling model_fn. INFO:tensorflow:Graph was finalized. INFO:tensorflow:Restoring parameters from ../model/lstm_seq2seq/model.ckpt-16626 INFO:tensorflow:Running local_init_op. INFO:tensorflow:Done running local_init_op. ------------ 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:Calling model_fn. INFO:tensorflow:Saver not created because there are no variables in the graph to restore INFO:tensorflow:Saver not created because there are no variables in the graph to restore INFO:tensorflow:Done calling model_fn. INFO:tensorflow:Graph was finalized. INFO:tensorflow:Restoring parameters from ../model/lstm_seq2seq/model.ckpt-16626 INFO:tensorflow:Running local_init_op. INFO:tensorflow:Done running local_init_op. Reading ../data/test.tsv INFO:tensorflow:Evaluation: Testing (Exact Match) Accuracy: 0.742 INFO:tensorflow:Best (Exact Match) Accuracy: 0.742 INFO:tensorflow:Calling model_fn.
/usr/local/lib/python3.6/dist-packages/ipykernel_launcher.py:38: DeprecationWarning: elementwise comparison failed; this will raise an error in the future.
INFO:tensorflow:Saver not created because there are no variables in the graph to restore INFO:tensorflow:Saver not created because there are no variables in the graph to restore [<tf.Variable 'Embedding/dense/kernel:0' shape=(1024, 300) dtype=float32_ref>, <tf.Variable 'Embedding/dense/bias:0' shape=(300,) dtype=float32_ref>, <tf.Variable 'Embedding/glove:0' shape=(8692, 300) dtype=float32_ref>, <tf.Variable 'Encoder/lstm_fused_cell/kernel:0' shape=(900, 1200) dtype=float32_ref>, <tf.Variable 'Encoder/lstm_fused_cell/bias:0' shape=(1200,) dtype=float32_ref>, <tf.Variable 'Encoder/lstm_fused_cell_1/kernel:0' shape=(900, 1200) dtype=float32_ref>, <tf.Variable 'Encoder/lstm_fused_cell_1/bias:0' shape=(1200,) dtype=float32_ref>, <tf.Variable 'Encoder/state_fc/kernel:0' shape=(600, 300) dtype=float32_ref>, <tf.Variable 'Encoder/state_fc/bias:0' shape=(300,) dtype=float32_ref>, <tf.Variable 'Decoder/memory_layer/kernel:0' shape=(600, 300) dtype=float32_ref>, <tf.Variable 'Decoder/memory_layer_1/kernel:0' shape=(600, 300) dtype=float32_ref>, <tf.Variable 'Decoder/decoder/attention_wrapper/lstm_cell/kernel:0' shape=(1200, 1200) dtype=float32_ref>, <tf.Variable 'Decoder/decoder/attention_wrapper/lstm_cell/bias:0' shape=(1200,) dtype=float32_ref>, <tf.Variable 'Decoder/decoder/attention_wrapper/bahdanau_attention/query_layer/kernel:0' shape=(300, 300) dtype=float32_ref>, <tf.Variable 'Decoder/decoder/attention_wrapper/bahdanau_attention/attention_v:0' shape=(300,) dtype=float32_ref>, <tf.Variable 'Decoder/decoder/attention_wrapper/attention_layer/kernel:0' shape=(900, 300) dtype=float32_ref>, <tf.Variable 'Decoder/decoder/attention_wrapper/attention_layer_1/kernel:0' shape=(900, 300) dtype=float32_ref>, <tf.Variable 'Decoder/decoder/tied_dense/bias:0' shape=(8692,) dtype=float32_ref>, <tf.Variable 'Decoder/decoder/tied_dense/proj_W:0' shape=(600, 300) dtype=float32_ref>, <tf.Variable 'Decoder/decoder/tied_dense/proj_b:0' shape=(300,) dtype=float32_ref>] INFO:tensorflow:Done calling model_fn. INFO:tensorflow:Create CheckpointSaverHook. INFO:tensorflow:Graph was finalized. INFO:tensorflow:Restoring parameters from ../model/lstm_seq2seq/model.ckpt-16626 INFO:tensorflow:Running local_init_op. INFO:tensorflow:Done running local_init_op. INFO:tensorflow:Saving checkpoints for 16626 into ../model/lstm_seq2seq/model.ckpt. Reading ../data/train.tsv INFO:tensorflow:loss = 2.3395314, step = 16626 INFO:tensorflow:lr = 0.00020290901 INFO:tensorflow:global_step/sec: 2.09547 INFO:tensorflow:loss = 2.3404448, step = 16726 (47.729 sec) INFO:tensorflow:lr = 0.00020208236 (47.728 sec) INFO:tensorflow:global_step/sec: 2.22457 INFO:tensorflow:loss = 2.3361104, step = 16826 (44.949 sec) INFO:tensorflow:lr = 0.00020125911 (44.949 sec) INFO:tensorflow:global_step/sec: 2.23445 INFO:tensorflow:loss = 2.343266, step = 16926 (44.757 sec) INFO:tensorflow:lr = 0.00020043922 (44.760 sec) INFO:tensorflow:global_step/sec: 2.264 INFO:tensorflow:loss = 2.3408134, step = 17026 (44.167 sec) INFO:tensorflow:lr = 0.00019962263 (44.165 sec) INFO:tensorflow:global_step/sec: 2.17579 INFO:tensorflow:loss = 2.349923, step = 17126 (45.964 sec) INFO:tensorflow:lr = 0.0001988094 (45.964 sec) INFO:tensorflow:global_step/sec: 2.14647 INFO:tensorflow:loss = 2.3459158, step = 17226 (46.588 sec) INFO:tensorflow:lr = 0.00019799946 (46.587 sec) INFO:tensorflow:global_step/sec: 2.16256 INFO:tensorflow:loss = 2.355461, step = 17326 (46.238 sec) INFO:tensorflow:lr = 0.00019719287 (46.241 sec) INFO:tensorflow:global_step/sec: 2.19015 INFO:tensorflow:loss = 2.3497334, step = 17426 (45.657 sec) INFO:tensorflow:lr = 0.00019638952 (45.660 sec) INFO:tensorflow:global_step/sec: 2.24112 INFO:tensorflow:loss = 2.337731, step = 17526 (44.625 sec) INFO:tensorflow:lr = 0.00019558944 (44.621 sec) INFO:tensorflow:Saving checkpoints for 17604 into ../model/lstm_seq2seq/model.ckpt. INFO:tensorflow:Loss for final step: 2.342382. INFO:tensorflow:Calling model_fn. INFO:tensorflow:Saver not created because there are no variables in the graph to restore INFO:tensorflow:Saver not created because there are no variables in the graph to restore INFO:tensorflow:Done calling model_fn. INFO:tensorflow:Graph was finalized. INFO:tensorflow:Restoring parameters from ../model/lstm_seq2seq/model.ckpt-17604 INFO:tensorflow:Running local_init_op. INFO:tensorflow:Done running local_init_op. ------------ 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:Calling model_fn. INFO:tensorflow:Saver not created because there are no variables in the graph to restore INFO:tensorflow:Saver not created because there are no variables in the graph to restore INFO:tensorflow:Done calling model_fn. INFO:tensorflow:Graph was finalized. INFO:tensorflow:Restoring parameters from ../model/lstm_seq2seq/model.ckpt-17604 INFO:tensorflow:Running local_init_op. INFO:tensorflow:Done running local_init_op. Reading ../data/test.tsv INFO:tensorflow:Evaluation: Testing (Exact Match) Accuracy: 0.741 INFO:tensorflow:Best (Exact Match) Accuracy: 0.742 INFO:tensorflow:Calling model_fn.
/usr/local/lib/python3.6/dist-packages/ipykernel_launcher.py:38: DeprecationWarning: elementwise comparison failed; this will raise an error in the future.
INFO:tensorflow:Saver not created because there are no variables in the graph to restore INFO:tensorflow:Saver not created because there are no variables in the graph to restore [<tf.Variable 'Embedding/dense/kernel:0' shape=(1024, 300) dtype=float32_ref>, <tf.Variable 'Embedding/dense/bias:0' shape=(300,) dtype=float32_ref>, <tf.Variable 'Embedding/glove:0' shape=(8692, 300) dtype=float32_ref>, <tf.Variable 'Encoder/lstm_fused_cell/kernel:0' shape=(900, 1200) dtype=float32_ref>, <tf.Variable 'Encoder/lstm_fused_cell/bias:0' shape=(1200,) dtype=float32_ref>, <tf.Variable 'Encoder/lstm_fused_cell_1/kernel:0' shape=(900, 1200) dtype=float32_ref>, <tf.Variable 'Encoder/lstm_fused_cell_1/bias:0' shape=(1200,) dtype=float32_ref>, <tf.Variable 'Encoder/state_fc/kernel:0' shape=(600, 300) dtype=float32_ref>, <tf.Variable 'Encoder/state_fc/bias:0' shape=(300,) dtype=float32_ref>, <tf.Variable 'Decoder/memory_layer/kernel:0' shape=(600, 300) dtype=float32_ref>, <tf.Variable 'Decoder/memory_layer_1/kernel:0' shape=(600, 300) dtype=float32_ref>, <tf.Variable 'Decoder/decoder/attention_wrapper/lstm_cell/kernel:0' shape=(1200, 1200) dtype=float32_ref>, <tf.Variable 'Decoder/decoder/attention_wrapper/lstm_cell/bias:0' shape=(1200,) dtype=float32_ref>, <tf.Variable 'Decoder/decoder/attention_wrapper/bahdanau_attention/query_layer/kernel:0' shape=(300, 300) dtype=float32_ref>, <tf.Variable 'Decoder/decoder/attention_wrapper/bahdanau_attention/attention_v:0' shape=(300,) dtype=float32_ref>, <tf.Variable 'Decoder/decoder/attention_wrapper/attention_layer/kernel:0' shape=(900, 300) dtype=float32_ref>, <tf.Variable 'Decoder/decoder/attention_wrapper/attention_layer_1/kernel:0' shape=(900, 300) dtype=float32_ref>, <tf.Variable 'Decoder/decoder/tied_dense/bias:0' shape=(8692,) dtype=float32_ref>, <tf.Variable 'Decoder/decoder/tied_dense/proj_W:0' shape=(600, 300) dtype=float32_ref>, <tf.Variable 'Decoder/decoder/tied_dense/proj_b:0' shape=(300,) dtype=float32_ref>] INFO:tensorflow:Done calling model_fn. INFO:tensorflow:Create CheckpointSaverHook. INFO:tensorflow:Graph was finalized. INFO:tensorflow:Restoring parameters from ../model/lstm_seq2seq/model.ckpt-17604 INFO:tensorflow:Running local_init_op. INFO:tensorflow:Done running local_init_op. INFO:tensorflow:Saving checkpoints for 17604 into ../model/lstm_seq2seq/model.ckpt. Reading ../data/train.tsv INFO:tensorflow:loss = 2.338343, step = 17604 INFO:tensorflow:lr = 0.00019496767 INFO:tensorflow:global_step/sec: 2.113 INFO:tensorflow:loss = 2.3386893, step = 17704 (47.334 sec) INFO:tensorflow:lr = 0.00019417338 (47.328 sec) INFO:tensorflow:global_step/sec: 2.18819 INFO:tensorflow:loss = 2.3386602, step = 17804 (45.697 sec) INFO:tensorflow:lr = 0.00019338234 (45.697 sec) INFO:tensorflow:global_step/sec: 2.21979 INFO:tensorflow:loss = 2.3467512, step = 17904 (45.052 sec) INFO:tensorflow:lr = 0.00019259453 (45.052 sec) INFO:tensorflow:global_step/sec: 2.19844 INFO:tensorflow:loss = 2.3480508, step = 18004 (45.486 sec) INFO:tensorflow:lr = 0.00019180992 (45.485 sec) INFO:tensorflow:global_step/sec: 2.15873 INFO:tensorflow:loss = 2.3617077, step = 18104 (46.323 sec) INFO:tensorflow:lr = 0.0001910285 (46.323 sec) INFO:tensorflow:global_step/sec: 2.15915 INFO:tensorflow:loss = 2.344853, step = 18204 (46.311 sec) INFO:tensorflow:lr = 0.00019025028 (46.311 sec) INFO:tensorflow:global_step/sec: 2.21983 INFO:tensorflow:loss = 2.3453574, step = 18304 (45.048 sec) INFO:tensorflow:lr = 0.00018947522 (45.047 sec) INFO:tensorflow:global_step/sec: 2.2202 INFO:tensorflow:loss = 2.3559308, step = 18404 (45.046 sec) INFO:tensorflow:lr = 0.00018870333 (45.046 sec) INFO:tensorflow:global_step/sec: 2.20372 INFO:tensorflow:loss = 2.348443, step = 18504 (45.376 sec) INFO:tensorflow:lr = 0.00018793457 (45.377 sec) INFO:tensorflow:Saving checkpoints for 18582 into ../model/lstm_seq2seq/model.ckpt. INFO:tensorflow:Loss for final step: 2.347566. INFO:tensorflow:Calling model_fn. INFO:tensorflow:Saver not created because there are no variables in the graph to restore INFO:tensorflow:Saver not created because there are no variables in the graph to restore INFO:tensorflow:Done calling model_fn. INFO:tensorflow:Graph was finalized. INFO:tensorflow:Restoring parameters from ../model/lstm_seq2seq/model.ckpt-18582 INFO:tensorflow:Running local_init_op. INFO:tensorflow:Done running local_init_op. ------------ 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:Calling model_fn. INFO:tensorflow:Saver not created because there are no variables in the graph to restore INFO:tensorflow:Saver not created because there are no variables in the graph to restore INFO:tensorflow:Done calling model_fn. INFO:tensorflow:Graph was finalized. INFO:tensorflow:Restoring parameters from ../model/lstm_seq2seq/model.ckpt-18582 INFO:tensorflow:Running local_init_op. INFO:tensorflow:Done running local_init_op. Reading ../data/test.tsv INFO:tensorflow:Evaluation: Testing (Exact Match) Accuracy: 0.740 INFO:tensorflow:Best (Exact Match) Accuracy: 0.742 INFO:tensorflow:Calling model_fn.
/usr/local/lib/python3.6/dist-packages/ipykernel_launcher.py:38: DeprecationWarning: elementwise comparison failed; this will raise an error in the future.
INFO:tensorflow:Saver not created because there are no variables in the graph to restore INFO:tensorflow:Saver not created because there are no variables in the graph to restore [<tf.Variable 'Embedding/dense/kernel:0' shape=(1024, 300) dtype=float32_ref>, <tf.Variable 'Embedding/dense/bias:0' shape=(300,) dtype=float32_ref>, <tf.Variable 'Embedding/glove:0' shape=(8692, 300) dtype=float32_ref>, <tf.Variable 'Encoder/lstm_fused_cell/kernel:0' shape=(900, 1200) dtype=float32_ref>, <tf.Variable 'Encoder/lstm_fused_cell/bias:0' shape=(1200,) dtype=float32_ref>, <tf.Variable 'Encoder/lstm_fused_cell_1/kernel:0' shape=(900, 1200) dtype=float32_ref>, <tf.Variable 'Encoder/lstm_fused_cell_1/bias:0' shape=(1200,) dtype=float32_ref>, <tf.Variable 'Encoder/state_fc/kernel:0' shape=(600, 300) dtype=float32_ref>, <tf.Variable 'Encoder/state_fc/bias:0' shape=(300,) dtype=float32_ref>, <tf.Variable 'Decoder/memory_layer/kernel:0' shape=(600, 300) dtype=float32_ref>, <tf.Variable 'Decoder/memory_layer_1/kernel:0' shape=(600, 300) dtype=float32_ref>, <tf.Variable 'Decoder/decoder/attention_wrapper/lstm_cell/kernel:0' shape=(1200, 1200) dtype=float32_ref>, <tf.Variable 'Decoder/decoder/attention_wrapper/lstm_cell/bias:0' shape=(1200,) dtype=float32_ref>, <tf.Variable 'Decoder/decoder/attention_wrapper/bahdanau_attention/query_layer/kernel:0' shape=(300, 300) dtype=float32_ref>, <tf.Variable 'Decoder/decoder/attention_wrapper/bahdanau_attention/attention_v:0' shape=(300,) dtype=float32_ref>, <tf.Variable 'Decoder/decoder/attention_wrapper/attention_layer/kernel:0' shape=(900, 300) dtype=float32_ref>, <tf.Variable 'Decoder/decoder/attention_wrapper/attention_layer_1/kernel:0' shape=(900, 300) dtype=float32_ref>, <tf.Variable 'Decoder/decoder/tied_dense/bias:0' shape=(8692,) dtype=float32_ref>, <tf.Variable 'Decoder/decoder/tied_dense/proj_W:0' shape=(600, 300) dtype=float32_ref>, <tf.Variable 'Decoder/decoder/tied_dense/proj_b:0' shape=(300,) dtype=float32_ref>] INFO:tensorflow:Done calling model_fn. INFO:tensorflow:Create CheckpointSaverHook. INFO:tensorflow:Graph was finalized. INFO:tensorflow:Restoring parameters from ../model/lstm_seq2seq/model.ckpt-18582 INFO:tensorflow:Running local_init_op. INFO:tensorflow:Done running local_init_op. INFO:tensorflow:Saving checkpoints for 18582 into ../model/lstm_seq2seq/model.ckpt. Reading ../data/train.tsv INFO:tensorflow:loss = 2.3442473, step = 18582 INFO:tensorflow:lr = 0.00018733712 INFO:tensorflow:global_step/sec: 2.19166 INFO:tensorflow:loss = 2.3441591, step = 18682 (45.635 sec) INFO:tensorflow:lr = 0.00018657392 (45.634 sec) INFO:tensorflow:global_step/sec: 2.09144 INFO:tensorflow:loss = 2.3425891, step = 18782 (47.813 sec) INFO:tensorflow:lr = 0.00018581384 (47.814 sec) INFO:tensorflow:global_step/sec: 2.16197 INFO:tensorflow:loss = 2.3418963, step = 18882 (46.254 sec) INFO:tensorflow:lr = 0.00018505688 (46.254 sec) INFO:tensorflow:global_step/sec: 2.18327 INFO:tensorflow:loss = 2.3431172, step = 18982 (45.804 sec) INFO:tensorflow:lr = 0.00018430296 (45.805 sec) INFO:tensorflow:global_step/sec: 2.07749 INFO:tensorflow:loss = 2.3411524, step = 19082 (48.131 sec) INFO:tensorflow:lr = 0.00018355213 (48.131 sec) INFO:tensorflow:global_step/sec: 2.19992 INFO:tensorflow:loss = 2.3406029, step = 19182 (45.460 sec) INFO:tensorflow:lr = 0.00018280436 (45.460 sec) INFO:tensorflow:global_step/sec: 2.13778 INFO:tensorflow:loss = 2.3433824, step = 19282 (46.776 sec) INFO:tensorflow:lr = 0.00018205964 (46.777 sec) INFO:tensorflow:global_step/sec: 2.14589 INFO:tensorflow:loss = 2.3447516, step = 19382 (46.596 sec) INFO:tensorflow:lr = 0.00018131796 (46.598 sec) INFO:tensorflow:global_step/sec: 2.19533 INFO:tensorflow:loss = 2.3367903, step = 19482 (45.557 sec) INFO:tensorflow:lr = 0.0001805793 (45.554 sec) INFO:tensorflow:Saving checkpoints for 19560 into ../model/lstm_seq2seq/model.ckpt. INFO:tensorflow:Loss for final step: 2.3421705. INFO:tensorflow:Calling model_fn. INFO:tensorflow:Saver not created because there are no variables in the graph to restore INFO:tensorflow:Saver not created because there are no variables in the graph to restore INFO:tensorflow:Done calling model_fn. INFO:tensorflow:Graph was finalized. INFO:tensorflow:Restoring parameters from ../model/lstm_seq2seq/model.ckpt-19560 INFO:tensorflow:Running local_init_op. INFO:tensorflow:Done running local_init_op. ------------ 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:Calling model_fn. INFO:tensorflow:Saver not created because there are no variables in the graph to restore INFO:tensorflow:Saver not created because there are no variables in the graph to restore INFO:tensorflow:Done calling model_fn. INFO:tensorflow:Graph was finalized. INFO:tensorflow:Restoring parameters from ../model/lstm_seq2seq/model.ckpt-19560 INFO:tensorflow:Running local_init_op. INFO:tensorflow:Done running local_init_op. Reading ../data/test.tsv INFO:tensorflow:Evaluation: Testing (Exact Match) Accuracy: 0.741 INFO:tensorflow:Best (Exact Match) Accuracy: 0.742 INFO:tensorflow:Calling model_fn.
/usr/local/lib/python3.6/dist-packages/ipykernel_launcher.py:38: DeprecationWarning: elementwise comparison failed; this will raise an error in the future.
INFO:tensorflow:Saver not created because there are no variables in the graph to restore INFO:tensorflow:Saver not created because there are no variables in the graph to restore [<tf.Variable 'Embedding/dense/kernel:0' shape=(1024, 300) dtype=float32_ref>, <tf.Variable 'Embedding/dense/bias:0' shape=(300,) dtype=float32_ref>, <tf.Variable 'Embedding/glove:0' shape=(8692, 300) dtype=float32_ref>, <tf.Variable 'Encoder/lstm_fused_cell/kernel:0' shape=(900, 1200) dtype=float32_ref>, <tf.Variable 'Encoder/lstm_fused_cell/bias:0' shape=(1200,) dtype=float32_ref>, <tf.Variable 'Encoder/lstm_fused_cell_1/kernel:0' shape=(900, 1200) dtype=float32_ref>, <tf.Variable 'Encoder/lstm_fused_cell_1/bias:0' shape=(1200,) dtype=float32_ref>, <tf.Variable 'Encoder/state_fc/kernel:0' shape=(600, 300) dtype=float32_ref>, <tf.Variable 'Encoder/state_fc/bias:0' shape=(300,) dtype=float32_ref>, <tf.Variable 'Decoder/memory_layer/kernel:0' shape=(600, 300) dtype=float32_ref>, <tf.Variable 'Decoder/memory_layer_1/kernel:0' shape=(600, 300) dtype=float32_ref>, <tf.Variable 'Decoder/decoder/attention_wrapper/lstm_cell/kernel:0' shape=(1200, 1200) dtype=float32_ref>, <tf.Variable 'Decoder/decoder/attention_wrapper/lstm_cell/bias:0' shape=(1200,) dtype=float32_ref>, <tf.Variable 'Decoder/decoder/attention_wrapper/bahdanau_attention/query_layer/kernel:0' shape=(300, 300) dtype=float32_ref>, <tf.Variable 'Decoder/decoder/attention_wrapper/bahdanau_attention/attention_v:0' shape=(300,) dtype=float32_ref>, <tf.Variable 'Decoder/decoder/attention_wrapper/attention_layer/kernel:0' shape=(900, 300) dtype=float32_ref>, <tf.Variable 'Decoder/decoder/attention_wrapper/attention_layer_1/kernel:0' shape=(900, 300) dtype=float32_ref>, <tf.Variable 'Decoder/decoder/tied_dense/bias:0' shape=(8692,) dtype=float32_ref>, <tf.Variable 'Decoder/decoder/tied_dense/proj_W:0' shape=(600, 300) dtype=float32_ref>, <tf.Variable 'Decoder/decoder/tied_dense/proj_b:0' shape=(300,) dtype=float32_ref>] INFO:tensorflow:Done calling model_fn. INFO:tensorflow:Create CheckpointSaverHook. INFO:tensorflow:Graph was finalized. INFO:tensorflow:Restoring parameters from ../model/lstm_seq2seq/model.ckpt-19560 INFO:tensorflow:Running local_init_op. INFO:tensorflow:Done running local_init_op. INFO:tensorflow:Saving checkpoints for 19560 into ../model/lstm_seq2seq/model.ckpt. Reading ../data/train.tsv INFO:tensorflow:loss = 2.3404386, step = 19560 INFO:tensorflow:lr = 0.00018000521 INFO:tensorflow:global_step/sec: 2.07576 INFO:tensorflow:loss = 2.347891, step = 19660 (48.177 sec) INFO:tensorflow:lr = 0.00017927188 (48.174 sec) INFO:tensorflow:global_step/sec: 2.16024 INFO:tensorflow:loss = 2.341642, step = 19760 (46.291 sec) INFO:tensorflow:lr = 0.00017854157 (46.291 sec) INFO:tensorflow:global_step/sec: 2.18646 INFO:tensorflow:loss = 2.348074, step = 19860 (45.742 sec) INFO:tensorflow:lr = 0.00017781422 (45.740 sec) INFO:tensorflow:global_step/sec: 2.18308 INFO:tensorflow:loss = 2.353202, step = 19960 (45.805 sec) INFO:tensorflow:lr = 0.00017708982 (45.804 sec) INFO:tensorflow:global_step/sec: 2.17423 INFO:tensorflow:loss = 2.3435564, step = 20060 (45.995 sec) INFO:tensorflow:lr = 0.00017636837 (45.995 sec) INFO:tensorflow:global_step/sec: 2.21742 INFO:tensorflow:loss = 2.3364275, step = 20160 (45.097 sec) INFO:tensorflow:lr = 0.00017564987 (45.096 sec) INFO:tensorflow:global_step/sec: 2.15446 INFO:tensorflow:loss = 2.3437672, step = 20260 (46.416 sec) INFO:tensorflow:lr = 0.0001749343 (46.420 sec) INFO:tensorflow:global_step/sec: 2.20285 INFO:tensorflow:loss = 2.3470216, step = 20360 (45.396 sec) INFO:tensorflow:lr = 0.00017422163 (45.392 sec) INFO:tensorflow:global_step/sec: 2.1727 INFO:tensorflow:loss = 2.3380702, step = 20460 (46.024 sec) INFO:tensorflow:lr = 0.00017351189 (46.024 sec) INFO:tensorflow:Saving checkpoints for 20538 into ../model/lstm_seq2seq/model.ckpt. INFO:tensorflow:Loss for final step: 2.3393297. INFO:tensorflow:Calling model_fn. INFO:tensorflow:Saver not created because there are no variables in the graph to restore INFO:tensorflow:Saver not created because there are no variables in the graph to restore INFO:tensorflow:Done calling model_fn. INFO:tensorflow:Graph was finalized. INFO:tensorflow:Restoring parameters from ../model/lstm_seq2seq/model.ckpt-20538 INFO:tensorflow:Running local_init_op. INFO:tensorflow:Done running local_init_op. ------------ 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:Calling model_fn. INFO:tensorflow:Saver not created because there are no variables in the graph to restore INFO:tensorflow:Saver not created because there are no variables in the graph to restore INFO:tensorflow:Done calling model_fn. INFO:tensorflow:Graph was finalized. INFO:tensorflow:Restoring parameters from ../model/lstm_seq2seq/model.ckpt-20538 INFO:tensorflow:Running local_init_op. INFO:tensorflow:Done running local_init_op. Reading ../data/test.tsv INFO:tensorflow:Evaluation: Testing (Exact Match) Accuracy: 0.741 INFO:tensorflow:Best (Exact Match) Accuracy: 0.742 INFO:tensorflow:Calling model_fn.
/usr/local/lib/python3.6/dist-packages/ipykernel_launcher.py:38: DeprecationWarning: elementwise comparison failed; this will raise an error in the future.
INFO:tensorflow:Saver not created because there are no variables in the graph to restore INFO:tensorflow:Saver not created because there are no variables in the graph to restore [<tf.Variable 'Embedding/dense/kernel:0' shape=(1024, 300) dtype=float32_ref>, <tf.Variable 'Embedding/dense/bias:0' shape=(300,) dtype=float32_ref>, <tf.Variable 'Embedding/glove:0' shape=(8692, 300) dtype=float32_ref>, <tf.Variable 'Encoder/lstm_fused_cell/kernel:0' shape=(900, 1200) dtype=float32_ref>, <tf.Variable 'Encoder/lstm_fused_cell/bias:0' shape=(1200,) dtype=float32_ref>, <tf.Variable 'Encoder/lstm_fused_cell_1/kernel:0' shape=(900, 1200) dtype=float32_ref>, <tf.Variable 'Encoder/lstm_fused_cell_1/bias:0' shape=(1200,) dtype=float32_ref>, <tf.Variable 'Encoder/state_fc/kernel:0' shape=(600, 300) dtype=float32_ref>, <tf.Variable 'Encoder/state_fc/bias:0' shape=(300,) dtype=float32_ref>, <tf.Variable 'Decoder/memory_layer/kernel:0' shape=(600, 300) dtype=float32_ref>, <tf.Variable 'Decoder/memory_layer_1/kernel:0' shape=(600, 300) dtype=float32_ref>, <tf.Variable 'Decoder/decoder/attention_wrapper/lstm_cell/kernel:0' shape=(1200, 1200) dtype=float32_ref>, <tf.Variable 'Decoder/decoder/attention_wrapper/lstm_cell/bias:0' shape=(1200,) dtype=float32_ref>, <tf.Variable 'Decoder/decoder/attention_wrapper/bahdanau_attention/query_layer/kernel:0' shape=(300, 300) dtype=float32_ref>, <tf.Variable 'Decoder/decoder/attention_wrapper/bahdanau_attention/attention_v:0' shape=(300,) dtype=float32_ref>, <tf.Variable 'Decoder/decoder/attention_wrapper/attention_layer/kernel:0' shape=(900, 300) dtype=float32_ref>, <tf.Variable 'Decoder/decoder/attention_wrapper/attention_layer_1/kernel:0' shape=(900, 300) dtype=float32_ref>, <tf.Variable 'Decoder/decoder/tied_dense/bias:0' shape=(8692,) dtype=float32_ref>, <tf.Variable 'Decoder/decoder/tied_dense/proj_W:0' shape=(600, 300) dtype=float32_ref>, <tf.Variable 'Decoder/decoder/tied_dense/proj_b:0' shape=(300,) dtype=float32_ref>] INFO:tensorflow:Done calling model_fn. INFO:tensorflow:Create CheckpointSaverHook. INFO:tensorflow:Graph was finalized. INFO:tensorflow:Restoring parameters from ../model/lstm_seq2seq/model.ckpt-20538 INFO:tensorflow:Running local_init_op. INFO:tensorflow:Done running local_init_op. INFO:tensorflow:Saving checkpoints for 20538 into ../model/lstm_seq2seq/model.ckpt. Reading ../data/train.tsv INFO:tensorflow:loss = 2.346213, step = 20538 INFO:tensorflow:lr = 0.00017296028 INFO:tensorflow:global_step/sec: 2.13301 INFO:tensorflow:loss = 2.3433006, step = 20638 (46.884 sec) INFO:tensorflow:lr = 0.00017225565 (46.880 sec) INFO:tensorflow:global_step/sec: 2.18751 INFO:tensorflow:loss = 2.3453937, step = 20738 (45.718 sec) INFO:tensorflow:lr = 0.0001715539 (45.717 sec) INFO:tensorflow:global_step/sec: 2.17265 INFO:tensorflow:loss = 2.3396451, step = 20838 (46.028 sec) INFO:tensorflow:lr = 0.00017085501 (46.029 sec) INFO:tensorflow:global_step/sec: 2.18811 INFO:tensorflow:loss = 2.3401282, step = 20938 (45.698 sec) INFO:tensorflow:lr = 0.00017015896 (45.700 sec) INFO:tensorflow:global_step/sec: 2.17654 INFO:tensorflow:loss = 2.3463082, step = 21038 (45.948 sec) INFO:tensorflow:lr = 0.00016946577 (45.946 sec) INFO:tensorflow:global_step/sec: 2.22376 INFO:tensorflow:loss = 2.3379297, step = 21138 (44.969 sec) INFO:tensorflow:lr = 0.00016877537 (44.969 sec) INFO:tensorflow:global_step/sec: 2.1157 INFO:tensorflow:loss = 2.3352065, step = 21238 (47.264 sec) INFO:tensorflow:lr = 0.0001680878 (47.264 sec) INFO:tensorflow:global_step/sec: 2.17762 INFO:tensorflow:loss = 2.3345137, step = 21338 (45.924 sec) INFO:tensorflow:lr = 0.00016740302 (45.926 sec) INFO:tensorflow:global_step/sec: 2.18098 INFO:tensorflow:loss = 2.3362954, step = 21438 (45.846 sec) INFO:tensorflow:lr = 0.00016672106 (45.843 sec) INFO:tensorflow:Saving checkpoints for 21516 into ../model/lstm_seq2seq/model.ckpt. INFO:tensorflow:Loss for final step: 2.336444. INFO:tensorflow:Calling model_fn. INFO:tensorflow:Saver not created because there are no variables in the graph to restore INFO:tensorflow:Saver not created because there are no variables in the graph to restore INFO:tensorflow:Done calling model_fn. INFO:tensorflow:Graph was finalized. INFO:tensorflow:Restoring parameters from ../model/lstm_seq2seq/model.ckpt-21516 INFO:tensorflow:Running local_init_op. INFO:tensorflow:Done running local_init_op. ------------ 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:Calling model_fn. INFO:tensorflow:Saver not created because there are no variables in the graph to restore INFO:tensorflow:Saver not created because there are no variables in the graph to restore INFO:tensorflow:Done calling model_fn. INFO:tensorflow:Graph was finalized. INFO:tensorflow:Restoring parameters from ../model/lstm_seq2seq/model.ckpt-21516 INFO:tensorflow:Running local_init_op. INFO:tensorflow:Done running local_init_op. Reading ../data/test.tsv INFO:tensorflow:Evaluation: Testing (Exact Match) Accuracy: 0.744 INFO:tensorflow:Best (Exact Match) Accuracy: 0.744 INFO:tensorflow:Calling model_fn.
/usr/local/lib/python3.6/dist-packages/ipykernel_launcher.py:38: DeprecationWarning: elementwise comparison failed; this will raise an error in the future.
INFO:tensorflow:Saver not created because there are no variables in the graph to restore INFO:tensorflow:Saver not created because there are no variables in the graph to restore [<tf.Variable 'Embedding/dense/kernel:0' shape=(1024, 300) dtype=float32_ref>, <tf.Variable 'Embedding/dense/bias:0' shape=(300,) dtype=float32_ref>, <tf.Variable 'Embedding/glove:0' shape=(8692, 300) dtype=float32_ref>, <tf.Variable 'Encoder/lstm_fused_cell/kernel:0' shape=(900, 1200) dtype=float32_ref>, <tf.Variable 'Encoder/lstm_fused_cell/bias:0' shape=(1200,) dtype=float32_ref>, <tf.Variable 'Encoder/lstm_fused_cell_1/kernel:0' shape=(900, 1200) dtype=float32_ref>, <tf.Variable 'Encoder/lstm_fused_cell_1/bias:0' shape=(1200,) dtype=float32_ref>, <tf.Variable 'Encoder/state_fc/kernel:0' shape=(600, 300) dtype=float32_ref>, <tf.Variable 'Encoder/state_fc/bias:0' shape=(300,) dtype=float32_ref>, <tf.Variable 'Decoder/memory_layer/kernel:0' shape=(600, 300) dtype=float32_ref>, <tf.Variable 'Decoder/memory_layer_1/kernel:0' shape=(600, 300) dtype=float32_ref>, <tf.Variable 'Decoder/decoder/attention_wrapper/lstm_cell/kernel:0' shape=(1200, 1200) dtype=float32_ref>, <tf.Variable 'Decoder/decoder/attention_wrapper/lstm_cell/bias:0' shape=(1200,) dtype=float32_ref>, <tf.Variable 'Decoder/decoder/attention_wrapper/bahdanau_attention/query_layer/kernel:0' shape=(300, 300) dtype=float32_ref>, <tf.Variable 'Decoder/decoder/attention_wrapper/bahdanau_attention/attention_v:0' shape=(300,) dtype=float32_ref>, <tf.Variable 'Decoder/decoder/attention_wrapper/attention_layer/kernel:0' shape=(900, 300) dtype=float32_ref>, <tf.Variable 'Decoder/decoder/attention_wrapper/attention_layer_1/kernel:0' shape=(900, 300) dtype=float32_ref>, <tf.Variable 'Decoder/decoder/tied_dense/bias:0' shape=(8692,) dtype=float32_ref>, <tf.Variable 'Decoder/decoder/tied_dense/proj_W:0' shape=(600, 300) dtype=float32_ref>, <tf.Variable 'Decoder/decoder/tied_dense/proj_b:0' shape=(300,) dtype=float32_ref>] INFO:tensorflow:Done calling model_fn. INFO:tensorflow:Create CheckpointSaverHook. INFO:tensorflow:Graph was finalized. INFO:tensorflow:Restoring parameters from ../model/lstm_seq2seq/model.ckpt-21516 INFO:tensorflow:Running local_init_op. INFO:tensorflow:Done running local_init_op. INFO:tensorflow:Saving checkpoints for 21516 into ../model/lstm_seq2seq/model.ckpt. Reading ../data/train.tsv INFO:tensorflow:loss = 2.3330693, step = 21516 INFO:tensorflow:lr = 0.00016619104 INFO:tensorflow:global_step/sec: 2.11215 INFO:tensorflow:loss = 2.3375092, step = 21616 (47.353 sec) INFO:tensorflow:lr = 0.000165514 (47.352 sec) INFO:tensorflow:global_step/sec: 2.17059 INFO:tensorflow:loss = 2.3342824, step = 21716 (46.069 sec) INFO:tensorflow:lr = 0.00016483969 (46.067 sec) INFO:tensorflow:global_step/sec: 2.11071 INFO:tensorflow:loss = 2.3364727, step = 21816 (47.378 sec) INFO:tensorflow:lr = 0.00016416817 (47.378 sec) INFO:tensorflow:global_step/sec: 2.13322 INFO:tensorflow:loss = 2.3380294, step = 21916 (46.879 sec) INFO:tensorflow:lr = 0.00016349937 (46.878 sec) INFO:tensorflow:global_step/sec: 2.16594 INFO:tensorflow:loss = 2.3324072, step = 22016 (46.168 sec) INFO:tensorflow:lr = 0.0001628333 (46.168 sec) INFO:tensorflow:global_step/sec: 2.1841 INFO:tensorflow:loss = 2.338238, step = 22116 (45.782 sec) INFO:tensorflow:lr = 0.00016216993 (45.785 sec) INFO:tensorflow:global_step/sec: 2.20944 INFO:tensorflow:loss = 2.340855, step = 22216 (45.263 sec) INFO:tensorflow:lr = 0.00016150926 (45.263 sec) INFO:tensorflow:global_step/sec: 2.17106 INFO:tensorflow:loss = 2.3404725, step = 22316 (46.055 sec) INFO:tensorflow:lr = 0.00016085128 (46.058 sec) INFO:tensorflow:global_step/sec: 2.17277 INFO:tensorflow:loss = 2.3381186, step = 22416 (46.031 sec) INFO:tensorflow:lr = 0.00016019601 (46.028 sec) INFO:tensorflow:Saving checkpoints for 22494 into ../model/lstm_seq2seq/model.ckpt. INFO:tensorflow:Loss for final step: 2.3473403. INFO:tensorflow:Calling model_fn. INFO:tensorflow:Saver not created because there are no variables in the graph to restore INFO:tensorflow:Saver not created because there are no variables in the graph to restore INFO:tensorflow:Done calling model_fn. INFO:tensorflow:Graph was finalized. INFO:tensorflow:Restoring parameters from ../model/lstm_seq2seq/model.ckpt-22494 INFO:tensorflow:Running local_init_op. INFO:tensorflow:Done running local_init_op. ------------ 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:Calling model_fn. INFO:tensorflow:Saver not created because there are no variables in the graph to restore INFO:tensorflow:Saver not created because there are no variables in the graph to restore INFO:tensorflow:Done calling model_fn. INFO:tensorflow:Graph was finalized. INFO:tensorflow:Restoring parameters from ../model/lstm_seq2seq/model.ckpt-22494 INFO:tensorflow:Running local_init_op. INFO:tensorflow:Done running local_init_op. Reading ../data/test.tsv INFO:tensorflow:Evaluation: Testing (Exact Match) Accuracy: 0.746 INFO:tensorflow:Best (Exact Match) Accuracy: 0.746 INFO:tensorflow:Calling model_fn.
/usr/local/lib/python3.6/dist-packages/ipykernel_launcher.py:38: DeprecationWarning: elementwise comparison failed; this will raise an error in the future.
INFO:tensorflow:Saver not created because there are no variables in the graph to restore INFO:tensorflow:Saver not created because there are no variables in the graph to restore [<tf.Variable 'Embedding/dense/kernel:0' shape=(1024, 300) dtype=float32_ref>, <tf.Variable 'Embedding/dense/bias:0' shape=(300,) dtype=float32_ref>, <tf.Variable 'Embedding/glove:0' shape=(8692, 300) dtype=float32_ref>, <tf.Variable 'Encoder/lstm_fused_cell/kernel:0' shape=(900, 1200) dtype=float32_ref>, <tf.Variable 'Encoder/lstm_fused_cell/bias:0' shape=(1200,) dtype=float32_ref>, <tf.Variable 'Encoder/lstm_fused_cell_1/kernel:0' shape=(900, 1200) dtype=float32_ref>, <tf.Variable 'Encoder/lstm_fused_cell_1/bias:0' shape=(1200,) dtype=float32_ref>, <tf.Variable 'Encoder/state_fc/kernel:0' shape=(600, 300) dtype=float32_ref>, <tf.Variable 'Encoder/state_fc/bias:0' shape=(300,) dtype=float32_ref>, <tf.Variable 'Decoder/memory_layer/kernel:0' shape=(600, 300) dtype=float32_ref>, <tf.Variable 'Decoder/memory_layer_1/kernel:0' shape=(600, 300) dtype=float32_ref>, <tf.Variable 'Decoder/decoder/attention_wrapper/lstm_cell/kernel:0' shape=(1200, 1200) dtype=float32_ref>, <tf.Variable 'Decoder/decoder/attention_wrapper/lstm_cell/bias:0' shape=(1200,) dtype=float32_ref>, <tf.Variable 'Decoder/decoder/attention_wrapper/bahdanau_attention/query_layer/kernel:0' shape=(300, 300) dtype=float32_ref>, <tf.Variable 'Decoder/decoder/attention_wrapper/bahdanau_attention/attention_v:0' shape=(300,) dtype=float32_ref>, <tf.Variable 'Decoder/decoder/attention_wrapper/attention_layer/kernel:0' shape=(900, 300) dtype=float32_ref>, <tf.Variable 'Decoder/decoder/attention_wrapper/attention_layer_1/kernel:0' shape=(900, 300) dtype=float32_ref>, <tf.Variable 'Decoder/decoder/tied_dense/bias:0' shape=(8692,) dtype=float32_ref>, <tf.Variable 'Decoder/decoder/tied_dense/proj_W:0' shape=(600, 300) dtype=float32_ref>, <tf.Variable 'Decoder/decoder/tied_dense/proj_b:0' shape=(300,) dtype=float32_ref>] INFO:tensorflow:Done calling model_fn. INFO:tensorflow:Create CheckpointSaverHook. INFO:tensorflow:Graph was finalized. INFO:tensorflow:Restoring parameters from ../model/lstm_seq2seq/model.ckpt-22494 INFO:tensorflow:Running local_init_op. INFO:tensorflow:Done running local_init_op. INFO:tensorflow:Saving checkpoints for 22494 into ../model/lstm_seq2seq/model.ckpt. Reading ../data/train.tsv INFO:tensorflow:loss = 2.3372788, step = 22494 INFO:tensorflow:lr = 0.00015968672 INFO:tensorflow:global_step/sec: 2.09793 INFO:tensorflow:loss = 2.3445265, step = 22594 (47.674 sec) INFO:tensorflow:lr = 0.0001590362 (47.667 sec) INFO:tensorflow:global_step/sec: 2.2384 INFO:tensorflow:loss = 2.338139, step = 22694 (44.675 sec) INFO:tensorflow:lr = 0.00015838831 (44.675 sec) INFO:tensorflow:global_step/sec: 2.13724 INFO:tensorflow:loss = 2.3387501, step = 22794 (46.789 sec) INFO:tensorflow:lr = 0.00015774305 (46.791 sec) INFO:tensorflow:global_step/sec: 2.18334 INFO:tensorflow:loss = 2.3385198, step = 22894 (45.801 sec) INFO:tensorflow:lr = 0.00015710042 (45.798 sec) INFO:tensorflow:global_step/sec: 2.21163 INFO:tensorflow:loss = 2.3439398, step = 22994 (45.214 sec) INFO:tensorflow:lr = 0.0001564604 (45.215 sec) INFO:tensorflow:global_step/sec: 2.18797 INFO:tensorflow:loss = 2.3470557, step = 23094 (45.703 sec) INFO:tensorflow:lr = 0.000155823 (45.704 sec) INFO:tensorflow:global_step/sec: 2.16139 INFO:tensorflow:loss = 2.33864, step = 23194 (46.264 sec) INFO:tensorflow:lr = 0.00015518822 (46.263 sec) INFO:tensorflow:global_step/sec: 2.21445 INFO:tensorflow:loss = 2.3450115, step = 23294 (45.162 sec) INFO:tensorflow:lr = 0.000154556 (45.163 sec) INFO:tensorflow:global_step/sec: 2.11684 INFO:tensorflow:loss = 2.3417318, step = 23394 (47.242 sec) INFO:tensorflow:lr = 0.00015392633 (47.240 sec) INFO:tensorflow:Saving checkpoints for 23472 into ../model/lstm_seq2seq/model.ckpt. INFO:tensorflow:Loss for final step: 2.3384962. INFO:tensorflow:Calling model_fn. INFO:tensorflow:Saver not created because there are no variables in the graph to restore INFO:tensorflow:Saver not created because there are no variables in the graph to restore INFO:tensorflow:Done calling model_fn. INFO:tensorflow:Graph was finalized. INFO:tensorflow:Restoring parameters from ../model/lstm_seq2seq/model.ckpt-23472 INFO:tensorflow:Running local_init_op. INFO:tensorflow:Done running local_init_op. ------------ 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:Calling model_fn. INFO:tensorflow:Saver not created because there are no variables in the graph to restore INFO:tensorflow:Saver not created because there are no variables in the graph to restore INFO:tensorflow:Done calling model_fn. INFO:tensorflow:Graph was finalized. INFO:tensorflow:Restoring parameters from ../model/lstm_seq2seq/model.ckpt-23472 INFO:tensorflow:Running local_init_op. INFO:tensorflow:Done running local_init_op. Reading ../data/test.tsv INFO:tensorflow:Evaluation: Testing (Exact Match) Accuracy: 0.741 INFO:tensorflow:Best (Exact Match) Accuracy: 0.746 INFO:tensorflow:Calling model_fn.
/usr/local/lib/python3.6/dist-packages/ipykernel_launcher.py:38: DeprecationWarning: elementwise comparison failed; this will raise an error in the future.
INFO:tensorflow:Saver not created because there are no variables in the graph to restore INFO:tensorflow:Saver not created because there are no variables in the graph to restore [<tf.Variable 'Embedding/dense/kernel:0' shape=(1024, 300) dtype=float32_ref>, <tf.Variable 'Embedding/dense/bias:0' shape=(300,) dtype=float32_ref>, <tf.Variable 'Embedding/glove:0' shape=(8692, 300) dtype=float32_ref>, <tf.Variable 'Encoder/lstm_fused_cell/kernel:0' shape=(900, 1200) dtype=float32_ref>, <tf.Variable 'Encoder/lstm_fused_cell/bias:0' shape=(1200,) dtype=float32_ref>, <tf.Variable 'Encoder/lstm_fused_cell_1/kernel:0' shape=(900, 1200) dtype=float32_ref>, <tf.Variable 'Encoder/lstm_fused_cell_1/bias:0' shape=(1200,) dtype=float32_ref>, <tf.Variable 'Encoder/state_fc/kernel:0' shape=(600, 300) dtype=float32_ref>, <tf.Variable 'Encoder/state_fc/bias:0' shape=(300,) dtype=float32_ref>, <tf.Variable 'Decoder/memory_layer/kernel:0' shape=(600, 300) dtype=float32_ref>, <tf.Variable 'Decoder/memory_layer_1/kernel:0' shape=(600, 300) dtype=float32_ref>, <tf.Variable 'Decoder/decoder/attention_wrapper/lstm_cell/kernel:0' shape=(1200, 1200) dtype=float32_ref>, <tf.Variable 'Decoder/decoder/attention_wrapper/lstm_cell/bias:0' shape=(1200,) dtype=float32_ref>, <tf.Variable 'Decoder/decoder/attention_wrapper/bahdanau_attention/query_layer/kernel:0' shape=(300, 300) dtype=float32_ref>, <tf.Variable 'Decoder/decoder/attention_wrapper/bahdanau_attention/attention_v:0' shape=(300,) dtype=float32_ref>, <tf.Variable 'Decoder/decoder/attention_wrapper/attention_layer/kernel:0' shape=(900, 300) dtype=float32_ref>, <tf.Variable 'Decoder/decoder/attention_wrapper/attention_layer_1/kernel:0' shape=(900, 300) dtype=float32_ref>, <tf.Variable 'Decoder/decoder/tied_dense/bias:0' shape=(8692,) dtype=float32_ref>, <tf.Variable 'Decoder/decoder/tied_dense/proj_W:0' shape=(600, 300) dtype=float32_ref>, <tf.Variable 'Decoder/decoder/tied_dense/proj_b:0' shape=(300,) dtype=float32_ref>] INFO:tensorflow:Done calling model_fn. INFO:tensorflow:Create CheckpointSaverHook. INFO:tensorflow:Graph was finalized. INFO:tensorflow:Restoring parameters from ../model/lstm_seq2seq/model.ckpt-23472 INFO:tensorflow:Running local_init_op. INFO:tensorflow:Done running local_init_op. INFO:tensorflow:Saving checkpoints for 23472 into ../model/lstm_seq2seq/model.ckpt. Reading ../data/train.tsv INFO:tensorflow:loss = 2.3325183, step = 23472 INFO:tensorflow:lr = 0.000153437 INFO:tensorflow:global_step/sec: 2.11566 INFO:tensorflow:loss = 2.3445282, step = 23572 (47.268 sec) INFO:tensorflow:lr = 0.00015281192 (47.262 sec) INFO:tensorflow:global_step/sec: 2.20724 INFO:tensorflow:loss = 2.337645, step = 23672 (45.306 sec) INFO:tensorflow:lr = 0.00015218939 (45.307 sec) INFO:tensorflow:global_step/sec: 2.13015 INFO:tensorflow:loss = 2.3366299, step = 23772 (46.947 sec) INFO:tensorflow:lr = 0.00015156937 (46.947 sec) INFO:tensorflow:global_step/sec: 2.16547 INFO:tensorflow:loss = 2.3336902, step = 23872 (46.177 sec) INFO:tensorflow:lr = 0.0001509519 (46.177 sec) INFO:tensorflow:global_step/sec: 2.17753 INFO:tensorflow:loss = 2.3377554, step = 23972 (45.928 sec) INFO:tensorflow:lr = 0.00015033693 (45.928 sec) INFO:tensorflow:global_step/sec: 2.20484 INFO:tensorflow:loss = 2.3382843, step = 24072 (45.353 sec) INFO:tensorflow:lr = 0.0001497245 (45.355 sec) INFO:tensorflow:global_step/sec: 2.21151 INFO:tensorflow:loss = 2.3395748, step = 24172 (45.221 sec) INFO:tensorflow:lr = 0.00014911454 (45.220 sec) INFO:tensorflow:global_step/sec: 2.22281 INFO:tensorflow:loss = 2.3351424, step = 24272 (44.990 sec) INFO:tensorflow:lr = 0.00014850705 (44.989 sec) INFO:tensorflow:global_step/sec: 2.14113 INFO:tensorflow:loss = 2.3394995, step = 24372 (46.698 sec) INFO:tensorflow:lr = 0.00014790206 (46.704 sec) INFO:tensorflow:Saving checkpoints for 24450 into ../model/lstm_seq2seq/model.ckpt. INFO:tensorflow:Loss for final step: 2.3566053. INFO:tensorflow:Calling model_fn. INFO:tensorflow:Saver not created because there are no variables in the graph to restore INFO:tensorflow:Saver not created because there are no variables in the graph to restore INFO:tensorflow:Done calling model_fn. INFO:tensorflow:Graph was finalized. INFO:tensorflow:Restoring parameters from ../model/lstm_seq2seq/model.ckpt-24450 INFO:tensorflow:Running local_init_op. INFO:tensorflow:Done running local_init_op. ------------ 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:Calling model_fn. INFO:tensorflow:Saver not created because there are no variables in the graph to restore INFO:tensorflow:Saver not created because there are no variables in the graph to restore INFO:tensorflow:Done calling model_fn. INFO:tensorflow:Graph was finalized. INFO:tensorflow:Restoring parameters from ../model/lstm_seq2seq/model.ckpt-24450 INFO:tensorflow:Running local_init_op. INFO:tensorflow:Done running local_init_op. Reading ../data/test.tsv INFO:tensorflow:Evaluation: Testing (Exact Match) Accuracy: 0.742 INFO:tensorflow:Best (Exact Match) Accuracy: 0.746 INFO:tensorflow:Calling model_fn.
/usr/local/lib/python3.6/dist-packages/ipykernel_launcher.py:38: DeprecationWarning: elementwise comparison failed; this will raise an error in the future.
INFO:tensorflow:Saver not created because there are no variables in the graph to restore INFO:tensorflow:Saver not created because there are no variables in the graph to restore [<tf.Variable 'Embedding/dense/kernel:0' shape=(1024, 300) dtype=float32_ref>, <tf.Variable 'Embedding/dense/bias:0' shape=(300,) dtype=float32_ref>, <tf.Variable 'Embedding/glove:0' shape=(8692, 300) dtype=float32_ref>, <tf.Variable 'Encoder/lstm_fused_cell/kernel:0' shape=(900, 1200) dtype=float32_ref>, <tf.Variable 'Encoder/lstm_fused_cell/bias:0' shape=(1200,) dtype=float32_ref>, <tf.Variable 'Encoder/lstm_fused_cell_1/kernel:0' shape=(900, 1200) dtype=float32_ref>, <tf.Variable 'Encoder/lstm_fused_cell_1/bias:0' shape=(1200,) dtype=float32_ref>, <tf.Variable 'Encoder/state_fc/kernel:0' shape=(600, 300) dtype=float32_ref>, <tf.Variable 'Encoder/state_fc/bias:0' shape=(300,) dtype=float32_ref>, <tf.Variable 'Decoder/memory_layer/kernel:0' shape=(600, 300) dtype=float32_ref>, <tf.Variable 'Decoder/memory_layer_1/kernel:0' shape=(600, 300) dtype=float32_ref>, <tf.Variable 'Decoder/decoder/attention_wrapper/lstm_cell/kernel:0' shape=(1200, 1200) dtype=float32_ref>, <tf.Variable 'Decoder/decoder/attention_wrapper/lstm_cell/bias:0' shape=(1200,) dtype=float32_ref>, <tf.Variable 'Decoder/decoder/attention_wrapper/bahdanau_attention/query_layer/kernel:0' shape=(300, 300) dtype=float32_ref>, <tf.Variable 'Decoder/decoder/attention_wrapper/bahdanau_attention/attention_v:0' shape=(300,) dtype=float32_ref>, <tf.Variable 'Decoder/decoder/attention_wrapper/attention_layer/kernel:0' shape=(900, 300) dtype=float32_ref>, <tf.Variable 'Decoder/decoder/attention_wrapper/attention_layer_1/kernel:0' shape=(900, 300) dtype=float32_ref>, <tf.Variable 'Decoder/decoder/tied_dense/bias:0' shape=(8692,) dtype=float32_ref>, <tf.Variable 'Decoder/decoder/tied_dense/proj_W:0' shape=(600, 300) dtype=float32_ref>, <tf.Variable 'Decoder/decoder/tied_dense/proj_b:0' shape=(300,) dtype=float32_ref>] INFO:tensorflow:Done calling model_fn. INFO:tensorflow:Create CheckpointSaverHook. INFO:tensorflow:Graph was finalized. INFO:tensorflow:Restoring parameters from ../model/lstm_seq2seq/model.ckpt-24450 INFO:tensorflow:Running local_init_op. INFO:tensorflow:Done running local_init_op. INFO:tensorflow:Saving checkpoints for 24450 into ../model/lstm_seq2seq/model.ckpt. Reading ../data/train.tsv INFO:tensorflow:loss = 2.3397508, step = 24450 INFO:tensorflow:lr = 0.00014743187 INFO:tensorflow:global_step/sec: 2.11969 INFO:tensorflow:loss = 2.33661, step = 24550 (47.178 sec) INFO:tensorflow:lr = 0.00014683125 (47.170 sec) INFO:tensorflow:global_step/sec: 2.17949 INFO:tensorflow:loss = 2.3320456, step = 24650 (45.882 sec) INFO:tensorflow:lr = 0.00014623307 (45.886 sec) INFO:tensorflow:global_step/sec: 2.14913 INFO:tensorflow:loss = 2.3341684, step = 24750 (46.535 sec) INFO:tensorflow:lr = 0.00014563733 (46.534 sec) INFO:tensorflow:global_step/sec: 2.16801 INFO:tensorflow:loss = 2.3379784, step = 24850 (46.125 sec) INFO:tensorflow:lr = 0.00014504403 (46.122 sec) INFO:tensorflow:global_step/sec: 2.1271 INFO:tensorflow:loss = 2.3384194, step = 24950 (47.011 sec) INFO:tensorflow:lr = 0.00014445312 (47.013 sec) INFO:tensorflow:global_step/sec: 2.17349 INFO:tensorflow:loss = 2.3343747, step = 25050 (46.013 sec) INFO:tensorflow:lr = 0.00014386466 (46.011 sec) INFO:tensorflow:global_step/sec: 2.08833 INFO:tensorflow:loss = 2.3333814, step = 25150 (47.878 sec) INFO:tensorflow:lr = 0.00014327856 (47.879 sec) INFO:tensorflow:global_step/sec: 2.20992 INFO:tensorflow:loss = 2.3397539, step = 25250 (45.256 sec) INFO:tensorflow:lr = 0.00014269486 (45.255 sec) INFO:tensorflow:global_step/sec: 2.21307 INFO:tensorflow:loss = 2.337168, step = 25350 (45.187 sec) INFO:tensorflow:lr = 0.00014211355 (45.188 sec) INFO:tensorflow:Saving checkpoints for 25428 into ../model/lstm_seq2seq/model.ckpt. INFO:tensorflow:Loss for final step: 2.3303711. INFO:tensorflow:Calling model_fn. INFO:tensorflow:Saver not created because there are no variables in the graph to restore INFO:tensorflow:Saver not created because there are no variables in the graph to restore INFO:tensorflow:Done calling model_fn. INFO:tensorflow:Graph was finalized. INFO:tensorflow:Restoring parameters from ../model/lstm_seq2seq/model.ckpt-25428 INFO:tensorflow:Running local_init_op. INFO:tensorflow:Done running local_init_op. ------------ 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:Calling model_fn. INFO:tensorflow:Saver not created because there are no variables in the graph to restore INFO:tensorflow:Saver not created because there are no variables in the graph to restore INFO:tensorflow:Done calling model_fn. INFO:tensorflow:Graph was finalized. INFO:tensorflow:Restoring parameters from ../model/lstm_seq2seq/model.ckpt-25428 INFO:tensorflow:Running local_init_op. INFO:tensorflow:Done running local_init_op. Reading ../data/test.tsv INFO:tensorflow:Evaluation: Testing (Exact Match) Accuracy: 0.744 INFO:tensorflow:Best (Exact Match) Accuracy: 0.746 INFO:tensorflow:Calling model_fn.
/usr/local/lib/python3.6/dist-packages/ipykernel_launcher.py:38: DeprecationWarning: elementwise comparison failed; this will raise an error in the future.
INFO:tensorflow:Saver not created because there are no variables in the graph to restore INFO:tensorflow:Saver not created because there are no variables in the graph to restore [<tf.Variable 'Embedding/dense/kernel:0' shape=(1024, 300) dtype=float32_ref>, <tf.Variable 'Embedding/dense/bias:0' shape=(300,) dtype=float32_ref>, <tf.Variable 'Embedding/glove:0' shape=(8692, 300) dtype=float32_ref>, <tf.Variable 'Encoder/lstm_fused_cell/kernel:0' shape=(900, 1200) dtype=float32_ref>, <tf.Variable 'Encoder/lstm_fused_cell/bias:0' shape=(1200,) dtype=float32_ref>, <tf.Variable 'Encoder/lstm_fused_cell_1/kernel:0' shape=(900, 1200) dtype=float32_ref>, <tf.Variable 'Encoder/lstm_fused_cell_1/bias:0' shape=(1200,) dtype=float32_ref>, <tf.Variable 'Encoder/state_fc/kernel:0' shape=(600, 300) dtype=float32_ref>, <tf.Variable 'Encoder/state_fc/bias:0' shape=(300,) dtype=float32_ref>, <tf.Variable 'Decoder/memory_layer/kernel:0' shape=(600, 300) dtype=float32_ref>, <tf.Variable 'Decoder/memory_layer_1/kernel:0' shape=(600, 300) dtype=float32_ref>, <tf.Variable 'Decoder/decoder/attention_wrapper/lstm_cell/kernel:0' shape=(1200, 1200) dtype=float32_ref>, <tf.Variable 'Decoder/decoder/attention_wrapper/lstm_cell/bias:0' shape=(1200,) dtype=float32_ref>, <tf.Variable 'Decoder/decoder/attention_wrapper/bahdanau_attention/query_layer/kernel:0' shape=(300, 300) dtype=float32_ref>, <tf.Variable 'Decoder/decoder/attention_wrapper/bahdanau_attention/attention_v:0' shape=(300,) dtype=float32_ref>, <tf.Variable 'Decoder/decoder/attention_wrapper/attention_layer/kernel:0' shape=(900, 300) dtype=float32_ref>, <tf.Variable 'Decoder/decoder/attention_wrapper/attention_layer_1/kernel:0' shape=(900, 300) dtype=float32_ref>, <tf.Variable 'Decoder/decoder/tied_dense/bias:0' shape=(8692,) dtype=float32_ref>, <tf.Variable 'Decoder/decoder/tied_dense/proj_W:0' shape=(600, 300) dtype=float32_ref>, <tf.Variable 'Decoder/decoder/tied_dense/proj_b:0' shape=(300,) dtype=float32_ref>] INFO:tensorflow:Done calling model_fn. INFO:tensorflow:Create CheckpointSaverHook. INFO:tensorflow:Graph was finalized. INFO:tensorflow:Restoring parameters from ../model/lstm_seq2seq/model.ckpt-25428 INFO:tensorflow:Running local_init_op. INFO:tensorflow:Done running local_init_op. INFO:tensorflow:Saving checkpoints for 25428 into ../model/lstm_seq2seq/model.ckpt. Reading ../data/train.tsv INFO:tensorflow:loss = 2.3365173, step = 25428 INFO:tensorflow:lr = 0.00014166176 INFO:tensorflow:global_step/sec: 2.06158 INFO:tensorflow:loss = 2.3355594, step = 25528 (48.511 sec) INFO:tensorflow:lr = 0.00014108465 (48.512 sec) INFO:tensorflow:global_step/sec: 2.18213 INFO:tensorflow:loss = 2.3350465, step = 25628 (45.833 sec) INFO:tensorflow:lr = 0.00014050987 (45.833 sec) INFO:tensorflow:global_step/sec: 2.21531 INFO:tensorflow:loss = 2.3359137, step = 25728 (45.137 sec) INFO:tensorflow:lr = 0.00013993746 (45.135 sec) INFO:tensorflow:global_step/sec: 2.20548 INFO:tensorflow:loss = 2.3376567, step = 25828 (45.341 sec) INFO:tensorflow:lr = 0.00013936736 (45.341 sec) INFO:tensorflow:global_step/sec: 2.22927 INFO:tensorflow:loss = 2.3366804, step = 25928 (44.859 sec) INFO:tensorflow:lr = 0.0001387996 (44.859 sec) INFO:tensorflow:global_step/sec: 2.1148 INFO:tensorflow:loss = 2.3348377, step = 26028 (47.280 sec) INFO:tensorflow:lr = 0.00013823416 (47.282 sec) INFO:tensorflow:global_step/sec: 2.15325 INFO:tensorflow:loss = 2.33499, step = 26128 (46.441 sec) INFO:tensorflow:lr = 0.00013767098 (46.442 sec) INFO:tensorflow:global_step/sec: 2.205 INFO:tensorflow:loss = 2.3348336, step = 26228 (45.351 sec) INFO:tensorflow:lr = 0.00013711015 (45.350 sec) INFO:tensorflow:global_step/sec: 2.2069 INFO:tensorflow:loss = 2.3353403, step = 26328 (45.318 sec) INFO:tensorflow:lr = 0.00013655158 (45.320 sec) INFO:tensorflow:Saving checkpoints for 26406 into ../model/lstm_seq2seq/model.ckpt. INFO:tensorflow:Loss for final step: 2.3345556. INFO:tensorflow:Calling model_fn. INFO:tensorflow:Saver not created because there are no variables in the graph to restore INFO:tensorflow:Saver not created because there are no variables in the graph to restore INFO:tensorflow:Done calling model_fn. INFO:tensorflow:Graph was finalized. INFO:tensorflow:Restoring parameters from ../model/lstm_seq2seq/model.ckpt-26406 INFO:tensorflow:Running local_init_op. INFO:tensorflow:Done running local_init_op. ------------ 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:Calling model_fn. INFO:tensorflow:Saver not created because there are no variables in the graph to restore INFO:tensorflow:Saver not created because there are no variables in the graph to restore INFO:tensorflow:Done calling model_fn. INFO:tensorflow:Graph was finalized. INFO:tensorflow:Restoring parameters from ../model/lstm_seq2seq/model.ckpt-26406 INFO:tensorflow:Running local_init_op. INFO:tensorflow:Done running local_init_op. Reading ../data/test.tsv INFO:tensorflow:Evaluation: Testing (Exact Match) Accuracy: 0.741 INFO:tensorflow:Best (Exact Match) Accuracy: 0.746 INFO:tensorflow:Calling model_fn.
/usr/local/lib/python3.6/dist-packages/ipykernel_launcher.py:38: DeprecationWarning: elementwise comparison failed; this will raise an error in the future.
INFO:tensorflow:Saver not created because there are no variables in the graph to restore INFO:tensorflow:Saver not created because there are no variables in the graph to restore [<tf.Variable 'Embedding/dense/kernel:0' shape=(1024, 300) dtype=float32_ref>, <tf.Variable 'Embedding/dense/bias:0' shape=(300,) dtype=float32_ref>, <tf.Variable 'Embedding/glove:0' shape=(8692, 300) dtype=float32_ref>, <tf.Variable 'Encoder/lstm_fused_cell/kernel:0' shape=(900, 1200) dtype=float32_ref>, <tf.Variable 'Encoder/lstm_fused_cell/bias:0' shape=(1200,) dtype=float32_ref>, <tf.Variable 'Encoder/lstm_fused_cell_1/kernel:0' shape=(900, 1200) dtype=float32_ref>, <tf.Variable 'Encoder/lstm_fused_cell_1/bias:0' shape=(1200,) dtype=float32_ref>, <tf.Variable 'Encoder/state_fc/kernel:0' shape=(600, 300) dtype=float32_ref>, <tf.Variable 'Encoder/state_fc/bias:0' shape=(300,) dtype=float32_ref>, <tf.Variable 'Decoder/memory_layer/kernel:0' shape=(600, 300) dtype=float32_ref>, <tf.Variable 'Decoder/memory_layer_1/kernel:0' shape=(600, 300) dtype=float32_ref>, <tf.Variable 'Decoder/decoder/attention_wrapper/lstm_cell/kernel:0' shape=(1200, 1200) dtype=float32_ref>, <tf.Variable 'Decoder/decoder/attention_wrapper/lstm_cell/bias:0' shape=(1200,) dtype=float32_ref>, <tf.Variable 'Decoder/decoder/attention_wrapper/bahdanau_attention/query_layer/kernel:0' shape=(300, 300) dtype=float32_ref>, <tf.Variable 'Decoder/decoder/attention_wrapper/bahdanau_attention/attention_v:0' shape=(300,) dtype=float32_ref>, <tf.Variable 'Decoder/decoder/attention_wrapper/attention_layer/kernel:0' shape=(900, 300) dtype=float32_ref>, <tf.Variable 'Decoder/decoder/attention_wrapper/attention_layer_1/kernel:0' shape=(900, 300) dtype=float32_ref>, <tf.Variable 'Decoder/decoder/tied_dense/bias:0' shape=(8692,) dtype=float32_ref>, <tf.Variable 'Decoder/decoder/tied_dense/proj_W:0' shape=(600, 300) dtype=float32_ref>, <tf.Variable 'Decoder/decoder/tied_dense/proj_b:0' shape=(300,) dtype=float32_ref>] INFO:tensorflow:Done calling model_fn. INFO:tensorflow:Create CheckpointSaverHook. INFO:tensorflow:Graph was finalized. INFO:tensorflow:Restoring parameters from ../model/lstm_seq2seq/model.ckpt-26406 INFO:tensorflow:Running local_init_op. INFO:tensorflow:Done running local_init_op. INFO:tensorflow:Saving checkpoints for 26406 into ../model/lstm_seq2seq/model.ckpt. Reading ../data/train.tsv INFO:tensorflow:loss = 2.3327293, step = 26406 INFO:tensorflow:lr = 0.00013611747 INFO:tensorflow:global_step/sec: 2.06179 INFO:tensorflow:loss = 2.3344617, step = 26506 (48.509 sec) INFO:tensorflow:lr = 0.00013556295 (48.504 sec) INFO:tensorflow:global_step/sec: 2.15884 INFO:tensorflow:loss = 2.332301, step = 26606 (46.320 sec) INFO:tensorflow:lr = 0.00013501068 (46.319 sec) INFO:tensorflow:global_step/sec: 2.18686 INFO:tensorflow:loss = 2.3437989, step = 26706 (45.725 sec) INFO:tensorflow:lr = 0.00013446067 (45.725 sec) INFO:tensorflow:global_step/sec: 2.15491 INFO:tensorflow:loss = 2.3342285, step = 26806 (46.404 sec) INFO:tensorflow:lr = 0.00013391286 (46.404 sec) INFO:tensorflow:global_step/sec: 2.18053 INFO:tensorflow:loss = 2.331006, step = 26906 (45.860 sec) INFO:tensorflow:lr = 0.00013336734 (45.861 sec) INFO:tensorflow:global_step/sec: 2.15944 INFO:tensorflow:loss = 2.3388023, step = 27006 (46.312 sec) INFO:tensorflow:lr = 0.00013282402 (46.312 sec) INFO:tensorflow:global_step/sec: 2.1832 INFO:tensorflow:loss = 2.3331356, step = 27106 (45.803 sec) INFO:tensorflow:lr = 0.0001322829 (45.803 sec) INFO:tensorflow:global_step/sec: 2.19737 INFO:tensorflow:loss = 2.3324232, step = 27206 (45.512 sec) INFO:tensorflow:lr = 0.000131744 (45.512 sec) INFO:tensorflow:global_step/sec: 2.15577 INFO:tensorflow:loss = 2.3341136, step = 27306 (46.386 sec) INFO:tensorflow:lr = 0.00013120729 (46.386 sec) INFO:tensorflow:Saving checkpoints for 27384 into ../model/lstm_seq2seq/model.ckpt. INFO:tensorflow:Loss for final step: 2.3377824. INFO:tensorflow:Calling model_fn. INFO:tensorflow:Saver not created because there are no variables in the graph to restore INFO:tensorflow:Saver not created because there are no variables in the graph to restore INFO:tensorflow:Done calling model_fn. INFO:tensorflow:Graph was finalized. INFO:tensorflow:Restoring parameters from ../model/lstm_seq2seq/model.ckpt-27384 INFO:tensorflow:Running local_init_op. INFO:tensorflow:Done running local_init_op. ------------ 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:Calling model_fn. INFO:tensorflow:Saver not created because there are no variables in the graph to restore INFO:tensorflow:Saver not created because there are no variables in the graph to restore INFO:tensorflow:Done calling model_fn. INFO:tensorflow:Graph was finalized. INFO:tensorflow:Restoring parameters from ../model/lstm_seq2seq/model.ckpt-27384 INFO:tensorflow:Running local_init_op. INFO:tensorflow:Done running local_init_op. Reading ../data/test.tsv INFO:tensorflow:Evaluation: Testing (Exact Match) Accuracy: 0.744 INFO:tensorflow:Best (Exact Match) Accuracy: 0.746 INFO:tensorflow:Calling model_fn.
/usr/local/lib/python3.6/dist-packages/ipykernel_launcher.py:38: DeprecationWarning: elementwise comparison failed; this will raise an error in the future.
INFO:tensorflow:Saver not created because there are no variables in the graph to restore INFO:tensorflow:Saver not created because there are no variables in the graph to restore [<tf.Variable 'Embedding/dense/kernel:0' shape=(1024, 300) dtype=float32_ref>, <tf.Variable 'Embedding/dense/bias:0' shape=(300,) dtype=float32_ref>, <tf.Variable 'Embedding/glove:0' shape=(8692, 300) dtype=float32_ref>, <tf.Variable 'Encoder/lstm_fused_cell/kernel:0' shape=(900, 1200) dtype=float32_ref>, <tf.Variable 'Encoder/lstm_fused_cell/bias:0' shape=(1200,) dtype=float32_ref>, <tf.Variable 'Encoder/lstm_fused_cell_1/kernel:0' shape=(900, 1200) dtype=float32_ref>, <tf.Variable 'Encoder/lstm_fused_cell_1/bias:0' shape=(1200,) dtype=float32_ref>, <tf.Variable 'Encoder/state_fc/kernel:0' shape=(600, 300) dtype=float32_ref>, <tf.Variable 'Encoder/state_fc/bias:0' shape=(300,) dtype=float32_ref>, <tf.Variable 'Decoder/memory_layer/kernel:0' shape=(600, 300) dtype=float32_ref>, <tf.Variable 'Decoder/memory_layer_1/kernel:0' shape=(600, 300) dtype=float32_ref>, <tf.Variable 'Decoder/decoder/attention_wrapper/lstm_cell/kernel:0' shape=(1200, 1200) dtype=float32_ref>, <tf.Variable 'Decoder/decoder/attention_wrapper/lstm_cell/bias:0' shape=(1200,) dtype=float32_ref>, <tf.Variable 'Decoder/decoder/attention_wrapper/bahdanau_attention/query_layer/kernel:0' shape=(300, 300) dtype=float32_ref>, <tf.Variable 'Decoder/decoder/attention_wrapper/bahdanau_attention/attention_v:0' shape=(300,) dtype=float32_ref>, <tf.Variable 'Decoder/decoder/attention_wrapper/attention_layer/kernel:0' shape=(900, 300) dtype=float32_ref>, <tf.Variable 'Decoder/decoder/attention_wrapper/attention_layer_1/kernel:0' shape=(900, 300) dtype=float32_ref>, <tf.Variable 'Decoder/decoder/tied_dense/bias:0' shape=(8692,) dtype=float32_ref>, <tf.Variable 'Decoder/decoder/tied_dense/proj_W:0' shape=(600, 300) dtype=float32_ref>, <tf.Variable 'Decoder/decoder/tied_dense/proj_b:0' shape=(300,) dtype=float32_ref>] INFO:tensorflow:Done calling model_fn. INFO:tensorflow:Create CheckpointSaverHook. INFO:tensorflow:Graph was finalized. INFO:tensorflow:Restoring parameters from ../model/lstm_seq2seq/model.ckpt-27384 INFO:tensorflow:Running local_init_op. INFO:tensorflow:Done running local_init_op. INFO:tensorflow:Saving checkpoints for 27384 into ../model/lstm_seq2seq/model.ckpt. Reading ../data/train.tsv INFO:tensorflow:loss = 2.3343537, step = 27384 INFO:tensorflow:lr = 0.00013079017 INFO:tensorflow:global_step/sec: 2.1319 INFO:tensorflow:loss = 2.3422096, step = 27484 (46.913 sec) INFO:tensorflow:lr = 0.00013025735 (46.911 sec) INFO:tensorflow:global_step/sec: 2.18783 INFO:tensorflow:loss = 2.333507, step = 27584 (45.707 sec) INFO:tensorflow:lr = 0.00012972669 (45.706 sec) INFO:tensorflow:global_step/sec: 2.11821 INFO:tensorflow:loss = 2.3375993, step = 27684 (47.206 sec) INFO:tensorflow:lr = 0.0001291982 (47.207 sec) INFO:tensorflow:global_step/sec: 2.17401 INFO:tensorflow:loss = 2.3336241, step = 27784 (45.997 sec) INFO:tensorflow:lr = 0.00012867188 (46.000 sec) INFO:tensorflow:global_step/sec: 2.19254 INFO:tensorflow:loss = 2.3338997, step = 27884 (45.612 sec) INFO:tensorflow:lr = 0.00012814769 (45.611 sec) INFO:tensorflow:global_step/sec: 2.17902 INFO:tensorflow:loss = 2.334168, step = 27984 (45.893 sec) INFO:tensorflow:lr = 0.00012762562 (45.893 sec) INFO:tensorflow:global_step/sec: 2.19988 INFO:tensorflow:loss = 2.3329303, step = 28084 (45.456 sec) INFO:tensorflow:lr = 0.00012710568 (45.456 sec) INFO:tensorflow:global_step/sec: 2.18058 INFO:tensorflow:loss = 2.3333402, step = 28184 (45.856 sec) INFO:tensorflow:lr = 0.00012658788 (45.855 sec) INFO:tensorflow:global_step/sec: 2.13558 INFO:tensorflow:loss = 2.3343985, step = 28284 (46.833 sec) INFO:tensorflow:lr = 0.00012607218 (46.833 sec) INFO:tensorflow:Saving checkpoints for 28362 into ../model/lstm_seq2seq/model.ckpt. INFO:tensorflow:Loss for final step: 2.3296044. INFO:tensorflow:Calling model_fn. INFO:tensorflow:Saver not created because there are no variables in the graph to restore INFO:tensorflow:Saver not created because there are no variables in the graph to restore INFO:tensorflow:Done calling model_fn. INFO:tensorflow:Graph was finalized. INFO:tensorflow:Restoring parameters from ../model/lstm_seq2seq/model.ckpt-28362 INFO:tensorflow:Running local_init_op. INFO:tensorflow:Done running local_init_op. ------------ 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:Calling model_fn. INFO:tensorflow:Saver not created because there are no variables in the graph to restore INFO:tensorflow:Saver not created because there are no variables in the graph to restore INFO:tensorflow:Done calling model_fn. INFO:tensorflow:Graph was finalized. INFO:tensorflow:Restoring parameters from ../model/lstm_seq2seq/model.ckpt-28362 INFO:tensorflow:Running local_init_op. INFO:tensorflow:Done running local_init_op. Reading ../data/test.tsv INFO:tensorflow:Evaluation: Testing (Exact Match) Accuracy: 0.745 INFO:tensorflow:Best (Exact Match) Accuracy: 0.746 INFO:tensorflow:Calling model_fn.
/usr/local/lib/python3.6/dist-packages/ipykernel_launcher.py:38: DeprecationWarning: elementwise comparison failed; this will raise an error in the future.
INFO:tensorflow:Saver not created because there are no variables in the graph to restore INFO:tensorflow:Saver not created because there are no variables in the graph to restore [<tf.Variable 'Embedding/dense/kernel:0' shape=(1024, 300) dtype=float32_ref>, <tf.Variable 'Embedding/dense/bias:0' shape=(300,) dtype=float32_ref>, <tf.Variable 'Embedding/glove:0' shape=(8692, 300) dtype=float32_ref>, <tf.Variable 'Encoder/lstm_fused_cell/kernel:0' shape=(900, 1200) dtype=float32_ref>, <tf.Variable 'Encoder/lstm_fused_cell/bias:0' shape=(1200,) dtype=float32_ref>, <tf.Variable 'Encoder/lstm_fused_cell_1/kernel:0' shape=(900, 1200) dtype=float32_ref>, <tf.Variable 'Encoder/lstm_fused_cell_1/bias:0' shape=(1200,) dtype=float32_ref>, <tf.Variable 'Encoder/state_fc/kernel:0' shape=(600, 300) dtype=float32_ref>, <tf.Variable 'Encoder/state_fc/bias:0' shape=(300,) dtype=float32_ref>, <tf.Variable 'Decoder/memory_layer/kernel:0' shape=(600, 300) dtype=float32_ref>, <tf.Variable 'Decoder/memory_layer_1/kernel:0' shape=(600, 300) dtype=float32_ref>, <tf.Variable 'Decoder/decoder/attention_wrapper/lstm_cell/kernel:0' shape=(1200, 1200) dtype=float32_ref>, <tf.Variable 'Decoder/decoder/attention_wrapper/lstm_cell/bias:0' shape=(1200,) dtype=float32_ref>, <tf.Variable 'Decoder/decoder/attention_wrapper/bahdanau_attention/query_layer/kernel:0' shape=(300, 300) dtype=float32_ref>, <tf.Variable 'Decoder/decoder/attention_wrapper/bahdanau_attention/attention_v:0' shape=(300,) dtype=float32_ref>, <tf.Variable 'Decoder/decoder/attention_wrapper/attention_layer/kernel:0' shape=(900, 300) dtype=float32_ref>, <tf.Variable 'Decoder/decoder/attention_wrapper/attention_layer_1/kernel:0' shape=(900, 300) dtype=float32_ref>, <tf.Variable 'Decoder/decoder/tied_dense/bias:0' shape=(8692,) dtype=float32_ref>, <tf.Variable 'Decoder/decoder/tied_dense/proj_W:0' shape=(600, 300) dtype=float32_ref>, <tf.Variable 'Decoder/decoder/tied_dense/proj_b:0' shape=(300,) dtype=float32_ref>] INFO:tensorflow:Done calling model_fn. INFO:tensorflow:Create CheckpointSaverHook. INFO:tensorflow:Graph was finalized. INFO:tensorflow:Restoring parameters from ../model/lstm_seq2seq/model.ckpt-28362 INFO:tensorflow:Running local_init_op. INFO:tensorflow:Done running local_init_op. INFO:tensorflow:Saving checkpoints for 28362 into ../model/lstm_seq2seq/model.ckpt. Reading ../data/train.tsv INFO:tensorflow:loss = 2.33236, step = 28362 INFO:tensorflow:lr = 0.00012567139 INFO:tensorflow:global_step/sec: 2.09966 INFO:tensorflow:loss = 2.3302639, step = 28462 (47.631 sec) INFO:tensorflow:lr = 0.00012515941 (47.633 sec) INFO:tensorflow:global_step/sec: 2.18282 INFO:tensorflow:loss = 2.3334644, step = 28562 (45.810 sec) INFO:tensorflow:lr = 0.00012464951 (45.809 sec) INFO:tensorflow:global_step/sec: 2.22762 INFO:tensorflow:loss = 2.3353665, step = 28662 (44.894 sec) INFO:tensorflow:lr = 0.00012414173 (44.894 sec) INFO:tensorflow:global_step/sec: 2.17215 INFO:tensorflow:loss = 2.3375833, step = 28762 (46.034 sec) INFO:tensorflow:lr = 0.00012363598 (46.034 sec) INFO:tensorflow:global_step/sec: 2.19243 INFO:tensorflow:loss = 2.3336515, step = 28862 (45.615 sec) INFO:tensorflow:lr = 0.0001231323 (45.615 sec) INFO:tensorflow:global_step/sec: 2.15211 INFO:tensorflow:loss = 2.331328, step = 28962 (46.464 sec) INFO:tensorflow:lr = 0.00012263068 (46.464 sec) INFO:tensorflow:global_step/sec: 2.12063 INFO:tensorflow:loss = 2.3341737, step = 29062 (47.156 sec) INFO:tensorflow:lr = 0.00012213108 (47.156 sec) INFO:tensorflow:global_step/sec: 2.15295 INFO:tensorflow:loss = 2.3331697, step = 29162 (46.447 sec) INFO:tensorflow:lr = 0.00012163355 (46.446 sec) INFO:tensorflow:global_step/sec: 2.21629 INFO:tensorflow:loss = 2.3364692, step = 29262 (45.122 sec) INFO:tensorflow:lr = 0.00012113802 (45.124 sec) INFO:tensorflow:Saving checkpoints for 29340 into ../model/lstm_seq2seq/model.ckpt. INFO:tensorflow:Loss for final step: 2.328533. INFO:tensorflow:Calling model_fn. INFO:tensorflow:Saver not created because there are no variables in the graph to restore INFO:tensorflow:Saver not created because there are no variables in the graph to restore INFO:tensorflow:Done calling model_fn. INFO:tensorflow:Graph was finalized. INFO:tensorflow:Restoring parameters from ../model/lstm_seq2seq/model.ckpt-29340 INFO:tensorflow:Running local_init_op. INFO:tensorflow:Done running local_init_op. ------------ 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:Calling model_fn. INFO:tensorflow:Saver not created because there are no variables in the graph to restore INFO:tensorflow:Saver not created because there are no variables in the graph to restore INFO:tensorflow:Done calling model_fn. INFO:tensorflow:Graph was finalized. INFO:tensorflow:Restoring parameters from ../model/lstm_seq2seq/model.ckpt-29340 INFO:tensorflow:Running local_init_op. INFO:tensorflow:Done running local_init_op. Reading ../data/test.tsv INFO:tensorflow:Evaluation: Testing (Exact Match) Accuracy: 0.743 INFO:tensorflow:Best (Exact Match) Accuracy: 0.746 INFO:tensorflow:Calling model_fn.
/usr/local/lib/python3.6/dist-packages/ipykernel_launcher.py:38: DeprecationWarning: elementwise comparison failed; this will raise an error in the future.
INFO:tensorflow:Saver not created because there are no variables in the graph to restore INFO:tensorflow:Saver not created because there are no variables in the graph to restore [<tf.Variable 'Embedding/dense/kernel:0' shape=(1024, 300) dtype=float32_ref>, <tf.Variable 'Embedding/dense/bias:0' shape=(300,) dtype=float32_ref>, <tf.Variable 'Embedding/glove:0' shape=(8692, 300) dtype=float32_ref>, <tf.Variable 'Encoder/lstm_fused_cell/kernel:0' shape=(900, 1200) dtype=float32_ref>, <tf.Variable 'Encoder/lstm_fused_cell/bias:0' shape=(1200,) dtype=float32_ref>, <tf.Variable 'Encoder/lstm_fused_cell_1/kernel:0' shape=(900, 1200) dtype=float32_ref>, <tf.Variable 'Encoder/lstm_fused_cell_1/bias:0' shape=(1200,) dtype=float32_ref>, <tf.Variable 'Encoder/state_fc/kernel:0' shape=(600, 300) dtype=float32_ref>, <tf.Variable 'Encoder/state_fc/bias:0' shape=(300,) dtype=float32_ref>, <tf.Variable 'Decoder/memory_layer/kernel:0' shape=(600, 300) dtype=float32_ref>, <tf.Variable 'Decoder/memory_layer_1/kernel:0' shape=(600, 300) dtype=float32_ref>, <tf.Variable 'Decoder/decoder/attention_wrapper/lstm_cell/kernel:0' shape=(1200, 1200) dtype=float32_ref>, <tf.Variable 'Decoder/decoder/attention_wrapper/lstm_cell/bias:0' shape=(1200,) dtype=float32_ref>, <tf.Variable 'Decoder/decoder/attention_wrapper/bahdanau_attention/query_layer/kernel:0' shape=(300, 300) dtype=float32_ref>, <tf.Variable 'Decoder/decoder/attention_wrapper/bahdanau_attention/attention_v:0' shape=(300,) dtype=float32_ref>, <tf.Variable 'Decoder/decoder/attention_wrapper/attention_layer/kernel:0' shape=(900, 300) dtype=float32_ref>, <tf.Variable 'Decoder/decoder/attention_wrapper/attention_layer_1/kernel:0' shape=(900, 300) dtype=float32_ref>, <tf.Variable 'Decoder/decoder/tied_dense/bias:0' shape=(8692,) dtype=float32_ref>, <tf.Variable 'Decoder/decoder/tied_dense/proj_W:0' shape=(600, 300) dtype=float32_ref>, <tf.Variable 'Decoder/decoder/tied_dense/proj_b:0' shape=(300,) dtype=float32_ref>] INFO:tensorflow:Done calling model_fn. INFO:tensorflow:Create CheckpointSaverHook. INFO:tensorflow:Graph was finalized. INFO:tensorflow:Restoring parameters from ../model/lstm_seq2seq/model.ckpt-29340 INFO:tensorflow:Running local_init_op. INFO:tensorflow:Done running local_init_op. INFO:tensorflow:Saving checkpoints for 29340 into ../model/lstm_seq2seq/model.ckpt. Reading ../data/train.tsv INFO:tensorflow:loss = 2.3329885, step = 29340 INFO:tensorflow:lr = 0.00012075291 INFO:tensorflow:global_step/sec: 2.11343 INFO:tensorflow:loss = 2.3342159, step = 29440 (47.318 sec) INFO:tensorflow:lr = 0.000120260986 (47.317 sec) INFO:tensorflow:global_step/sec: 2.2084 INFO:tensorflow:loss = 2.3303833, step = 29540 (45.287 sec) INFO:tensorflow:lr = 0.00011977106 (45.287 sec) INFO:tensorflow:global_step/sec: 2.19118 INFO:tensorflow:loss = 2.334944, step = 29640 (45.633 sec) INFO:tensorflow:lr = 0.000119283126 (45.633 sec) INFO:tensorflow:global_step/sec: 2.16822 INFO:tensorflow:loss = 2.3322098, step = 29740 (46.120 sec) INFO:tensorflow:lr = 0.00011879718 (46.120 sec) INFO:tensorflow:global_step/sec: 2.23608 INFO:tensorflow:loss = 2.333329, step = 29840 (44.721 sec) INFO:tensorflow:lr = 0.00011831321 (44.721 sec) INFO:tensorflow:global_step/sec: 2.17445 INFO:tensorflow:loss = 2.3319933, step = 29940 (45.996 sec) INFO:tensorflow:lr = 0.00011783123 (45.995 sec) INFO:tensorflow:global_step/sec: 2.21481 INFO:tensorflow:loss = 2.331062, step = 30040 (45.144 sec) INFO:tensorflow:lr = 0.000117351185 (45.144 sec) INFO:tensorflow:global_step/sec: 2.18286 INFO:tensorflow:loss = 2.331232, step = 30140 (45.811 sec) INFO:tensorflow:lr = 0.0001168731 (45.813 sec) INFO:tensorflow:global_step/sec: 2.14966 INFO:tensorflow:loss = 2.3337765, step = 30240 (46.519 sec) INFO:tensorflow:lr = 0.000116396994 (46.517 sec) INFO:tensorflow:Saving checkpoints for 30318 into ../model/lstm_seq2seq/model.ckpt. INFO:tensorflow:Loss for final step: 2.3304226. INFO:tensorflow:Calling model_fn. INFO:tensorflow:Saver not created because there are no variables in the graph to restore INFO:tensorflow:Saver not created because there are no variables in the graph to restore INFO:tensorflow:Done calling model_fn. INFO:tensorflow:Graph was finalized. INFO:tensorflow:Restoring parameters from ../model/lstm_seq2seq/model.ckpt-30318 INFO:tensorflow:Running local_init_op. INFO:tensorflow:Done running local_init_op. ------------ 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:Calling model_fn. INFO:tensorflow:Saver not created because there are no variables in the graph to restore INFO:tensorflow:Saver not created because there are no variables in the graph to restore INFO:tensorflow:Done calling model_fn. INFO:tensorflow:Graph was finalized. INFO:tensorflow:Restoring parameters from ../model/lstm_seq2seq/model.ckpt-30318 INFO:tensorflow:Running local_init_op. INFO:tensorflow:Done running local_init_op. Reading ../data/test.tsv INFO:tensorflow:Evaluation: Testing (Exact Match) Accuracy: 0.740 INFO:tensorflow:Best (Exact Match) Accuracy: 0.746 INFO:tensorflow:Calling model_fn.
/usr/local/lib/python3.6/dist-packages/ipykernel_launcher.py:38: DeprecationWarning: elementwise comparison failed; this will raise an error in the future.
INFO:tensorflow:Saver not created because there are no variables in the graph to restore INFO:tensorflow:Saver not created because there are no variables in the graph to restore [<tf.Variable 'Embedding/dense/kernel:0' shape=(1024, 300) dtype=float32_ref>, <tf.Variable 'Embedding/dense/bias:0' shape=(300,) dtype=float32_ref>, <tf.Variable 'Embedding/glove:0' shape=(8692, 300) dtype=float32_ref>, <tf.Variable 'Encoder/lstm_fused_cell/kernel:0' shape=(900, 1200) dtype=float32_ref>, <tf.Variable 'Encoder/lstm_fused_cell/bias:0' shape=(1200,) dtype=float32_ref>, <tf.Variable 'Encoder/lstm_fused_cell_1/kernel:0' shape=(900, 1200) dtype=float32_ref>, <tf.Variable 'Encoder/lstm_fused_cell_1/bias:0' shape=(1200,) dtype=float32_ref>, <tf.Variable 'Encoder/state_fc/kernel:0' shape=(600, 300) dtype=float32_ref>, <tf.Variable 'Encoder/state_fc/bias:0' shape=(300,) dtype=float32_ref>, <tf.Variable 'Decoder/memory_layer/kernel:0' shape=(600, 300) dtype=float32_ref>, <tf.Variable 'Decoder/memory_layer_1/kernel:0' shape=(600, 300) dtype=float32_ref>, <tf.Variable 'Decoder/decoder/attention_wrapper/lstm_cell/kernel:0' shape=(1200, 1200) dtype=float32_ref>, <tf.Variable 'Decoder/decoder/attention_wrapper/lstm_cell/bias:0' shape=(1200,) dtype=float32_ref>, <tf.Variable 'Decoder/decoder/attention_wrapper/bahdanau_attention/query_layer/kernel:0' shape=(300, 300) dtype=float32_ref>, <tf.Variable 'Decoder/decoder/attention_wrapper/bahdanau_attention/attention_v:0' shape=(300,) dtype=float32_ref>, <tf.Variable 'Decoder/decoder/attention_wrapper/attention_layer/kernel:0' shape=(900, 300) dtype=float32_ref>, <tf.Variable 'Decoder/decoder/attention_wrapper/attention_layer_1/kernel:0' shape=(900, 300) dtype=float32_ref>, <tf.Variable 'Decoder/decoder/tied_dense/bias:0' shape=(8692,) dtype=float32_ref>, <tf.Variable 'Decoder/decoder/tied_dense/proj_W:0' shape=(600, 300) dtype=float32_ref>, <tf.Variable 'Decoder/decoder/tied_dense/proj_b:0' shape=(300,) dtype=float32_ref>] INFO:tensorflow:Done calling model_fn. INFO:tensorflow:Create CheckpointSaverHook. INFO:tensorflow:Graph was finalized. INFO:tensorflow:Restoring parameters from ../model/lstm_seq2seq/model.ckpt-30318 INFO:tensorflow:Running local_init_op. INFO:tensorflow:Done running local_init_op. INFO:tensorflow:Saving checkpoints for 30318 into ../model/lstm_seq2seq/model.ckpt. Reading ../data/train.tsv INFO:tensorflow:loss = 2.3339229, step = 30318 INFO:tensorflow:lr = 0.00011602696 INFO:tensorflow:global_step/sec: 2.06214 INFO:tensorflow:loss = 2.3308563, step = 30418 (48.501 sec) INFO:tensorflow:lr = 0.000115554285 (48.498 sec) INFO:tensorflow:global_step/sec: 2.16092 INFO:tensorflow:loss = 2.3319278, step = 30518 (46.274 sec) INFO:tensorflow:lr = 0.00011508352 (46.273 sec) INFO:tensorflow:global_step/sec: 2.18915 INFO:tensorflow:loss = 2.3370686, step = 30618 (45.683 sec) INFO:tensorflow:lr = 0.000114614675 (45.682 sec) INFO:tensorflow:global_step/sec: 2.18648 INFO:tensorflow:loss = 2.3364286, step = 30718 (45.732 sec) INFO:tensorflow:lr = 0.000114147755 (45.731 sec) INFO:tensorflow:global_step/sec: 2.19275 INFO:tensorflow:loss = 2.330582, step = 30818 (45.603 sec) INFO:tensorflow:lr = 0.000113682734 (45.607 sec) INFO:tensorflow:global_step/sec: 2.24704 INFO:tensorflow:loss = 2.3354976, step = 30918 (44.509 sec) INFO:tensorflow:lr = 0.000113219605 (44.506 sec) INFO:tensorflow:global_step/sec: 2.175 INFO:tensorflow:loss = 2.3353927, step = 31018 (45.975 sec) INFO:tensorflow:lr = 0.000112758375 (45.975 sec) INFO:tensorflow:global_step/sec: 2.18887 INFO:tensorflow:loss = 2.331927, step = 31118 (45.684 sec) INFO:tensorflow:lr = 0.000112299 (45.685 sec) INFO:tensorflow:global_step/sec: 2.20458 INFO:tensorflow:loss = 2.3327916, step = 31218 (45.360 sec) INFO:tensorflow:lr = 0.00011184151 (45.358 sec) INFO:tensorflow:Saving checkpoints for 31296 into ../model/lstm_seq2seq/model.ckpt. INFO:tensorflow:Loss for final step: 2.3348556. INFO:tensorflow:Calling model_fn. INFO:tensorflow:Saver not created because there are no variables in the graph to restore INFO:tensorflow:Saver not created because there are no variables in the graph to restore INFO:tensorflow:Done calling model_fn. INFO:tensorflow:Graph was finalized. INFO:tensorflow:Restoring parameters from ../model/lstm_seq2seq/model.ckpt-31296 INFO:tensorflow:Running local_init_op. INFO:tensorflow:Done running local_init_op. ------------ 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:Calling model_fn. INFO:tensorflow:Saver not created because there are no variables in the graph to restore INFO:tensorflow:Saver not created because there are no variables in the graph to restore INFO:tensorflow:Done calling model_fn. INFO:tensorflow:Graph was finalized. INFO:tensorflow:Restoring parameters from ../model/lstm_seq2seq/model.ckpt-31296 INFO:tensorflow:Running local_init_op. INFO:tensorflow:Done running local_init_op. Reading ../data/test.tsv INFO:tensorflow:Evaluation: Testing (Exact Match) Accuracy: 0.742 INFO:tensorflow:Best (Exact Match) Accuracy: 0.746 INFO:tensorflow:Calling model_fn.
/usr/local/lib/python3.6/dist-packages/ipykernel_launcher.py:38: DeprecationWarning: elementwise comparison failed; this will raise an error in the future.
INFO:tensorflow:Saver not created because there are no variables in the graph to restore INFO:tensorflow:Saver not created because there are no variables in the graph to restore [<tf.Variable 'Embedding/dense/kernel:0' shape=(1024, 300) dtype=float32_ref>, <tf.Variable 'Embedding/dense/bias:0' shape=(300,) dtype=float32_ref>, <tf.Variable 'Embedding/glove:0' shape=(8692, 300) dtype=float32_ref>, <tf.Variable 'Encoder/lstm_fused_cell/kernel:0' shape=(900, 1200) dtype=float32_ref>, <tf.Variable 'Encoder/lstm_fused_cell/bias:0' shape=(1200,) dtype=float32_ref>, <tf.Variable 'Encoder/lstm_fused_cell_1/kernel:0' shape=(900, 1200) dtype=float32_ref>, <tf.Variable 'Encoder/lstm_fused_cell_1/bias:0' shape=(1200,) dtype=float32_ref>, <tf.Variable 'Encoder/state_fc/kernel:0' shape=(600, 300) dtype=float32_ref>, <tf.Variable 'Encoder/state_fc/bias:0' shape=(300,) dtype=float32_ref>, <tf.Variable 'Decoder/memory_layer/kernel:0' shape=(600, 300) dtype=float32_ref>, <tf.Variable 'Decoder/memory_layer_1/kernel:0' shape=(600, 300) dtype=float32_ref>, <tf.Variable 'Decoder/decoder/attention_wrapper/lstm_cell/kernel:0' shape=(1200, 1200) dtype=float32_ref>, <tf.Variable 'Decoder/decoder/attention_wrapper/lstm_cell/bias:0' shape=(1200,) dtype=float32_ref>, <tf.Variable 'Decoder/decoder/attention_wrapper/bahdanau_attention/query_layer/kernel:0' shape=(300, 300) dtype=float32_ref>, <tf.Variable 'Decoder/decoder/attention_wrapper/bahdanau_attention/attention_v:0' shape=(300,) dtype=float32_ref>, <tf.Variable 'Decoder/decoder/attention_wrapper/attention_layer/kernel:0' shape=(900, 300) dtype=float32_ref>, <tf.Variable 'Decoder/decoder/attention_wrapper/attention_layer_1/kernel:0' shape=(900, 300) dtype=float32_ref>, <tf.Variable 'Decoder/decoder/tied_dense/bias:0' shape=(8692,) dtype=float32_ref>, <tf.Variable 'Decoder/decoder/tied_dense/proj_W:0' shape=(600, 300) dtype=float32_ref>, <tf.Variable 'Decoder/decoder/tied_dense/proj_b:0' shape=(300,) dtype=float32_ref>] INFO:tensorflow:Done calling model_fn. INFO:tensorflow:Create CheckpointSaverHook. INFO:tensorflow:Graph was finalized. INFO:tensorflow:Restoring parameters from ../model/lstm_seq2seq/model.ckpt-31296 INFO:tensorflow:Running local_init_op. INFO:tensorflow:Done running local_init_op. INFO:tensorflow:Saving checkpoints for 31296 into ../model/lstm_seq2seq/model.ckpt. Reading ../data/train.tsv INFO:tensorflow:loss = 2.335181, step = 31296 INFO:tensorflow:lr = 0.000111485955 INFO:tensorflow:global_step/sec: 2.08308 INFO:tensorflow:loss = 2.3367443, step = 31396 (48.012 sec) INFO:tensorflow:lr = 0.00011103177 (48.016 sec) INFO:tensorflow:global_step/sec: 2.13228 INFO:tensorflow:loss = 2.3318994, step = 31496 (46.901 sec) INFO:tensorflow:lr = 0.00011057943 (46.897 sec) INFO:tensorflow:global_step/sec: 2.20105 INFO:tensorflow:loss = 2.3334947, step = 31596 (45.431 sec) INFO:tensorflow:lr = 0.00011012896 (45.431 sec) INFO:tensorflow:global_step/sec: 2.19453 INFO:tensorflow:loss = 2.3309429, step = 31696 (45.567 sec) INFO:tensorflow:lr = 0.0001096803 (45.567 sec) INFO:tensorflow:global_step/sec: 2.18298 INFO:tensorflow:loss = 2.3351593, step = 31796 (45.809 sec) INFO:tensorflow:lr = 0.00010923347 (45.809 sec) INFO:tensorflow:global_step/sec: 2.18823 INFO:tensorflow:loss = 2.3297193, step = 31896 (45.695 sec) INFO:tensorflow:lr = 0.000108788474 (45.695 sec) INFO:tensorflow:global_step/sec: 2.20533 INFO:tensorflow:loss = 2.335309, step = 31996 (45.344 sec) INFO:tensorflow:lr = 0.00010834528 (45.344 sec) INFO:tensorflow:global_step/sec: 2.23979 INFO:tensorflow:loss = 2.3347352, step = 32096 (44.652 sec) INFO:tensorflow:lr = 0.00010790391 (44.654 sec) INFO:tensorflow:global_step/sec: 2.23142 INFO:tensorflow:loss = 2.3302944, step = 32196 (44.810 sec) INFO:tensorflow:lr = 0.00010746431 (44.810 sec) INFO:tensorflow:Saving checkpoints for 32274 into ../model/lstm_seq2seq/model.ckpt. INFO:tensorflow:Loss for final step: 2.331128. INFO:tensorflow:Calling model_fn. INFO:tensorflow:Saver not created because there are no variables in the graph to restore INFO:tensorflow:Saver not created because there are no variables in the graph to restore INFO:tensorflow:Done calling model_fn. INFO:tensorflow:Graph was finalized. INFO:tensorflow:Restoring parameters from ../model/lstm_seq2seq/model.ckpt-32274 INFO:tensorflow:Running local_init_op. INFO:tensorflow:Done running local_init_op. ------------ 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:Calling model_fn. INFO:tensorflow:Saver not created because there are no variables in the graph to restore INFO:tensorflow:Saver not created because there are no variables in the graph to restore INFO:tensorflow:Done calling model_fn. INFO:tensorflow:Graph was finalized. INFO:tensorflow:Restoring parameters from ../model/lstm_seq2seq/model.ckpt-32274 INFO:tensorflow:Running local_init_op. INFO:tensorflow:Done running local_init_op. Reading ../data/test.tsv INFO:tensorflow:Evaluation: Testing (Exact Match) Accuracy: 0.741 INFO:tensorflow:Best (Exact Match) Accuracy: 0.746 INFO:tensorflow:Calling model_fn.
/usr/local/lib/python3.6/dist-packages/ipykernel_launcher.py:38: DeprecationWarning: elementwise comparison failed; this will raise an error in the future.
INFO:tensorflow:Saver not created because there are no variables in the graph to restore INFO:tensorflow:Saver not created because there are no variables in the graph to restore [<tf.Variable 'Embedding/dense/kernel:0' shape=(1024, 300) dtype=float32_ref>, <tf.Variable 'Embedding/dense/bias:0' shape=(300,) dtype=float32_ref>, <tf.Variable 'Embedding/glove:0' shape=(8692, 300) dtype=float32_ref>, <tf.Variable 'Encoder/lstm_fused_cell/kernel:0' shape=(900, 1200) dtype=float32_ref>, <tf.Variable 'Encoder/lstm_fused_cell/bias:0' shape=(1200,) dtype=float32_ref>, <tf.Variable 'Encoder/lstm_fused_cell_1/kernel:0' shape=(900, 1200) dtype=float32_ref>, <tf.Variable 'Encoder/lstm_fused_cell_1/bias:0' shape=(1200,) dtype=float32_ref>, <tf.Variable 'Encoder/state_fc/kernel:0' shape=(600, 300) dtype=float32_ref>, <tf.Variable 'Encoder/state_fc/bias:0' shape=(300,) dtype=float32_ref>, <tf.Variable 'Decoder/memory_layer/kernel:0' shape=(600, 300) dtype=float32_ref>, <tf.Variable 'Decoder/memory_layer_1/kernel:0' shape=(600, 300) dtype=float32_ref>, <tf.Variable 'Decoder/decoder/attention_wrapper/lstm_cell/kernel:0' shape=(1200, 1200) dtype=float32_ref>, <tf.Variable 'Decoder/decoder/attention_wrapper/lstm_cell/bias:0' shape=(1200,) dtype=float32_ref>, <tf.Variable 'Decoder/decoder/attention_wrapper/bahdanau_attention/query_layer/kernel:0' shape=(300, 300) dtype=float32_ref>, <tf.Variable 'Decoder/decoder/attention_wrapper/bahdanau_attention/attention_v:0' shape=(300,) dtype=float32_ref>, <tf.Variable 'Decoder/decoder/attention_wrapper/attention_layer/kernel:0' shape=(900, 300) dtype=float32_ref>, <tf.Variable 'Decoder/decoder/attention_wrapper/attention_layer_1/kernel:0' shape=(900, 300) dtype=float32_ref>, <tf.Variable 'Decoder/decoder/tied_dense/bias:0' shape=(8692,) dtype=float32_ref>, <tf.Variable 'Decoder/decoder/tied_dense/proj_W:0' shape=(600, 300) dtype=float32_ref>, <tf.Variable 'Decoder/decoder/tied_dense/proj_b:0' shape=(300,) dtype=float32_ref>] INFO:tensorflow:Done calling model_fn. INFO:tensorflow:Create CheckpointSaverHook. INFO:tensorflow:Graph was finalized. INFO:tensorflow:Restoring parameters from ../model/lstm_seq2seq/model.ckpt-32274 INFO:tensorflow:Running local_init_op. INFO:tensorflow:Done running local_init_op. INFO:tensorflow:Saving checkpoints for 32274 into ../model/lstm_seq2seq/model.ckpt. Reading ../data/train.tsv INFO:tensorflow:loss = 2.3333378, step = 32274 INFO:tensorflow:lr = 0.00010712267 INFO:tensorflow:global_step/sec: 2.12721 INFO:tensorflow:loss = 2.332477, step = 32374 (47.015 sec) INFO:tensorflow:lr = 0.00010668628 (47.012 sec) INFO:tensorflow:global_step/sec: 2.12458 INFO:tensorflow:loss = 2.331703, step = 32474 (47.070 sec) INFO:tensorflow:lr = 0.000106251646 (47.068 sec) INFO:tensorflow:global_step/sec: 2.19434 INFO:tensorflow:loss = 2.3289306, step = 32574 (45.572 sec) INFO:tensorflow:lr = 0.000105818785 (45.572 sec) INFO:tensorflow:global_step/sec: 2.19244 INFO:tensorflow:loss = 2.3365152, step = 32674 (45.610 sec) INFO:tensorflow:lr = 0.0001053877 (45.611 sec) INFO:tensorflow:global_step/sec: 2.13229 INFO:tensorflow:loss = 2.3301613, step = 32774 (46.898 sec) INFO:tensorflow:lr = 0.00010495835 (46.898 sec) INFO:tensorflow:global_step/sec: 2.16301 INFO:tensorflow:loss = 2.3339143, step = 32874 (46.233 sec) INFO:tensorflow:lr = 0.00010453079 (46.233 sec) INFO:tensorflow:global_step/sec: 2.21833 INFO:tensorflow:loss = 2.3305895, step = 32974 (45.083 sec) INFO:tensorflow:lr = 0.00010410492 (45.084 sec) INFO:tensorflow:global_step/sec: 2.22641 INFO:tensorflow:loss = 2.33045, step = 33074 (44.908 sec) INFO:tensorflow:lr = 0.000103680795 (44.909 sec) INFO:tensorflow:global_step/sec: 2.18199 INFO:tensorflow:loss = 2.330022, step = 33174 (45.833 sec) INFO:tensorflow:lr = 0.00010325844 (45.832 sec) INFO:tensorflow:Saving checkpoints for 33252 into ../model/lstm_seq2seq/model.ckpt. INFO:tensorflow:Loss for final step: 2.3319452. INFO:tensorflow:Calling model_fn. INFO:tensorflow:Saver not created because there are no variables in the graph to restore INFO:tensorflow:Saver not created because there are no variables in the graph to restore INFO:tensorflow:Done calling model_fn. INFO:tensorflow:Graph was finalized. INFO:tensorflow:Restoring parameters from ../model/lstm_seq2seq/model.ckpt-33252 INFO:tensorflow:Running local_init_op. INFO:tensorflow:Done running local_init_op. ------------ 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:Calling model_fn. INFO:tensorflow:Saver not created because there are no variables in the graph to restore INFO:tensorflow:Saver not created because there are no variables in the graph to restore INFO:tensorflow:Done calling model_fn. INFO:tensorflow:Graph was finalized. INFO:tensorflow:Restoring parameters from ../model/lstm_seq2seq/model.ckpt-33252 INFO:tensorflow:Running local_init_op. INFO:tensorflow:Done running local_init_op. Reading ../data/test.tsv INFO:tensorflow:Evaluation: Testing (Exact Match) Accuracy: 0.741 INFO:tensorflow:Best (Exact Match) Accuracy: 0.746 INFO:tensorflow:Calling model_fn.
/usr/local/lib/python3.6/dist-packages/ipykernel_launcher.py:38: DeprecationWarning: elementwise comparison failed; this will raise an error in the future.
INFO:tensorflow:Saver not created because there are no variables in the graph to restore INFO:tensorflow:Saver not created because there are no variables in the graph to restore [<tf.Variable 'Embedding/dense/kernel:0' shape=(1024, 300) dtype=float32_ref>, <tf.Variable 'Embedding/dense/bias:0' shape=(300,) dtype=float32_ref>, <tf.Variable 'Embedding/glove:0' shape=(8692, 300) dtype=float32_ref>, <tf.Variable 'Encoder/lstm_fused_cell/kernel:0' shape=(900, 1200) dtype=float32_ref>, <tf.Variable 'Encoder/lstm_fused_cell/bias:0' shape=(1200,) dtype=float32_ref>, <tf.Variable 'Encoder/lstm_fused_cell_1/kernel:0' shape=(900, 1200) dtype=float32_ref>, <tf.Variable 'Encoder/lstm_fused_cell_1/bias:0' shape=(1200,) dtype=float32_ref>, <tf.Variable 'Encoder/state_fc/kernel:0' shape=(600, 300) dtype=float32_ref>, <tf.Variable 'Encoder/state_fc/bias:0' shape=(300,) dtype=float32_ref>, <tf.Variable 'Decoder/memory_layer/kernel:0' shape=(600, 300) dtype=float32_ref>, <tf.Variable 'Decoder/memory_layer_1/kernel:0' shape=(600, 300) dtype=float32_ref>, <tf.Variable 'Decoder/decoder/attention_wrapper/lstm_cell/kernel:0' shape=(1200, 1200) dtype=float32_ref>, <tf.Variable 'Decoder/decoder/attention_wrapper/lstm_cell/bias:0' shape=(1200,) dtype=float32_ref>, <tf.Variable 'Decoder/decoder/attention_wrapper/bahdanau_attention/query_layer/kernel:0' shape=(300, 300) dtype=float32_ref>, <tf.Variable 'Decoder/decoder/attention_wrapper/bahdanau_attention/attention_v:0' shape=(300,) dtype=float32_ref>, <tf.Variable 'Decoder/decoder/attention_wrapper/attention_layer/kernel:0' shape=(900, 300) dtype=float32_ref>, <tf.Variable 'Decoder/decoder/attention_wrapper/attention_layer_1/kernel:0' shape=(900, 300) dtype=float32_ref>, <tf.Variable 'Decoder/decoder/tied_dense/bias:0' shape=(8692,) dtype=float32_ref>, <tf.Variable 'Decoder/decoder/tied_dense/proj_W:0' shape=(600, 300) dtype=float32_ref>, <tf.Variable 'Decoder/decoder/tied_dense/proj_b:0' shape=(300,) dtype=float32_ref>] INFO:tensorflow:Done calling model_fn. INFO:tensorflow:Create CheckpointSaverHook. INFO:tensorflow:Graph was finalized. INFO:tensorflow:Restoring parameters from ../model/lstm_seq2seq/model.ckpt-33252 INFO:tensorflow:Running local_init_op. INFO:tensorflow:Done running local_init_op. INFO:tensorflow:Saving checkpoints for 33252 into ../model/lstm_seq2seq/model.ckpt. Reading ../data/train.tsv INFO:tensorflow:loss = 2.33475, step = 33252 INFO:tensorflow:lr = 0.000102930164 INFO:tensorflow:global_step/sec: 2.09421 INFO:tensorflow:loss = 2.333414, step = 33352 (47.757 sec) INFO:tensorflow:lr = 0.00010251084 (47.757 sec) INFO:tensorflow:global_step/sec: 2.15726 INFO:tensorflow:loss = 2.331684, step = 33452 (46.357 sec) INFO:tensorflow:lr = 0.0001020932 (46.359 sec) INFO:tensorflow:global_step/sec: 2.16728 INFO:tensorflow:loss = 2.3345037, step = 33552 (46.137 sec) INFO:tensorflow:lr = 0.00010167731 (46.137 sec) INFO:tensorflow:global_step/sec: 2.18827 INFO:tensorflow:loss = 2.3339055, step = 33652 (45.696 sec) INFO:tensorflow:lr = 0.00010126308 (45.695 sec) INFO:tensorflow:global_step/sec: 2.22224 INFO:tensorflow:loss = 2.3336837, step = 33752 (44.998 sec) INFO:tensorflow:lr = 0.00010085056 (44.998 sec) INFO:tensorflow:global_step/sec: 2.13885 INFO:tensorflow:loss = 2.3345284, step = 33852 (46.760 sec) INFO:tensorflow:lr = 0.0001004397 (46.759 sec) INFO:tensorflow:global_step/sec: 2.21618 INFO:tensorflow:loss = 2.3320906, step = 33952 (45.121 sec) INFO:tensorflow:lr = 0.000100030506 (45.123 sec) INFO:tensorflow:global_step/sec: 2.19883 INFO:tensorflow:loss = 2.3350203, step = 34052 (45.480 sec) INFO:tensorflow:lr = 9.9623e-05 (45.478 sec) INFO:tensorflow:global_step/sec: 2.22307 INFO:tensorflow:loss = 2.3289773, step = 34152 (44.978 sec) INFO:tensorflow:lr = 9.9217155e-05 (44.979 sec) INFO:tensorflow:Saving checkpoints for 34230 into ../model/lstm_seq2seq/model.ckpt. INFO:tensorflow:Loss for final step: 2.3315408. INFO:tensorflow:Calling model_fn. INFO:tensorflow:Saver not created because there are no variables in the graph to restore INFO:tensorflow:Saver not created because there are no variables in the graph to restore INFO:tensorflow:Done calling model_fn. INFO:tensorflow:Graph was finalized. INFO:tensorflow:Restoring parameters from ../model/lstm_seq2seq/model.ckpt-34230 INFO:tensorflow:Running local_init_op. INFO:tensorflow:Done running local_init_op. ------------ 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:Calling model_fn. INFO:tensorflow:Saver not created because there are no variables in the graph to restore INFO:tensorflow:Saver not created because there are no variables in the graph to restore INFO:tensorflow:Done calling model_fn. INFO:tensorflow:Graph was finalized. INFO:tensorflow:Restoring parameters from ../model/lstm_seq2seq/model.ckpt-34230 INFO:tensorflow:Running local_init_op. INFO:tensorflow:Done running local_init_op. Reading ../data/test.tsv INFO:tensorflow:Evaluation: Testing (Exact Match) Accuracy: 0.741 INFO:tensorflow:Best (Exact Match) Accuracy: 0.746 INFO:tensorflow:Calling model_fn.
/usr/local/lib/python3.6/dist-packages/ipykernel_launcher.py:38: DeprecationWarning: elementwise comparison failed; this will raise an error in the future.
INFO:tensorflow:Saver not created because there are no variables in the graph to restore INFO:tensorflow:Saver not created because there are no variables in the graph to restore [<tf.Variable 'Embedding/dense/kernel:0' shape=(1024, 300) dtype=float32_ref>, <tf.Variable 'Embedding/dense/bias:0' shape=(300,) dtype=float32_ref>, <tf.Variable 'Embedding/glove:0' shape=(8692, 300) dtype=float32_ref>, <tf.Variable 'Encoder/lstm_fused_cell/kernel:0' shape=(900, 1200) dtype=float32_ref>, <tf.Variable 'Encoder/lstm_fused_cell/bias:0' shape=(1200,) dtype=float32_ref>, <tf.Variable 'Encoder/lstm_fused_cell_1/kernel:0' shape=(900, 1200) dtype=float32_ref>, <tf.Variable 'Encoder/lstm_fused_cell_1/bias:0' shape=(1200,) dtype=float32_ref>, <tf.Variable 'Encoder/state_fc/kernel:0' shape=(600, 300) dtype=float32_ref>, <tf.Variable 'Encoder/state_fc/bias:0' shape=(300,) dtype=float32_ref>, <tf.Variable 'Decoder/memory_layer/kernel:0' shape=(600, 300) dtype=float32_ref>, <tf.Variable 'Decoder/memory_layer_1/kernel:0' shape=(600, 300) dtype=float32_ref>, <tf.Variable 'Decoder/decoder/attention_wrapper/lstm_cell/kernel:0' shape=(1200, 1200) dtype=float32_ref>, <tf.Variable 'Decoder/decoder/attention_wrapper/lstm_cell/bias:0' shape=(1200,) dtype=float32_ref>, <tf.Variable 'Decoder/decoder/attention_wrapper/bahdanau_attention/query_layer/kernel:0' shape=(300, 300) dtype=float32_ref>, <tf.Variable 'Decoder/decoder/attention_wrapper/bahdanau_attention/attention_v:0' shape=(300,) dtype=float32_ref>, <tf.Variable 'Decoder/decoder/attention_wrapper/attention_layer/kernel:0' shape=(900, 300) dtype=float32_ref>, <tf.Variable 'Decoder/decoder/attention_wrapper/attention_layer_1/kernel:0' shape=(900, 300) dtype=float32_ref>, <tf.Variable 'Decoder/decoder/tied_dense/bias:0' shape=(8692,) dtype=float32_ref>, <tf.Variable 'Decoder/decoder/tied_dense/proj_W:0' shape=(600, 300) dtype=float32_ref>, <tf.Variable 'Decoder/decoder/tied_dense/proj_b:0' shape=(300,) dtype=float32_ref>] INFO:tensorflow:Done calling model_fn. INFO:tensorflow:Create CheckpointSaverHook. INFO:tensorflow:Graph was finalized. INFO:tensorflow:Restoring parameters from ../model/lstm_seq2seq/model.ckpt-34230 INFO:tensorflow:Running local_init_op. INFO:tensorflow:Done running local_init_op. INFO:tensorflow:Saving checkpoints for 34230 into ../model/lstm_seq2seq/model.ckpt. Reading ../data/train.tsv INFO:tensorflow:loss = 2.3307912, step = 34230 INFO:tensorflow:lr = 9.890173e-05 INFO:tensorflow:global_step/sec: 2.11701 INFO:tensorflow:loss = 2.3347697, step = 34330 (47.243 sec) INFO:tensorflow:lr = 9.8498815e-05 (47.237 sec) INFO:tensorflow:global_step/sec: 2.15737 INFO:tensorflow:loss = 2.331194, step = 34430 (46.352 sec) INFO:tensorflow:lr = 9.809755e-05 (46.354 sec) INFO:tensorflow:global_step/sec: 2.17152 INFO:tensorflow:loss = 2.3305764, step = 34530 (46.054 sec) INFO:tensorflow:lr = 9.769791e-05 (46.053 sec) INFO:tensorflow:global_step/sec: 2.1803 INFO:tensorflow:loss = 2.3343995, step = 34630 (45.860 sec) INFO:tensorflow:lr = 9.7299904e-05 (45.861 sec) INFO:tensorflow:global_step/sec: 2.19814 INFO:tensorflow:loss = 2.3356118, step = 34730 (45.495 sec) INFO:tensorflow:lr = 9.69035e-05 (45.494 sec) INFO:tensorflow:global_step/sec: 2.15633 INFO:tensorflow:loss = 2.331148, step = 34830 (46.377 sec) INFO:tensorflow:lr = 9.6508746e-05 (46.377 sec) INFO:tensorflow:global_step/sec: 2.16474 INFO:tensorflow:loss = 2.3334427, step = 34930 (46.193 sec) INFO:tensorflow:lr = 9.611559e-05 (46.194 sec) INFO:tensorflow:global_step/sec: 2.24638 INFO:tensorflow:loss = 2.3392317, step = 35030 (44.518 sec) INFO:tensorflow:lr = 9.5724004e-05 (44.520 sec) INFO:tensorflow:global_step/sec: 2.17719 INFO:tensorflow:loss = 2.3311074, step = 35130 (45.931 sec) INFO:tensorflow:lr = 9.533404e-05 (45.928 sec) INFO:tensorflow:Saving checkpoints for 35208 into ../model/lstm_seq2seq/model.ckpt. INFO:tensorflow:Loss for final step: 2.3286052. INFO:tensorflow:Calling model_fn. INFO:tensorflow:Saver not created because there are no variables in the graph to restore INFO:tensorflow:Saver not created because there are no variables in the graph to restore INFO:tensorflow:Done calling model_fn. INFO:tensorflow:Graph was finalized. INFO:tensorflow:Restoring parameters from ../model/lstm_seq2seq/model.ckpt-35208 INFO:tensorflow:Running local_init_op. INFO:tensorflow:Done running local_init_op. ------------ 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:Calling model_fn. INFO:tensorflow:Saver not created because there are no variables in the graph to restore INFO:tensorflow:Saver not created because there are no variables in the graph to restore INFO:tensorflow:Done calling model_fn. INFO:tensorflow:Graph was finalized. INFO:tensorflow:Restoring parameters from ../model/lstm_seq2seq/model.ckpt-35208 INFO:tensorflow:Running local_init_op. INFO:tensorflow:Done running local_init_op. Reading ../data/test.tsv INFO:tensorflow:Evaluation: Testing (Exact Match) Accuracy: 0.744 INFO:tensorflow:Best (Exact Match) Accuracy: 0.746 INFO:tensorflow:Calling model_fn.
/usr/local/lib/python3.6/dist-packages/ipykernel_launcher.py:38: DeprecationWarning: elementwise comparison failed; this will raise an error in the future.
INFO:tensorflow:Saver not created because there are no variables in the graph to restore INFO:tensorflow:Saver not created because there are no variables in the graph to restore [<tf.Variable 'Embedding/dense/kernel:0' shape=(1024, 300) dtype=float32_ref>, <tf.Variable 'Embedding/dense/bias:0' shape=(300,) dtype=float32_ref>, <tf.Variable 'Embedding/glove:0' shape=(8692, 300) dtype=float32_ref>, <tf.Variable 'Encoder/lstm_fused_cell/kernel:0' shape=(900, 1200) dtype=float32_ref>, <tf.Variable 'Encoder/lstm_fused_cell/bias:0' shape=(1200,) dtype=float32_ref>, <tf.Variable 'Encoder/lstm_fused_cell_1/kernel:0' shape=(900, 1200) dtype=float32_ref>, <tf.Variable 'Encoder/lstm_fused_cell_1/bias:0' shape=(1200,) dtype=float32_ref>, <tf.Variable 'Encoder/state_fc/kernel:0' shape=(600, 300) dtype=float32_ref>, <tf.Variable 'Encoder/state_fc/bias:0' shape=(300,) dtype=float32_ref>, <tf.Variable 'Decoder/memory_layer/kernel:0' shape=(600, 300) dtype=float32_ref>, <tf.Variable 'Decoder/memory_layer_1/kernel:0' shape=(600, 300) dtype=float32_ref>, <tf.Variable 'Decoder/decoder/attention_wrapper/lstm_cell/kernel:0' shape=(1200, 1200) dtype=float32_ref>, <tf.Variable 'Decoder/decoder/attention_wrapper/lstm_cell/bias:0' shape=(1200,) dtype=float32_ref>, <tf.Variable 'Decoder/decoder/attention_wrapper/bahdanau_attention/query_layer/kernel:0' shape=(300, 300) dtype=float32_ref>, <tf.Variable 'Decoder/decoder/attention_wrapper/bahdanau_attention/attention_v:0' shape=(300,) dtype=float32_ref>, <tf.Variable 'Decoder/decoder/attention_wrapper/attention_layer/kernel:0' shape=(900, 300) dtype=float32_ref>, <tf.Variable 'Decoder/decoder/attention_wrapper/attention_layer_1/kernel:0' shape=(900, 300) dtype=float32_ref>, <tf.Variable 'Decoder/decoder/tied_dense/bias:0' shape=(8692,) dtype=float32_ref>, <tf.Variable 'Decoder/decoder/tied_dense/proj_W:0' shape=(600, 300) dtype=float32_ref>, <tf.Variable 'Decoder/decoder/tied_dense/proj_b:0' shape=(300,) dtype=float32_ref>] INFO:tensorflow:Done calling model_fn. INFO:tensorflow:Create CheckpointSaverHook. INFO:tensorflow:Graph was finalized. INFO:tensorflow:Restoring parameters from ../model/lstm_seq2seq/model.ckpt-35208 INFO:tensorflow:Running local_init_op. INFO:tensorflow:Done running local_init_op. INFO:tensorflow:Saving checkpoints for 35208 into ../model/lstm_seq2seq/model.ckpt. Reading ../data/train.tsv INFO:tensorflow:loss = 2.3301747, step = 35208 INFO:tensorflow:lr = 9.503098e-05 INFO:tensorflow:global_step/sec: 2.08316 INFO:tensorflow:loss = 2.3347633, step = 35308 (48.006 sec) INFO:tensorflow:lr = 9.464382e-05 (48.002 sec) INFO:tensorflow:global_step/sec: 2.18303 INFO:tensorflow:loss = 2.3293526, step = 35408 (45.812 sec) INFO:tensorflow:lr = 9.425827e-05 (45.810 sec) INFO:tensorflow:global_step/sec: 2.23989 INFO:tensorflow:loss = 2.334777, step = 35508 (44.647 sec) INFO:tensorflow:lr = 9.387425e-05 (44.647 sec) INFO:tensorflow:global_step/sec: 2.14488 INFO:tensorflow:loss = 2.3314872, step = 35608 (46.622 sec) INFO:tensorflow:lr = 9.349183e-05 (46.622 sec) INFO:tensorflow:global_step/sec: 2.14279 INFO:tensorflow:loss = 2.33343, step = 35708 (46.672 sec) INFO:tensorflow:lr = 9.311096e-05 (46.673 sec) INFO:tensorflow:global_step/sec: 2.1167 INFO:tensorflow:loss = 2.3311965, step = 35808 (47.241 sec) INFO:tensorflow:lr = 9.273163e-05 (47.241 sec) INFO:tensorflow:global_step/sec: 2.19913 INFO:tensorflow:loss = 2.329997, step = 35908 (45.467 sec) INFO:tensorflow:lr = 9.2353854e-05 (45.467 sec) INFO:tensorflow:global_step/sec: 2.15097 INFO:tensorflow:loss = 2.329617, step = 36008 (46.496 sec) INFO:tensorflow:lr = 9.197761e-05 (46.496 sec) INFO:tensorflow:global_step/sec: 2.14287 INFO:tensorflow:loss = 2.3301616, step = 36108 (46.664 sec) INFO:tensorflow:lr = 9.160291e-05 (46.663 sec) INFO:tensorflow:Saving checkpoints for 36186 into ../model/lstm_seq2seq/model.ckpt. INFO:tensorflow:Loss for final step: 2.3326576. INFO:tensorflow:Calling model_fn. INFO:tensorflow:Saver not created because there are no variables in the graph to restore INFO:tensorflow:Saver not created because there are no variables in the graph to restore INFO:tensorflow:Done calling model_fn. INFO:tensorflow:Graph was finalized. INFO:tensorflow:Restoring parameters from ../model/lstm_seq2seq/model.ckpt-36186 INFO:tensorflow:Running local_init_op. INFO:tensorflow:Done running local_init_op. ------------ 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:Calling model_fn. INFO:tensorflow:Saver not created because there are no variables in the graph to restore INFO:tensorflow:Saver not created because there are no variables in the graph to restore INFO:tensorflow:Done calling model_fn. INFO:tensorflow:Graph was finalized. INFO:tensorflow:Restoring parameters from ../model/lstm_seq2seq/model.ckpt-36186 INFO:tensorflow:Running local_init_op. INFO:tensorflow:Done running local_init_op. Reading ../data/test.tsv INFO:tensorflow:Evaluation: Testing (Exact Match) Accuracy: 0.743 INFO:tensorflow:Best (Exact Match) Accuracy: 0.746 INFO:tensorflow:Calling model_fn.
/usr/local/lib/python3.6/dist-packages/ipykernel_launcher.py:38: DeprecationWarning: elementwise comparison failed; this will raise an error in the future.
INFO:tensorflow:Saver not created because there are no variables in the graph to restore INFO:tensorflow:Saver not created because there are no variables in the graph to restore [<tf.Variable 'Embedding/dense/kernel:0' shape=(1024, 300) dtype=float32_ref>, <tf.Variable 'Embedding/dense/bias:0' shape=(300,) dtype=float32_ref>, <tf.Variable 'Embedding/glove:0' shape=(8692, 300) dtype=float32_ref>, <tf.Variable 'Encoder/lstm_fused_cell/kernel:0' shape=(900, 1200) dtype=float32_ref>, <tf.Variable 'Encoder/lstm_fused_cell/bias:0' shape=(1200,) dtype=float32_ref>, <tf.Variable 'Encoder/lstm_fused_cell_1/kernel:0' shape=(900, 1200) dtype=float32_ref>, <tf.Variable 'Encoder/lstm_fused_cell_1/bias:0' shape=(1200,) dtype=float32_ref>, <tf.Variable 'Encoder/state_fc/kernel:0' shape=(600, 300) dtype=float32_ref>, <tf.Variable 'Encoder/state_fc/bias:0' shape=(300,) dtype=float32_ref>, <tf.Variable 'Decoder/memory_layer/kernel:0' shape=(600, 300) dtype=float32_ref>, <tf.Variable 'Decoder/memory_layer_1/kernel:0' shape=(600, 300) dtype=float32_ref>, <tf.Variable 'Decoder/decoder/attention_wrapper/lstm_cell/kernel:0' shape=(1200, 1200) dtype=float32_ref>, <tf.Variable 'Decoder/decoder/attention_wrapper/lstm_cell/bias:0' shape=(1200,) dtype=float32_ref>, <tf.Variable 'Decoder/decoder/attention_wrapper/bahdanau_attention/query_layer/kernel:0' shape=(300, 300) dtype=float32_ref>, <tf.Variable 'Decoder/decoder/attention_wrapper/bahdanau_attention/attention_v:0' shape=(300,) dtype=float32_ref>, <tf.Variable 'Decoder/decoder/attention_wrapper/attention_layer/kernel:0' shape=(900, 300) dtype=float32_ref>, <tf.Variable 'Decoder/decoder/attention_wrapper/attention_layer_1/kernel:0' shape=(900, 300) dtype=float32_ref>, <tf.Variable 'Decoder/decoder/tied_dense/bias:0' shape=(8692,) dtype=float32_ref>, <tf.Variable 'Decoder/decoder/tied_dense/proj_W:0' shape=(600, 300) dtype=float32_ref>, <tf.Variable 'Decoder/decoder/tied_dense/proj_b:0' shape=(300,) dtype=float32_ref>] INFO:tensorflow:Done calling model_fn. INFO:tensorflow:Create CheckpointSaverHook. INFO:tensorflow:Graph was finalized. INFO:tensorflow:Restoring parameters from ../model/lstm_seq2seq/model.ckpt-36186 INFO:tensorflow:Running local_init_op. INFO:tensorflow:Done running local_init_op. INFO:tensorflow:Saving checkpoints for 36186 into ../model/lstm_seq2seq/model.ckpt. Reading ../data/train.tsv INFO:tensorflow:loss = 2.3281076, step = 36186 INFO:tensorflow:lr = 9.131171e-05 INFO:tensorflow:global_step/sec: 2.08181 INFO:tensorflow:loss = 2.3311753, step = 36286 (48.043 sec) INFO:tensorflow:lr = 9.09397e-05 (48.043 sec) INFO:tensorflow:global_step/sec: 2.19317 INFO:tensorflow:loss = 2.3286912, step = 36386 (45.593 sec) INFO:tensorflow:lr = 9.056923e-05 (45.593 sec) INFO:tensorflow:global_step/sec: 2.15403 INFO:tensorflow:loss = 2.333126, step = 36486 (46.428 sec) INFO:tensorflow:lr = 9.020027e-05 (46.427 sec) INFO:tensorflow:global_step/sec: 2.18137 INFO:tensorflow:loss = 2.3318634, step = 36586 (45.842 sec) INFO:tensorflow:lr = 8.9832785e-05 (45.841 sec) INFO:tensorflow:global_step/sec: 2.1697 INFO:tensorflow:loss = 2.3349023, step = 36686 (46.087 sec) INFO:tensorflow:lr = 8.9466834e-05 (46.088 sec) INFO:tensorflow:global_step/sec: 2.19989 INFO:tensorflow:loss = 2.3347127, step = 36786 (45.460 sec) INFO:tensorflow:lr = 8.910235e-05 (45.459 sec) INFO:tensorflow:global_step/sec: 2.20937 INFO:tensorflow:loss = 2.3320978, step = 36886 (45.259 sec) INFO:tensorflow:lr = 8.873936e-05 (45.261 sec) INFO:tensorflow:global_step/sec: 2.17762 INFO:tensorflow:loss = 2.3309445, step = 36986 (45.924 sec) INFO:tensorflow:lr = 8.837785e-05 (45.922 sec) INFO:tensorflow:global_step/sec: 2.18539 INFO:tensorflow:loss = 2.3302581, step = 37086 (45.758 sec) INFO:tensorflow:lr = 8.80178e-05 (45.759 sec) INFO:tensorflow:Saving checkpoints for 37164 into ../model/lstm_seq2seq/model.ckpt. INFO:tensorflow:Loss for final step: 2.334713. INFO:tensorflow:Calling model_fn. INFO:tensorflow:Saver not created because there are no variables in the graph to restore INFO:tensorflow:Saver not created because there are no variables in the graph to restore INFO:tensorflow:Done calling model_fn. INFO:tensorflow:Graph was finalized. INFO:tensorflow:Restoring parameters from ../model/lstm_seq2seq/model.ckpt-37164 INFO:tensorflow:Running local_init_op. INFO:tensorflow:Done running local_init_op. ------------ 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:Calling model_fn. INFO:tensorflow:Saver not created because there are no variables in the graph to restore INFO:tensorflow:Saver not created because there are no variables in the graph to restore INFO:tensorflow:Done calling model_fn. INFO:tensorflow:Graph was finalized. INFO:tensorflow:Restoring parameters from ../model/lstm_seq2seq/model.ckpt-37164 INFO:tensorflow:Running local_init_op. INFO:tensorflow:Done running local_init_op. Reading ../data/test.tsv INFO:tensorflow:Evaluation: Testing (Exact Match) Accuracy: 0.745 INFO:tensorflow:Best (Exact Match) Accuracy: 0.746 INFO:tensorflow:Calling model_fn.
/usr/local/lib/python3.6/dist-packages/ipykernel_launcher.py:38: DeprecationWarning: elementwise comparison failed; this will raise an error in the future.
INFO:tensorflow:Saver not created because there are no variables in the graph to restore INFO:tensorflow:Saver not created because there are no variables in the graph to restore [<tf.Variable 'Embedding/dense/kernel:0' shape=(1024, 300) dtype=float32_ref>, <tf.Variable 'Embedding/dense/bias:0' shape=(300,) dtype=float32_ref>, <tf.Variable 'Embedding/glove:0' shape=(8692, 300) dtype=float32_ref>, <tf.Variable 'Encoder/lstm_fused_cell/kernel:0' shape=(900, 1200) dtype=float32_ref>, <tf.Variable 'Encoder/lstm_fused_cell/bias:0' shape=(1200,) dtype=float32_ref>, <tf.Variable 'Encoder/lstm_fused_cell_1/kernel:0' shape=(900, 1200) dtype=float32_ref>, <tf.Variable 'Encoder/lstm_fused_cell_1/bias:0' shape=(1200,) dtype=float32_ref>, <tf.Variable 'Encoder/state_fc/kernel:0' shape=(600, 300) dtype=float32_ref>, <tf.Variable 'Encoder/state_fc/bias:0' shape=(300,) dtype=float32_ref>, <tf.Variable 'Decoder/memory_layer/kernel:0' shape=(600, 300) dtype=float32_ref>, <tf.Variable 'Decoder/memory_layer_1/kernel:0' shape=(600, 300) dtype=float32_ref>, <tf.Variable 'Decoder/decoder/attention_wrapper/lstm_cell/kernel:0' shape=(1200, 1200) dtype=float32_ref>, <tf.Variable 'Decoder/decoder/attention_wrapper/lstm_cell/bias:0' shape=(1200,) dtype=float32_ref>, <tf.Variable 'Decoder/decoder/attention_wrapper/bahdanau_attention/query_layer/kernel:0' shape=(300, 300) dtype=float32_ref>, <tf.Variable 'Decoder/decoder/attention_wrapper/bahdanau_attention/attention_v:0' shape=(300,) dtype=float32_ref>, <tf.Variable 'Decoder/decoder/attention_wrapper/attention_layer/kernel:0' shape=(900, 300) dtype=float32_ref>, <tf.Variable 'Decoder/decoder/attention_wrapper/attention_layer_1/kernel:0' shape=(900, 300) dtype=float32_ref>, <tf.Variable 'Decoder/decoder/tied_dense/bias:0' shape=(8692,) dtype=float32_ref>, <tf.Variable 'Decoder/decoder/tied_dense/proj_W:0' shape=(600, 300) dtype=float32_ref>, <tf.Variable 'Decoder/decoder/tied_dense/proj_b:0' shape=(300,) dtype=float32_ref>] INFO:tensorflow:Done calling model_fn. INFO:tensorflow:Create CheckpointSaverHook. INFO:tensorflow:Graph was finalized. INFO:tensorflow:Restoring parameters from ../model/lstm_seq2seq/model.ckpt-37164 INFO:tensorflow:Running local_init_op. INFO:tensorflow:Done running local_init_op. INFO:tensorflow:Saving checkpoints for 37164 into ../model/lstm_seq2seq/model.ckpt. Reading ../data/train.tsv INFO:tensorflow:loss = 2.330374, step = 37164 INFO:tensorflow:lr = 8.773799e-05 INFO:tensorflow:global_step/sec: 2.10388 INFO:tensorflow:loss = 2.3277805, step = 37264 (47.537 sec) INFO:tensorflow:lr = 8.738056e-05 (47.537 sec) INFO:tensorflow:global_step/sec: 2.17344 INFO:tensorflow:loss = 2.3295767, step = 37364 (46.009 sec) INFO:tensorflow:lr = 8.702458e-05 (46.008 sec) INFO:tensorflow:global_step/sec: 2.16274 INFO:tensorflow:loss = 2.3290825, step = 37464 (46.240 sec) INFO:tensorflow:lr = 8.667006e-05 (46.242 sec) INFO:tensorflow:global_step/sec: 2.23003 INFO:tensorflow:loss = 2.3285396, step = 37564 (44.841 sec) INFO:tensorflow:lr = 8.6316955e-05 (44.839 sec) INFO:tensorflow:global_step/sec: 2.16121 INFO:tensorflow:loss = 2.327582, step = 37664 (46.271 sec) INFO:tensorflow:lr = 8.596532e-05 (46.271 sec) INFO:tensorflow:global_step/sec: 2.23682 INFO:tensorflow:loss = 2.3314574, step = 37764 (44.703 sec) INFO:tensorflow:lr = 8.5615124e-05 (44.704 sec) INFO:tensorflow:global_step/sec: 2.13029 INFO:tensorflow:loss = 2.3300276, step = 37864 (46.944 sec) INFO:tensorflow:lr = 8.526632e-05 (46.943 sec) INFO:tensorflow:global_step/sec: 2.2011 INFO:tensorflow:loss = 2.329141, step = 37964 (45.429 sec) INFO:tensorflow:lr = 8.491897e-05 (45.429 sec) INFO:tensorflow:global_step/sec: 2.23017 INFO:tensorflow:loss = 2.3330858, step = 38064 (44.844 sec) INFO:tensorflow:lr = 8.4573e-05 (44.844 sec) INFO:tensorflow:Saving checkpoints for 38142 into ../model/lstm_seq2seq/model.ckpt. INFO:tensorflow:Loss for final step: 2.3296423. INFO:tensorflow:Calling model_fn. INFO:tensorflow:Saver not created because there are no variables in the graph to restore INFO:tensorflow:Saver not created because there are no variables in the graph to restore INFO:tensorflow:Done calling model_fn. INFO:tensorflow:Graph was finalized. INFO:tensorflow:Restoring parameters from ../model/lstm_seq2seq/model.ckpt-38142 INFO:tensorflow:Running local_init_op. INFO:tensorflow:Done running local_init_op. ------------ 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:Calling model_fn. INFO:tensorflow:Saver not created because there are no variables in the graph to restore INFO:tensorflow:Saver not created because there are no variables in the graph to restore INFO:tensorflow:Done calling model_fn. INFO:tensorflow:Graph was finalized. INFO:tensorflow:Restoring parameters from ../model/lstm_seq2seq/model.ckpt-38142 INFO:tensorflow:Running local_init_op. INFO:tensorflow:Done running local_init_op. Reading ../data/test.tsv INFO:tensorflow:Evaluation: Testing (Exact Match) Accuracy: 0.746 INFO:tensorflow:Best (Exact Match) Accuracy: 0.746 INFO:tensorflow:Calling model_fn.
/usr/local/lib/python3.6/dist-packages/ipykernel_launcher.py:38: DeprecationWarning: elementwise comparison failed; this will raise an error in the future.
INFO:tensorflow:Saver not created because there are no variables in the graph to restore INFO:tensorflow:Saver not created because there are no variables in the graph to restore [<tf.Variable 'Embedding/dense/kernel:0' shape=(1024, 300) dtype=float32_ref>, <tf.Variable 'Embedding/dense/bias:0' shape=(300,) dtype=float32_ref>, <tf.Variable 'Embedding/glove:0' shape=(8692, 300) dtype=float32_ref>, <tf.Variable 'Encoder/lstm_fused_cell/kernel:0' shape=(900, 1200) dtype=float32_ref>, <tf.Variable 'Encoder/lstm_fused_cell/bias:0' shape=(1200,) dtype=float32_ref>, <tf.Variable 'Encoder/lstm_fused_cell_1/kernel:0' shape=(900, 1200) dtype=float32_ref>, <tf.Variable 'Encoder/lstm_fused_cell_1/bias:0' shape=(1200,) dtype=float32_ref>, <tf.Variable 'Encoder/state_fc/kernel:0' shape=(600, 300) dtype=float32_ref>, <tf.Variable 'Encoder/state_fc/bias:0' shape=(300,) dtype=float32_ref>, <tf.Variable 'Decoder/memory_layer/kernel:0' shape=(600, 300) dtype=float32_ref>, <tf.Variable 'Decoder/memory_layer_1/kernel:0' shape=(600, 300) dtype=float32_ref>, <tf.Variable 'Decoder/decoder/attention_wrapper/lstm_cell/kernel:0' shape=(1200, 1200) dtype=float32_ref>, <tf.Variable 'Decoder/decoder/attention_wrapper/lstm_cell/bias:0' shape=(1200,) dtype=float32_ref>, <tf.Variable 'Decoder/decoder/attention_wrapper/bahdanau_attention/query_layer/kernel:0' shape=(300, 300) dtype=float32_ref>, <tf.Variable 'Decoder/decoder/attention_wrapper/bahdanau_attention/attention_v:0' shape=(300,) dtype=float32_ref>, <tf.Variable 'Decoder/decoder/attention_wrapper/attention_layer/kernel:0' shape=(900, 300) dtype=float32_ref>, <tf.Variable 'Decoder/decoder/attention_wrapper/attention_layer_1/kernel:0' shape=(900, 300) dtype=float32_ref>, <tf.Variable 'Decoder/decoder/tied_dense/bias:0' shape=(8692,) dtype=float32_ref>, <tf.Variable 'Decoder/decoder/tied_dense/proj_W:0' shape=(600, 300) dtype=float32_ref>, <tf.Variable 'Decoder/decoder/tied_dense/proj_b:0' shape=(300,) dtype=float32_ref>] INFO:tensorflow:Done calling model_fn. INFO:tensorflow:Create CheckpointSaverHook. INFO:tensorflow:Graph was finalized. INFO:tensorflow:Restoring parameters from ../model/lstm_seq2seq/model.ckpt-38142 INFO:tensorflow:Running local_init_op. INFO:tensorflow:Done running local_init_op. INFO:tensorflow:Saving checkpoints for 38142 into ../model/lstm_seq2seq/model.ckpt. Reading ../data/train.tsv INFO:tensorflow:loss = 2.3297956, step = 38142 INFO:tensorflow:lr = 8.430415e-05 INFO:tensorflow:global_step/sec: 2.06369 INFO:tensorflow:loss = 2.3337839, step = 38242 (48.463 sec) INFO:tensorflow:lr = 8.39607e-05 (48.457 sec) INFO:tensorflow:global_step/sec: 2.20824 INFO:tensorflow:loss = 2.3305316, step = 38342 (45.296 sec) INFO:tensorflow:lr = 8.361866e-05 (45.296 sec) INFO:tensorflow:global_step/sec: 2.18916 INFO:tensorflow:loss = 2.33133, step = 38442 (45.669 sec) INFO:tensorflow:lr = 8.3278006e-05 (45.669 sec) INFO:tensorflow:global_step/sec: 2.1934 INFO:tensorflow:loss = 2.333039, step = 38542 (45.591 sec) INFO:tensorflow:lr = 8.2938735e-05 (45.592 sec) INFO:tensorflow:global_step/sec: 2.14726 INFO:tensorflow:loss = 2.3297439, step = 38642 (46.573 sec) INFO:tensorflow:lr = 8.2600855e-05 (46.573 sec) INFO:tensorflow:global_step/sec: 2.12267 INFO:tensorflow:loss = 2.330779, step = 38742 (47.115 sec) INFO:tensorflow:lr = 8.2264356e-05 (47.115 sec) INFO:tensorflow:global_step/sec: 2.17016 INFO:tensorflow:loss = 2.3298385, step = 38842 (46.069 sec) INFO:tensorflow:lr = 8.192921e-05 (46.070 sec) INFO:tensorflow:global_step/sec: 2.21821 INFO:tensorflow:loss = 2.3321922, step = 38942 (45.086 sec) INFO:tensorflow:lr = 8.159544e-05 (45.088 sec) INFO:tensorflow:global_step/sec: 2.13081 INFO:tensorflow:loss = 2.3375905, step = 39042 (46.931 sec) INFO:tensorflow:lr = 8.1263024e-05 (46.927 sec) INFO:tensorflow:Saving checkpoints for 39120 into ../model/lstm_seq2seq/model.ckpt. INFO:tensorflow:Loss for final step: 2.326765. INFO:tensorflow:Calling model_fn. INFO:tensorflow:Saver not created because there are no variables in the graph to restore INFO:tensorflow:Saver not created because there are no variables in the graph to restore INFO:tensorflow:Done calling model_fn. INFO:tensorflow:Graph was finalized. INFO:tensorflow:Restoring parameters from ../model/lstm_seq2seq/model.ckpt-39120 INFO:tensorflow:Running local_init_op. INFO:tensorflow:Done running local_init_op. ------------ 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:Calling model_fn. INFO:tensorflow:Saver not created because there are no variables in the graph to restore INFO:tensorflow:Saver not created because there are no variables in the graph to restore INFO:tensorflow:Done calling model_fn. INFO:tensorflow:Graph was finalized. INFO:tensorflow:Restoring parameters from ../model/lstm_seq2seq/model.ckpt-39120 INFO:tensorflow:Running local_init_op. INFO:tensorflow:Done running local_init_op. Reading ../data/test.tsv INFO:tensorflow:Evaluation: Testing (Exact Match) Accuracy: 0.748 INFO:tensorflow:Best (Exact Match) Accuracy: 0.748 INFO:tensorflow:Calling model_fn.
/usr/local/lib/python3.6/dist-packages/ipykernel_launcher.py:38: DeprecationWarning: elementwise comparison failed; this will raise an error in the future.
INFO:tensorflow:Saver not created because there are no variables in the graph to restore INFO:tensorflow:Saver not created because there are no variables in the graph to restore [<tf.Variable 'Embedding/dense/kernel:0' shape=(1024, 300) dtype=float32_ref>, <tf.Variable 'Embedding/dense/bias:0' shape=(300,) dtype=float32_ref>, <tf.Variable 'Embedding/glove:0' shape=(8692, 300) dtype=float32_ref>, <tf.Variable 'Encoder/lstm_fused_cell/kernel:0' shape=(900, 1200) dtype=float32_ref>, <tf.Variable 'Encoder/lstm_fused_cell/bias:0' shape=(1200,) dtype=float32_ref>, <tf.Variable 'Encoder/lstm_fused_cell_1/kernel:0' shape=(900, 1200) dtype=float32_ref>, <tf.Variable 'Encoder/lstm_fused_cell_1/bias:0' shape=(1200,) dtype=float32_ref>, <tf.Variable 'Encoder/state_fc/kernel:0' shape=(600, 300) dtype=float32_ref>, <tf.Variable 'Encoder/state_fc/bias:0' shape=(300,) dtype=float32_ref>, <tf.Variable 'Decoder/memory_layer/kernel:0' shape=(600, 300) dtype=float32_ref>, <tf.Variable 'Decoder/memory_layer_1/kernel:0' shape=(600, 300) dtype=float32_ref>, <tf.Variable 'Decoder/decoder/attention_wrapper/lstm_cell/kernel:0' shape=(1200, 1200) dtype=float32_ref>, <tf.Variable 'Decoder/decoder/attention_wrapper/lstm_cell/bias:0' shape=(1200,) dtype=float32_ref>, <tf.Variable 'Decoder/decoder/attention_wrapper/bahdanau_attention/query_layer/kernel:0' shape=(300, 300) dtype=float32_ref>, <tf.Variable 'Decoder/decoder/attention_wrapper/bahdanau_attention/attention_v:0' shape=(300,) dtype=float32_ref>, <tf.Variable 'Decoder/decoder/attention_wrapper/attention_layer/kernel:0' shape=(900, 300) dtype=float32_ref>, <tf.Variable 'Decoder/decoder/attention_wrapper/attention_layer_1/kernel:0' shape=(900, 300) dtype=float32_ref>, <tf.Variable 'Decoder/decoder/tied_dense/bias:0' shape=(8692,) dtype=float32_ref>, <tf.Variable 'Decoder/decoder/tied_dense/proj_W:0' shape=(600, 300) dtype=float32_ref>, <tf.Variable 'Decoder/decoder/tied_dense/proj_b:0' shape=(300,) dtype=float32_ref>] INFO:tensorflow:Done calling model_fn. INFO:tensorflow:Create CheckpointSaverHook. INFO:tensorflow:Graph was finalized. INFO:tensorflow:Restoring parameters from ../model/lstm_seq2seq/model.ckpt-39120 INFO:tensorflow:Running local_init_op. INFO:tensorflow:Done running local_init_op. INFO:tensorflow:Saving checkpoints for 39120 into ../model/lstm_seq2seq/model.ckpt. Reading ../data/train.tsv INFO:tensorflow:loss = 2.3264596, step = 39120 INFO:tensorflow:lr = 8.100469e-05 INFO:tensorflow:global_step/sec: 2.13921 INFO:tensorflow:loss = 2.32863, step = 39220 (46.751 sec) INFO:tensorflow:lr = 8.06747e-05 (46.747 sec)