tf计算矩阵维度_Tensorflow中tf.matmul() 和 tf.multiply() 的区别

本文介绍了Tensorflow中用于矩阵运算的tf.multiply()和tf.matmul()函数。tf.multiply()实现元素级相乘,而tf.matmul()执行矩阵乘法。文章通过示例代码详细阐述了这两个函数的使用方法和注意事项。
摘要由CSDN通过智能技术生成

1.tf.multiply()两个矩阵中对应元素各自相乘

格式:

tf.multiply(x, y, name=None)

参数:

  • x: 一个类型为:half, float32, float64, uint8, int8, uint16, int16, int32, int64, complex64, complex128的张量。
  • y: 一个类型跟张量x相同的张量。
  • 返回值: x * y element-wise.

注意:

(1)multiply这个函数实现的是元素级别的相乘,也就是两个相乘的数元素各自相乘,而不是矩阵乘法,注意和tf.matmul区别。

(2)两个相乘的数必须有相同的数据类型,不然就会报错。

示例代码:

import tensorflow as tf

#两个矩阵对应元素各自相乘

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

y=tf.constant([[1.,0.,0.],[0.,1.,0.],[0.,0.,1.]])

#注意这里x,y必须要有相同的数据类型,不然就会因为数据类型不匹配报错

z=tf.multiply(x,y)

#两个数相乘

x1=tf.constant(1)

y1=tf.constant(2)

#注意这里x,y必须要有相同的数据类型,不然就会因为数据类型不匹配报错

z1=tf.multiply(x1,y1)

#数和矩阵相乘

x2=tf.constant([[1.,2.,3.],[4.,5.,6.],[7.,8.,9.]])

y2=tf.constant(2.0)

#注意这里x,y必须要有相同的数据类型,不然就会因为数据类型不匹配报错

z2=tf.multiply(x2,y2)

init = tf.global_variables_initializer()

with tf.Session() as sess:

sess.run(init)

print(z.eval())

print(z1.eval())

print(z2.eval())

输出结果:

[[1. 0. 0.]

[0. 2. 0.]

[0. 0. 3.]]

2

[[ 2. 4. 6.]

[ 8. 10. 12.]

[14. 16. 18.]]

74cedb5fc613c05cb26be161fddb90d9.png

2.tf.matmul()将矩阵a乘以矩阵b,生成a * b。

格式:

tf.matmul(a, b, transpose_a=False, transpose_b=False, adjoint_a=False, adjoint_b=False, a_is_sparse=False, b_is_sparse=False, name=None)

参数:

  • a: 一个类型为 float16, float32, float64, int32, complex64, complex128 且张量秩 > 1 的张量。
  • b: 一个类型跟张量a相同的张量。
  • transpose_a: 如果为真, a则在进行乘法计算前进行转置。
  • transpose_b: 如果为真, b则在进行乘法计算前进行转置。
  • adjoint_a: 如果为真, a则在进行乘法计算前进行共轭和转置。
  • adjoint_b: 如果为真, b则在进行乘法计算前进行共轭和转置。
  • a_is_sparse: 如果为真, a会被处理为稀疏矩阵。
  • b_is_sparse: 如果为真, b会被处理为稀疏矩阵。
  • name: 操作的名字(可选参数)
  • 返回值: 一个跟张量a和张量b类型一样的张量且最内部矩阵是a和b中的相应矩阵的乘积。

注意:

(1)输入必须是矩阵(或者是张量秩 >2的张量,表示成批的矩阵),并且其在转置之后有相匹配的矩阵尺寸。

(2)两个矩阵必须都是同样的类型,支持的类型如下:float16, float32, float64, int32, complex64, complex128。

示例代码:

import tensorflow as tf

#两个矩阵相乘

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

y3=tf.constant([[1.,0.,0.],[0.,2.,0.],[0.,0.,3.]])

#注意这里x,y要满足矩阵相乘的格式要求

z3=tf.matmul(x3,y3)

init = tf.global_variables_initializer()

with tf.Session() as sess:

sess.run(init)

print(z3.eval())

输出结果:

[[1. 4. 9.]

[1. 4. 9.]

[1. 4. 9.]]

39a22b9aeb480bb0c0577833b1899071.png
  • 0
    点赞
  • 0
    收藏
    觉得还不错? 一键收藏
  • 0
    评论
将上述代码改写成 TensorFlow 2.x 版本的代码如下: ```python import tensorflow as tf def weight(shape, stddev, wd): initial = tf.random.truncated_normal(shape, stddev=stddev) var = tf.Variable(initial) if wd is not None: weight_decay = tf.multiply(tf.nn.l2_loss(var), wd, name='weight_loss') tf.add_to_collection('losses', weight_decay) return var class MyModel(tf.keras.Model): def __init__(self, in_nodes=784, h1_nodes=100, h2_nodes=100, h3_nodes=50): super(MyModel, self).__init__() self.w1 = weight([in_nodes, h1_nodes], 0.1, 0.005) self.b1 = tf.Variable(tf.zeros([h1_nodes])) self.w2 = weight([h1_nodes, h2_nodes], 0.1, 0.0) self.b2 = tf.Variable(tf.zeros([h2_nodes])) self.w3 = weight([h2_nodes, h3_nodes], 0.1, 0.0) self.b3 = tf.Variable(tf.zeros([h3_nodes])) self.w4 = weight([h3_nodes, 10], 0.1, 0.0) self.b4 = tf.Variable(tf.zeros([10])) def call(self, inputs, prob): x = inputs y_ = tf.cast(inputs, tf.float32) h1 = tf.nn.relu(tf.matmul(x, self.w1) + self.b1) h2 = tf.nn.relu(tf.matmul(h1, self.w2) + self.b2) h2_drop = tf.nn.dropout(h2, rate=prob) h3 = tf.nn.relu(tf.matmul(h2_drop, self.w3) + self.b3) h3_drop = tf.nn.dropout(h3, rate=prob) y = tf.nn.softmax(tf.matmul(h3_drop, self.w4) + self.b4) return y model = MyModel() x = tf.keras.Input(shape=(None, 784)) prob = tf.keras.Input(shape=()) y = model(x, prob) y_ = tf.keras.Input(shape=(None, 10)) # 定义损失函数 cross_entropy = tf.reduce_mean(-tf.reduce_sum(y_ * tf.math.log(y), reduction_indices=[1])) tf.add_to_collection('losses', cross_entropy) loss = tf.add_n(tf.get_collection('losses')) # 定义优化器 train_step = tf.train.AdamOptimizer(1e-4).minimize(loss) # 训练模型 with tf.Session() as sess: sess.run(tf.global_variables_initializer()) for i in range(1000): batch_xs, batch_ys = mnist.train.next_batch(100) sess.run(train_step, feed_dict={x: batch_xs, y_: batch_ys, prob: 0.5}) ``` 在 TensorFlow 2.x ,可以使用 `tf.reduce_mean` 和 `tf.reduce_sum` 函数来计算张量的平均值和总和;使用 `tf.math.log` 函数来计算张量的自然对数。此外,可以使用 `tf.train.AdamOptimizer` 来定义优化器,使用 `model.trainable_variables` 来获取所有可训练的变量。
评论
添加红包

请填写红包祝福语或标题

红包个数最小为10个

红包金额最低5元

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

抵扣说明:

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

余额充值