2017-09-26 151 views
0

我保存了一个训练有素的LSTM模型,我想恢复预测以在测试中使用它。我试图按照this post。但我收到错误。这里是我的尝试:如何在使用Saver的Tensorflow中保存和恢复训练有素的模型?

x = tf.placeholder('tf.float32', [None, input_vec_size, 1]) 
y = tf.placeholder('tf.float32') 


def recurrent_neural_network(x): 
    layer = {'weights': tf.Variable(tf.random_normal([n_hidden, n_classes])), 
      'biases': tf.Variable(tf.random_normal([n_classes]))}  
    x = tf.transpose(x, [1, 0, 2]) 
    x = tf.reshape(x, [-1, 1]) 
    x = tf.split(x, input_vec_size, 0) 

    lstm_cell = rnn.BasicLSTMCell(n_hidden, state_is_tuple=True) 
    outputs, states = rnn.static_rnn(lstm_cell, x, dtype=tf.float32) 
    output = tf.add(tf.matmul(outputs[-1], layer['weights']), layer['biases']) 

    return output 

def train_neural_network(x): 
    prediction = recurrent_neural_network(x) 
    cost = tf.reduce_mean(tf.nn.softmax_cross_entropy_with_logits(logits=prediction, labels=y)) 
    optimizer = tf.train.AdamOptimizer(learning_rate=0.001).minimize(cost) 
    saver = tf.train.Saver() 

    with tf.Session() as sess: 
     sess.run(tf.global_variables_initializer()) 

     Training ... 
     saver.save(sess, os.path.join(os.getcwd(), 'my_test_model')) 

之后,在训练阶段,我想

def test_neural_network(input_data): 
    with tf.Session() as sess: 
     #sess.run(tf.global_variables_initializer()) 
     new_saver = tf.train.import_meta_graph('my_test_model.meta') 
     new_saver.restore(sess, tf.train.latest_checkpoint('./')) 
     prediction = tf.get_default_graph().get_tensor_by_name("prediction:0") 

     Calculate features from input_data ... 
     result = sess.run(tf.argmax(prediction.eval(feed_dict={x: features}), 1)) 

但是,这将引发以下错误:

KeyError: "The name 'prediction:0' refers to a Tensor which does not exist. The operation, 'prediction', does not exist in the graph."

然后我试图加入: tf.add_to_collection('prediction', prediction)保存之前,并在恢复后用prediction = tf.get_collection('prediction')[0]替换。但是,这给了我以下错误:

InvalidArgumentError (see above for traceback): You must feed a value for placeholder tensor 'Placeholder_2' with dtype float and shape [?,34,1] [[Node: Placeholder_2 = Placeholderdtype=DT_FLOAT, shape=[?,34,1], _device="/job:localhost/replica:0/task:0/cpu:0"]]

我知道的第一个错误,我应该以恢复,但prediction不是tensorflow变量指定一个名称。我经历了几篇以前的文章和文章,但无法提出一个可行的解决方案。所以,我的问题是:

  1. 我在做一些概念错误?如果是这样,什么?
  2. 如果没有,是否有执行错误?我该如何解决它?

谢谢。

回答

0

我终于可以保存我的训练模型,所以发布一个答案,以防万一有人遇到这个问题。我没有得到确切问题的解决方案,但我可以使用tflearn构建并保存我的模型。为了培养和存储:

model = tflearn.DNN(lstm_model(n_classes, input_vec_size)) 
model.fit(train_x, train_y, validation_set=(test_x, test_y), n_epoch=20, 
      show_metric=True, snapshot_epoch=True, run_id='lstm_model') 
model.save("../Models/lstm_model") 

后来,恢复:

model.load(filepath+"lstm_model") 

这似乎是一个更容易的方法与模型的工作,并提供了一个紧凑和新颖的方式做我在问题中发布了同样的任务。

相关问题