我目前正在计划我的第一个Conv。在Tensorflow中实现NN,并且已经阅读了Tensorflow website上提供的许多教程以获得洞察力。
似乎有两种方法可以创建自定义CNN:
1)使用Tensorflow图层模块tf.layers
,这是“高级API”。使用此方法,您可以定义由tf.layers
个对象组成的模型定义函数,并在main函数中实例化tf.learn.Estimator
,并将模型定义函数传递给它。从这里开始,fit()
和evaluate()
方法可以分别在Estimator
对象上调用,该对象分别进行训练和验证。链接:https://www.tensorflow.org/tutorials/layers。主要功能如下:
def main(unused_argv):
# Load training and eval data
mnist = learn.datasets.load_dataset("mnist")
train_data = mnist.train.images # Returns np.array
train_labels = np.asarray(mnist.train.labels, dtype=np.int32)
eval_data = mnist.test.images # Returns np.array
eval_labels = np.asarray(mnist.test.labels, dtype=np.int32)
# Create the Estimator
mnist_classifier = learn.Estimator(
model_fn=cnn_model_fn, model_dir="/tmp/mnist_convnet_model")
# Set up logging for predictions
# Log the values in the "Softmax" tensor with label "probabilities"
tensors_to_log = {"probabilities": "softmax_tensor"}
logging_hook = tf.train.LoggingTensorHook(
tensors=tensors_to_log, every_n_iter=50)
# Train the model
mnist_classifier.fit(
x=train_data,
y=train_labels,
batch_size=100,
steps=20000,
monitors=[logging_hook])
# Configure the accuracy metric for evaluation
metrics = {
"accuracy":
learn.MetricSpec(
metric_fn=tf.metrics.accuracy, prediction_key="classes"),
}
# Evaluate the model and print results
eval_results = mnist_classifier.evaluate(
x=eval_data, y=eval_labels, metrics=metrics)
print(eval_results)
完整代码here
2)使用Tensorflow的“低级API”,其中在定义函数中定义图层。此处,手动定义图层,用户必须手动执行许多计算。在main函数中,用户启动tf.Session()
,并使用for循环手动配置训练/验证。链接:https://www.tensorflow.org/get_started/mnist/pros。主要功能如下:
def main(_):
# Import data
mnist = input_data.read_data_sets(FLAGS.data_dir, one_hot=True)
# Create the model
x = tf.placeholder(tf.float32, [None, 784])
# Define loss and optimizer
y_ = tf.placeholder(tf.float32, [None, 10])
# Build the graph for the deep net
y_conv, keep_prob = deepnn(x)
with tf.name_scope('loss'):
cross_entropy = tf.nn.softmax_cross_entropy_with_logits(labels=y_,
logits=y_conv)
cross_entropy = tf.reduce_mean(cross_entropy)
with tf.name_scope('adam_optimizer'):
train_step = tf.train.AdamOptimizer(1e-4).minimize(cross_entropy)
with tf.name_scope('accuracy'):
correct_prediction = tf.equal(tf.argmax(y_conv, 1), tf.argmax(y_, 1))
correct_prediction = tf.cast(correct_prediction, tf.float32)
accuracy = tf.reduce_mean(correct_prediction)
graph_location = tempfile.mkdtemp()
print('Saving graph to: %s' % graph_location)
train_writer = tf.summary.FileWriter(graph_location)
train_writer.add_graph(tf.get_default_graph())
with tf.Session() as sess:
sess.run(tf.global_variables_initializer())
for i in range(20000):
batch = mnist.train.next_batch(50)
if i % 100 == 0:
train_accuracy = accuracy.eval(feed_dict={
x: batch[0], y_: batch[1], keep_prob: 1.0})
print('step %d, training accuracy %g' % (i, train_accuracy))
train_step.run(feed_dict={x: batch[0], y_: batch[1], keep_prob: 0.5})
print('test accuracy %g' % accuracy.eval(feed_dict={
x: mnist.test.images, y_: mnist.test.labels, keep_prob: 1.0}))
完整代码here
我的困境是,我喜欢使用tf.layers
(选项1)定义神经网络的简单性,但我希望“低级API”(选项2)提供的训练的可自定义性。具体来说,在使用tf.layers
实现时,是否有办法在每n次训练中报告验证准确性?或者更一般地说,我可以使用tf.Session()
进行培训/验证,还是仅限于使用tf.learn.Estimator
的{{1}}和fit()
方法?
在所有培训完成后,人们希望获得最终评估分数似乎很奇怪,因为我认为整个验证点是在培训期间跟踪网络进展。否则,验证和测试之间会有什么区别?
任何帮助都将不胜感激。
答案 0 :(得分:4)
你几乎是正确的,但是tf.layers
与Estimator
类功能分开。如果你想,你可以使用tf.Layers来定义你的层,但是然后建立你自己的训练循环或不管你喜欢什么。您可以认为tf.Layers
只是您可以在上面的第二个选项中创建的那些功能。
如果您对能够快速构建基本模型感兴趣,但能够使用其他函数,您自己的训练循环等扩展它,那么您没有理由不能使用图层来构建模型并与之交互无论你希望如何。
tf.Layers
- https://www.tensorflow.org/api_docs/python/tf/layers
tf.Estimator
- https://www.tensorflow.org/api_docs/python/tf/estimator