欧美bbbwbbbw肥妇,免费乱码人妻系列日韩,一级黄片

tensorflow基本操作小白快速構(gòu)建線性回歸和分類模型

 更新時間:2021年08月30日 14:45:29   作者:劉潤森!  
這篇文章主要介紹了tensorflow基本操作,快速構(gòu)建線性回歸和分類模型,圖文代碼示例非常詳細(xì),有需要的朋友可以借鑒參考下,希望可以對大家有所幫助

TF 目前發(fā)布2.5 版本,之前閱讀1.X官方文檔,最近查看2.X的文檔。

tensorflow是非常強的工具,生態(tài)龐大

tensorflow提供了Keras的分支

這里不再提供Keras相關(guān)順序模型教程。

關(guān)于環(huán)境:ubuntu的 GPU,需要cuda和nvcc

不會安裝:查看

完整的Ubuntu18.04深度學(xué)習(xí)GPU環(huán)境配置,英偉達(dá)顯卡驅(qū)動安裝、cuda9.0安裝、cudnn的安裝、anaconda安裝

不安裝,直接翻墻用colab

測試GPU

>>> from tensorflow.python.client import device_lib
>>> device_lib.list_local_devices()

這是意思是掛了一個顯卡

具體查看官方文檔:https://www.tensorflow.org/install

服務(wù)器跑Jupyter

Define tensor constants.

import tensorflow as tf
# Create a Tensor.
hello = tf.constant("hello world")
hello
# Define tensor constants.
a = tf.constant(1)
b = tf.constant(6)
c = tf.constant(9)
# tensor變量的操作
# (+, *, ...)
add = tf.add(a, b)
sub = tf.subtract(a, b)
mul = tf.multiply(a, b)
div = tf.divide(a, b)
# 通過numpy返回數(shù)值  和torch一樣
print("add =", add.numpy())
print("sub =", sub.numpy())
print("mul =", mul.numpy())
print("div =", div.numpy())
add = 7
sub = -5
mul = 6
div = 0.16666666666666666
mean = tf.reduce_mean([a, b, c])
sum_ = tf.reduce_sum([a, b, c])
# Access tensors value.
print("mean =", mean.numpy())
print("sum =", sum_ .numpy())
mean = 5
sum = 16
# Matrix multiplications.
matrix1 = tf.constant([[1., 2.], [3., 4.]])
matrix2 = tf.constant([[5., 6.], [7., 8.]])
product = tf.matmul(matrix1, matrix2)
product
<tf.Tensor: shape=(2, 2), dtype=float32, numpy=
array([[19., 22.],
       [43., 50.]], dtype=float32)>
# Tensor to Numpy.
np_product = product.numpy()
print(type(np_product), np_product)
(numpy.ndarray,
 array([[19., 22.],
        [43., 50.]], dtype=float32))

Linear Regression

下面使用tensorflow快速構(gòu)建線性回歸模型,這里不使用kears的順序模型,而是采用torch的模型定義的寫法。

import numpy as np
import tensorflow as tf
# Parameters:
learning_rate = 0.01
training_steps = 1000
display_step = 50
# Training Data.
X = np.array([3.3,4.4,5.5,6.71,6.93,4.168,9.779,6.182,7.59,2.167,7.042,10.791,5.313,7.997,5.654,9.27,3.1])
Y = np.array([1.7,2.76,2.09,3.19,1.694,1.573,3.366,2.596,2.53,1.221,2.827,3.465,1.65,2.904,2.42,2.94,1.3])
random = np.random
# 權(quán)重和偏差,隨機(jī)初始化。
W = tf.Variable(random.randn(), name="weight")
b = tf.Variable(random.randn(), name="bias")
# Linear regression (Wx + b).
def linear_regression(x):
    return W * x + b
# Mean square error.
def mean_square(y_pred, y_true):
    return tf.reduce_mean(tf.square(y_pred - y_true))
# 隨機(jī)梯度下降優(yōu)化器。
optimizer = tf.optimizers.SGD(learning_rate)
# 優(yōu)化過程。
def run_optimization():
    # 將計算包在GradientTape中,以便自動區(qū)分。
    with tf.GradientTape() as g:
        pred = linear_regression(X)
        loss = mean_square(pred, Y)
    # 計算梯度。
    gradients = g.gradient(loss, [W, b])
        # 按照梯度更新W和b。
    optimizer.apply_gradients(zip(gradients, [W, b]))
#按給定的步數(shù)進(jìn)行訓(xùn)練。
for step in range(1, training_steps + 1):
    # 運行優(yōu)化以更新W和b值。
    run_optimization()
        if step % display_step == 0:
        pred = linear_regression(X)
        loss = mean_square(pred, Y)
        print("Step: %i, loss: %f, W: %f, b: %f" % (step, loss, W.numpy(), b.numpy()))


import matplotlib.pyplot as plt
plt.plot(X, Y, 'ro', label='Original data')
plt.plot(X, np.array(W * X + b), label='Fitted line')
plt.legend()
plt.show()

分類模型

本例使用MNIST手寫數(shù)字

數(shù)據(jù)集包含60000個訓(xùn)練示例和10000個測試示例。

這些數(shù)字已經(jīng)過大小標(biāo)準(zhǔn)化,并在一個固定大小的圖像(28x28像素)中居中,值從0到255。

在本例中,每個圖像將轉(zhuǎn)換為float32,標(biāo)準(zhǔn)化為[0,1],并展平為784個特征(28×28)的一維數(shù)組。

import numpy as np
import tensorflow as tf
#  MNIST data
num_classes = 10      # 0->9 digits
num_features = 784    # 28 * 28
# Parameters 
lr = 0.01
batch_size = 256
display_step = 100
training_steps = 1000
# Prepare MNIST data
from tensorflow.keras.datasets import mnist
(x_train, y_train), (x_test, y_test) = mnist.load_data()
# Convert to Float32
x_train, x_test = np.array(x_train, np.float32), np.array(x_test, np.float32)
# Flatten images into 1-D vector of 784 dimensions (28 * 28)
x_train, x_test = x_train.reshape([-1, num_features]), x_test.reshape([-1, num_features])
# [0, 255] to [0, 1]
x_train, x_test = x_train / 255, x_test / 255
# 打亂順序: tf.data API to shuffle and batch data
train_dataset = tf.data.Dataset.from_tensor_slices((x_train, y_train))
train_dataset = train_dataset.repeat().shuffle(5000).batch(batch_size=batch_size).prefetch(1)
# Weight of shape [784, 10] ~= [number_features, number_classes]
W = tf.Variable(tf.ones([num_features, num_classes]), name='weight')
# Bias of shape [10] ~= [number_classes]
b = tf.Variable(tf.zeros([num_classes]), name='bias')
# Logistic regression: W*x + b
def logistic_regression(x):
    # 應(yīng)用softmax函數(shù)將logit標(biāo)準(zhǔn)化為概率分布
    out = tf.nn.softmax(tf.matmul(x, W) + b)
       return out
# 交叉熵?fù)p失函數(shù)
def cross_entropy(y_pred, y_true):
    # 將標(biāo)簽編碼為一個one_hot向量
    y_true = tf.one_hot(y_true, depth=num_classes)
        # 剪裁預(yù)測值避免錯誤
    y_pred = tf.clip_by_value(y_pred, 1e-9, 1)
        # 計算交叉熵
    cross_entropy = tf.reduce_mean(-tf.reduce_sum(y_true * tf.math.log(y_pred), 1))    
    return cross_entropy
# Accuracy
def accuracy(y_pred, y_true):
    correct = tf.equal(tf.argmax(y_pred, 1), tf.cast(y_true, tf.int64))
    return tf.reduce_mean(tf.cast(correct, tf.float32))
# 隨機(jī)梯度下降優(yōu)化器
optimizer = tf.optimizers.SGD(lr)
# Optimization
def run_optimization(x, y):
    with tf.GradientTape() as g:
        pred = logistic_regression(x)
        loss = cross_entropy(y_pred=pred, y_true=y)
    gradients = g.gradient(loss, [W, b])   
    optimizer.apply_gradients(zip(gradients, [W, b]))
# Training
for step, (batch_x, batch_y) in enumerate(train_dataset.take(training_steps), 1):
    # Run the optimization to update W and b
    run_optimization(x=batch_x, y=batch_y)
       if step % display_step == 0:
        pred = logistic_regression(batch_x)
        loss = cross_entropy(y_pred=pred, y_true=batch_y)
        acc = accuracy(y_pred=pred, y_true=batch_y)
        print("Step: %i, loss: %f, accuracy: %f" % (step, loss, acc))

pred = logistic_regression(x_test)
print(f"Test Accuracy: {accuracy(pred, y_test)}")

Test Accuracy: 0.892300009727478

import matplotlib.pyplot as plt
n_images = 5
test_images = x_test[:n_images]
predictions = logistic_regression(test_images)
# 預(yù)測前5張
for i in range(n_images):
    plt.imshow(np.reshape(test_images[i], [28, 28]), cmap='gray')
    plt.show()
    print("Model prediction: %i" % np.argmax(predictions.numpy()[i]))

Model prediction: 7

Model prediction: 2

Model prediction: 1

Model prediction: 0

Model prediction: 4

以上就是tensorflow基本操作小白快速構(gòu)建線性回歸和分類模型的詳細(xì)內(nèi)容,更多關(guān)于tensorflow快速構(gòu)建線性回歸和分類模型的資料請關(guān)注腳本之家其它相關(guān)文章!

相關(guān)文章

  • python 殺死自身進(jìn)程的實現(xiàn)方法

    python 殺死自身進(jìn)程的實現(xiàn)方法

    今天小編就為大家分享一篇python 殺死自身進(jìn)程的實現(xiàn)方法,具有很好的參考價值,希望對大家有所幫助。一起跟隨小編過來看看吧
    2019-07-07
  • Python3多線程基礎(chǔ)知識點

    Python3多線程基礎(chǔ)知識點

    在本篇內(nèi)容里小編給大家分享了關(guān)于Python3多線程基礎(chǔ)知識點內(nèi)容,需要的朋友們跟著學(xué)習(xí)參考下。
    2019-02-02
  • Python三百行代碼實現(xiàn)飛機(jī)大戰(zhàn)

    Python三百行代碼實現(xiàn)飛機(jī)大戰(zhàn)

    飛機(jī)大戰(zhàn)想必大家可能玩過微信的這款小游戲,給我的感覺是這款游戲怎么可以做得這么好呢,操作簡單,容易上手,簡直是“老少皆宜”啊,既然這款游戲這么棒,能否自己動手用 Python 來實現(xiàn)呢?事實證明是可以的
    2022-09-09
  • Python+Turtle繪制可愛的多啦A夢的示例代碼

    Python+Turtle繪制可愛的多啦A夢的示例代碼

    這篇文章主要介紹了如何利用python中的Turtle模塊繪制一個童年記憶的卡通人物哆啦A夢,文中的示例代碼講解詳細(xì),感興趣的可以了解一下
    2022-03-03
  • 十行Python代碼實現(xiàn)文字識別功能

    十行Python代碼實現(xiàn)文字識別功能

    這篇文章主要和大家分享如何調(diào)用百度的接口實現(xiàn)圖片的文字識別。整體是用Python實現(xiàn),所需要使用的第三方庫包括aip、PIL、keyboard、pyinstaller,需要的可以參考一下
    2022-05-05
  • 詳解Python中HTML解析庫pyquery的使用

    詳解Python中HTML解析庫pyquery的使用

    在工作中難免會遇到解析 HTML 的場景,比如將網(wǎng)頁下載下來之后,要解析出里面圖片的路徑、指定標(biāo)簽里的文本等等,而 pyquery 專門負(fù)責(zé)做這件事,下面我們就來學(xué)習(xí)一下他的具體用法吧
    2023-12-12
  • Python爬蟲教程之利用正則表達(dá)式匹配網(wǎng)頁內(nèi)容

    Python爬蟲教程之利用正則表達(dá)式匹配網(wǎng)頁內(nèi)容

    這篇文章主要給大家介紹了關(guān)于Python爬蟲教程之利用正則表達(dá)式匹配網(wǎng)頁內(nèi)容的相關(guān)資料,文中通過示例代碼介紹的非常詳細(xì),對大家的學(xué)習(xí)或者工作具有一定的參考學(xué)習(xí)價值,需要的朋友們下面隨著小編來一起學(xué)習(xí)學(xué)習(xí)吧
    2020-12-12
  • Python.append()與Python.expand()用法詳解

    Python.append()與Python.expand()用法詳解

    今天小編就為大家分享一篇Python.append()與Python.expand()用法詳解,具有很好的參考價值,希望對大家有所幫助。一起跟隨小編過來看看吧
    2019-12-12
  • Python進(jìn)程間通訊與進(jìn)程池超詳細(xì)講解

    Python進(jìn)程間通訊與進(jìn)程池超詳細(xì)講解

    進(jìn)程彼此之間互相隔離,要實現(xiàn)進(jìn)程間通信(IPC),multiprocessing模塊主要通過隊列方式,隊列:隊列類似于一條管道,元素先進(jìn)先出,需要注意的一點是:隊列都是在內(nèi)存中操作,進(jìn)程退出,隊列清空,另外,隊列也是一個阻塞的形態(tài)
    2022-12-12
  • 使用Python控制攝像頭拍照并發(fā)郵件

    使用Python控制攝像頭拍照并發(fā)郵件

    這篇文章主要介紹了使用Python控制攝像頭拍照并發(fā)郵件的相關(guān)知識,非常不錯,具有一定的參考借鑒價值,需要的朋友可以參考下
    2019-04-04

最新評論