通過過乙個最簡單的神經網路(輸入層乙個神經元,隱藏層10個神經元,輸出層1個神經元)來進行非線性回歸。
import tensorflow as tf
import numpy as np
import matplotlib.pyplot as plt
#使用numpy生成200個隨機點
#從-0.5到0.5生成均勻分布的200個點(一維)增加乙個維度
x_data=np.linspace(-0.5,0.5,200)[:,np.newaxis]
#print(x_data)
#正態分佈均值為0標準差為0.02
noise = np.random.normal(0,0.02,x_data.shape)
#print(noise)
y_data = np.square(x_data)+noise
#print(y_data)
# 定義兩個placeholder
#行不確定1列
x = tf.placeholder(tf.float32,[none,1])
y = tf.placeholder(tf.float32,[none,1])
#定義神經網路中間層10個神經元
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=)
#獲得**值
prediction_value=sess.run(prediction, feed_dict=)
#畫圖plt.figure()
plt.scatter(x_data,y_data)
plt.plot(x_data,prediction_value,'r-',lw=5)
plt.show()
結果
tensorflow實現非線性擬合
import tensorflow as tf import numpy as np import matplotlib.pyplot as plt x data np.linspace 0.5,0.5,200 np.newaxis 使得維度為 200,1 noise np.random.norma...
tensorflow非線性回歸
該程式有輸入層,中間層和輸出層 執行環境 ubuntun menpo queen queen x550ld downloads py python nonliner regression.py coding utf 8 定義乙個神經網路 輸入層乙個元素,中間層10個神經元,輸出層1個元素 impor...
Tensorflow 線性回歸與非線性回歸
二次代價函式 均方差 神經網路 1 20 1 w1 tf.variable tf.random normal 1 20 b1 tf.variable tf.zeros 20 wxplus1 tf.matmul x,w1 b1 l1 tf.nn.tanh wxplus1 w2 tf.variable ...