Tensorflow2.0常用函数

1. 张量生成

张量(Tensor) :多维数组(列表)

阶:张量的维数

维数名字例子
0-D0标量 scalars=1 2 3
1-D1向量 vectorv=[1, 2, 3]
2-D2矩阵 matrixm=[[1,2,3],[4,5,6][7,8,9]]
N-DN张量 tensort=[[[ 有几个中括号就是几阶张量

张量可以表示0阶到n阶数组(列表)

数据类型

  • tf.int, tf.float
    • tf.int 32tf.float 32, tf.float 64
  • tf.bool
    • tf.constant([True, False])
  • tf.string
    • tf.constant("Hello, world!")

如何创建一个Tensor

创建一个张量

tf.constant(张量内容, dtype=数据类型(可选))

代码示例

import os
os.environ['TF_CPP_MIN_LOG_LEVEL'] = '2'  # 关闭log信息

import tensorflow as tf

a = tf.constant([1, 5], dtype=tf.int64)
print("a:", a)
print("a.dtype:", a.dtype)
print("a.shape:", a.shape)

# 本机默认 tf.int32  可去掉dtype试一下 查看默认值

运行结果

a: tf.Tensor([1 5], shape=(2,), dtype=int32)
a.dtype: <dtype: 'int32'>
a.shape: (2,)

将numpy的数据类型转换为Tensor数据类型tf. convert to_tensor(数据名,dtype=数 据类型(可选))

代码示例

import os
os.environ['TF_CPP_MIN_LOG_LEVEL'] = '2'  # 关闭log信息

import tensorflow as tf
import numpy as np

a = np.arange(0, 5)
b = tf.convert_to_tensor(a, dtype=tf.int64)
print("a:", a)
print("b:", b)

运行结果

a: [0 1 2 3 4]
b: tf.Tensor([0 1 2 3 4], shape=(5,), dtype=int64)
  • 创建全为0的张量
    • tf. zeros(维度)
  • 创建全为1的张量
    • tf. ones(维度)
  • 创建全为指定值的张量
    • tf. fil(维度,指定值)

维度:

  • 一维直接写个数
  • 二维用[行,列]
  • 多维用[n,m,.K…]

示例:

import tensorflow as tf
a = tf.zeros([2, 3])
b = tf.ones(4)
c = tf.fill([2, 2], 9)
print("a:", a)
print("b:", b)
print("c:", c)

运行结果

a: tf.Tensor(
[[0. 0. 0.]
 [0. 0. 0.]], shape=(2, 3), dtype=float32)
b: tf.Tensor([1. 1. 1. 1.], shape=(4,), dtype=float32)
c: tf.Tensor(
[[9 9]
 [9 9]], shape=(2, 2), dtype=int32)
  • 生成正态分布的随机数,默认均值为0,标准差为1
    • tf. random.normal (维度,mean=均值,stddev=标准差)
  • 生成截断式正态分布的随机数
    • tf. random.truncated normal (维度,mean=均值,stddev=标准差)

tf.truncated normal中如果随机生成数据的取值在(μ-2σ, μ+2σ) 之外,则重新进行生成,保证了生成值在均值附近。(μ:均值,σ:标准差)

标准差计算公式:
σ = ∑ i = 1 n ( x i − x ˉ ) 2 n \sigma=\sqrt{\frac{\sum_{i=1}^{n}\left(x_{i}-\bar{x}\right)^{2}}{n}} σ=ni=1n(xixˉ)2
代码示例:

import tensorflow as tf
d = tf.random.normal([2, 2], mean=0.5, stddev=1)
print("d:", d)
e = tf.random.truncated_normal([2, 2], mean=0.5, stddev=1)
print("e:", e)

运行结果

d: tf.Tensor(
[[0.21293578 1.3744814 ]
 [0.57955813 0.21024475]], shape=(2, 2), dtype=float32)
e: tf.Tensor(
[[ 1.0601948 -0.290159 ]
 [ 1.4136508  1.1021997]], shape=(2, 2), dtype=float32)

生成均匀分布随机数( minval, maxval )
tf. random. uniform(维度,minval=最小值,maxval=最大值)

代码示例

import tensorflow as tf
f = tf.random.uniform([2, 2], minval=0, maxval=1)
print("f:", f)

运行结果

f: tf.Tensor(
[[0.8941778  0.1506716 ]
 [0.61614406 0.6378647 ]], shape=(2, 2), dtype=float32)

2. 常用函数

2.1 基本

  • 强制tensor转换为该数据类型
    • tf.cast (张量名,dtype=数据类型)
  • 计算张量维度上元素的最小值
    • tf.reduce_ min (张量名)
  • 计算张量维度上元素的最大值
    • tf.reduce_ max(张量名)
  • 将tensor转换为numpy
    • tensor.numpy()

代码示例:

import tensorflow as tf
x1 = tf.constant([1., 2., 3.], dtype=tf.float64)
print("x1:", x1)
x2 = tf.cast(x1, tf.int32)
print("x2:", x2)
print("minimum of x2:", tf.reduce_min(x2))
print("maxmum of x2:", tf.reduce_max(x2))

a = tf.constant(5, dtype=tf.int64)
print("tensor a:", a)
print("numpy a:", a.numpy())

运行结果:

x1: tf.Tensor([1. 2. 3.], shape=(3,), dtype=float64)
x2: tf.Tensor([1 2 3], shape=(3,), dtype=int32)
minimum of x2: tf.Tensor(1, shape=(), dtype=int32)
maxmum of x2: tf.Tensor(3, shape=(), dtype=int32)
tensor a: tf.Tensor(5, shape=(), dtype=int64)
numpy a: 5

2.2 axis

在一个二维张量或数组中,可以通过调整axis等于0或1控制执行维度。

axis=0代表跨行(经度,down),而axis=1代表跨列(纬度,across)

如果不指定axis,则所有元素参与计算。
在这里插入图片描述

  • 计算张量沿着指定维度的平均值
    • tf.reduce_mean (张量名,axis=操作轴)
  • 计算张量沿着指定维度的和
    • tf.reduce_sum (张量名,axis=操作轴)

代码示例

import tensorflow as tf
x = tf.constant([[1, 2, 3], [2, 2, 3]])
print("x:", x)
print("mean of x:", tf.reduce_mean(x))  # 求x中所有数的均值
print("sum of x:", tf.reduce_sum(x, axis=1))  # 求每一行的和

运行结果

x: tf.Tensor(
[[1 2 3]
 [2 2 3]], shape=(2, 3), dtype=int32)
mean of x: tf.Tensor(2, shape=(), dtype=int32)
sum of x: tf.Tensor([6 7], shape=(2,), dtype=int32)

2.3 tf.Variable

tf.Variable () 将变量标记为“可训练”,被标记的变量会在反向传播中记录梯度信息。神经网络训练中,常用该函数标记待训练参数。

tf.Variable(初始值)

定义变量

w = tf.Variable(tf.random.norma([2, 2], mean=0, stddev=1))

2.4 TensorFlow中的数学运算

  • 对应元素的四则运算: tf.add, tf.subtract, tf.multiply, tf.divide
  • 平方、次方与开方: tf.square, tf.pow, tf.sqrt
  • 矩阵乘: tf.matmul

对应元素的四则运算

  • 实现两个张量的对应元素相加
    • tf.add (张量1,张量2)
  • 实现两个张量的对应元素相减
    • tf.subtract (张量1,张量2)
  • 实现两个张量的对应元素相乘
    • tf.multiply (张量1,张量2)
  • 实现两个张量的对应元素相除
    • tf.divide (张量1,张量2)

注意:只有维度相同的张量才可以做四则运算

代码示例:

import tensorflow as tf
a = tf.ones([1, 3])
b = tf.fill([1, 3], 3.)
print("a:", a)
print("b:", b)
print("a+b:", tf.add(a, b))
print("a-b:", tf.subtract(a, b))
print("a*b:", tf.multiply(a, b))
print("b/a:", tf.divide(b, a))

运行结果

a: tf.Tensor([[1. 1. 1.]], shape=(1, 3), dtype=float32)
b: tf.Tensor([[3. 3. 3.]], shape=(1, 3), dtype=float32)
a+b: tf.Tensor([[4. 4. 4.]], shape=(1, 3), dtype=float32)
a-b: tf.Tensor([[-2. -2. -2.]], shape=(1, 3), dtype=float32)
a*b: tf.Tensor([[3. 3. 3.]], shape=(1, 3), dtype=float32)
b/a: tf.Tensor([[3. 3. 3.]], shape=(1, 3), dtype=float32)

平方、次方与开方

  • 计算某个张量的平方
    • tf.square (张量名)
  • 计算某个张量的n次方
    • tf.pow (张量名,n次方数)
  • 计算某个张量的开方
    • tf.sqrt (张量名)

代码示例:

import tensorflow as tf
a = tf.fill([1, 2], 3.)
print("a:", a)
print("a的次方:", tf.pow(a, 3))
print("a的平方:", tf.square(a))
print("a的开方:", tf.sqrt(a))

运行结果:

a: tf.Tensor([[3. 3.]], shape=(1, 2), dtype=float32)
a的次方: tf.Tensor([[27. 27.]], shape=(1, 2), dtype=float32)
a的平方: tf.Tensor([[9. 9.]], shape=(1, 2), dtype=float32)
a的开方: tf.Tensor([[1.7320508 1.7320508]], shape=(1, 2), dtype=float32)

2.5 矩阵乘

实现两个矩阵的相乘

tf.matmul(矩阵1,矩阵2)

代码示例:

import tensorflow as tf

a = tf.ones([3, 2])
b = tf.fill([2, 3], 3.)
print("a:", a)
print("b:", b)
print("a*b:", tf.matmul(a, b))

运行结果:

a: tf.Tensor(
[[1. 1.]
 [1. 1.]
 [1. 1.]], shape=(3, 2), dtype=float32)
b: tf.Tensor(
[[3. 3. 3.]
 [3. 3. 3.]], shape=(2, 3), dtype=float32)
a*b: tf.Tensor(
[[6. 6. 6.]
 [6. 6. 6.]
 [6. 6. 6.]], shape=(3, 3), dtype=float32)

2.6 特征与标签

切分传入张量的第一维度, 生成输入特征标签对,构建数据集

data = tf.data.Dataset.from_tensor_ slices((输入特征,标签))

(Numpy和Tensor格式都可用该语句读入数据)

代码示例:

import tensorflow as tf
features = tf.constant([12, 23, 10, 17])
labels = tf.constant([0, 1, 1, 0])
dataset = tf.data.Dataset.from_tensor_slices((features, labels))
for element in dataset:
    print(element)

运行结果

(<tf.Tensor: shape=(), dtype=int32, numpy=12>, <tf.Tensor: shape=(), dtype=int32, numpy=0>)
(<tf.Tensor: shape=(), dtype=int32, numpy=23>, <tf.Tensor: shape=(), dtype=int32, numpy=1>)
(<tf.Tensor: shape=(), dtype=int32, numpy=10>, <tf.Tensor: shape=(), dtype=int32, numpy=1>)
(<tf.Tensor: shape=(), dtype=int32, numpy=17>, <tf.Tensor: shape=(), dtype=int32, numpy=0>)

2.7 函数对指定参数求导gradient

with结构记录计算过程,gradient求 出张量的梯度

with tf.GradientTape() as tape:
若千个计算过程
grad=tape.gradient(函数,对谁求导)

代码示例,对函数x^2求x的导数
∂ w 2 ∂ w = 2 w = 2 ∗ 3.0 = 6.0 \frac{\partial w^{2}}{\partial w}=2 w=2^{*} 3.0=6.0 ww2=2w=23.0=6.0

import tensorflow as tf
with tf.GradientTape() as tape:
    x = tf.Variable(tf.constant(3.0))
    y = tf.pow(x, 2)
grad = tape.gradient(y, x)
print(grad)

运行结果

tf.Tensor(6.0, shape=(), dtype=float32)

2.8 枚举元素enumerate

enumerate是python的内建函数,它可遍历每个元素(如列表、元组或字符串),

组合为:索引元素,常在for循环中使用。

enumerate(列表名)

代码示例:

seq = ['one', 'two', 'three']
for i, element in enumerate(seq):
    print(i, element)

运行结果:

0 one
1 two
2 three

2.9 Onehot

独热编码(Cone-hot encoding) :在分类问题中,常用独热码做标签,标记类别: 1表示是,0表示非。

标签为1,独热编码为

0狗尾草鸢尾1杂色鸢尾2弗吉尼亚鸢尾
010

tf.one_ hot()函数将待转换数据,转换为one-hot形式的数据输出。

tf.one_ hot (待转换数据,depth=几分类)

代码示例:

import tensorflow as tf
classes = 3
labels = tf.constant([1, 0, 2])  # 输入的元素值最小为0,最大为2
output = tf.one_hot(labels, depth=classes)
print("result of labels1:", output)
print("\n")

运行结果

result of labels1: tf.Tensor(
[[0. 1. 0.]
 [1. 0. 0.]
 [0. 0. 1.]], shape=(3, 3), dtype=float32)

2.10 输出符合概率分布(归一化)

tf.nn.softmax(x)把一个N*1的向量归一化为(0,1)之间的值,由于其中采用指数运算,使得向量中数值较大的量特征更加明显。
Softmax ⁡ ( y i ) = e y i ∑ j = 0 n e y i \operatorname{Softmax}\left(y_{i}\right)=\frac{e^{y_{i}}}{\sum_{j=0}^{n} e^{y_{i}}} Softmax(yi)=j=0neyieyi
tf.nn.softmax(x)使输出符合概率分布

当n分类的n个输出(yo, y1… yn_1)通过softmax( )函数,便符合概率分布,所有的值和为1。
∀ x P ( X = x ) ∈ [ 0 , 1 ]  且  ∑ x P ( X = x ) = 1 \forall x P(X=x) \in[0,1] \text { 且 } \sum_{x} P(X=x)=1 xP(X=x)[0,1]  xP(X=x)=1
在这里插入图片描述
代码示例:

import tensorflow as tf
y = tf.constant([1.01, 2.01, -0.66])
y_pro = tf.nn.softmax(y)

print("After softmax, y_pro is:", y_pro)  # y_pro 符合概率分布

print("The sum of y_pro:", tf.reduce_sum(y_pro))  # 通过softmax后,所有概率加起来和为1

运行结果:

After softmax, y_pro is: tf.Tensor([0.25598174 0.69583046 0.0481878 ], shape=(3,), dtype=float32)
The sum of y_pro: tf.Tensor(1.0, shape=(), dtype=float32)

2.11 参数自更新

赋值操作,更新参数的值并返回。

调用assign_ sub前,先用tf.Variable定义变量w为可训练(可自更新)。

w.assign_ sub (w要自减的内容)

代码示例:

x = tf.Variable(4)
x.assign_sub(1)
print("x:", x)  # 4-1=3

运行结果

x: <tf.Variable 'Variable:0' shape=() dtype=int32, numpy=3>

2.12 指定维度最大值索引

返回张量沿指定维度最大值的索引

tf.argmax (张量名,axis=操作轴)

代码示例:

import numpy as np
import tensorflow as tf
test = np.array([[1, 2, 3], [2, 3, 4], [5, 4, 3], [8, 7, 2]])
print("test:\n", test)
print("每一列的最大值的索引:", tf.argmax(test, axis=0))  # 返回每一列最大值的索引
print("每一行的最大值的索引", tf.argmax(test, axis=1))  # 返回每一行最大值的索引

运行结果:

test:
 [[1 2 3]
 [2 3 4]
 [5 4 3]
 [8 7 2]]
每一列的最大值的索引: tf.Tensor([3 3 1], shape=(3,), dtype=int64)
每一行的最大值的索引 tf.Tensor([2 2 0 0], shape=(4,), dtype=int64)

3. 鸢尾花案例

3.1 数据集介绍

共有数据150组,每组包括花尊长、花尊宽、花瓣长、花瓣宽4个输入特征。同时给出了,这组特征对应的鸢尾花 类别。类别包括Setosa Iris (狗尾草鸢尾),Versicolour lris (杂色鸢尾),Virginica Iris (弗吉尼亚鸢尾)三类,分别用数字0,1,2表示。

读取数据集代码

from sklearn import datasets
from pandas import DataFrame
import pandas as pd

x_data = datasets.load_iris().data  # .data返回iris数据集所有输入特征
y_data = datasets.load_iris().target  # .target返回iris数据集所有标签
print("x_data from datasets: \n", x_data)
print("y_data from datasets: \n", y_data)

x_data = DataFrame(x_data, columns=['花萼长度', '花萼宽度', '花瓣长度', '花瓣宽度']) # 为表格增加行索引(左侧)和列标签(上方)
pd.set_option('display.unicode.east_asian_width', True)  # 设置列名对齐
print("x_data add index: \n", x_data)

x_data['类别'] = y_data  # 新加一列,列标签为‘类别’,数据为y_data
print("x_data add a column: \n", x_data)

#类型维度不确定时,建议用print函数打印出来确认效果

3.2 神经网络实现鸢尾花分类

  1. 准备数据
    • 数据集读入
    • 数据集乱序
    • 生成训练集和测试集(即x_ train/y train, x_ test/y_ test)
    • 配成(输入特征,标签)对,每次读入一小撮(batch)
  2. 搭建网络
    • 定义神经网路中所有可训练参数
  3. 参数优化
    • 嵌套循环迭代,with结构更新参数,显示当前loss
  4. 测试效果
    • 计算当前参数前向传播后的准确率,显示当前acc
  5. acc / loss可视化

代码示例:

# -*- coding: UTF-8 -*-
# 利用鸢尾花数据集,实现前向传播、反向传播,可视化loss曲线
# 导入所需模块
import tensorflow as tf
from sklearn import datasets
from matplotlib import pyplot as plt
import numpy as np

# 导入数据,分别为输入特征和标签
x_data = datasets.load_iris().data
y_data = datasets.load_iris().target

# 随机打乱数据(因为原始数据是顺序的,顺序不打乱会影响准确率)
# seed: 随机数种子,是一个整数,当设置之后,每次生成的随机数都一样(为方便教学,以保每位同学结果一致)
np.random.seed(116)  # 使用相同的seed,保证输入特征和标签一一对应
np.random.shuffle(x_data)
np.random.seed(116)
np.random.shuffle(y_data)
tf.random.set_seed(116)

# 将打乱后的数据集分割为训练集和测试集,训练集为前120行,测试集为后30行
x_train = x_data[:-30]
y_train = y_data[:-30]
x_test = x_data[-30:]
y_test = y_data[-30:]

# 转换x的数据类型,否则后面矩阵相乘时会因数据类型不一致报错
x_train = tf.cast(x_train, tf.float32)
x_test = tf.cast(x_test, tf.float32)

# from_tensor_slices函数使输入特征和标签值一一对应。(把数据集分批次,每个批次batch组数据)
train_db = tf.data.Dataset.from_tensor_slices((x_train, y_train)).batch(32)
test_db = tf.data.Dataset.from_tensor_slices((x_test, y_test)).batch(32)

# 生成神经网络的参数,4个输入特征故,输入层为4个输入节点;因为3分类,故输出层为3个神经元
# 用tf.Variable()标记参数可训练
# 使用seed使每次生成的随机数相同(方便教学,使大家结果都一致,在现实使用时不写seed)
w1 = tf.Variable(tf.random.truncated_normal([4, 3], stddev=0.1, seed=1))
b1 = tf.Variable(tf.random.truncated_normal([3], stddev=0.1, seed=1))

lr = 0.1  # 学习率为0.1
train_loss_results = []  # 将每轮的loss记录在此列表中,为后续画loss曲线提供数据
test_acc = []  # 将每轮的acc记录在此列表中,为后续画acc曲线提供数据
epoch = 500  # 循环500轮
loss_all = 0  # 每轮分4个step,loss_all记录四个step生成的4个loss的和

# 训练部分
for epoch in range(epoch):  #数据集级别的循环,每个epoch循环一次数据集
    for step, (x_train, y_train) in enumerate(train_db):  
        #batch级别的循环 ,每个step循环一个batch
        with tf.GradientTape() as tape:  # with结构记录梯度信息
            y = tf.matmul(x_train, w1) + b1  # 神经网络乘加运算
            y = tf.nn.softmax(y)  
            # 使输出y符合概率分布(此操作后与独热码同量级,可相减求loss)
            y_ = tf.one_hot(y_train, depth=3)  
            # 将标签值转换为独热码格式,方便计算loss和accuracy
            loss = tf.reduce_mean(tf.square(y_ - y))  
            # 采用均方误差损失函数mse = mean(sum(y_ - y)^2)
            loss_all += loss.numpy()  
            # 将每个step计算出的loss累加,为后续求loss平均值提供数据,这样计算的loss更准确
        # 计算loss对各个参数的梯度
        grads = tape.gradient(loss, [w1, b1])

        # 实现梯度更新 w1 = w1 - lr * w1_grad    b = b - lr * b_grad
        w1.assign_sub(lr * grads[0])  # 参数w1自更新
        b1.assign_sub(lr * grads[1])  # 参数b自更新

    # 每个epoch,打印loss信息
    print("Epoch {}, loss: {}".format(epoch, loss_all/4))
    train_loss_results.append(loss_all / 4)  # 将4个step的loss求平均记录在此变量中
    loss_all = 0  # loss_all归零,为记录下一个epoch的loss做准备

    # 测试部分
    # total_correct为预测对的样本个数, total_number为测试的总样本数,将这两个变量都初始化为0
    total_correct, total_number = 0, 0
    for x_test, y_test in test_db:
        # 使用更新后的参数进行预测
        y = tf.matmul(x_test, w1) + b1
        y = tf.nn.softmax(y)
        pred = tf.argmax(y, axis=1)  # 返回y中最大值的索引,即预测的分类
        # 将pred转换为y_test的数据类型
        pred = tf.cast(pred, dtype=y_test.dtype)
        # 若分类正确,则correct=1,否则为0,将bool型的结果转换为int型
        correct = tf.cast(tf.equal(pred, y_test), dtype=tf.int32)
        # 将每个batch的correct数加起来
        correct = tf.reduce_sum(correct)
        # 将所有batch中的correct数加起来
        total_correct += int(correct)
        # total_number为测试的总样本数,也就是x_test的行数,shape[0]返回变量的行数
        total_number += x_test.shape[0]
    # 总的准确率等于total_correct/total_number
    acc = total_correct / total_number
    test_acc.append(acc)
    print("Test_acc:", acc)
    print("--------------------------")

# 绘制 loss 曲线
plt.title('Loss Function Curve')  # 图片标题
plt.xlabel('Epoch')  # x轴变量名称
plt.ylabel('Loss')  # y轴变量名称
plt.plot(train_loss_results, label="$Loss$")  # 逐点画出trian_loss_results值并连线,连线图标是Loss
plt.legend()  # 画出曲线图标
plt.show()  # 画出图像

# 绘制 Accuracy 曲线
plt.title('Acc Curve')  # 图片标题
plt.xlabel('Epoch')  # x轴变量名称
plt.yls abel('Ac sc')  # y轴变量名称
plt.plot(test_acc, label="$Accuracy$")  # 逐点画出test_acc值并连线,连线图标是Accuracy
plt.legend()
plt.show()
  • 0
    点赞
  • 8
    收藏
    觉得还不错? 一键收藏
  • 0
    评论

“相关推荐”对你有帮助么?

  • 非常没帮助
  • 没帮助
  • 一般
  • 有帮助
  • 非常有帮助
提交
评论
添加红包

请填写红包祝福语或标题

红包个数最小为10个

红包金额最低5元

当前余额3.43前往充值 >
需支付:10.00
成就一亿技术人!
领取后你会自动成为博主和红包主的粉丝 规则
hope_wisdom
发出的红包
实付
使用余额支付
点击重新获取
扫码支付
钱包余额 0

抵扣说明:

1.余额是钱包充值的虚拟货币,按照1:1的比例进行支付金额的抵扣。
2.余额无法直接购买下载,可以购买VIP、付费专栏及课程。

余额充值