Tensorflow的基本執行方式 demo程式

2021-09-24 19:28:30 字數 1809 閱讀 1548

demo如下:優化目標為:y=x2−0.5

# -*- coding: utf-8 -*-

"""created on wed apr 18 20:30:10 2018

@author: spfhy

discription: tensorflow 的執行方式示例

"""import tensorflow as tf

import numpy as np

#1. 生成輸入資料,學習方程為:y = x^2 - 0.5,構造滿足這個方程的一堆x,y,同時加入噪點

x_data = np.linspace(-1,1,30)[:,np.newaxis] #300*1的二維陣列作為輸入

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

y_data = np.square(x_data) - 0.5 +noise

#定義 x,y的佔位符

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

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

def add_layer(inputs,in_size,out_size,activation_function =none):

#構建權重:in_size*out_size大小的矩陣

weights = tf.variable(tf.random_normal([in_size,out_size]))

#構建偏置:1*out_size的矩陣

biases = tf.variable(tf.zeros([1,out_size])+0.1)

#矩陣相乘

wx_plus_b = tf.matmul(inputs,weights)+ biases

if activation_function is none:

outputs = wx_plus_b

else:

outputs = activation_function(wx_plus_b)

return outputs

#構建隱匿層,假設隱匿層有20個神經元

h1 = add_layer(xs,1,20,activation_function=tf.nn.relu)

#構建輸出層,假設輸出層和輸入層一樣,有1個神經元

prediction = add_layer(h1,20,1,activation_function=none)

#構建損失函式:計算輸出層的**值和真實值間的誤差,對二者差的方求和再取平均,得到損失

#函式,運用梯度下降法,以0.1的學習速率最小化損失:

loss = tf.reduce_mean(tf.reduce_sum(tf.square(ys -prediction),

reduction_indices=[1]))

#實現梯度下降演算法的優化器

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

init = tf.global_variables_initializer()

sess = tf.session()

sess.run(init)

for i in range(1000):

sess.run(train_step,feed_dict=)

if i%50 == 0:

print(sess.run(loss,feed_dict=))

本文時學習《tensorflow 技術解析與實踐》的學習筆記,**摘抄自該書;

原文:

TensorFlow基本用法

author youngkl coding utf 8 import tensorflow as tf 1 2的矩陣 mat1 tf.constant 3.3.2 1的矩陣 mat2 tf.constant 2.3.ans tf.matmul mat1,mat2 此時ans無法直接輸出 啟動預設圖 ...

Tensorflow基本使用

使用 tensorflow,你必須明白 tensorflow tensorflow 是乙個程式設計系統,使用圖來表示計算任務.圖中的節點被稱之為 op operation 的縮寫 乙個 op 獲得 0 個或多個tensor,執行計算,產生 0 個或多個tensor.每個 tensor 是乙個型別化的...

Tensorflow基本操作

tensorflow常量變數定義 import cv2 import tensorflow as tf data1 tf.constant 2,dtype tf.int32 data2 tf.variable 10,name var sess tf.session print sess.run da...