PyTorch 中基于索引的操作


基于索引的操作在操作和访问张量内特定元素或数据子集方面发挥着至关重要的作用。PyTorch 是一款流行的开源深度学习框架,它提供了强大的机制来高效地执行此类操作。通过利用基于索引的操作,开发人员可以沿张量的各个维度提取、修改和重新排列数据。

张量基础

PyTorch 张量是多维数组,可以保存各种类型的数值数据,例如浮点数、整数或布尔值。张量是 PyTorch 中的基本数据结构,是构建和操作神经网络的基础。

要在 PyTorch 中创建张量,我们可以使用 torch.Tensor 类或 PyTorch 提供的各种工厂函数,例如 torch.zeros、torch.ones 或 torch.rand。让我们来看几个例子 

import torch
# Create a tensor of zeros with shape (3, 2)
zeros_tensor = torch.zeros(3, 2)
print(zeros_tensor)

# Create a tensor of ones with shape (2, 3)
ones_tensor = torch.ones(2, 3)
print(ones_tensor)

# Create a random tensor with shape (4, 4)
rand_tensor = torch.rand(4, 4)
print(rand_tensor)

除了张量的形状之外,我们还可以使用 dtype 属性检查其数据类型。PyTorch 支持多种数据类型,包括 torch.float32、torch.float64、torch.int8、torch.int16、torch.int32、torch.int64 和 torch.bool。默认数据类型是 torch.float32。要指定特定的数据类型,我们可以在创建张量时传递 dtype 参数。

# Create a tensor of ones with shape (2, 2) and data type torch.float64
ones_double_tensor = torch.ones(2, 2, dtype=torch.float64)
print(ones_double_tensor)

除了从头开始创建张量之外,我们还可以使用 torch.tensor 函数将现有的数据结构(例如列表或 NumPy 数组)转换为 PyTorch 张量。这允许与其他库无缝集成,并简化深度学习任务的数据准备工作。

import numpy as np

# Create a NumPy array
numpy_array = np.array([[1, 2, 3], [4, 5, 6]])

# Convert the NumPy array to a PyTorch tensor
tensor_from_numpy = torch.tensor(numpy_array)
print(tensor_from_numpy)

PyTorch 中的索引和切片

索引和切片操作在访问 PyTorch 中张量的特定元素或子集方面起着至关重要的作用。它们允许我们有效地检索和操作数据,使处理大型张量或提取有意义的信息以进行进一步分析变得更容易。在本节中,我们将探讨 PyTorch 中索引和切片的基础知识。

基本索引

在 PyTorch 中,我们可以通过为每个维度提供索引来访问张量的单个元素。索引从每个维度的第一个元素开始,为 0。让我们来看一些例子 

import torch

# Create a tensor
tensor = torch.tensor([[1, 2, 3], [4, 5, 6]])

# Access the element at row 0, column 1
element = tensor[0, 1]
print(element)  # Output: tensor(2)

# Access the element at row 1, column 2
element = tensor[1, 2]
print(element)  # Output: tensor(6)

我们还可以使用负索引从维度的末尾访问元素。例如,-1 指的是最后一个元素,-2 指的是倒数第二个元素,依此类推。

import torch

# Create a tensor
tensor = torch.tensor([[1, 2, 3], [4, 5, 6]])

# Access the last element
element = tensor[-1, -1]
print(element)  # Output: tensor(6)

切片

除了访问单个元素之外,PyTorch 还支持切片操作来提取张量的子集。切片允许我们指定每个维度上的范围或间隔,以一次检索多个元素。让我们看看切片是如何工作的 

import torch

# Create a tensor
tensor = torch.tensor([[1, 2, 3], [4, 5, 6], [7, 8, 9]])

# Slice the first row
row_slice = tensor[0, :]
print(row_slice)  # Output: tensor([1, 2, 3])

# Slice the first column
column_slice = tensor[:, 0]
print(column_slice)  # Output: tensor([1, 4, 7])

# Slice a submatrix
submatrix_slice = tensor[1:, 1:]
print(submatrix_slice)  # Output: tensor([[5, 6], [8, 9]])

在上面的示例中,我们使用冒号 (:) 表示我们想要包含特定维度上的所有元素。这使我们能够同时跨行、列或两者进行切片。

使用整数和布尔掩码进行索引

除了常规索引和切片之外,PyTorch 还提供了使用整数数组或布尔掩码的更高级的索引技术。这些技术提供了更大的灵活性和对我们想要访问或修改的元素的控制。

我们可以使用整数数组来指定我们想要从维度中选择的索引。让我们看一个例子 

import torch

# Create a tensor
tensor = torch.tensor([[1, 2, 3], [4, 5, 6], [7, 8, 9]])

# Create an integer array of indices
indices = torch.tensor([0, 2])

# Select specific rows using integer array indexing
selected_rows = tensor[indices]
print(selected_rows)  # Output: tensor([[1, 2, 3], [7, 8, 9]])

高级索引技术

除了基本的索引和切片操作之外,PyTorch 还提供了高级索引技术,这些技术提供了更大的灵活性和对从张量中选择元素的控制。在本节中,我们将探讨这些技术以及如何在 PyTorch 中使用它们。

使用掩码张量进行索引

PyTorch 中一个强大的索引技术涉及使用布尔掩码根据某些条件选择元素。布尔掩码是一个与原始张量形状相同的张量,其中每个元素都是 True 或 False,指示原始张量中的对应元素是否应该被选中。

让我们看一个例子 –

import torch

# Create a tensor
tensor = torch.tensor([1, 2, 3, 4, 5])

# Create a boolean mask based on a condition
mask = tensor > 3

# Select elements based on the mask
selected_elements = tensor[mask]
print(selected_elements)  # Output: tensor([4, 5])

在这个例子中,我们通过应用条件 tensor > 3 创建了一个布尔掩码,它返回一个布尔张量,指示 tensor 中的每个元素是否大于 3。然后我们使用这个掩码来选择 tensor 中仅满足条件的元素,得到一个新的张量 [4, 5]。

省略号用于扩展切片

PyTorch 还提供了省略号 (...) 语法来执行扩展切片,这在处理更高维度的张量时特别有用。省略号允许我们在切片操作中表示多个冒号 (:),隐式地指示所有未明确提及的维度都包含在内。

让我们考虑一个例子来说明它的用法 –

import torch

# Create a tensor of shape (2, 3, 4, 5)
tensor = torch.randn(2, 3, 4, 5)

# Use ellipsis for extended slicing
sliced_tensor = tensor[..., 1:3, :]
print(sliced_tensor.shape)  # Output: torch.Size([2, 3, 2, 5])

在这个例子中,省略号 ... 表示切片操作中未明确提及的所有维度。因此,tensor[..., 1:3, :] 从 tensor 中的所有维度选择元素,除了第二个维度,它从第 1 个和第 2 个索引选择元素。生成的切片张量形状为 (2, 3, 2, 5)。

结论

PyTorch 中的基于索引的操作提供了一种灵活且有效的方式来访问、修改和重新排列张量内的元素。通过利用基本索引、高级索引、布尔索引和多维索引,开发人员可以轻松地执行细粒度的数 据操作、选择和过滤任务。

更新于: 2023年8月14日

2K+ 阅读量

开启你的 职业生涯

通过完成课程获得认证

开始学习
广告