ICode9

精准搜索请尝试: 精确搜索
首页 > 其他分享> 文章详细

Tensorflow 1.x学习记录(三):tensorborad的初级应用

2021-03-31 22:58:00  阅读:165  来源: 互联网

标签:loss layer name summary 初级 tensorborad tf Tensorflow data


import tensorflow as tf
import numpy as np
import matplotlib.pyplot as plt

def add_layer(inputs,in_size,out_size,n_layer,activation_function=None):
    layer_name = 'layer%s' % n_layer
    with tf.name_scope(layer_name):
        with tf.name_scope('weights'):
            Weights = tf.Variable(tf.random_normal([in_size,out_size]))
            tf.summary.histogram(layer_name+'weights',Weights)
        with tf.name_scope('biases'):
            biases = tf.Variable(tf.zeros([1,out_size])+0.1)
        with tf.name_scope('Wx_plus_b'):
            Wx_plus_b = tf.matmul(inputs,Weights) + biases
        if activation_function is None:
            outputs = Wx_plus_b
        else:
            outputs = activation_function(Wx_plus_b)
            tf.summary.histogram(layer_name + 'outputs', outputs)
        return outputs

x_data = np.linspace(-1,1,300)[:,np.newaxis]
noise = np.random.normal(0,0.05,x_data.shape)  #加入方差为0.05和x_data格式相同的噪点
y_data = np.square(x_data)-0.5 + noise

with tf.name_scope('inputs'):
    xs = tf.placeholder(tf.float32,[None,1],name='x_inputs')
    ys = tf.placeholder(tf.float32,[None,1],name='y_inputs')  #传值

l1 = add_layer(xs,1,10,n_layer=1,activation_function=tf.nn.relu)  #添加层
predition = add_layer(l1,10,1,n_layer=2,activation_function=None)

with tf.name_scope('loss'):
    loss = tf.reduce_mean(tf.reduce_sum(tf.square(ys-predition),reduction_indices=[1],name='sum'),name='reduce')  #计算loss
    tf.summary.scalar('loss',loss)
train_step = tf.train.GradientDescentOptimizer(0.1).minimize(loss)  #学习效率为0.1来减少loss的值

init = tf.global_variables_initializer()
sess = tf.Session()
merged = tf.summary.merge_all()
write = tf.summary.FileWriter("logs/",sess.graph)
sess.run(init)

fig = plt.figure()
ax = fig.add_subplot(1,1,1)
ax.scatter(x_data,y_data)
plt.ion() #输出图像后不会暂停


for i in range(3000):
    sess.run(train_step,feed_dict={xs:x_data,ys:y_data})
    if i % 50 == 0:
        #print(sess.run(loss,feed_dict={xs:x_data,ys:y_data}))

        result = sess.run(merged,feed_dict={xs:x_data,ys:y_data})
        write.add_summary(result,i)

plt.show()
``
生成的loss的图像
![在这里插入图片描述](https://www.icode9.com/i/ll/?i=20210331224501432.png?,type_ZmFuZ3poZW5naGVpdGk,shadow_10,text_aHR0cHM6Ly9ibG9nLmNzZG4ubmV0L3dlaXhpbl81MDkxNDk2MQ==,size_16,color_FFFFFF,t_70)

标签:loss,layer,name,summary,初级,tensorborad,tf,Tensorflow,data
来源: https://blog.csdn.net/weixin_50914961/article/details/115363236

本站声明: 1. iCode9 技术分享网(下文简称本站)提供的所有内容,仅供技术学习、探讨和分享;
2. 关于本站的所有留言、评论、转载及引用,纯属内容发起人的个人观点,与本站观点和立场无关;
3. 关于本站的所有言论和文字,纯属内容发起人的个人观点,与本站观点和立场无关;
4. 本站文章均是网友提供,不完全保证技术分享内容的完整性、准确性、时效性、风险性和版权归属;如您发现该文章侵犯了您的权益,可联系我们第一时间进行删除;
5. 本站为非盈利性的个人网站,所有内容不会用来进行牟利,也不会利用任何形式的广告来间接获益,纯粹是为了广大技术爱好者提供技术内容和技术思想的分享性交流网站。

专注分享技术,共同学习,共同进步。侵权联系[81616952@qq.com]

Copyright (C)ICode9.com, All Rights Reserved.

ICode9版权所有