张量的数学运算主要有:标量运算,向量运算,矩阵运算,以及使用非常强大而灵活的爱因斯坦求和函数torch.einsum进行任意维的张量运算。
此外我们还会介绍张量运算的广播机制:
本篇文章内容如下:
- 标量运算
- 向量运算
- 矩阵运算
- 任意维张量运算
- 广播机制
import torch
print("torch.__version__="+torch.__version__)
"""
torch.__version__=2.1.1+cu118
"""
1.标量运算(操作的张量至少是0维)
张量的数学运算符可以分为标量运算符、向量运算符、以及矩阵运算符。
加减乘除乘方,以及三角函数,指数,对数等常见函数,逻辑比较运算符等都是标量运算符。
标量运算符的特点是对张量实施逐元素运算。
有些标量运算符对常用的数学运算符进行了重载。并且支持类似numpy的广播特性。
import torch
import numpy as np
a = torch.tensor(1.0)
b = torch.tensor(2.0)
a+b
"""
tensor(3.)
"""
a = torch.tensor([[1.0, 2], [-3, 4.0]])
b = torch.tensor([[5.0, 6], [7.0, 8.0]])
a+b # 运算符重载
"""
tensor([[ 6., 8.],
[ 4., 12.]])
"""
a-b
"""
tensor([[ -4., -4.],
[-10., -4.]])
"""
a*b
"""
tensor([[ 5., 12.],
[-21., 32.]])
"""
a/b
"""
tensor([[ 0.2000, 0.3333],
[-0.4286, 0.5000]])
"""
a**2
"""
tensor([[ 1., 4.],
[ 9., 16.]])
"""
a**(0.5)
"""
tensor([[1.0000, 1.4142],
[ nan, 2.0000]])
"""
a%3
"""
tensor([[1., 2.],
[-0., 1.]])
"""
torch.div(a, b, rounding_mode='floor') # 地板除法
"""
tensor([[ 0., 0.],
[-1., 0.]])
"""
a>=2 # torch.ge(a, 2)
"""
tensor([[False, True],
[False, True]])
"""
(a>=2) & (a<=3)
"""
tensor([[False, True],
[False, False]])
"""
(a>=2) | (a<=3)
"""
tensor([[True, True],
[True, True]])
"""
a==5 # torch.eq(a, 5)
"""
tensor([[False, False],
[False, False]])
"""
torch.sqrt(a)
"""
tensor([[1.0000, 1.4142],
[ nan, 2.0000]])
"""
a = torch.tensor([1.0, 8.0])
b = torch.tensor([5.0, 6.0])
c = torch.tensor([6.0, 7.0])
d = a + b + c
print(d)
"""
tensor([12., 21.])
"""
print(torch.max(a, b))
"""
tensor([5., 8.])
"""
print(torch.min(a, b))
"""
tensor([1., 6.])
"""
x = torch.tensor([2.6, -2.7])
print(torch.round(x))
print(torch.floor(x))
print(torch.ceil(x))
print(torch.trunc(x)) # 保留整数部分,向0归整
"""
tensor([ 3., -3.])
tensor([ 2., -3.])
tensor([ 3., -2.])
tensor([ 2., -2.])
"""
x = torch.tensor([2.6, -2.7])
print(torch.fmod(x, 2)) # 作除法取余数
print(torch.remainder(x, 2)) # 作除法,去剩余的部分,结果恒正
"""
tensor([ 0.6000, -0.7000])
tensor([0.6000, 1.3000])
"""
# 幅值裁剪
x = torch.tensor([0.9, -0.8, 100.0, -20.0, 0.7])
y = torch.clamp(x, min=-1, max=1)
z = torch.clamp(x, max=1)
print(y)
print(z)
"""
tensor([ 0.9000, -0.8000, 1.0000, -1.0000, 0.7000])
tensor([ 0.9000, -0.8000, 1.0000, -20.0000, 0.7000])
"""
relu = lambda x: x.clamp(min=0.0)
relu(torch.tensor(5.0))
"""
tensor(5.)
"""
2.向量运算(原则上操作的张量至少是一维张量)
向量运算符只在一个特定轴上运算,将一个向量映射到一个标量或者另外一个向量
# 统计值
a = torch.arange(1, 10).float().view(3, 3)
print(torch.sum(a))
print(torch.mean(a))
print(torch.max(a))
print(torch.min(a))
print(torch.prod(a)) # 累乘
print(torch.std(a))
print(torch.var(a))
print(torch.median(a))
"""
tensor(45.)
tensor(5.)
tensor(9.)
tensor(1.)
tensor(362880.)
tensor(2.7386)
tensor(7.5000)
tensor(5.)
"""
# 指定维度计算统计量
b = torch.arange(1, 10).float().view(3, 3)
print(b)
print(torch.max(b, dim=0))
print(torch.max(b, dim=1))
"""
tensor([[1., 2., 3.],
[4., 5., 6.],
[7., 8., 9.]])
torch.return_types.max(
values=tensor([7., 8., 9.]),
indices=tensor([2, 2, 2]))
torch.return_types.max(
values=tensor([3., 6., 9.]),
indices=tensor([2, 2, 2]))
"""
# cum扫描
a = torch.arange(1, 10)
print(torch.cumsum(a, 0))
print(torch.cumprod(a, 0))
print(torch.cummax(a, 0).values)
print(torch.cummax(a, 0).indices)
print(torch.cummin(a, 0))
"""
tensor([ 1, 3, 6, 10, 15, 21, 28, 36, 45])
tensor([ 1, 2, 6, 24, 120, 720, 5040, 40320, 362880])
tensor([1, 2, 3, 4, 5, 6, 7, 8, 9])
tensor([0, 1, 2, 3, 4, 5, 6, 7, 8])
torch.return_types.cummin(
values=tensor([1, 1, 1, 1, 1, 1, 1, 1, 1]),
indices=tensor([0, 0, 0, 0, 0, 0, 0, 0, 0]))
"""
# torch.sort和torch.topk可以对张量排序
a = torch.tensor([[9, 7, 8], [1, 3, 2], [5, 6, 4]]).float()
print(torch.topk(a, 2, dim=0))
print(torch.topk(a, 2, dim=1))
print(torch.sort(a, dim=1))
"""
torch.return_types.topk(
values=tensor([[9., 7., 8.],
[5., 6., 4.]]),
indices=tensor([[0, 0, 0],
[2, 2, 2]]))
torch.return_types.topk(
values=tensor([[9., 8.],
[3., 2.],
[6., 5.]]),
indices=tensor([[0, 2],
[1, 2],
[1, 0]]))
torch.return_types.sort(
values=tensor([[7., 8., 9.],
[1., 2., 3.],
[4., 5., 6.]]),
indices=tensor([[1, 2, 0],
[0, 2, 1],
[2, 0, 1]]))
"""
3.矩阵运算(操作的张量至少是二维张量)
矩阵必须是二维的。类似torch.tensor([1, 2, 3])这样的不是矩阵
矩阵运算包括:矩阵乘法,矩阵逆,矩阵求迹,矩阵范数,矩阵行列式,矩阵求特征值,矩阵分解运算等
# 矩阵乘法
a = torch.tensor([[1, 2], [3, 4]])
b = torch.tensor([[2, 0], [0, 2]])
print(a@b) # 等价于torch.matmul(a, b) 或 torch.mm(a, b)
"""
tensor([[2, 4],
[6, 8]])
"""
# 高维张量的矩阵乘法在后面的维度上进行
a = torch.randn(5, 5, 6)
b = torch.randn(5, 6, 4)
(a@b).shape
"""
torch.Size([5, 5, 4])
"""
# 矩阵转置
a = torch.tensor([[1.0, 2], [3, 4]])
print(a.t())
"""
tensor([[1., 3.],
[2., 4.]])
"""
# 矩阵逆,必须为浮点类型
a = torch.tensor([[1.0, 2], [3, 4]])
print(torch.inverse(a))
"""
tensor([[-2.0000, 1.0000],
[ 1.5000, -0.5000]])
"""
# 矩阵求trace
a = torch.tensor([[1.0, 2], [3, 4]])
print(torch.trace(a))
"""
tensor(5.)
"""
# 矩阵求范数
a = torch.tensor([[1.0, 2], [3, 4]])
print(torch.norm(a))
"""
tensor(5.4772)
"""
# 求矩阵行列式
a = torch.tensor([[1.0, 2], [3, 4]])
print(a.det()) # torch.det(a)
"""
tensor(-2.)
"""
# 矩阵特征值和特征向量
a = torch.tensor([[1.0, 2], [-5, 4]], dtype=torch.float)
print(torch.linalg.eig(a))
"""
torch.return_types.linalg_eig(
eigenvalues=tensor([2.5000+2.7839j, 2.5000-2.7839j]),
eigenvectors=tensor([[0.2535-0.4706j, 0.2535+0.4706j],
[0.8452+0.0000j, 0.8452-0.0000j]]))
"""
# 矩阵QR分解,将一个方阵分解为一个正交矩阵q和上三角矩阵r
# QR分解实际上是对矩阵q实施Schmidt正交化得到q
a = torch.tensor([[1.0, 2.0], [3.0, 4.0]])
q, r = torch.linalg.qr(a)
print(q)
print(r)
print(q@r)
"""
tensor([[-0.3162, -0.9487],
[-0.9487, 0.3162]])
tensor([[-3.1623, -4.4272],
[ 0.0000, -0.6325]])
tensor([[1.0000, 2.0000],
[3.0000, 4.0000]])
"""
# 矩阵svd分解
# svd分解可以将任意一个矩阵分解为一个正交矩阵u,一个对角矩阵s和一个正交矩阵v.t()的乘积
# svd常用于矩阵压缩和降维
a = torch.tensor([[1.0, 2.0], [3.0, 4.0], [5.0, 6.0]])
u, s, v = torch.linalg.svd(a)
print(u)
print(s)
print(v)
import torch.nn.functional as F
print([email protected](torch.diag(s), (0, 0, 0, 1))@v.t()) # 左右上下,下侧填充0
"""
tensor([[-0.2298, 0.8835, 0.4082],
[-0.5247, 0.2408, -0.8165],
[-0.8196, -0.4019, 0.4082]])
tensor([9.5255, 0.5143])
tensor([[-0.6196, -0.7849],
[-0.7849, 0.6196]])
tensor([[1.0000, 2.0000],
[3.0000, 4.0000],
[5.0000, 6.0000]])
"""
4.任意维张量运算(torch.einsum)
如果问pytorch中最强大的一个数学函数是什么?
我会说是torch.einsum:爱因斯坦求和函数。
它几乎是一个"万能函数":能实现超过一万种功能的函数。
不仅如此,和其它pytorch中的函数一样,torch.einsum是支持求导和反向传播的,并且计算效率非常高。
einsum 提供了一套既简洁又优雅的规则,可实现包括但不限于:内积,外积,矩阵乘法,转置和张量收缩(tensor contraction)等张量操作,熟练掌握 einsum 可以很方便的实现复杂的张量操作,而且不容易出错。
尤其是在一些包括batch维度的高阶张量的相关计算中,若使用普通的矩阵乘法、求和、转置等算子来实现很容易出现维度匹配等问题,若换成einsum则会特别简单。
套用一句深度学习paper标题当中非常时髦的话术,einsum is all you needed
标签:randn,tensor,torch,矩阵,张量,数学,print,运算 From: https://www.cnblogs.com/lotuslaw/p/18064488