注意
点击 此处 下载完整示例代码
TorchRec 简介¶
创建时间:2024 年 10 月 02 日 | 最后更新:2024 年 10 月 10 日 | 最后验证:2024 年 10 月 02 日
TorchRec 是一个 PyTorch 库,专门用于使用嵌入(embeddings)构建可扩展且高效的推荐系统。本教程将指导您完成安装过程,介绍嵌入的概念,并强调它们在推荐系统中的重要性。它提供了使用 PyTorch 和 TorchRec 实现嵌入的实际演示,重点介绍如何通过分布式训练和高级优化处理大型嵌入表。
嵌入的基础知识及其在推荐系统中的作用
如何在 PyTorch 环境中设置 TorchRec 来管理和实现嵌入
探索将大型嵌入表分布到多个 GPU 上的高级技术
PyTorch v2.5 或更高版本,以及 CUDA 11.8 或更高版本
Python 3.9 或更高版本
安装依赖项¶
在 Google Colab 或其他环境中运行本教程之前,请安装以下依赖项
!pip3 install --pre torch --index-url https://download.pytorch.org/whl/cu121 -U
!pip3 install fbgemm_gpu --index-url https://download.pytorch.org/whl/cu121
!pip3 install torchmetrics==1.0.3
!pip3 install torchrec --index-url https://download.pytorch.org/whl/cu121
注意
如果您在 Google Colab 中运行本教程,请确保切换到 GPU 运行时类型。更多信息请参阅 启用 CUDA
嵌入¶
构建推荐系统时,类别特征通常具有巨大的基数(cardinality),例如帖子、用户、广告等。
为了表示这些实体并建模这些关系,使用了 嵌入(embeddings)。在机器学习中,嵌入是高维空间中的实数向量,用于表示复杂数据(如单词、图像或用户)的含义。
RecSys 中的嵌入¶
现在您可能会想,这些嵌入最初是如何生成的?嵌入被表示为嵌入表(Embedding Table)中的单独行,也称为嵌入权重。这是因为嵌入或嵌入表权重就像模型的其他所有权重一样,通过梯度下降进行训练!
嵌入表就是一个用于存储嵌入的大型矩阵,具有两个维度 (B, N),其中
B 是表中存储的嵌入数量
N 是每个嵌入的维度数量 (N 维嵌入)。
嵌入表的输入表示嵌入查找(lookup),用于检索特定索引或行的嵌入。在许多大型系统使用的推荐系统中,唯一 ID 不仅用于特定用户,还用于帖子和广告等实体,作为查找相应嵌入表的索引!
嵌入在 RecSys 中通过以下过程进行训练
输入/查找索引作为唯一 ID 被馈送到模型中。ID 会被哈希到嵌入表的总大小,以防止 ID 大于行数时出现问题
然后检索嵌入并进行池化(pooled),例如计算嵌入的总和或平均值。这是必需的,因为每个示例的嵌入数量可能是可变的,而模型期望一致的形状。
嵌入与模型的其余部分结合使用,以生成预测,例如广告的 点击率 (CTR)。
使用预测和示例的标签计算损失,并通过梯度下降和反向传播更新模型的所有权重,包括与该示例相关的嵌入权重。
这些嵌入对于表示用户、帖子和广告等类别特征至关重要,以便捕获关系并做出好的推荐。深度学习推荐模型 (DLRM) 论文详细讨论了在 RecSys 中使用嵌入表的技术细节。
本教程介绍了嵌入的概念,展示了 TorchRec 特定的模块和数据类型,并描述了分布式训练如何与 TorchRec 一起工作。
import torch
PyTorch 中的嵌入¶
在 PyTorch 中,我们有以下类型的嵌入
torch.nn.Embedding
:一个嵌入表,其前向传播按原样返回嵌入本身。torch.nn.EmbeddingBag
:嵌入表,其前向传播返回的嵌入随后被池化,例如,计算总和或平均值,也称为 池化嵌入(Pooled Embeddings)。
在本节中,我们将简要介绍如何通过将索引传递到表中来执行嵌入查找。
num_embeddings, embedding_dim = 10, 4
# Initialize our embedding table
weights = torch.rand(num_embeddings, embedding_dim)
print("Weights:", weights)
# Pass in pre-generated weights just for example, typically weights are randomly initialized
embedding_collection = torch.nn.Embedding(
num_embeddings, embedding_dim, _weight=weights
)
embedding_bag_collection = torch.nn.EmbeddingBag(
num_embeddings, embedding_dim, _weight=weights
)
# Print out the tables, we should see the same weights as above
print("Embedding Collection Table: ", embedding_collection.weight)
print("Embedding Bag Collection Table: ", embedding_bag_collection.weight)
# Lookup rows (ids for embedding ids) from the embedding tables
# 2D tensor with shape (batch_size, ids for each batch)
ids = torch.tensor([[1, 3]])
print("Input row IDS: ", ids)
embeddings = embedding_collection(ids)
# Print out the embedding lookups
# You should see the specific embeddings be the same as the rows (ids) of the embedding tables above
print("Embedding Collection Results: ")
print(embeddings)
print("Shape: ", embeddings.shape)
# ``nn.EmbeddingBag`` default pooling is mean, so should be mean of batch dimension of values above
pooled_embeddings = embedding_bag_collection(ids)
print("Embedding Bag Collection Results: ")
print(pooled_embeddings)
print("Shape: ", pooled_embeddings.shape)
# ``nn.EmbeddingBag`` is the same as ``nn.Embedding`` but just with pooling (mean, sum, and so on)
# We can see that the mean of the embeddings of embedding_collection is the same as the output of the embedding_bag_collection
print("Mean: ", torch.mean(embedding_collection(ids), dim=1))
恭喜!现在您对如何使用嵌入表有了基本的了解——这是现代推荐系统的基础之一!这些表代表实体及其关系。例如,给定用户与他们点赞的页面和帖子之间的关系。
TorchRec 功能概述¶
在上一节中,我们学习了如何使用嵌入表,这是现代推荐系统的基础之一!这些表代表实体和关系,例如用户、页面、帖子等。鉴于这些实体一直在增加,通常会应用哈希(hash)函数来确保 ID 在特定嵌入表的范围内。然而,为了表示大量实体并减少哈希冲突,这些表可能会变得非常庞大(例如,想想广告的数量)。事实上,这些表可能会变得如此庞大,以至于即使有 80G 内存也无法容纳在一块 GPU 上。
为了训练包含海量嵌入表的模型,需要将这些表分片(sharding)到多个 GPU 上,这带来了一系列新的并行化和优化问题与机遇。幸运的是,我们有了 TorchRec 库,它已经遇到、整合并解决了许多这些问题。TorchRec 是一个提供大规模分布式嵌入原语(primitives)的库。
接下来,我们将探索 TorchRec 库的主要功能。我们将从 torch.nn.Embedding
开始,并将其扩展到自定义 TorchRec 模块,探索分布式训练环境并生成嵌入分片计划,查看 TorchRec 固有的优化,并将模型扩展到可在 C++ 中进行推理。下面是本节内容的快速概要
TorchRec 模块和数据类型
分布式训练、分片和优化
推理
让我们首先导入 TorchRec
import torchrec
本节回顾了 TorchRec 模块和数据类型,包括 EmbeddingCollection
和 EmbeddingBagCollection
、JaggedTensor
、KeyedJaggedTensor
、KeyedTensor
等实体。
从 EmbeddingBag
到 EmbeddingBagCollection
¶
我们已经探讨了 torch.nn.Embedding
和 torch.nn.EmbeddingBag
。TorchRec 通过创建嵌入集合(即可以包含多个嵌入表的模块)来扩展这些模块,引入了 EmbeddingCollection
和 EmbeddingBagCollection
。我们将使用 EmbeddingBagCollection
来表示一组 EmbeddingBag。
在下面的示例代码中,我们创建了一个 EmbeddingBagCollection
(EBC),其中包含两个 EmbeddingBag,1 个代表产品,1 个代表用户。每个表(product_table
和 user_table
)由一个大小为 4096 的 64 维嵌入表示。
ebc = torchrec.EmbeddingBagCollection(
device="cpu",
tables=[
torchrec.EmbeddingBagConfig(
name="product_table",
embedding_dim=64,
num_embeddings=4096,
feature_names=["product"],
pooling=torchrec.PoolingType.SUM,
),
torchrec.EmbeddingBagConfig(
name="user_table",
embedding_dim=64,
num_embeddings=4096,
feature_names=["user"],
pooling=torchrec.PoolingType.SUM,
)
]
)
print(ebc.embedding_bags)
让我们检查一下 EmbeddingBagCollection
的前向方法(forward method)以及模块的输入和输出
import inspect
# Let's look at the ``EmbeddingBagCollection`` forward method
# What is a ``KeyedJaggedTensor`` and ``KeyedTensor``?
print(inspect.getsource(ebc.forward))
TorchRec 输入/输出数据类型¶
TorchRec 为其模块的输入和输出提供了独特的数据类型:JaggedTensor
、KeyedJaggedTensor
和 KeyedTensor`. 现在您可能会问,为什么要创建新的数据类型来表示稀疏特征(sparse features)?要回答这个问题,我们必须了解稀疏特征在代码中是如何表示的。
稀疏特征也称为 id_list_feature
和 id_score_list_feature
,它们是将被用作嵌入表索引的 ID,用于检索该 ID 的嵌入。举一个非常简单的例子,想象一个单一的稀疏特征是用户与之互动的广告。输入本身将是用户互动过的广告 ID 集合,检索到的嵌入将是这些广告的语义表示。在代码中表示这些特征的棘手之处在于,在每个输入示例中,ID 的数量是可变的。用户某天可能只与一个广告互动,而第二天可能与三个广告互动。
下面展示了一个简单的表示,其中我们有一个 lengths
张量,表示一个批次中每个示例有多少个索引,以及一个 values
张量,包含索引本身。
# Batch Size 2
# 1 ID in example 1, 2 IDs in example 2
id_list_feature_lengths = torch.tensor([1, 2])
# Values (IDs) tensor: ID 5 is in example 1, ID 7, 1 is in example 2
id_list_feature_values = torch.tensor([5, 7, 1])
接下来,让我们看看偏移量(offsets)以及每个批次中包含的内容
# Lengths can be converted to offsets for easy indexing of values
id_list_feature_offsets = torch.cumsum(id_list_feature_lengths, dim=0)
print("Offsets: ", id_list_feature_offsets)
print("First Batch: ", id_list_feature_values[: id_list_feature_offsets[0]])
print(
"Second Batch: ",
id_list_feature_values[id_list_feature_offsets[0] : id_list_feature_offsets[1]],
)
from torchrec import JaggedTensor
# ``JaggedTensor`` is just a wrapper around lengths/offsets and values tensors!
jt = JaggedTensor(values=id_list_feature_values, lengths=id_list_feature_lengths)
# Automatically compute offsets from lengths
print("Offsets: ", jt.offsets())
# Convert to list of values
print("List of Values: ", jt.to_dense())
# ``__str__`` representation
print(jt)
from torchrec import KeyedJaggedTensor
# ``JaggedTensor`` represents IDs for 1 feature, but we have multiple features in an ``EmbeddingBagCollection``
# That's where ``KeyedJaggedTensor`` comes in! ``KeyedJaggedTensor`` is just multiple ``JaggedTensors`` for multiple id_list_feature_offsets
# From before, we have our two features "product" and "user". Let's create ``JaggedTensors`` for both!
product_jt = JaggedTensor(
values=torch.tensor([1, 2, 1, 5]), lengths=torch.tensor([3, 1])
)
user_jt = JaggedTensor(values=torch.tensor([2, 3, 4, 1]), lengths=torch.tensor([2, 2]))
# Q1: How many batches are there, and which values are in the first batch for ``product_jt`` and ``user_jt``?
kjt = KeyedJaggedTensor.from_jt_dict({"product": product_jt, "user": user_jt})
# Look at our feature keys for the ``KeyedJaggedTensor``
print("Keys: ", kjt.keys())
# Look at the overall lengths for the ``KeyedJaggedTensor``
print("Lengths: ", kjt.lengths())
# Look at all values for ``KeyedJaggedTensor``
print("Values: ", kjt.values())
# Can convert ``KeyedJaggedTensor`` to dictionary representation
print("to_dict: ", kjt.to_dict())
# ``KeyedJaggedTensor`` string representation
print(kjt)
# Q2: What are the offsets for the ``KeyedJaggedTensor``?
# Now we can run a forward pass on our ``EmbeddingBagCollection`` from before
result = ebc(kjt)
result
# Result is a ``KeyedTensor``, which contains a list of the feature names and the embedding results
print(result.keys())
# The results shape is [2, 128], as batch size of 2. Reread previous section if you need a refresher on how the batch size is determined
# 128 for dimension of embedding. If you look at where we initialized the ``EmbeddingBagCollection``, we have two tables "product" and "user" of dimension 64 each
# meaning embeddings for both features are of size 64. 64 + 64 = 128
print(result.values().shape)
# Nice to_dict method to determine the embeddings that belong to each feature
result_dict = result.to_dict()
for key, embedding in result_dict.items():
print(key, embedding.shape)
恭喜!您现在了解了 TorchRec 模块和数据类型。为自己能走到这里鼓掌吧。接下来,我们将学习分布式训练和分片。
分布式训练和分片¶
既然我们已经掌握了 TorchRec 模块和数据类型,是时候更上一层楼了。
记住,TorchRec 的主要目的是为分布式嵌入提供原语。到目前为止,我们只在单个设备上使用了嵌入表。由于嵌入表很小,这成为可能,但在生产环境中通常不是这样。嵌入表通常会变得非常庞大,一个表无法容纳在一块 GPU 上,因此需要多个设备和分布式环境。
在本节中,我们将探讨如何设置分布式环境(这正是实际生产训练的方式),并探索如何使用 TorchRec 对嵌入表进行分片。
本节也将只使用一块 GPU,尽管它会以分布式方式处理。这仅是训练的限制,因为训练是每个 GPU 一个进程。推理没有此要求
在下面的示例代码中,我们设置了 PyTorch 分布式环境。
警告
如果您在 Google Colab 中运行本教程,您只能调用此单元格一次,再次调用将导致错误,因为您只能初始化进程组一次。
import os
import torch.distributed as dist
# Set up environment variables for distributed training
# RANK is which GPU we are on, default 0
os.environ["RANK"] = "0"
# How many devices in our "world", colab notebook can only handle 1 process
os.environ["WORLD_SIZE"] = "1"
# Localhost as we are training locally
os.environ["MASTER_ADDR"] = "localhost"
# Port for distributed training
os.environ["MASTER_PORT"] = "29500"
# nccl backend is for GPUs, gloo is for CPUs
dist.init_process_group(backend="gloo")
print(f"Distributed environment initialized: {dist}")
分布式嵌入¶
我们已经使用过主要的 TorchRec 模块:EmbeddingBagCollection
。我们已经检查了它的工作原理以及数据在 TorchRec 中的表示方式。然而,我们尚未探讨 TorchRec 的主要部分之一,即分布式嵌入。
GPU 至今仍是机器学习工作负载最受欢迎的选择,因为它们能够执行比 CPU 多几个数量级的浮点运算/秒 (FLOPs)。然而,GPU 的缺点是快速内存(HBM,类似于 CPU 的 RAM)稀缺,通常只有几十 GB。
RecSys 模型可能包含远超一块 GPU 内存限制的嵌入表,因此需要将嵌入表分布到多个 GPU 上,这也称为模型并行(model parallel)。另一方面,数据并行(data parallel)是将整个模型复制到每个 GPU 上,每个 GPU 接收一个不同的数据批次进行训练,并在反向传播时同步梯度。
模型中那些计算量较少但内存需求较高(嵌入)的部分通过模型并行进行分布,而那些计算量较大但内存需求较少(全连接层、MLP 等)的部分通过数据并行进行分布。
分片¶
为了分布嵌入表,我们将嵌入表分成多个部分,并将这些部分放置到不同的设备上,这也称为“分片”。
有许多方法可以对嵌入表进行分片。最常见的方法是
按表分片(Table-Wise):将整个表放置到单个设备上
按列分片(Column-Wise):对嵌入表的列进行分片
按行分片(Row-Wise):对嵌入表的行进行分片
分片模块¶
虽然这一切看起来有很多需要处理和实现的地方,但您很幸运。TorchRec 为简易的分布式训练和推理提供了所有原语!事实上,TorchRec 模块有两种对应的类,用于在分布式环境中处理任何 TorchRec 模块
模块分片器(The module sharder):此类暴露了一个
shard
API,用于处理 TorchRec 模块的分片,生成一个分片模块。* 对于EmbeddingBagCollection
,分片器是 EmbeddingBagCollectionSharder分片模块(Sharded module):此类是 TorchRec 模块的一个分片变体。它与常规 TorchRec 模块具有相同的输入/输出,但经过更多优化,并在分布式环境中工作。* 对于
EmbeddingBagCollection
,分片变体是 ShardedEmbeddingBagCollection
每个 TorchRec 模块都有一个未分片版本和一个分片版本。
未分片版本用于原型设计和实验。
分片版本用于分布式环境中的分布式训练和推理。
TorchRec 模块的分片版本,例如 EmbeddingBagCollection
,将处理模型并行(Model Parallelism)所需的一切,例如 GPU 之间的通信,以便将嵌入分发到正确的 GPU。
回顾我们的 EmbeddingBagCollection
模块
ebc
from torchrec.distributed.embeddingbag import EmbeddingBagCollectionSharder
from torchrec.distributed.planner import EmbeddingShardingPlanner, Topology
from torchrec.distributed.types import ShardingEnv
# Corresponding sharder for ``EmbeddingBagCollection`` module
sharder = EmbeddingBagCollectionSharder()
# ``ProcessGroup`` from torch.distributed initialized 2 cells above
pg = dist.GroupMember.WORLD
assert pg is not None, "Process group is not initialized"
print(f"Process Group: {pg}")
规划器¶
在我们展示分片如何工作之前,我们必须了解规划器(planner),它帮助我们确定最佳分片配置。
给定一定数量的嵌入表和一定数量的 ranks,可能存在许多不同的分片配置。例如,给定 2 个嵌入表和 2 个 GPU,您可以
在每个 GPU 上放置 1 个表
在一个 GPU 上放置两个表,另一个上不放
在每个 GPU 上放置某些行和列
鉴于所有这些可能性,我们通常希望选择一个对性能最优的分片配置。
这就是规划器的作用。规划器能够根据嵌入表数量和 GPU 数量确定最优配置。事实证明,手动完成这项工作非常困难,工程师必须考虑大量因素才能确保最优的分片计划。幸运的是,使用规划器时,TorchRec 提供了自动规划器。
TorchRec 规划器
评估硬件的内存限制
根据内存读取(即嵌入查找)估算计算量
处理数据特定因素
考虑带宽等其他硬件细节,生成最优分片计划
为了考虑所有这些变量,TorchRec 规划器可以接收各种数量的嵌入表数据、约束、硬件信息和拓扑结构,以帮助为模型生成最优分片计划,这在各技术栈中是常规提供的。
要了解更多关于分片的信息,请参阅我们的分片教程。
# In our case, 1 GPU and compute on CUDA device
planner = EmbeddingShardingPlanner(
topology=Topology(
world_size=1,
compute_device="cuda",
)
)
# Run planner to get plan for sharding
plan = planner.collective_plan(ebc, [sharder], pg)
print(f"Sharding Plan generated: {plan}")
规划器结果¶
如您在上面看到的,运行规划器时有相当多的输出。我们可以看到计算了许多统计信息,以及我们的表最终被放置在哪里。
规划器的运行结果是一个静态计划,该计划可以重复用于分片!这使得生产模型的sharding可以是静态的,而不是每次都确定一个新的分片计划。下面,我们使用分片计划来最终生成我们的 ShardedEmbeddingBagCollection
。
# The static plan that was generated
plan
env = ShardingEnv.from_process_group(pg)
# Shard the ``EmbeddingBagCollection`` module using the ``EmbeddingBagCollectionSharder``
sharded_ebc = sharder.shard(ebc, plan.plan[""], env, torch.device("cuda"))
print(f"Sharded EBC Module: {sharded_ebc}")
使用 LazyAwaitable
进行GPU训练¶
请记住,TorchRec是一个高度优化的分布式Embedding库。TorchRec引入了一个概念 LazyAwaitable,以提升在GPU上训练的性能。您将在各种分片TorchRec模块的输出中看到 LazyAwaitable
类型。 LazyAwaitable
类型的唯一作用是尽可能地延迟计算某个结果,它通过模仿异步类型来实现这一点。
from typing import List
from torchrec.distributed.types import LazyAwaitable
# Demonstrate a ``LazyAwaitable`` type:
class ExampleAwaitable(LazyAwaitable[torch.Tensor]):
def __init__(self, size: List[int]) -> None:
super().__init__()
self._size = size
def _wait_impl(self) -> torch.Tensor:
return torch.ones(self._size)
awaitable = ExampleAwaitable([3, 2])
awaitable.wait()
kjt = kjt.to("cuda")
output = sharded_ebc(kjt)
# The output of our sharded ``EmbeddingBagCollection`` module is an `Awaitable`?
print(output)
kt = output.wait()
# Now we have our ``KeyedTensor`` after calling ``.wait()``
# If you are confused as to why we have a ``KeyedTensor ``output,
# give yourself a refresher on the unsharded ``EmbeddingBagCollection`` module
print(type(kt))
print(kt.keys())
print(kt.values().shape)
# Same output format as unsharded ``EmbeddingBagCollection``
result_dict = kt.to_dict()
for key, embedding in result_dict.items():
print(key, embedding.shape)
分片TorchRec模块剖析¶
我们现在已经根据生成的sharding计划成功地对 EmbeddingBagCollection
进行了分片!分片模块具有TorchRec提供的通用API,这些API抽象了多个GPU之间的分布式通信/计算。事实上,这些API针对训练和推理性能进行了高度优化。以下是TorchRec提供的三种用于分布式训练/推理的常见API
input_dist
:处理输入从一个GPU到另一个GPU的分布式传输。lookups
:使用FBGEMM TBE(稍后会详细介绍)以优化、批处理的方式进行实际的Embedding查找。output_dist
:处理输出从一个GPU到另一个GPU的分布式传输。
输入和输出的分布式传输通过 NCCL Collectives 完成,特别是 All-to-Alls,即所有GPU相互发送和接收数据。TorchRec通过PyTorch分布式接口与集合操作进行交互,并为最终用户提供清晰的抽象,无需关注底层细节。
反向传播过程会执行所有这些集合操作,但梯度分布式传输的顺序是反向的。input_dist
、lookup
和 output_dist
都依赖于分片方案。由于我们是按表进行分片,因此这些API是由 TwPooledEmbeddingSharding 构建的模块。
sharded_ebc
# Distribute input KJTs to all other GPUs and receive KJTs
sharded_ebc._input_dists
# Distribute output embeddings to all other GPUs and receive embeddings
sharded_ebc._output_dists
优化Embedding查找¶
在对Embedding表集合执行查找时,一个简单的解决方案是遍历所有 nn.EmbeddingBag
并对每个表进行查找。这正是标准的、未分片的 EmbeddingBagCollection
所做的事情。然而,虽然这种解决方案简单,但速度非常慢。
FBGEMM 是一个提供高度优化的GPU算子(也称为核函数)的库。其中一个算子被称为 表批处理Embedding (TBE),它提供了两个主要的优化:
表批处理,允许您通过一次核函数调用查找多个Embedding。
优化器融合,允许模块根据经典的pytorch优化器和参数进行自我更新。
ShardedEmbeddingBagCollection
使用 FBGEMM TBE 作为查找机制,而不是传统的 nn.EmbeddingBag
,从而优化了Embedding查找。
sharded_ebc._lookups
DistributedModelParallel
¶
我们现在已经探索了如何分片一个 EmbeddingBagCollection
!我们能够使用 EmbeddingBagCollectionSharder
和未分片的 EmbeddingBagCollection
来生成一个 ShardedEmbeddingBagCollection
模块。这个工作流程很好,但通常在实现模型并行时,标准接口是 DistributedModelParallel (DMP)。当使用 DMP 包装您的模型(在我们的例子中是 ebc
)时,会发生以下情况:
决定如何分片模型。DMP将收集可用的sharder,并制定一个关于最佳分片Embedding表(例如,
EmbeddingBagCollection
)的计划。实际分片模型。这包括在适当的设备上为每个Embedding表分配内存。
DMP 接受我们刚刚试验过的所有东西,例如静态分片计划、sharder列表等。然而,它也提供了一些很好的默认设置,可以无缝地对TorchRec模型进行分片。在这个示例中,由于我们有两个Embedding表和一个GPU,TorchRec会将它们都放在单个GPU上。
ebc
model = torchrec.distributed.DistributedModelParallel(ebc, device=torch.device("cuda"))
out = model(kjt)
out.wait()
model
分片最佳实践¶
目前,我们的配置只在1个GPU(或rank)上进行分片,这很简单:只需将所有表放在1个GPU的内存中。然而,在实际生产用例中,Embedding表通常 在数百个GPU上进行分片,采用不同的分片方法,如表级、行级和列级。确定一个适当的分片配置(以防止内存不足问题)同时在内存和计算方面保持平衡对于实现最佳性能至关重要。
添加优化器¶
请记住,TorchRec模块针对大规模分布式训练进行了超优化。一个重要的优化是关于优化器。
TorchRec模块提供了一个无缝的API来融合训练中的反向传播和优化步骤,从而显著优化了性能并减少了内存使用,同时还提供了对不同模型参数分配不同优化器的粒度控制。
优化器类¶
TorchRec 使用 CombinedOptimizer
,它包含一个 KeyedOptimizer
的集合。 CombinedOptimizer
有效地简化了处理模型中各个子组的多个优化器。 KeyedOptimizer
扩展了 torch.optim.Optimizer
,通过一个参数字典进行初始化,并暴露了参数。 EmbeddingBagCollection
中的每个 TBE
模块都将拥有自己的 KeyedOptimizer
,它们组合成一个 CombinedOptimizer
。
TorchRec中的融合优化器¶
使用 DistributedModelParallel
时,优化器被融合,这意味着优化器更新在反向传播中完成。这是TorchRec和FBGEMM中的一项优化,即优化器Embedding梯度不会被实体化,而是直接应用于参数。这带来了显著的内存节省,因为Embedding梯度的大小通常与参数本身相当。
然而,您可以选择使优化器成为 dense
模式,这样就不会应用此优化,并允许您检查Embedding梯度或根据需要对其进行计算。在这种情况下,密集优化器就是您进行 经典PyTorch模型训练循环和优化器 的方式。
一旦通过 DistributedModelParallel
创建了优化器,您仍然需要为与TorchRec Embedding模块无关的其他参数管理一个优化器。要找到这些其他参数,请使用 in_backward_optimizer_filter(model.named_parameters())
。像对待普通Torch优化器一样,对这些参数应用优化器,并将此优化器与 model.fused_optimizer
合并成一个 CombinedOptimizer
,您可以在训练循环中使用它来执行 zero_grad
和 step
。
向 EmbeddingBagCollection
添加优化器¶
我们将通过两种等效的方式来实现这一点,这取决于您的偏好,您可以选择其中一种方式:
通过sharder中的
fused_params
传递优化器kwargs。通过
apply_optimizer_in_backward
,它将优化器参数转换为fused_params
,然后传递给EmbeddingBagCollection
或EmbeddingCollection
中的TBE
。
# Option 1: Passing optimizer kwargs through fused parameters
from torchrec.optim.optimizers import in_backward_optimizer_filter
from fbgemm_gpu.split_embedding_configs import EmbOptimType
# We initialize the sharder with
fused_params = {
"optimizer": EmbOptimType.EXACT_ROWWISE_ADAGRAD,
"learning_rate": 0.02,
"eps": 0.002,
}
# Initialize sharder with ``fused_params``
sharder_with_fused_params = EmbeddingBagCollectionSharder(fused_params=fused_params)
# We'll use same plan and unsharded EBC as before but this time with our new sharder
sharded_ebc_fused_params = sharder_with_fused_params.shard(ebc, plan.plan[""], env, torch.device("cuda"))
# Looking at the optimizer of each, we can see that the learning rate changed, which indicates our optimizer has been applied correctly.
# If seen, we can also look at the TBE logs of the cell to see that our new optimizer is indeed being applied
print(f"Original Sharded EBC fused optimizer: {sharded_ebc.fused_optimizer}")
print(f"Sharded EBC with fused parameters fused optimizer: {sharded_ebc_fused_params.fused_optimizer}")
print(f"Type of optimizer: {type(sharded_ebc_fused_params.fused_optimizer)}")
from torch.distributed.optim import _apply_optimizer_in_backward as apply_optimizer_in_backward
import copy
# Option 2: Applying optimizer through apply_optimizer_in_backward
# Note: we need to call apply_optimizer_in_backward on unsharded model first and then shard it
# We can achieve the same result as we did in the previous
ebc_apply_opt = copy.deepcopy(ebc)
optimizer_kwargs = {"lr": 0.5}
for name, param in ebc_apply_opt.named_parameters():
print(f"{name=}")
apply_optimizer_in_backward(torch.optim.SGD, [param], optimizer_kwargs)
sharded_ebc_apply_opt = sharder.shard(ebc_apply_opt, plan.plan[""], env, torch.device("cuda"))
# Now when we print the optimizer, we will see our new learning rate, you can verify momentum through the TBE logs as well if outputted
print(sharded_ebc_apply_opt.fused_optimizer)
print(type(sharded_ebc_apply_opt.fused_optimizer))
# We can also check through the filter other parameters that aren't associated with the "fused" optimizer(s)
# Practically, just non TorchRec module parameters. Since our module is just a TorchRec EBC
# there are no other parameters that aren't associated with TorchRec
print("Non Fused Model Parameters:")
print(dict(in_backward_optimizer_filter(sharded_ebc_fused_params.named_parameters())).keys())
# Here we do a dummy backwards call and see that parameter updates for fused
# optimizers happen as a result of the backward pass
ebc_output = sharded_ebc_fused_params(kjt).wait().values()
loss = torch.sum(torch.ones_like(ebc_output) - ebc_output)
print(f"First Iteration Loss: {loss}")
loss.backward()
ebc_output = sharded_ebc_fused_params(kjt).wait().values()
loss = torch.sum(torch.ones_like(ebc_output) - ebc_output)
# We don't call an optimizer.step(), so for the loss to have changed here,
# that means that the gradients were somehow updated, which is what the
# fused optimizer automatically handles for us
print(f"Second Iteration Loss: {loss}")
推理¶
既然我们已经能够训练分布式Embedding,那么如何将训练好的模型优化用于推理呢?推理通常对 模型性能和大小 非常敏感。在Python环境中直接运行训练好的模型效率极低。推理环境和训练环境之间有两个关键区别:
量化:推理模型通常会进行量化,其中模型参数会失去精度以降低预测延迟和减小模型大小。例如,训练模型中的FP32(4字节)变为每个Embedding权重的INT8(1字节)。考虑到Embedding表规模巨大,这也很有必要,因为我们希望使用尽可能少的设备进行推理,以最大程度降低延迟。
C++环境:推理延迟非常重要,因此为了确保充足的性能,模型通常在C++环境中运行,同时在没有Python运行时的情况下(例如在设备上)也是如此。
TorchRec 提供了原语,用于将TorchRec模型转换为可用于推理的状态,包括:
量化模型的API,通过FBGEMM TBE自动引入优化。
为分布式推理分片Embedding。
将模型编译为 TorchScript(兼容C++)。
在本节中,我们将介绍整个工作流程:
量化模型。
分片量化后的模型。
将分片量化后的模型编译为TorchScript。
ebc
class InferenceModule(torch.nn.Module):
def __init__(self, ebc: torchrec.EmbeddingBagCollection):
super().__init__()
self.ebc_ = ebc
def forward(self, kjt: KeyedJaggedTensor):
return self.ebc_(kjt)
module = InferenceModule(ebc)
for name, param in module.named_parameters():
# Here, the parameters should still be FP32, as we are using a standard EBC
# FP32 is default, regularly used for training
print(name, param.shape, param.dtype)
量化¶
如上所示,普通的EBC包含FP32精度的Embedding表权重(每个权重32位)。在这里,我们将使用TorchRec推理库将模型的Embedding权重量化为INT8。
from torch import quantization as quant
from torchrec.modules.embedding_configs import QuantConfig
from torchrec.quant.embedding_modules import (
EmbeddingBagCollection as QuantEmbeddingBagCollection,
)
quant_dtype = torch.int8
qconfig = QuantConfig(
# dtype of the result of the embedding lookup, post activation
# torch.float generally for compatibility with rest of the model
# as rest of the model here usually isn't quantized
activation=quant.PlaceholderObserver.with_args(dtype=torch.float),
# quantized type for embedding weights, aka parameters to actually quantize
weight=quant.PlaceholderObserver.with_args(dtype=quant_dtype),
)
qconfig_spec = {
# Map of module type to qconfig
torchrec.EmbeddingBagCollection: qconfig,
}
mapping = {
# Map of module type to quantized module type
torchrec.EmbeddingBagCollection: QuantEmbeddingBagCollection,
}
module = InferenceModule(ebc)
# Quantize the module
qebc = quant.quantize_dynamic(
module,
qconfig_spec=qconfig_spec,
mapping=mapping,
inplace=False,
)
print(f"Quantized EBC: {qebc}")
kjt = kjt.to("cpu")
qebc(kjt)
# Once quantized, goes from parameters -> buffers, as no longer trainable
for name, buffer in qebc.named_buffers():
# The shapes of the tables should be the same but the dtype should be int8 now
# post quantization
print(name, buffer.shape, buffer.dtype)
分片¶
这里我们对TorchRec量化模型执行分片。这是为了确保我们通过FBGEMM TBE使用高性能模块。在这里,我们使用一个设备以与训练保持一致(1个TBE)。
from torchrec import distributed as trec_dist
from torchrec.distributed.shard import _shard_modules
sharded_qebc = _shard_modules(
module=qebc,
device=torch.device("cpu"),
env=trec_dist.ShardingEnv.from_local(
1,
0,
),
)
print(f"Sharded Quantized EBC: {sharded_qebc}")
sharded_qebc(kjt)
编译¶
现在我们有了优化的eager模式TorchRec推理模型。下一步是确保该模型可以在C++中加载,因为它目前只能在Python运行时中运行。
Meta推荐的编译方法分为两步: torch.fx tracing(生成模型的中间表示)并将结果转换为TorchScript,其中TorchScript与C++兼容。
from torchrec.fx import Tracer
tracer = Tracer(leaf_modules=["IntNBitTableBatchedEmbeddingBagsCodegen"])
graph = tracer.trace(sharded_qebc)
gm = torch.fx.GraphModule(sharded_qebc, graph)
print("Graph Module Created!")
print(gm.code)
scripted_gm = torch.jit.script(gm)
print("Scripted Graph Module Created!")
print(scripted_gm.code)
结论¶
在本教程中,您已经学习了如何从训练分布式推荐系统模型一直到使其可用于推理。 TorchRec仓库 中有一个完整的示例,展示了如何在C++中加载TorchRec TorchScript模型进行推理。
欲了解更多信息,请参阅我们的 dlrm 示例,该示例包含使用 Deep Learning Recommendation Model for Personalization and Recommendation Systems 文中描述的方法在Criteo 1TB数据集上进行多节点训练的内容。
脚本总运行时间: ( 0 分钟 0.000 秒)