一、tensorflow初体验
tensorflow与原生python语言不太相同,tensorflow将每个对象都封装成一个tensor类型
a = tf.constant(10.0)
print(a)
输入结果:
python原生语言实现加法 VS tensorflow实现加法:
import tensorflow as tf
# 1. python实现加法
a_py = 10.0
b_py = 10.0
c_py = a_py + b_py
print('python原生语言计算a+b={}'.format(c_py))
# 2. tensorflow实现加法
a = tf.constant(10.0)
b = tf.constant(20.0)
c = tf.add(a, b)
with tf.Session() as sess:# 打印出tensor对象的值必须在会话中打印
print('tensorflow计算a+b={}'.format(sess.run(c)))
二、tensorflow结构分析
tensorflow程序结构就是一个数据流的执行 过程,在tensorflow中数据会被看做一个个张量,操作会被看做一个个节点,tensorflow把这些操作和节点看构建成一个图,然后执行这个图。
1.认识tensorflow中的图
图包含了一组tf.Operation代表的计算单元对象和tf.Tensor代表的计算单元之间流动的数据。
2.图的相关操作
(1)默认图tensorflow会为我们的程序创建一张默认的图:tf.get_default_graph()
import tensorflow as tf
a = tf.constant(10.0)
b = tf.constant(20.0)
c = tf.add(a, b)
graph = tf.get_default_graph()
print("graph:", graph)
print("a_graph:", a.graph)
print("b_graph:", b.graph)
print("c_graph:", c.graph)
with tf.Session() as sess:
res = sess.run(c)
print("sess_graph:", sess.graph)
print(res)
查看打印结果可以发现,所有的节点操作会话的地址都和默认图的地址是一样的
(2)创建图:tf.Graph()
def graph_demo():
# 图的演示
a_t = tf.constant(10)
b_t = tf.constant(20)
# 不提倡直接运用这种符号运算符进行计算
# 更常用tensorflow提供的函数进行计算
# c_t = a_t + b_t
c_t = tf.add(a_t, b_t)
print("tensorflow实现加法运算:\n", c_t)
# 获取默认图
default_g = tf.get_default_graph()
print("获取默认图:\n", default_g)
# 数据的图属性
print("a_t的graph:\n", a_t.graph)
print("b_t的graph:\n", b_t.graph)
# 操作的图属性
print("c_t的graph:\n", c_t.graph)
# 自定义图
new_g = tf.Graph()
print("自定义图:\n", new_g)
# 在自定义图中去定义数据和操作
with new_g.as_default():
new_a = tf.constant(30)
new_b = tf.constant(40)
new_c = tf.add(new_a, new_b)
# 数据的图属性
print("new_a的graph:\n", new_a.graph)
print("new_b的graph:\n", new_b.graph)
# 操作的图属性
print("new_c的graph:\n", new_c.graph)
# 开启会话
with tf.Session() as sess:
sum_t = sess.run(c_t)
print("在sess当中的sum_t:\n", sum_t)
# 会话的图属性
print("会话的图属性:\n", sess.graph)
# 不同的图之间不能互相访问
# sum_new = sess.run(new_c)
# print("在sess当中的sum_new:\n", sum_new)
with tf.Session(graph=new_g) as sess2:
sum_new = sess2.run(new_c)
print("在sess2当中的sum_new:\n", sum_new)
print("会话的图属性:\n", sess2.graph)
# 很少会同时开启不同的图,一般用默认的图就够了
return None
3.图的可视化学习:tensorbroad的使用
首先需要下载好tensorbroad,在虚拟环境中选择pip安装即可。
使用tf.summary.Filewriter(arg1,arg2);第一个参数传保存位置,第二个参数传递指定的图
import tensorflow as tf
a = tf.constant(10.0)
b = tf.constant(20.0)
c = tf.add(a, b)
graph = tf.get_default_graph()
print("graph:", graph)
print("a_graph:", a.graph)
print("b_graph:", b.graph)
print("c_graph:", c.graph)
with tf.Session() as sess:
res = sess.run(c)
print("sess_graph:", sess.graph)
tf.summary.FileWriter('./tmp/summary/', graph=sess.graph)
print(res)
运行之后可以发现在指定的目录下多了个文件,我们进入该目录下执行
进入指定的端口:
三、tensorflow几个名词
1.会话:会话是用来执行定义好的运算,会话拥有并管理TensorFlow程序运行时的所有资源,所有计算完成之后需要关闭会话来帮助系统回收资源,否则就可能出现资源泄露的问题,所以我们常用上下文with来使用会话如:
with tf.Session() as sess:
"""开启会话使用资源"""
ps:会话的run()方法可以传入一个数组进去,一次执行很多的计算结果
import tensorflow as tf
a = tf.constant(10.0)
b = tf.constant(20.0)
c = tf.add(a, b)
graph = tf.get_default_graph()
with tf.Session() as sess:
sess = tf.Session(config=tf.ConfigProto(allow_soft_placement=True,
log_device_placement=True))#打印出设备信息
a_res,b_res,c_res = sess.run([a,b,c])
print("sess_graph:", sess.graph)
tf.summary.FileWriter('./tmp/summary/', graph=sess.graph)
print(f"a:{a_res},b:{b_res},c:{c_res}")
同时我们可以使用placeholder占位符,一开始不给对象设置,在会话内执行的时候设值:
a = tf.placeholder(tf.float32)
b = tf.placeholder(tf.float32)
c = tf.add(a, b)
with tf.Session() as sess:
sess = tf.Session(config=tf.ConfigProto(allow_soft_placement=True,
log_device_placement=True))
res = sess.run(c, feed_dict={a: 10.0, b: 20.0})
print(res)
2.张量:TensorFlow用张量这种数据结构来表示所有的数据.你可以把一个张量想象成一个n维的数组或列表.一个张量有一个静态类型和动态类型的维数.张量可以在图中的节点之间流通.其实张量更代表的就是一种多位数组。
利用placeholder传入数组进行加法
a = tf.placeholder(tf.float32)
b = tf.placeholder(tf.float32)
c = tf.add(a, b)
with tf.Session() as sess:
sess = tf.Session(config=tf.ConfigProto(allow_soft_placement=True,
log_device_placement=True))
res = sess.run(c, feed_dict={a: [10.0, 20.0], b: [20.0, 30.0]})
print(res)
这里不做过多的赘述,只学习几个创建张量的指令:
(1)tf.ones(shape,dtype,name):创建一个所有元素均为一的张量
(2)tf.zeros(shape,dtype,name):创建一个所有元素均为零的张量
(3)tf.constant(value,dtype,name):创建一个所有常数的张量
(4)tf.random_normal(shape,mean,stdddv,dtype,seed,name):创建一个随机张量
3.变量op:TensorFlow变量是表示程序处理的共享持久状态的最佳方法。变量通过 tf.Variable OP类以及tf.get_variable()类进行操作。ps变量需要显式初始化,才能运行值
a = tf.Variable(initial_value=10.0, trainable=True)
b = tf.Variable(initial_value=20.0, trainable=True)
c = tf.add(a, b)
# 一定要显示的初始化
init = tf.global_variables_initializer()
with tf.Session() as sess:
res = sess.run(init)
print(res)
四、案例一:使用tensorflow训练一个简单的逻辑回归,并使用tensorbroad展示出来
首先定义一个类,然后随机初始化一组数据,并按照某种线性规则生成一组真实值:
import tensorflow as tf
class MyLinearRegression(object):
"""手动实现逻辑回归"""
def __init__(self):
pass;
def input(self):
# 自己先手动输入一组数据
x_train = tf.random_normal(shape=[100,1],mean=0,stddev=1,dtype=tf.float32,name="x_train");
y_true = tf.matmul(x_train,[[0.7]]) + 0.8
return x_train,y_true
给定输入计算出预测值:
def run(self, x_data):
"""为给定的输入与输出拟合出w和b"""
# 1.首先随机生成一个w
self.weight = tf.Variable(tf.random_normal(shape=[1, 1], mean=0, stddev=1), name="weight")
self.bias = tf.Variable(tf.random_normal(shape=[1, 1], mean=0, stddev=1), name="bias")
# 2.计算预测值
y_pre = tf.matmul(x_data,self.weight) + self.bias
return y_pre
将每一次计算的w,b和loss收集起来,方便我们在tensorbroad中显示
def merge_summary(self,loss):
"""收集张量值"""
tf.summary.scalar("losses",loss)
tf.summary.histogram("w", self.weight)
tf.summary.histogram("b", self.bias)
# 收集了之后记得合并
merged = tf.summary.merge_all()
return merged
使用梯度下降优化一次
def sgd_op(self,loss):
"""使用梯度下降来训练"""
optimizer = tf.train.GradientDescentOptimizer(0.1).minimize(loss)# 0.1是学习率
return optimizer
开始迭代训练
def train(self):
"""训练模型"""
# 1.获得默认图
g = tf.get_default_graph()
with g.as_default():
# 随机生成一组数
x_data, y_true = self.input()
# 计算出预测值
y_pre = self.run(x_data)
# 计算损失
loss = self.loss(y_pre=y_pre, y_true=y_true)
# 最优化一次
train_op = self.sgd_op(loss)
# 收集结果
merged = self.merge_summary(loss)
# 保存参数
saver = tf.train.Saver()
# 开启会话
with tf.Session() as sess:
# 初始化变量op
init = tf.global_variables_initializer()
sess.run(init)
#print("初始化的权重:%f, 偏置:%f" % (self.weight.eval(), self.bias.eval()))
# 开启训练
for i in range(100):
sess.run(train_op)
# print("训练第%d步之后的损失:%f, 权重:%f, 偏置:%f" % (
# i,
# loss.eval(),
# self.weight.eval(),
# self.bias.eval()))
file_writer = tf.summary.FileWriter("./tmp/summary/", graph=sess.graph)
# 收集计算结果
summary = sess.run(merged)
# 添加到文件
file_writer.add_summary(summary, i)
运行程序后在tensorboard中查看损失的变化