我是靠谱客的博主 大意人生,最近开发中收集的这篇文章主要介绍深度学习之tensorflow非线性回归解释版非解释版,觉得挺不错的,现在分享给大家,希望可以做个参考。

概述

目录

  • 解释版
  • 非解释版

解释版

import tensorflow as tf
import numpy as np
#数据可视化matplotlib.pyplot库
import matplotlib.pyplot as plt
#使用numpy生成2000个随机点---------样本(我们所拿到数据)
#numpy.linspace(start, stop, num=200)
#产生从start到stop的等差数列,np.newaxis的作用是增加一个维度。
#numpy.random.normal(loc=正态分布的均值,scale=正态分布的标准差,参数size(int 或者整数元组):输出的值赋在shape里,默认为None)
x_data = np.linspace(-0.5,0.5,200)[:,np.newaxis]
noise = np.random.normal(0,0.02,x_data.shape)
y_data = np.square(x_data) + noise
#定义两个placeholder
x = tf.placeholder(tf.float32,[None,1])
y = tf.placeholder(tf.float32,[None,1])
#定义神经网络的中间层-----隐藏层
#tf.random_normal()函数用于从“服从指定正态分布的序列”中随机取出指定个数的值。
Weights_L1 = tf.Variable(tf.random_normal([1,10]))
#创建一个偏置,所有元素都设为零
biases_L1 = tf.Variable(tf.zeros([1,10]))
Wx_plus_b_L1 = tf.matmul(x,Weights_L1) + biases_L1
L1 = tf.nn.tanh(Wx_plus_b_L1)
#定义神经网络输出层
#[10,1]是shape,101
Weights_L2 = tf.Variable(tf.random_normal([10,1]))
biases_L2 = tf.Variable(tf.zeros([1,1]))
Wx_plus_b_L2 = tf.matmul(L1,Weights_L2) + biases_L2
prediction = tf.nn.tanh(Wx_plus_b_L2)
#二次代价函数
loss = tf.reduce_mean(tf.square(y-prediction))
#使用梯度下降法训练
train_step = tf.train.GradientDescentOptimizer(0.1).minimize(loss)
with tf.Session() as sess:
#变量初始化
sess.run(tf.global_variables_initializer())
for _ in range(2000):
#feed_dict = {}提供字典填充函数
sess.run(train_step,feed_dict={x:x_data,y:y_data})
#获得预测值
prediction_value = sess.run(prediction,feed_dict={x:x_data})
#画图
#plt.figure()是新建一个画布
plt.figure()
#scatter创建散点图,x,y:表示的是大小为(n,)的数组,也就是我们即将绘制散点图的数据点
plt.scatter(x_data,y_data)
#plt.plot()函数用于对图形进行一些更改。lw是使线条变粗
plt.plot(x_data,prediction_value,'r-',lw=5)
plt.show()

plt.plot()函数解析

非解释版

import tensorflow as tf
import numpy as np
import matplotlib.pyplot as plt
x_data = np.linspace(-0.5,0.5,200)[:,np.newaxis]
noise = np.random.normal(0,0.02,x_data.shape)
y_data = np.square(x_data) + noise
x = tf.placeholder(tf.float32,[None,1])
y = tf.placeholder(tf.float32,[None,1])
Weights_L1 = tf.Variable(tf.random_normal([1,10]))
biases_L1 = tf.Variable(tf.zeros([1,10]))
Wx_plus_b_L1 = tf.matmul(x,Weights_L1) + biases_L1
L1 = tf.nn.tanh(Wx_plus_b_L1)
Weights_L2 = tf.Variable(tf.random_normal([10,1]))
biases_L2 = tf.Variable(tf.zeros([1,1]))
Wx_plus_b_L2 = tf.matmul(L1,Weights_L2) + biases_L2
prediction = tf.nn.tanh(Wx_plus_b_L2)
loss = tf.reduce_mean(tf.square(y-prediction))
train_step = tf.train.GradientDescentOptimizer(0.1).minimize(loss)
with tf.Session() as sess:
sess.run(tf.global_variables_initializer())
for _ in range(2000):
sess.run(train_step,feed_dict={x:x_data,y:y_data})
prediction_value = sess.run(prediction,feed_dict={x:x_data})
plt.figure()
plt.scatter(x_data,y_data)
plt.plot(x_data,prediction_value,'r-',lw=5)
plt.show()

最后

以上就是大意人生为你收集整理的深度学习之tensorflow非线性回归解释版非解释版的全部内容,希望文章能够帮你解决深度学习之tensorflow非线性回归解释版非解释版所遇到的程序开发问题。

如果觉得靠谱客网站的内容还不错,欢迎将靠谱客网站推荐给程序员好友。

本图文内容来源于网友提供,作为学习参考使用,或来自网络收集整理,版权属于原作者所有。
点赞(49)

评论列表共有 0 条评论

立即
投稿
返回
顶部