第乙個「回歸函式」原始碼

2021-08-18 05:09:02 字數 1370 閱讀 7910

#jupyter中匯入相應的包

import tensorflow as tf

import numpy as np

import matplotlib.pyplot as plt

#生成隨機點

x_data=np.linspace(-0.5,0.5,300)[:,np.newaxis]

noise=np.random.normal(0,0.03,x_data.shape)

y_data=-np.square(x_data) + noise

#定義引數

x=tf.placeholder(tf.float32,[none,1])

y=tf.placeholder(tf.float32,[none,1])

#定義神經元層

weight_l1 = tf.variable(tf.random_normal([1,10]))

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

wx_plus_l1=tf.matmul(x,weight_l1) + biases

l1=tf.nn.tanh(wx_plus_l1)

#定義神經元輸出層

weight_l2=tf.variable(tf.random_normal([10,1]))

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

wx_plus_l2=tf.matmul(l1,weight_l2) + biases_l2

prediction=tf.tanh(wx_plus_l2)

#定義二次代價函式

loss= tf.reduce_mean(tf.square(y-prediction))

train_step=tf.train.gradientdescentoptimizer(0.2).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=6)     #r:代表實線為紅色,-:代表實線,lw:線寬

plt.show()

附圖:

JQuery的第乙個句原始碼

先給出jquery原始碼的第一句 我們就分析這一句原始碼 function window,undefined window 這一段原始碼主要有3個問題需要解答 1 function 這是幹嘛?第乙個括號包含的內容表示乙個函式表示式,最後乙個括號表示立即執行,並傳入引數,整體就是乙個 立即執行的匿名函...

python第乙個程式設計 第乙個 Python 程式

簡述 安裝完 python 後,windows 中 開始選單或安裝目錄下就會有 idle 開發 python 程式的基本 ide 整合開發環境 幫助手冊 模組文件等。linux 中 只需要在命令列中輸入 python 命令即可啟動互動式程式設計。互動式程式設計 互動式程式設計不需要建立指令碼檔案,是...

第乙個線性回歸程式 基於Jupyter

import pandas as pd import seaborn as sns sns.set context notebook style whitegrid palette dark import matplotlib.pyplot as plt import tensorflow as t...