tensorflow非線性回歸

2022-05-04 13:45:09 字數 1734 閱讀 5211

該程式有輸入層,中間層和輸出層

執行環境:ubuntun

(menpo) queen@queen-x550ld:~/downloads/py $ python nonliner_regression.py

#

-*- coding: utf-8 -*-

#定義乙個神經網路:輸入層乙個元素,中間層10個神經元,輸出層1個元素

import

numpy as np

import

matplotlib.pyplot as plt

import

tensorflow as tf

#使用numpy生成200個隨機點

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])

#定義神經網路中間層

weights_l1 = tf.variable(tf.random_normal([1,10])) #輸入層1個元素,中間層10個神經元

biases_l1 = tf.variable(tf.zeros([1,10]))

wx_plus_b_l1 = tf.matmul(x,weights_l1) +biases_l1

l1 =tf.tanh(wx_plus_b_l1)

#定義神經網路輸出層

weights_l2 = tf.variable(tf.random_normal([10,1])) #中間層10個神經元,輸出層1個元素

biases_l2 = tf.variable(tf.zeros([1,1]))

wx_plus_b_l2 = tf.matmul(l1,weights_l2) +biases_l2

prediction =tf.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 線性回歸與非線性回歸

二次代價函式 均方差 神經網路 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 ...

Tensorflow實戰 非線性回歸

通過過乙個最簡單的神經網路 輸入層乙個神經元,隱藏層10個神經元,輸出層1個神經元 來進行非線性回歸。import tensorflow as tf import numpy as np import matplotlib.pyplot as plt 使用numpy生成200個隨機點 從 0.5到0...

3 1非線性回歸(TensorFlow例程)

非線性回歸的tensorflow例程 本例程程式設計思想 產生隨機數x data,構造y x 2 雜訊的分布,相當於已知輸入x data和輸出y data。利用輸入x data和輸出y data,利用梯度下降法,使樣本值和 值之間的損失函式 loss 最小,訓練出相應的模型 得到訓練後的模型,然後再...