TensorFlow Estimator学习笔记(二)Estimator自定义模型-使用卷积神经网络解决 MNIST 问题

导入需要用到的包

import tensorflow as tf
import numpy as np
from tensorflow.examples.tutorials.mnist import input_data

将 TensorFlow 日志信息输出

tf.logging.set_verbosity(tf.logging.INFO)

通过tf.layers来定义模型结果。这里可以使用原生态的TensorFlowAPI或者任何TensorFlow的高层封装。X给出了输入层张量,is_training指明了是否为训练。该函数返回前向传播的结果

def lenet(x, is_training):
    #将输入转化为卷积层需要的形状
    x = tf.reshape(x, shape=[-1, 28, 28, 1])

    net = tf.layers.conv2d(x, 32, 5, activation=tf.nn.relu)
    net = tf.layers.max_pooling2d(net, 2, 2)
    net = tf.layers.conv2d(net, 64, 3, activation=tf.nn.relu)
    net = tf.layers.max_pooling2d(net, 2, 2)
    net = tf.contrib.layers.flatten(net)
    net = tf.layers.dense(net, 1024)
    net = tf.layers.dropout(net, rate=0.4, training=is_training)
    return tf.layers.dense(net, 10)

自定义Estimator中使用的模型。定义的函数有4个输入,features给出了在输入函数中会提供的输入层张量。注意这是一个字典,字典里的内容是通过tf.estimator.inputs.numpy_input_fn中x参数的内容指定的。labels是正确答案,这个字段的内容是通过numpy_input_fn中的y参数给出的。mode的取值有3种可能,分别对应Estimator类的train,evaluate和predict这3个函数。通过这个参数可以判断当前是否是训练过程。最后params是一个字典,这个字典中可以给出模型相关的任何超参数。比如这里将学习率放在params中。

def model_fn(features, labels, mode, params):
    # 定义神经网络的结构并通过输入到前向传播的结果。
    predict = lenet(features["image"], mode == tf.estimator.ModeKeys.TRAIN)
    # 如果在预测模式,那么只需要将结果返回即可
    if mode == tf.estimator.ModeKeys.PREDICT:
        # 使用EstimatorSpec传递返回值,并通过predictions参数指定返回的结果。
        return tf.estimator.EstimatorSpec(
            mode=mode,
            predictions={"result": tf.argmax(predict, 1)})

    # 定义损失函数
    loss = tf.reduce_mean(tf.nn.sparse_softmax_cross_entropy_with_logits(
            logits=predict, labels=labels))
    # 定义优化函数
    optimizer = tf.train.GradientDescentOptimizer(
            learning_rate=params["learning_rate"])
    # 定义训练过程
    train_op = optimizer.minimize(
            loss=loss, global_step=tf.train.get_global_step())

    # 定义评测标准,在运行evaluate时会计算这里定义的所有评测标准
    eval_metric_ops = {
            "my_metric": tf.metrics.accuracy(tf.argmax(predict, 1), labels)
    }
    # 返回模型训练过程需要使用的损失函数,训练过程和评测方法
    return tf.estimator.EstimatorSpec(
        mode=mode,
        loss=loss,
        train_op=train_op,
        eval_metric_ops=eval_metric_ops)

通过自定义的方式生成Estimator类,这里需要提供模型定义的函数并通过params参数指定模型定义时使用的超参数

mnist = input_data.read_data_sets("/path/to/MNIST_data", one_hot=False)
model_params = {"learning_rate": 0.01}
estimator = tf.estimator.Estimator(model_fn=model_fn, params=model_params)

训练和评测

train_input_fn = tf.estimator.inputs.numpy_input_fn(
    x={"image": mnist.train.images},
    y=mnist.train.labels.astype(np.int32),
    num_epochs=None,
    batch_size=128,
    shuffle=True)
estimator.train(input_fn=train_input_fn, steps=30000)

这里使用的my_metric中的内容就是model_fn中eval_metric_ops定义的评测指标

accuracy_score = test_results["my_metric"]
print("\nTest accuracy: %g %%" % (accuracy_score*100))

使用训练好的模型在新数据上预测结果

predict_input_fn = tf.estimator.inputs.numpy_input_fn(
    x={"image": mnist.test.images[:10]},
    num_epochs=1,
    shuffle=False)
predictions = estimator.predict(input_fn=predict_input_fn)
for i, p in enumerate(predictions):
    # 这里result就是tf.estimator.EstimatorSpec的参数predictions中指定的内容
    # 因为这个内容是一个字典,所以Estimator可以很容易支持多输出
    print("Prediction %s: %s" % (i+1, p["result"]))

这里写图片描述
这里写图片描述
这里写图片描述

  • 1
    点赞
  • 3
    收藏
    觉得还不错? 一键收藏
  • 1
    评论
评论 1
添加红包

请填写红包祝福语或标题

红包个数最小为10个

红包金额最低5元

当前余额3.43前往充值 >
需支付:10.00
成就一亿技术人!
领取后你会自动成为博主和红包主的粉丝 规则
hope_wisdom
发出的红包
实付
使用余额支付
点击重新获取
扫码支付
钱包余额 0

抵扣说明:

1.余额是钱包充值的虚拟货币,按照1:1的比例进行支付金额的抵扣。
2.余额无法直接购买下载,可以购买VIP、付费专栏及课程。

余额充值