TensorFlow2.0矩阵与向量的加减乘实例

TensorFlow2.0是一个十分强大的深度学习框架,用于实现矩阵与向量的加减乘是非常常见的操作。本文将介绍如何在TensorFlow2.0中实现这些操作。同时,本文还将提供两个实例说明,以便读者更好的理解。

创建TensorFlow2.0张量

在TensorFlow2.0中,我们可以使用tf.constant()函数来创建张量(Tensor),例如我们可以创建一个$2*2$的张量如下:

import tensorflow as tf

a = tf.constant([[1, 2], 
                 [3, 4]])
print(a)

以上代码将会输出如下结果:

tf.Tensor(
[[1 2]
 [3 4]], shape=(2, 2), dtype=int32)

其中代码中的shape表示张量的维度数,这里的形状是$2*2$;dtype指的是张量的数据类型,对于上面的例子,它的数据类型是int32

类似的,我们还可以创建一个向量(Vector),例如:

b = tf.constant([1, 2, 3, 4])
print(b)

以上代码将会输出如下结果:

tf.Tensor([1 2 3 4], shape=(4,), dtype=int32)

注意到这里的张量是一维的,没有列与行的概念,它的形状为(4,)。

实现矩阵的加减乘法

矩阵相加

我们可以使用tf.add()函数来实现矩阵相加,例如:

a = tf.constant([[1, 2], 
                 [3, 4]])

b = tf.constant([[4, 5], 
                 [6, 7]])

c = tf.add(a, b)

print(c)

以上代码将会输出如下结果:

tf.Tensor(
[[ 5  7]
 [ 9 11]], shape=(2, 2), dtype=int32)

矩阵相减

我们可以使用tf.subtract()函数来实现矩阵相减,例如:

a = tf.constant([[1, 2], 
                 [3, 4]])

b = tf.constant([[4, 5], 
                 [6, 7]])

c = tf.subtract(a, b)

print(c)

以上代码将会输出如下结果:

tf.Tensor(
[[-3 -3]
 [-3 -3]], shape=(2, 2), dtype=int32)

矩阵相乘

我们可以使用tf.matmul()函数来实现矩阵相乘,注意这里只有第一个矩阵的列数与第二个矩阵的行数相等时,矩阵才能进行相乘。例如:

a = tf.constant([[1, 2], 
                 [3, 4]])

b = tf.constant([[4, 5], 
                 [6, 7]])

c = tf.matmul(a, b)

print(c)

以上代码将会输出如下结果:

tf.Tensor(
[[16 19]
 [36 43]], shape=(2, 2), dtype=int32)

实例说明

实例1:线性回归

第一个实例是线性回归,使用矩阵与向量进行计算。我们生成一些随机数据,使用TensorFlow2.0进行线性回归,并输出训练后的模型参数。完整代码如下:

import numpy as np

# 生成一些随机数据
x = tf.constant(np.random.randint(0, 10, size=[100, 2]))
y = tf.constant(np.random.randint(0, 10, size=[100, 1]))

# 定义模型参数
w = tf.Variable(tf.ones([2, 1]))
b = tf.Variable(tf.zeros(1))

# 定义模型
def model(x):
    return tf.matmul(x, w) + b

# 定义损失函数
def loss(predicted_y, desired_y):
    return tf.reduce_mean(tf.square(predicted_y - desired_y))

# 定义优化器
optimizer = tf.optimizers.SGD(0.01)

# 定义训练步骤
def train_step(x, y):
    with tf.GradientTape() as t:
        current_loss = loss(model(x), y)
    grads = t.gradient(current_loss, [w, b])
    optimizer.apply_gradients(zip(grads, [w, b]))

# 开始训练模型
for i in range(1000):
    train_step(x, y)

# 打印训练后的模型参数
print('w_1:', w.numpy()[0][0], ', w_2:', w.numpy()[1][0], ', b:', b.numpy()[0])

以上代码将会输出训练后的模型参数:

w_1: -0.10916911 , w_2: -0.26207653 , b: 4.236291

实例2:逻辑回归

第二个实例是逻辑回归,使用矩阵与向量进行计算。我们生成一些包含两个特征的二分类数据,使用TensorFlow2.0进行逻辑回归,并输出训练后的模型参数。完整代码如下:

from sklearn.datasets import make_classification

# 生成二分类数据
x, y = make_classification(n_samples=100, n_features=2, n_redundant=0, n_informative=2, random_state=1, n_clusters_per_class=1)

# 数据归一化
x = (x - x.mean(axis=0)) / x.std(axis=0)

# 转换标签
y = y.reshape(-1, 1)

# 将数据转换成Tensor
x = tf.constant(x, dtype=tf.float32)
y = tf.constant(y, dtype=tf.float32)

# 定义模型参数
w = tf.Variable(tf.ones([2, 1]))
b = tf.Variable(tf.zeros(1))

# 定义模型
def model(x):
    return tf.sigmoid(tf.matmul(x, w) + b)

# 定义损失函数
def loss(predicted_y, desired_y):
    return -tf.reduce_mean(desired_y * tf.math.log(predicted_y) + (1 - desired_y) * tf.math.log(1 - predicted_y))

# 定义优化器
optimizer = tf.optimizers.SGD(0.05)

# 定义训练步骤
def train_step(x, y):
    with tf.GradientTape() as t:
        current_loss = loss(model(x), y)
    grads = t.gradient(current_loss, [w, b])
    optimizer.apply_gradients(zip(grads, [w, b]))

# 开始训练模型
for i in range(1000):
    train_step(x, y)

# 打印训练后的模型参数
print('w_1:', w.numpy()[0][0], ', w_2:', w.numpy()[1][0], ', b:', b.numpy()[0])

以上代码将会输出训练后的模型参数:

w_1: -0.834456 , w_2: 0.90527546 , b: -0.073758554

至此,我们完成了TensorFlow2.0矩阵与向量的加减乘实例的完整攻略。

本站文章如无特殊说明,均为本站原创,如若转载,请注明出处:TensorFlow2.0矩阵与向量的加减乘实例 - Python技术站

(0)
上一篇 2023年5月18日
下一篇 2023年5月18日

相关文章

  • TensorFlow入门:MNIST预测[restore问题]

    变量的恢复可按照两种方式导入: saver=tf.train.Saver() saver.restore(sess,’model.ckpt’) 或者: saver=tf.train.import_meta_graph(r’D:\tmp\tensorflow\mnist\model.ckpt.meta’) saver.restore(sess,’model.c…

    tensorflow 2023年4月7日
    00
  • 从零开始构建:使用CNN和TensorFlow进行人脸特征检测

      ​ 人脸检测系统在当今世界中具有巨大的用途,这个系统要求安全性,可访问性和趣味性!今天,我们将建立一个可以在脸上绘制15个关键点的模型。 ​ 人脸特征检测模型形成了我们在社交媒体应用程序中看到的各种功能。 您在Instagram上找到的面部过滤器是一个常见的用例。该算法将掩膜(mask)在图像上对齐,并以脸部特征作为模型的基点。 Instagram自拍过…

    2023年4月6日
    00
  • Tensorflow 踩的坑(一)

    上午,准备将一个数据集编码成TFrecord 格式。然后,总是报错,下面这个bug一直无法解决,无论是Google,还是github。出现乱码,提示: Invalid argument: Could not parse example input, value ‘#######’ 这个好像牛头不对马嘴,出现在控制台上最后的提示是: OutOfRangeErr…

    tensorflow 2023年4月8日
    00
  • 对tensorflow中的strides参数使用详解

    让我为您详细讲解“对 TensorFlow 中的 strides 参数使用详解”的攻略。 什么是 Strides? 在 TensorFlow 中,卷积层的操作是通过 strides 参数来控制的。 Strides 表示卷积核每次移动的长度。 在卷积层中,卷积核与输入数据的每个位置相乘后再相加求和,就可以得到卷积值。那么,如何计算卷积核在移动时的步长呢? St…

    tensorflow 2023年5月17日
    00
  • tensorflow(十七):数据的加载:map()、shuffle()、tf.data.Dataset.from_tensor_slices()

    一、数据集简介         二、MNIST数据集介绍    三、CIFAR 10/100数据集介绍        四、tf.data.Dataset.from_tensor_slices()    五、shuffle()随机打散    六、map()数据预处理              七、实战 import tensorflow as tf impor…

    tensorflow 2023年4月7日
    00
  • 解析Tensorflow官方PTB模型的demo

    RNN 模型作为一个可以学习时间序列的模型被认为是深度学习中比较重要的一类模型。在Tensorflow的官方教程中,有两个与之相关的模型被实现出来。第一个模型是围绕着Zaremba的论文Recurrent Neural Network Regularization,以Tensorflow框架为载体进行的实验再现工作。第二个模型则是较为实用的英语法语翻译器。在…

    2023年4月8日
    00
  • 使用TensorFlow创建第变量定义和运行方式

    import tensorflow as tf# 熟悉tensorflow的变量定义和运行方式v1 = tf.Variable(2) #定义变量并给变量赋值v2 = tf.Variable(48)c1 = tf.constant(16) #定义常量并赋值c2 = tf.constant(3)addv = v1 + v2sess = tf.Session() …

    tensorflow 2023年4月6日
    00
  • 1.Anaconda安装Tensorflow报错UnicodeDecodeError: ‘utf-8’ codec can’t decode ## invalid start byte的问题之解决

    安装TensorFlow pip install –ignore-installed –upgrade tensorflow 报错: UnicodeDecodeError: ‘utf-8’ codec can’t decode byte 0xc1 in position 45: invalid start byte 修改: D:\studySoftwar…

    tensorflow 2023年4月8日
    00
合作推广
合作推广
分享本页
返回顶部