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:指定gpu 限制使用量百分比,设置最小使用量的实现

    TensorFlow指定GPU限制使用量百分比和设置最小使用量的实现 在TensorFlow中,可以使用一些方法来指定GPU的使用量,例如限制使用量百分比和设置最小使用量。本文将详细讲解如何在TensorFlow中实现这些功能,并提供两个示例说明。 限制使用量百分比 在TensorFlow中,可以使用tf.ConfigProto()方法来设置GPU的使用量百…

    tensorflow 2023年5月16日
    00
  • 使用阿里云的云安装TensorFlow时出错

    只需要将阿里云的源改为信任源即可,在虚拟环境中输入如下命令: pip install –upgrade tensorflow -i http://mirrors.aliyun.com/pypi/simple –trusted-host mirrors.aliyun.com

    tensorflow 2023年4月6日
    00
  • TensorFlow实现iris数据集线性回归

    在 TensorFlow 中,我们可以使用线性回归模型来对 iris 数据集进行预测。iris 数据集是一个常用的分类数据集,包含了 3 类不同的鸢尾花,每类鸢尾花有 4 个特征。下面将介绍如何使用 TensorFlow 实现 iris 数据集的线性回归,并提供相应的示例说明。 示例1:使用 TensorFlow 实现 iris 数据集线性回归 以下是示例步…

    tensorflow 2023年5月16日
    00
  • 详解docker pull 下来的镜像文件存放的位置

    Docker是一种流行的容器化技术,可以用于快速部署和运行应用程序。在使用Docker时,我们可以使用docker pull命令从Docker Hub上下载镜像文件。本文将详细讲解Docker pull下来的镜像文件存放的位置,并提供两个示例说明。 镜像文件存放位置 当我们使用docker pull命令从Docker Hub上下载镜像文件时,这些文件会被存储…

    tensorflow 2023年5月16日
    00
  • tensorflow–mnist注解

    我自己对mnist官方例程进行了部分注解,希望分享出来有助于入门选手更好理解tensorflow的运行机制,可以拷贝到IDE再调试看看,看看具体数据流向还有一部分tensorflow里面用到的库。我用的是pip安装的tensorflow-GPU-1.13,这段源码原始位置在https://github.com/tensorflow/models/blob/m…

    tensorflow 2023年4月6日
    00
  • tensorflow 2.0 学习 (十五)自编码器 FashionMNIST数据集图像重建与生成

    这里就不更新上一文中LSTM情感分类问题了, 它只是网络结构中函数,从而提高准确率。 这一篇更新自编码器的图像重建处理, 网络结构如下: 代码如下: 1 import os 2 import numpy as np 3 import tensorflow as tf 4 from tensorflow import keras 5 from tensorfl…

    2023年4月8日
    00
  • 浅谈tensorflow之内存暴涨问题

    1. 简介 在使用TensorFlow进行深度学习模型训练时,可能会遇到内存暴涨的问题。本攻略将浅谈TensorFlow内存暴涨问题及其解决方法。 2. 内存暴涨问题 在TensorFlow中,内存暴涨问题通常是由于模型训练过程中,数据量过大导致的。当模型训练过程中需要处理大量数据时,TensorFlow会将数据存储在内存中,如果数据量过大,就会导致内存暴涨…

    tensorflow 2023年5月15日
    00
  • tensorflow 中 name_scope和variable_scope

    from http://blog.csdn.net/appleml/article/details/53668237 import tensorflow as tf   with tf.name_scope(“hello”) as name_scope:       arr1 = tf.get_variable(“arr1”, shape=[2,10],dt…

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