tensorflow入门应用方法(四)——训练模型的保存和读取

在训练深度模型时,我们常常需要把模型训练的参数值保存到磁盘,防止意外情况发生导致模型数据丢失。

模型保存

模型的保存很简单,可以调用tf.train.Saver().save(sess, save_path)方法将sess会话中的参数值保存到save_path路径中。

import tensorflow as tf


# 将模型写入磁盘
v1 = tf.Variable(tf.random_normal([1,2]), name='v1')
v2 = tf.Variable(tf.random_normal([2,3]), name='v2')
init_op = tf.global_variables_initializer()
saver = tf.train.Saver()
with tf.Session() as sess:
    sess.run(init_op)
    print('v1: ', sess.run(v1))
    print('v2: ', sess.run(v2))
    saver_path = saver.save(sess, './data/model.ckpt')
    print('Model saved in file: ', saver_path)

输出结果如下:

v1:  [[-0.21382442 -0.45123124]]
v2:  [[-0.26286286  1.63149405  0.94820863]
 [-1.51325119  0.19088188  1.83994102]]
Model saved in file:  ./data/model.ckpt

模型读取

为了避免模型从头训练,我们可以提前将模型训练的中间结果保存到磁盘。如果,有意外情况发生需要中止训练,我们可以后期加载磁盘中的参数值,然后继续训练。

import tensorflow as tf


# 从磁盘读取模型
v1 = tf.Variable(tf.random_normal([1,2]), name='v1')
v2 = tf.Variable(tf.random_normal([2,3]), name='v2')
saver = tf.train.Saver()
with tf.Session() as sess:
    saver.restore(sess, './data/model.ckpt')
    print('v1: ', sess.run(v1))
    print('v2: ', sess.run(v2))
    print('Model restored')

输出结果如下:

v1:  [[-0.21382442 -0.45123124]]
v2:  [[-0.26286286  1.63149405  0.94820863]
 [-1.51325119  0.19088188  1.83994102]]
Model restored

通过对比可以发现,两次输出的参数结果都是一样的。

basic_cnn模型保存与读取

为了结合具体的例子,这里将上一篇文章tensorflow入门应用方法(三)——卷积网络搭建中搭建的卷积模型进行参数值保存和读取实验。

修改代码

首先,修改相关代码如下:

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


mnist = input_data.read_data_sets('data/', one_hot=True)

trainimg = mnist.train.images
trainlabel = mnist.train.labels
testimg = mnist.test.images
testlabel = mnist.test.labels

print('MNIST loaded')


# 参数初始化
n_input = 784 # 28×28
n_output = 10


# 输入输出
x = tf.placeholder(tf.float32, [None, n_input])
y = tf.placeholder(tf.float32, [None, n_output])
keepratio = tf.placeholder(tf.float32)


Weights = {
    'wc1': tf.Variable(tf.random_normal([3,3,1,64], stddev=0.1)),
    # 3,3,1,64 -- f_hight, f_width, input_channel, output_channel
    'wc2': tf.Variable(tf.random_normal([3,3,64,128], stddev=0.1)),
    'wd1': tf.Variable(tf.random_normal([7*7*128, 1024], stddev=0.1)),
    # 两次max pool以后由28×28变成7×7   卷积特征核的大小变化公式:(input_(h,w) - f_(h,w) + 2*padding)/stride + 1,
    # 这里卷积对特征核大小没有影响
    'wd2': tf.Variable(tf.random_normal([1024, n_output], stddev=0.1))
}

biases = {
    'bc1': tf.Variable(tf.random_normal([64], stddev=0.1)),
    'bc2': tf.Variable(tf.random_normal([128], stddev=0.1)),
    'bd1': tf.Variable(tf.random_normal([1024], stddev=0.1)),
    'bd2': tf.Variable(tf.random_normal([n_output], stddev=0.1))
}


# 定义卷积层
def conv_basic(_input, _w, _b, _keepratio):
    # input
    _input_r = tf.reshape(_input, shape=[-1, 28, 28, 1])
    # shape=[batch_size, input_height, input_width, input_channel]
    # conv layer1
    _conv1 = tf.nn.conv2d(_input_r, _w['wc1'], strides=[1,1,1,1], padding='SAME')
    # strides = [batch_size_stride, height_stride, width_stride, channel_stride]
    _conv1 = tf.nn.relu(tf.nn.bias_add(_conv1, _b['bc1']))
    _pool1 = tf.nn.max_pool(_conv1, ksize=[1,2,2,1], strides=[1,2,2,1], padding='SAME')
    # padding = 'SAME' 代表会填补0, padding = 'VALID' 代表不会填补,丢弃最后的行列元素
    _pool_dr1 = tf.nn.dropout(_pool1, _keepratio)
    # conv layer2
    _conv2 = tf.nn.conv2d(_pool_dr1, _w['wc2'], strides=[1,1,1,1], padding='SAME')
    _conv2 = tf.nn.relu(tf.nn.bias_add(_conv2, _b['bc2']))
    _pool2 = tf.nn.max_pool(_conv2, ksize=[1, 2, 2, 1], strides=[1, 2, 2, 1], padding='SAME')
    # ksize = [batch_size_stride, height_stride, width_stride, channel_stride]
    _pool_dr2 = tf.nn.dropout(_pool2, _keepratio)
    # vectorize
    _dense1 = tf.reshape(_pool_dr2, [-1, _w['wd1'].get_shape().as_list()[0]]) # reshape
    # full connection layer
    _fc1 = tf.nn.relu(tf.add(tf.matmul(_dense1, _w['wd1']), _b['bd1']))
    _fc_dr1 = tf.nn.dropout(_fc1, _keepratio)
    _out = tf.add(tf.matmul(_fc_dr1, _w['wd2']), _b['bd2'])
    # result
    out = {
        'input_r': _input_r, 'conv1': _conv1, 'pool1': _pool1, 'pool_dr1': _pool_dr1,
        'conv2': _conv2, 'pool2': _pool2, 'pool_dr2': _pool_dr2, 'dense1': _dense1,
        'fc1': _fc1, 'fc_dr1': _fc_dr1, 'out': _out
    }
    return out

print('CNN ready')


# 网络定义
_pred = conv_basic(x, Weights, biases, keepratio)['out']
cost = tf.reduce_mean(tf.nn.softmax_cross_entropy_with_logits(logits=_pred, labels=y))
optm = tf.train.AdamOptimizer(learning_rate=0.001).minimize(cost)
_corr = tf.equal(tf.arg_max(_pred, 1), tf.arg_max(y, 1))
accr = tf.reduce_mean(tf.cast(_corr, tf.float32))
init = tf.global_variables_initializer()

# 保存模型
save_step = 1
saver = tf.train.Saver(max_to_keep=3)

print('graph ready')


do_train = 1


# 迭代计算
training_epochs = 30
batch_size = 20
display_step = 5
sess = tf.Session()
sess.run(init)

if do_train == 1:
    for epoch in range(training_epochs):
        avg_cost = 0
        # total_batch = int(mnist.train.num_examples/batch_size)
        total_batch = 5
        for i in range(total_batch):
            batch_xs, batch_ys = mnist.train.next_batch(batch_size)
            sess.run(optm, feed_dict={x: batch_xs, y: batch_ys, keepratio: 0.5})
            avg_cost += sess.run(cost, feed_dict={x: batch_xs, y: batch_ys, keepratio: 1.0})/total_batch
        # 显示结果
        if (epoch+1) % display_step == 0:
            print('Epoch: %03d/%03d cost: %.9f' % (epoch+1, training_epochs, avg_cost))
            feeds = {x: batch_xs, y: batch_ys, keepratio: 1.0}
            train_acc = sess.run(accr, feed_dict=feeds)
            print('Train accuracy: %.3f' % train_acc)
        # 保存结果
        if epoch % save_step == 0:
            saver.save(sess, './data/nets/cnn_mnist_basic.ckpt-'+str(epoch+1))
    do_train = 0
    print('optmization finished')

if do_train == 0:
    with tf.Session() as sess:
        saver.restore(sess, './data/nets/cnn_mnist_basic.ckpt-' + str(training_epochs))
        feeds = {x: mnist.test.images, y: mnist.test.labels, keepratio: 1.0}
        test_acc = sess.run(accr, feed_dict=feeds)
        print('Test accuracy: %.3f' % test_acc)
    print('test finished')

通过简单对比,可以察觉,我们中相应地方添加了以下代码片段:

# 保存模型
save_step = 1
saver = tf.train.Saver(max_to_keep=3)

do_train = 1

并且将迭代部分的代码做如下修改:

if do_train == 1:
    for epoch in range(training_epochs):
        avg_cost = 0
        # total_batch = int(mnist.train.num_examples/batch_size)
        total_batch = 5
        for i in range(total_batch):
            batch_xs, batch_ys = mnist.train.next_batch(batch_size)
            sess.run(optm, feed_dict={x: batch_xs, y: batch_ys, keepratio: 0.5})
            avg_cost += sess.run(cost, feed_dict={x: batch_xs, y: batch_ys, keepratio: 1.0})/total_batch
        # 显示结果
        if (epoch+1) % display_step == 0:
            print('Epoch: %03d/%03d cost: %.9f' % (epoch+1, training_epochs, avg_cost))
            feeds = {x: batch_xs, y: batch_ys, keepratio: 1.0}
            train_acc = sess.run(accr, feed_dict=feeds)
            print('Train accuracy: %.3f' % train_acc)
        # 保存结果
        if epoch % save_step == 0:
            saver.save(sess, './data/nets/cnn_mnist_basic.ckpt-'+str(epoch+1))
    do_train = 0
    print('optmization finished')

if do_train == 0:
    with tf.Session() as sess:
        saver.restore(sess, './data/nets/cnn_mnist_basic.ckpt-' + str(training_epochs))
        feeds = {x: mnist.test.images, y: mnist.test.labels, keepratio: 1.0}
        test_acc = sess.run(accr, feed_dict=feeds)
        print('Test accuracy: %.3f' % test_acc)
    print('test finished')

以上代码中主要添加了判断模型的训练过程和测试过程的if语句,并且通过模型的写入和读取方式重新加载绘话(Session)中参数值进行数据测试。

运行结果

通过30次的迭代,模型训练和测试结果如下:

Epoch: 005/030 cost: 2.127988672
Train accuracy: 0.450
Epoch: 010/030 cost: 1.514546847
Train accuracy: 0.600
Epoch: 015/030 cost: 1.691785026
Train accuracy: 0.600
Epoch: 020/030 cost: 1.580975151
Train accuracy: 0.750
Epoch: 025/030 cost: 1.391473675
Train accuracy: 0.800
Epoch: 030/030 cost: 1.286683488
Train accuracy: 0.750
optmization finished
Test accuracy: 0.744
test finished
最后编辑于
©著作权归作者所有,转载或内容合作请联系作者
  • 序言:七十年代末,一起剥皮案震惊了整个滨河市,随后出现的几起案子,更是在滨河造成了极大的恐慌,老刑警刘岩,带你破解...
    沈念sama阅读 203,456评论 5 477
  • 序言:滨河连续发生了三起死亡事件,死亡现场离奇诡异,居然都是意外死亡,警方通过查阅死者的电脑和手机,发现死者居然都...
    沈念sama阅读 85,370评论 2 381
  • 文/潘晓璐 我一进店门,熙熙楼的掌柜王于贵愁眉苦脸地迎上来,“玉大人,你说我怎么就摊上这事。” “怎么了?”我有些...
    开封第一讲书人阅读 150,337评论 0 337
  • 文/不坏的土叔 我叫张陵,是天一观的道长。 经常有香客问我,道长,这世上最难降的妖魔是什么? 我笑而不...
    开封第一讲书人阅读 54,583评论 1 273
  • 正文 为了忘掉前任,我火速办了婚礼,结果婚礼上,老公的妹妹穿的比我还像新娘。我一直安慰自己,他们只是感情好,可当我...
    茶点故事阅读 63,596评论 5 365
  • 文/花漫 我一把揭开白布。 她就那样静静地躺着,像睡着了一般。 火红的嫁衣衬着肌肤如雪。 梳的纹丝不乱的头发上,一...
    开封第一讲书人阅读 48,572评论 1 281
  • 那天,我揣着相机与录音,去河边找鬼。 笑死,一个胖子当着我的面吹牛,可吹牛的内容都是我干的。 我是一名探鬼主播,决...
    沈念sama阅读 37,936评论 3 395
  • 文/苍兰香墨 我猛地睁开眼,长吁一口气:“原来是场噩梦啊……” “哼!你这毒妇竟也来了?” 一声冷哼从身侧响起,我...
    开封第一讲书人阅读 36,595评论 0 258
  • 序言:老挝万荣一对情侣失踪,失踪者是张志新(化名)和其女友刘颖,没想到半个月后,有当地人在树林里发现了一具尸体,经...
    沈念sama阅读 40,850评论 1 297
  • 正文 独居荒郊野岭守林人离奇死亡,尸身上长有42处带血的脓包…… 初始之章·张勋 以下内容为张勋视角 年9月15日...
    茶点故事阅读 35,601评论 2 321
  • 正文 我和宋清朗相恋三年,在试婚纱的时候发现自己被绿了。 大学时的朋友给我发了我未婚夫和他白月光在一起吃饭的照片。...
    茶点故事阅读 37,685评论 1 329
  • 序言:一个原本活蹦乱跳的男人离奇死亡,死状恐怖,灵堂内的尸体忽然破棺而出,到底是诈尸还是另有隐情,我是刑警宁泽,带...
    沈念sama阅读 33,371评论 4 318
  • 正文 年R本政府宣布,位于F岛的核电站,受9级特大地震影响,放射性物质发生泄漏。R本人自食恶果不足惜,却给世界环境...
    茶点故事阅读 38,951评论 3 307
  • 文/蒙蒙 一、第九天 我趴在偏房一处隐蔽的房顶上张望。 院中可真热闹,春花似锦、人声如沸。这庄子的主人今日做“春日...
    开封第一讲书人阅读 29,934评论 0 19
  • 文/苍兰香墨 我抬头看了看天上的太阳。三九已至,却和暖如春,着一层夹袄步出监牢的瞬间,已是汗流浃背。 一阵脚步声响...
    开封第一讲书人阅读 31,167评论 1 259
  • 我被黑心中介骗来泰国打工, 没想到刚下飞机就差点儿被人妖公主榨干…… 1. 我叫王不留,地道东北人。 一个月前我还...
    沈念sama阅读 43,636评论 2 349
  • 正文 我出身青楼,却偏偏与公主长得像,于是被迫代替她去往敌国和亲。 传闻我的和亲对象是个残疾皇子,可洞房花烛夜当晚...
    茶点故事阅读 42,411评论 2 342

推荐阅读更多精彩内容