本文转载:keras中文文档笔记17——将Keras作为tensorflow的精简接口,加上自己实际运行的修正。
原文:Keras as a simplified interface to TensorFlow: tutorial
在tensorflow中调用Keras层
让我们以一个简单的例子开始:MNIST数字分类。我们将以Keras的全连接层堆叠构造一个TensorFlow的分类器1
2
3
4
5import tensorflow as tf
sess = tf.Session()
from keras import backend as K
K.set_session(sess)
然后,我们开始用tensorflow构建模型:1
img = tf.placeholder(tf.float32, shape=(None, 784))
用Keras可以加速模型的定义过程:1
2
3
4
5from keras.layers import Dense
x = Dense(128, activation='relu')(img)
x = Dense(128, activation='relu')(x)
preds = Dense(10, activation='softmax')(x)
定义标签的占位符和损失函数:1
2
3
4labels = tf.placeholder(tf.float32, shape=(None, 10))
from keras.objectives import categorical_crossentropy
loss = tf.reduce_mean(categorical_crossentropy(labels, preds))
然后,我们可以用tensorflow的优化器来训练模型:1
2
3
4
5
6
7
8
9
10
11
12
13from tensorflow.examples.tutorials.mnist import input_data
mnist_data = input_data.read_data_sets('MNIST_data', one_hot=True)
train_step = tf.train.GradientDescentOptimizer(0.5).minimize(loss)
init = tf.global_variables_initializer()
sess.run(init)
with sess.as_default():
for i in range(100):
batch = mnist_data.train.next_batch(50)
train_step.run(feed_dict={img: batch[0],
labels: batch[1]})
最后我们来评估一下模型性能:1
2
3
4
5
6from keras.metrics import categorical_accuracy as accuracy
acc_value = accuracy(labels, preds)
with sess.as_default():
print acc_value.eval(feed_dict={img: mnist_data.test.images,
labels: mnist_data.test.labels})
我们只是将Keras作为生成从tensor到tensor的函数(op)的快捷方法而已,优化过程完全采用的原生tensorflow的优化器,而不是Keras优化器,我们压根不需要Keras的Model
关于原生TensorFlow和Keras的优化器的一点注记:虽然有点反直觉,但Keras的优化器要比TensorFlow的优化器快大概5-10%。虽然这种速度的差异基本上没什么差别。
训练和测试行为不同
有些Keras层,如BN,Dropout,在训练和测试过程中的行为不一致,你可以通过打印layer.uses_learning_phase来确定当前层工作在训练模式还是测试模式。
如果你的模型包含这样的层,你需要指定你希望模型工作在什么模式下,通过Keras的backend你可以了解当前的工作模式:1
2from keras import backend as K
print K.learning_phase()
向feed_dict中传递1(训练模式)或0(测试模式)即可指定当前工作模式:
1 | # train mode |
例如,下面代码示范了如何将Dropout层加入刚才的模型中:1
2
3
4
5
6
7
8
9
10
11
12
13
14
15
16
17
18
19
20
21
22
23
24
25
26
27from keras.layers import Dropout
from keras import backend as K
img = tf.placeholder(tf.float32, shape=(None, 784))
labels = tf.placeholder(tf.float32, shape=(None, 10))
x = Dense(128, activation='relu')(img)
x = Dropout(0.5)(x)
x = Dense(128, activation='relu')(x)
x = Dropout(0.5)(x)
preds = Dense(10, activation='softmax')(x)
loss = tf.reduce_mean(categorical_crossentropy(labels, preds))
train_step = tf.train.GradientDescentOptimizer(0.5).minimize(loss)
with sess.as_default():
for i in range(100):
batch = mnist_data.train.next_batch(50)
train_step.run(feed_dict={img: batch[0],
labels: batch[1],
K.learning_phase(): 1})
acc_value = accuracy(labels, preds)
with sess.as_default():
print acc_value.eval(feed_dict={img: mnist_data.test.images,
labels: mnist_data.test.labels,
K.learning_phase(): 0})
与变量名作用域和设备作用域的兼容
Keras的层与模型和tensorflow的命名完全兼容,例如:1
2
3x = tf.placeholder(tf.float32, shape=(None, 20, 64))
with tf.name_scope('block1'):
y = LSTM(32, name='mylstm')(x)
我们LSTM层的权重将会被命名为block1/mylstm_W_i, block1/mylstm_U, 等..
类似的,设备的命名也会像你期望的一样工作:1
2
3with tf.device('/gpu:0'):
x = tf.placeholder(tf.float32, shape=(None, 20, 64))
y = LSTM(32)(x)
与Graph的作用域兼容
任何在tensorflow的Graph作用域定义的Keras层或模型的所有变量和操作将被生成为该Graph的一个部分,例如,下面的代码将会以你所期望的形式工作1
2
3
4
5
6
7from keras.layers import LSTM
import tensorflow as tf
my_graph = tf.Graph()
with my_graph.as_default():
x = tf.placeholder(tf.float32, shape=(None, 20, 64))
y = LSTM(32)(x)
与变量作用域兼容
变量共享应通过多次调用同样的Keras层或模型来实现,而不是通过TensorFlow的变量作用域实现。TensorFlow变量作用域将对Keras层或模型没有任何影响。
Keras通过重用相同层或模型的对象来完成权值共享,这是一个例子:
1 | lstm = LSTM(32) |
收集可训练权重与状态更新
某些Keras层,如状态RNN和BN层,其内部的更新需要作为训练过程的一步来进行,这些更新被存储在一个tensor tuple里:layer.updates,你应该生成assign操作来使在训练的每一步这些更新能够被运行,这里是例子:
1 | from keras.layers import BatchNormalization |
注意如果你使用Keras模型,model.updates将与上面的代码作用相同(收集模型中所有更新)
另外,如果你需要显式的收集一个层的可训练权重,你可以通过layer.trainable_weights来实现,对模型而言是model.trainable_weights,它是一个tensorflow变量对象的列表:
1 | from keras.layers import Dense |
这些东西允许你实现你基于TensorFlow优化器实现自己的训练程序。
使用Keras模型与TensorFlow协作
将Keras Sequential模型转换到TensorFlow中
假如你已经有一个训练好的Keras模型,如VGG-16,现在你想将它应用在你的TensorFlow工作中,应该怎么办?
首先,注意如果你的预训练权重含有使用Theano训练的卷积层的话,你需要对这些权重的卷积核进行转换,这是因为Theano和TensorFlow对卷积的实现不同,TensorFlow和Caffe实际上实现的是相关性计算。点击这里查看详细示例。
假设你从下面的Keras模型开始,并希望对其进行修改以使得它可以以一个特定的tensorflow张量my_input_tensor为输入,这个tensor可能是一个数据feeder或别的tensorflow模型的输出1
2
3model = Sequential()
model.add(Dense(32, activation='relu', input_dim=784))
model.add(Dense(10, activation='softmax'))
你只需要使用keras.layers.InputLayer
来作为你的序列模型中的第一层,它的输入是tensorflow里传统的占位符,之后在第一层后面构建剩下的网络:
1 | from keras.layers import InputLayer |
在这个阶段,你可以调用model.load_weights(weights_file)
来加载预训练的权重
然后,你或许会收集该模型的输出张量:1
output_tensor = model.output
你现在可以对output_tensor = model.output
进行一些其他的tensorflow操作等。
对TensorFlow张量中调用Keras模型
对TensorFlow张量中调用Keras模型:1
2
3
4
5
6
7
8
9from keras.models import Sequential
model = Sequential()
model.add(Dense(32, activation='relu', input_dim=784))
model.add(Dense(10, activation='softmax'))
# this works!
x = tf.placeholder(tf.float32, shape=(None, 784))
y = model(x)
注意,调用模型时你同时使用了模型的结构与权重,当你在一个tensor上调用模型时,你就在该tensor上创造了一些操作,这些操作重用了已经在模型中出现的TensorFlow变量的对象。
多GPU和分布式训练
将Keras模型分散在多个GPU中训练
TensorFlow的设备作用域完全与Keras的层和模型兼容,因此你可以使用它们来将一个图的特定部分放在不同的GPU中训练,这里是一个简单的例子:1
2
3
4
5
6
7with tf.device('/gpu:0'):
x = tf.placeholder(tf.float32, shape=(None, 20, 64))
y = LSTM(32)(x) # all ops in the LSTM layer will live on GPU:0
with tf.device('/gpu:1'):
x = tf.placeholder(tf.float32, shape=(None, 20, 64))
y = LSTM(32)(x) # all ops in the LSTM layer will live on GPU:1
注意,由LSTM层创建的变量将不会生存在GPU上,不管TensorFlow变量在哪里创建,它们总是生存在CPU上,TensorFlow将隐含的处理设备之间的转换
如果你想在多个GPU上训练同一个模型的多个副本,并在多个副本中进行权重共享,首先你应该在一个设备作用域下实例化你的模型或层,然后在不同GPU设备的作用域下多次调用该模型实例,如:
1 | with tf.device('/cpu:0'): |
分布式训练
通过注册Keras会话到一个集群上,你可以简单的实现分布式训练:1
2
3
4
5server = tf.train.Server.create_local_server()
sess = tf.Session(server.target)
from keras import backend as K
K.set_session(sess)
关于TensorFlow进行分布式训练的配置信息,请参考这里。
使用TensorFlow-serving导出模型
TensorFlow-Serving是由Google开发的用于将TensoFlow模型部署于生产环境的工具。
任何Keras模型都可以被TensorFlow-serving所导出(只要它只含有一个输入和一个输出,这是TF-serving的限制),不管它是否作为TensroFlow工作流的一部分。事实上你甚至可以使用Theano训练你的Keras模型,然后将其切换到tensorflow后端,然后导出模型
如果你的graph使用了Keras的learning phase(在训练和测试中行为不同),你首先要做的事就是在graph中硬编码你的工作模式(设为0,即测试模式),该工作通过1)使用Keras的后端注册一个learning phase常量,2)重新构建模型,来完成。
这里是实践中的示范:
1 | from keras import backend as K |
现在,我们可使用Tensorflow-serving来导出模型,按照官方教程的指导:
1 | from tensorflow_serving.session_bundle import exporter |