TensorFlow 笔记1
Tensorflow的基本结构
tensor(张量):tensorflow的数据中央控制单元 每一个tensor都有一系列的初始值组成,这些初始值形成一个任意维数的数组(一般tensor的列即为它的维度)。flow(流动)。
Tensorflow程序通常有两个阶段:构建图阶段和执行图阶段。
构建图阶段:定义数据(张量[^tensor])与操作(节点[^Op]),这些执行步骤被描述成一个图。
执行图阶段:使用会话(Session)执行构建好的图中的操作。
1 | import tensorflow as tf |
tensorflow中的图 tf.graph()
- 通过张量本身直接出graph
1 | import tensorflow as tf |
- 通过声明一个默认的图,然后定义张量内容,在后面可以调用或保存
1 | import tensorflow as tf |
- 通过多个声明,在后面可通过变量名分别调用(调用时Session()要写入对应的图的变量名)
1 | import tensorflow as tf |
TensorFlow的对graph的常用操作
- 保存图(pb文件)
1 | import tensorflow as tf |
tf.reset_default_graph
:对图进行重置。每使用一次,重置的新图,分配不同的地址。
g1.as_graph_def()
:将图进行序列化。
tf.train.write_graph()
:将序列化的图保存。一般不适用这个api,这样保存的模型,只能用于测试。(一般保存为 .ckpt 文件,用于继续训练或测试,直到效果ok再进行保存pb文件 )
- 调用pb文件的图
1 | import tensorflow as tf |
序列化和反序列化
序列化:把对象转化为可传输的字节序列过程称为序列化。
反序列化:把字节序列还原为对象的过程称为反序列化。
序列化最终的目的是为了对象可以跨平台存储,和进行网络传输。而我们进行跨平台存储和网络传输的方式就是IO,而我们的IO支持的数据格式就是字节数组。
因为我们单方面的只把对象转成字节数组还不行,因为没有规则的字节数组我们是没办法把对象的本来面目还原回来的,所以我们必须在把对象转成字节数组的时候就制定一种规则(序列化),那么我们从IO流里面读出数据的时候再以这种规则把对象还原回来(反序列化)。
一般来讲,TensorFlow 有三种文件格式:
checkpoint:一种独有的文件格式,包含四个文件。保存了计算图和权重,无法直接打开阅读。多用于训练时。
pb:protobuf 格式的二进制文件,可以只保存计算图(很小),也同时保存了权重和计算图(很大),无法直接打开阅读。
包含权重的文件中所有的 variable 都已经变成了 tf.constant 和 graph 一起 frozen 到一个文件。
pbtxt:pb 文件的可读文本,如果同时保存权重,文件会很大,一般用的比较少,可用于调试查看网络结构。
会话
-
tf.Session() :用于完整的程序当中,会话掌握着资源,用完需要回收,因此一般使用with上下文管理器。
如果在创建Session时没有指定Graph,则该Session会加载默认Graph。如果创建了多个Graph,则需要创建不同的Session来加载每个Graph,而每个Graph则可以加载在多个Session中进行计算。
tf.eval()
只适用于tensor,一次只能获得一个张量的值;而session.run()
不仅适用于tensor,还可用于没有输出的op,可以在同一步骤中获取许多张量的值;对于tensor,调用session.run()与tensor.eval()是等价的。初始化会话以下三个参数:
- target
- graph
- config
-
tf.interactiveSession:用于交互式上下文的TensorFlow。
Fetch and Feed
- Fetch操作是指在会话当中,可以在sess.run()时同时运行一个或多个op;将多个op组成列表,传入run中可以得到多个op的输出结果。
1 | import tensorflow as tf |
- Feed操作需要在开始时通过占位符(placeholder)来声明数据。
为什么需要feed操作:当我们构建一个模型时,常常需要我们在运行时候输入一系列数据,通过占位符可以提前声明这些数据;在train数据时,可以在一个graph上同时使用一个op,每一次写入的时候都会替换上一次的值,减少了graph的开销。
由定义def placeholder(dtype,shape=None,name=None);
可知声明时需要给定类型dtype。
占位符不需要初始化。可以把feed_dict看作它特有的一种初始化方式。shape默认下feed_dict的数据的维度可任意。
1 | import tensorflow as tf |
张量(Tensors)
TensorFlow 是一个定义和运行张量计算的框架。张量是各种维度的向量和矩阵的统称。在内部,TensorFlow 用基本数据类型的多维数组来表示张量。
在写 TensorFlow 程序的时候,主要操作和传递的对象就是 tf.Tensor,即张量。
tf.Tensor对象的数据类型和张量的类型不是同一个概念。tf.Tensor对象的数据类型一般为float32,int32等;张量的类型一般为tf.constant``,tf.Variabale
,tf.placeholder
,除了tf.Variable
以外,张量的值是不可变的,也就是说张量在单次执行的上下文中值是唯一的。但是,两次对同一个张量求值可能返回不同的值,比如,张量的值可能是从磁盘读取的数据,或者是一个随机数,那么每次产生的结果可能是不一样的。
-
四种常见的Tensor
-
- 1. 常量Tensor:值不能改变,常用
tf.constant(value,dtype=None,shape=None,name='Const',verify_shape=False)
创建,其中value值必须给定,verify_shape
默认该常量的形状不可改。
1
2
3
4
5
6
7
8
9
10
11
12
13
14
15import tensorflow as tf
# tf.zeros(shape,dtype=tf.float32,name=None) 产生全0的张量
tensor1=tf.zeros(shape=[3,4])
# 创建一个和输入图像(tensor1)一样维度元素都为 0 的张量
tensor1_1=tf.zeros_like(tensor1)
# tf.ones(shape,dtype=tf.float32,name=None) 产生全1的张量
tensor2=tf.ones(shape=[3,4])
# 创建一个和输入图像(tensor2)一样维度元素都为 1 的张量
tensor2_1=tf.ones_like(tensor1)
with tf.Session() as sess:
print(sess.run(tensor1))
print(sess.run(tensor2))常量Tensor无需初始化,但仍需在会话
tf.Session()
中获取数据,即数据只会在会话中流动。-
2. 变量Tensor:值可以改变,可训练。在神经网络中,变量一般可作为储存权重和其他信息的矩阵,而常量可作为储存超参数或其他结构信息的变量,变量必须初始化。
-
tf.Variable(initial_value, dtype=None, name=None, trainable=True, collections=None,validate_shape=True)
全局变量初始化:
tf.global_variables_initializer()
将一个变量的值赋值给另一个变量:
initialized_value()
1
2
3
4
5
6
7
8
9
10
11import tensorflow as tf
weight1 = tf.Variable(tf.ones(shape=[3],name='weight1'))
# 用已经初始化的weight1作为weight2的值
weight2 = tf.Variable(weight1.initialized_value(),name='weight2')
weight_twice = tf.Variable(weight1.initialized_value() * 2,name='weight_twice')
init = tf.global_variables_initializer()
with tf.Session() as sess:
sess.run(init)
print(weight1.eval(),weight2.eval(),weight_twice.eval())运行变量的初始化函数:
variable.initializer()
1
2
3
4
5
6
7import tensorflow as tf
weight = tf.Variable(tf.ones(shape=[3]),name='weight')
with tf.Session() as sess:
# weight.initializer.run() 两者相同
sess.run(weight.initializer) # 仅仅初始化weight本身
print(weight.eval()) -
tf.get_variable( name, shape=None,dtype=None, initializer=None, trainable=True, regularizer=None,collections=None, caching_device=None, partitioner=None, validate_shape=True, use_resource=None, custom_getter=None)
,这里的initializer初始化之后并没有实际的数据,当开启session时,才将相应的初始化数据传给tensor。- 初始化initializer常量
通过
tf.constant
初始化variable不需要给定shape,其dtype由constant的值决定。通过
tf.constant_initializer
初始化variable需要给定shape ,其dtype为float32_ref1
2
3
4
5
6
7
8
9
10
11
12
13
14
15
16
17
18
19import tensorflow as tf
# init_const = tf.constant([[1,2],[3,4]])
# x = tf.get_variable(initializer=init_const,name='x')
# [[1 2]
# [3 4]]
# <tf.Variable 'x:0' shape=(2, 2) dtype=int32_ref>
init_const = tf.constant_initializer([[1,2],[3,4]])
x = tf.get_variable(initializer=init_const,name='x',shape=[2,2])
# [[1. 2.]
# [3. 4.]]
# <tf.Variable 'x:0' shape=(2, 2) dtype=float32_ref>
init = tf.global_variables_initializer()
with tf.Session() as sess:
sess.run(init)
print(x.eval())-
-
初始化initializer为 标准正态分布:
tf.random_normal_initializer()
-
初始化initializer为 截断正态分布:
tf.truncated_normal_initializer()
根据正态分布的3σ原则,将小于μ-3σ和大于μ+3σ的值截断剩下μ-3σ<x<μ+3σ
之间的值。 -
初始化initializer为 均匀分布:
tf.random_uniform_initializer()
-
1
2
3
4
5
6
7
8
9
10
11
12
13
14
15
16
17
18import tensorflow as tf
init_random = tf.random_normal_initializer(mean=0.0, stddev=1.0)
y1 = tf.get_variable(initializer=init_random, name='y', shape=[10])
init_truncated = tf.truncated_normal_initializer(mean=0.0, stddev=1.0)
y2 = tf.get_variable(initializer=init_truncated, name='y2', shape=[10])
init_uniform = tf.random_uniform_initializer(minval=0,maxval=10)
y3 = tf.get_variable(initializer=init_uniform,name='y3',shape=[10])
init = tf.global_variables_initializer()
with tf.Session() as sess:
sess.run(init)
print(y1.eval())
print(y2.eval())
print(y3.eval()) -
tf.Variable()
与tf.get_variable()
的区别- 变量共享:
使用tf.Variable()时,如果系统检测到命名相同,系统会自动加后缀,不支持变量共享。
使用tf.get_variable(),如果系统检测到命名相同,且参数reuse=True,那么直接共享之前的变量值,支持变量共享。1
2
3
4
5
6
7
8
9
10
11
12
13
14
15
16
17
18
19
20import tensorflow as tf
with tf.variable_scope('scope1'):
w1 = tf.Variable(1, name='w1')
w2 = tf.get_variable(initializer=2.0, name='w2')
with tf.variable_scope('scope1', reuse=True):
w1_p = tf.Variable(5, name='w1')
w2_p = tf.get_variable(initializer=3.0, name='w2')
init = tf.global_variables_initializer()
with tf.Session() as sess:
sess.run(init)
print(w1.eval()) # 1
print(w2.eval()) # 2.0
print(w1_p.eval()) # 5 变量共享不了
print(w2_p.eval()) # 2.0 变量共享了W1
print(w1.name, w1_p.name) # scope1/w1:0 scope1_1/w1:0
print(w2.name, w2_p.name) # scope1/w2:0 scope1/w2:0tf.variable_scope()
可以对所有op加上前缀,指明作用域空间。tf.name_scope()
不能给tf.get_variable()
变量指明作用域空间。
1
2
3
4
5
6
7
8
9
10
11
12
13
14
15import tensorflow as tf
# tf.name_scope()
with tf.name_scope('scope1'):
w0 = tf.constant(1,name='w0')
w1 = tf.Variable(1,name='w1')
w2 = tf.get_variable(initializer=2.0,name='w2')
# tf.variable_scope()
with tf.variable_scope('scope2'):
w0_p = tf.constant(2,name='w0_p')
w1_p = tf.Variable(5,name='w1_p')
w2_p = tf.get_variable(initializer=3.0,name='w2_p')
# w2没有确定作用域空间
print(w0.name, w1.name, w2.name) # scope1/w0:0 scope1/w1:0 w2:0
print(w0_p.name,w1_p.name,w2_p.name) # scope2/w0_p:0 scope2/w1_p:0 scope2/w2_p:0
-
-
3. 占位符placeholder
-
4. 稀疏张量SparseTensor:定义时只需要定义非0的数,其他数会自动填充。
def tf.SparseTensor(values,indices,dense_shape)
- indices:非零值所对应的索引。
- values:对应索引位置的值。
- dense_shape:稀疏张量所对应的稠密张量的形状。
1
2
3
4
5
6
7
8
9
10
11
12
13
14
15
16
17
18
19import tensorflow as tf
# 稀疏张量 只需要给对应位置非0的值即可
sparse_tensor=tf.SparseTensor(indices=[[0,0],values=[1,5],[1,2]],dense_shape=[3,4])
# 稠密张量 将稀疏张量转化为稠密张量
dense_tensor=tf.sparse_tensor_to_dense(sparse_tensor)
with tf.Session() as sess:
print(sess.run(sparse_tensor))
print(sess.run(dense_tensor))
'''
输出如下:
SparseTensorValue(indices=array([[0, 0],
[1, 2]], dtype=int64), values=array([1, 5]), dense_shape=array([3, 4], dtype=int64))
[[1 0 0 0]
[0 0 5 0]
[0 0 0 0]]
''' - 1. 常量Tensor:值不能改变,常用
-
张量的秩
tf.Tensor
对象的秩就是它维度的数量。秩的也可以叫做阶数、度数或者是 n 维。注意:Tensorflow 里的秩和数学中矩阵的秩是不一样的。
秩 | 数学实体 |
---|---|
0 | 标量 |
1 | 向量 |
2 | 矩阵(二维矩阵) |
3 | 3维张量(由数构成的方体) |
4 | 4维张量(常用于图像处理) |
n | n维张量 |
tf.rank
获取张量的秩
1 | import tensorflow as tf |
tf.reshape
改变tensor对象的形状
变形前后的张量元素个数必须相同,如果不同,就会产生错误。
Tensor.eval
用来求取张量的值。只能在启用了一个默认的会话才能正常使用,当Tensor的信息是不确定的,如使用placeholder
的张量在没有给placeholder
提供值之前是无法进行评估的。
1 | import tensorflow as tf |
tf.slice()
分割张量。
tf.slice()
从张量中提取想要的切片,由begin指定位置开始的张量提取尺寸为size的切片。
1 | def slice(input_,begin,size,name=None) |
通过切片实现简单的ROI(Region of interest)提取
1 | import tensorflow as tf |
参考资料
[1] TensorFlow 中的几个关键概念:Tensor,Operation,Graph,Session - 知乎 (zhihu.com)