📜  如何在 PyTorch 中访问张量的元数据?

📅  最后修改于: 2022-05-13 01:55:13.404000             🧑  作者: Mango

如何在 PyTorch 中访问张量的元数据?

在本文中,我们将了解如何使用Python在 PyTorch 中访问张量的元数据。

Python中的 PyTorch 是一个机器学习库。此外,它是免费和开源的。它首先由 Facebook AI 研究团队推出。 PyTorch 中的张量类似于 NumPy 数组。但它没有任何深度学习、图等方面的知识。它被认为是一个普通的n维数组,可以用于数学计算。它在执行平台方面与 Numpy 不同。与 Numpy 数组不同,张量能够在 CPU 或 GPU 上运行。

示例 1:

在此示例中,源代码中使用的每个语句都已在下面讨论,

第一步是导入torch库。我们需要创建一个张量。例如,我们创建了一个尺寸为 5 X 3 的张量。现在要访问元数据,即张量的大小和形状,我们使用了 .size() 和 .shape 方法。我们使用了 torch.numel() 方法。它为我们提供了创建的张量中的元素总数。最后,我们将这些数据打印到控制台。

Python3
# Python Program demonstrate how
# to access meta-data of a Tensor
  
# Import necessary libraries
import torch
  
# Create a tensor of having dimensions 5 X 3
tensor = torch.Tensor([[5,1,7],[7,2,9],[4,7,9],
                       [8,12,14],[2,4,7]])
print("tensor:\n", tensor)
  
# Get the meta-data of tensor
# Get the size of tensor
tensor_size = tensor.size()
print("Thee size of tensor:\n", tensor_size)
  
# Applying .shape method to get the tensor size
print("The shape of tensor:\n", tensor.shape)
  
# Compute the number of elements in the tensor
size = torch.numel(tensor)
print("Total number of elements in tensor:\n", size)


Python3
# Python Program demonstrate how to
# access meta-data of a Tensor
  
# Import the library
import torch
  
# Creating a tensor
data = [1, 2, 3, 4, 5, 6, 7, 8, 9]
tensor = torch.tensor(data)
  
# Printing tensor
print(tensor)
  
# Get the meta-data of tensor
# Get the size of tensor
tensor_size = tensor.size()
print("The size of tensor:\n", tensor_size)
  
# Applying .shape method to get the tensor size
print("The shape of tensor:\n", tensor.shape)
  
# Compute the number of elements in the tensor
size = torch.numel(tensor)
print("Total number of elements in tensor:\n", size)


输出:

tensor:
 tensor([[ 5.,  1.,  7.],
        [ 7.,  2.,  9.],
        [ 4.,  7.,  9.],
        [ 8., 12., 14.],
        [ 2.,  4.,  7.]])
Thee size of tensor:
 torch.Size([5, 3])
The shape of tensor:
 torch.Size([5, 3])
Total number of elements in tensor:
 15

示例 2:

在此示例中,源代码中使用的每个语句都已在下面讨论,

第一步是导入torch库。我们需要创建一个张量。例如,我们创建了一个从 1 到 9(含)数字的张量。现在要访问元数据,即张量的大小和形状,我们使用了 .size() 和 .shape 方法。我们使用了 torch.numel() 方法。它为我们提供了创建的张量中的元素总数。最后,我们将这些数据打印到控制台。

Python3

# Python Program demonstrate how to
# access meta-data of a Tensor
  
# Import the library
import torch
  
# Creating a tensor
data = [1, 2, 3, 4, 5, 6, 7, 8, 9]
tensor = torch.tensor(data)
  
# Printing tensor
print(tensor)
  
# Get the meta-data of tensor
# Get the size of tensor
tensor_size = tensor.size()
print("The size of tensor:\n", tensor_size)
  
# Applying .shape method to get the tensor size
print("The shape of tensor:\n", tensor.shape)
  
# Compute the number of elements in the tensor
size = torch.numel(tensor)
print("Total number of elements in tensor:\n", size)

输出:

tensor([1, 2, 3, 4, 5, 6, 7, 8, 9])
The size of tensor:
 torch.Size([9])
The shape of tensor:
 torch.Size([9])
Total number of elements in tensor:
 9