6.结构可视化

这篇博客介绍了如何使用TensorFlow构建一个简单的神经网络,包括输入层、隐藏层和输出层,并应用ReLU激活函数。作者通过定义数据、搭建神经网络结构、设置损失函数和优化器来完成模型训练。同时,利用TensorBoard进行可视化,以便更好地理解网络结构。
摘要由CSDN通过智能技术生成
'''
Author: 365JHWZGo
Description: 6.结构可视化
Date: 2021-10-12 22:13:26
FilePath: \tensorflow\tensorflow\day02-6.py
LastEditTime: 2021-10-12 23:07:03
LastEditors: 365JHWZGo
'''

from __future__ import with_statement
from numpy.core.shape_base import block
import tensorflow as tf
import numpy as np
# from tensorflow.python.ops.gen_math_ops import add
import matplotlib.pyplot as plt

# 添加神经层


def add_layer(inputs, in_size, out_size, activation_function=None):
    # add one more layer and return the output of this layer
    with tf.name_scope('layer'):
        with tf.name_scope('weights'):
            Weights = tf.Variable(
                tf.random_normal([in_size, out_size]),
                name='W')
        with tf.name_scope('biases'):
            biases = tf.Variable(
                tf.zeros([1, out_size]) + 0.1,
                name='b')
        with tf.name_scope('Wx_plus_b'):
            Wx_plus_b = tf.add(
                tf.matmul(inputs, Weights),
                biases)
        if activation_function is None:
            outputs = Wx_plus_b
        else:
            outputs = activation_function(Wx_plus_b, )
        return outputs


# 定义数据
# linspace创造等差数列
x_data = np.linspace(-1, 1, 300, dtype=np.float32)[:, np.newaxis]
noise = np.random.normal(0, 0.05, x_data.shape).astype(np.float32)
y_data = np.square(x_data) - 0.5+noise


# 定义神经层

# 输入层
# 输入数据,None代表输入量不限,输入特征为1
with tf.name_scope('inputs'):
    xs = tf.placeholder(tf.float32, [None, 1], name="x_input")
    ys = tf.placeholder(tf.float32, [None, 1], name="y_input")

# 隐藏层
l1 = add_layer(xs, 1, 10, activation_function=tf.nn.relu)

# 输出层
prediction = add_layer(l1, 10, 1, activation_function=None)

# 计算预测值

with tf.name_scope('loss'):
    loss = tf.reduce_mean(
        tf.reduce_sum(
        tf.square(ys-prediction), 
        reduction_indices=[1]))

# 优化
with tf.name_scope('train'):
    train_step = tf.train.GradientDescentOptimizer(0.1).minimize(loss)

# 初始化变量
init = tf.global_variables_initializer()
sess = tf.Session()
writer = tf.summary.FileWriter('e:/logs/', sess.graph)
sess.run(init)
sess.close()

在终端执行:

e:
tensorboard --logdir='logs/'

在这里插入图片描述

评论
添加红包

请填写红包祝福语或标题

红包个数最小为10个

红包金额最低5元

当前余额3.43前往充值 >
需支付:10.00
成就一亿技术人!
领取后你会自动成为博主和红包主的粉丝 规则
hope_wisdom
发出的红包

打赏作者

365JHWZGo

你的鼓励将是我创作的最大动力

¥1 ¥2 ¥4 ¥6 ¥10 ¥20
扫码支付:¥1
获取中
扫码支付

您的余额不足,请更换扫码支付或充值

打赏作者

实付
使用余额支付
点击重新获取
扫码支付
钱包余额 0

抵扣说明:

1.余额是钱包充值的虚拟货币,按照1:1的比例进行支付金额的抵扣。
2.余额无法直接购买下载,可以购买VIP、付费专栏及课程。

余额充值