我有一个尺寸为[7, 12, 12, 197, 197]的 Torch Tensor。我想计算平均值,使合成向量的形状为[7,1,1,197,1]。有没有其他方法而不是使用for loop?你能提供执行时间基准的答案吗?
[7, 12, 12, 197, 197]
[7,1,1,197,1]
for loop
n8ghc7c11#
Torch提供了mean沿着dim作为参数。这个dim可以接受整数元组。
mean
dim
import torchtensor = torch.randn(4, 5, 6, 7)dims_to_reduce = (1,3)means = torch.mean(tensor, dim=dims_to_reduce, keepdim=True)print(means.shape)>>torch.Size([4, 1, 6, 1])
import torch
tensor = torch.randn(4, 5, 6, 7)
dims_to_reduce = (1,3)
means = torch.mean(tensor, dim=dims_to_reduce, keepdim=True)
print(means.shape)
>>torch.Size([4, 1, 6, 1])
字符串
aydmsdu92#
使用numpy,您可以将mean与维度/轴的元组一起用于聚合,并使用keepdims=True来保留形状:
keepdims=True
out = arr.mean((1,2,4), keepdims=True)
字符串范例:
np.random.seed(0)arr = np.random.random((7, 12, 12, 197, 197))print(arr.shape)out = arr.mean((1,2,4), keepdims=True)print(out.shape)
np.random.seed(0)
arr = np.random.random((7, 12, 12, 197, 197))
print(arr.shape)
print(out.shape)
型输出量:
(7, 12, 12, 197, 197)(7, 1, 1, 197, 1)
(7, 12, 12, 197, 197)
(7, 1, 1, 197, 1)
型
sbtkgmzw3#
这里是一个简单的方法,使用 Torch 。意思是,请检查它是否工作。
import torchtensor = torch.randn(4, 5, 6, 7) # Example tensornth_dim = 2 # Dimension to keepmeans = torch.mean(tensor, dim=torch.arange(tensor.ndim) != nth_dim)print(means.shape) # Output: torch.Size([4, 6, 7])
tensor = torch.randn(4, 5, 6, 7) # Example tensor
nth_dim = 2 # Dimension to keep
means = torch.mean(tensor, dim=torch.arange(tensor.ndim) != nth_dim)
print(means.shape) # Output: torch.Size([4, 6, 7])
mec1mxoz4#
这可以使用mean函数来完成,并告诉它在哪些轴上执行平均值,以及应该保持维度。pytorch中的代码与numpy中的代码非常相似,除了axis被替换为dim,keepdims被替换为keepdim。
axis
keepdims
keepdim
import torcha = torch.rand(7, 12, 12, 197, 197)print(a.shape) # torch.Size([7, 12, 12, 197, 197])b = torch.mean(a, dim=(1,2,4), keepdim=True)print(b.shape) # torch.Size([7, 1, 1, 197, 1])
a = torch.rand(7, 12, 12, 197, 197)
print(a.shape) # torch.Size([7, 12, 12, 197, 197])
b = torch.mean(a, dim=(1,2,4), keepdim=True)
print(b.shape) # torch.Size([7, 1, 1, 197, 1])
字符串在Numpy
import numpy as nprng = np.random.default_rng(42)a = rng.random((7, 12, 12, 197, 197))print(a.shape) # (7, 12, 12, 197, 197)b = np.mean(a, axis=(1,2,4), keepdims=True)print(b.shape) # (7, 1, 1, 197, 1)
import numpy as np
rng = np.random.default_rng(42)
a = rng.random((7, 12, 12, 197, 197))
print(a.shape) # (7, 12, 12, 197, 197)
b = np.mean(a, axis=(1,2,4), keepdims=True)
print(b.shape) # (7, 1, 1, 197, 1)
4条答案
按热度按时间n8ghc7c11#
Torch提供了
mean
沿着dim
作为参数。这个dim
可以接受整数元组。字符串
aydmsdu92#
使用numpy,您可以将
mean
与维度/轴的元组一起用于聚合,并使用keepdims=True
来保留形状:字符串
范例:
型
输出量:
型
sbtkgmzw3#
这里是一个简单的方法,使用 Torch 。意思是,请检查它是否工作。
字符串
mec1mxoz4#
这可以使用
mean
函数来完成,并告诉它在哪些轴上执行平均值,以及应该保持维度。pytorch中的代码与numpy中的代码非常相似,除了axis
被替换为dim
,keepdims
被替换为keepdim
。字符串
在Numpy
型