模擬非線性回歸 softmax分類mnist資料集

2021-08-25 05:55:38 字數 2973 閱讀 2505

建立乙個乙個輸入神經元,中間隱藏層10個神經元,輸出為1個神經元的神經網路用於模擬非線性回歸

# coding: utf-8

import tensorflow as tf

import numpy as np

import matplotlib.pyplot as plt

#使用numpy生成200個隨機點

x_data = np.linspace(-0.5,0.5,200)[:,np.newaxis]#因為網路輸入是乙個1個節點,測試資料有200個,所以是200行,1列的資料

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

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

借助softmax實現mnist資料集分類

# coding: utf-8

import tensorflow as tf

from tensorflow.examples.tutorials.mnist import input_data

#載入資料集

mnist = input_data.read_data_sets("./mnist_data",one_hot=true)

#每個批次的大小

batch_size = 100

#計算一共有多少個批次

n_batch = mnist.train.num_examples // batch_size

#定義兩個placeholder

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

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

#建立乙個簡單的神經網路

w = tf.variable(tf.zeros([784,10]))

b = tf.variable(tf.zeros([10]))

prediction = tf.nn.softmax(tf.matmul(x,w)+b)

#二次代價函式

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

#使用梯度下降法

train_step = tf.train.gradientdescentoptimizer(0.2).minimize(loss)

#初始化變數

init = tf.global_variables_initializer()

#結果存放在乙個布林型列表中

correct_prediction = tf.equal(tf.argmax(y,1),tf.argmax(prediction,1))#argmax返回一維張量中最大的值所在的位置

#求準確率

accuracy = tf.reduce_mean(tf.cast(correct_prediction,tf.float32))

with tf.session() as sess:

sess.run(init)

for epoch in range(21):

for batch in range(n_batch):

batch_xs,batch_ys = mnist.train.next_batch(batch_size)

sess.run(train_step,feed_dict=)

acc = sess.run(accuracy,feed_dict=)

print("iter " + str(epoch) + ",testing accuracy " + str(acc))

tensorflow非線性回歸

該程式有輸入層,中間層和輸出層 執行環境 ubuntun menpo queen queen x550ld downloads py python nonliner regression.py coding utf 8 定義乙個神經網路 輸入層乙個元素,中間層10個神經元,輸出層1個元素 impor...

2 非線性回歸

import keras import numpy as np import matplotlib.pyplot as plt sequential按順序構成的模型 from keras.models import sequential dense全連線層 from keras.layers imp...

1 線性回歸與非線性回歸

線性回歸就是針對回歸問題的一種線性模型。特點 簡單優雅,模型本身擬合樣本能力不強,通常需要深層次的特徵。對損失函式的一些解釋 假定誤差服從中心極限定理,說明了誤差進行疊加最後趨近於標準正態分佈,先對誤差建立極大似然估計,然後引入到樣本上,最終求解得到損失函式。ps 中心極限定理假定每個樣本需要滿足均...