注意
跳到末尾 下载完整示例代码。
TorchRec 简介#
创建日期:2024 年 10 月 02 日 | 最后更新:2025 年 07 月 10 日 | 最后验证:2024 年 10 月 02 日
TorchRec 是一个专为使用嵌入构建可扩展和高效推荐系统而量身定制的 PyTorch 库。本教程将指导您完成安装过程,介绍嵌入的概念,并强调它们在推荐系统中的重要性。它提供了使用 PyTorch 和 TorchRec 实现嵌入的实用演示,重点是通过分布式训练和高级优化来处理大型嵌入表。
嵌入的基础知识及其在推荐系统中的作用
如何设置 TorchRec 以在 PyTorch 环境中管理和实现嵌入
探索在多个 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
嵌入#
在构建推荐系统时,类别特征通常具有巨大的基数,例如帖子、用户、广告等。
为了表示这些实体并建模这些关系,使用**嵌入**。在机器学习中,**嵌入是高维空间中实数向量,用于表示复杂数据(如单词、图像或用户)中的含义**。
推荐系统中的嵌入#
现在你可能会问,这些嵌入是如何生成的?嗯,嵌入在**嵌入表**中表示为单独的行,也称为嵌入权重。原因在于嵌入或嵌入表权重与模型的所有其他权重一样通过梯度下降进行训练!
嵌入表只是一个用于存储嵌入的大型矩阵,具有两个维度 (B, N),其中
B 是表存储的嵌入数量
N 是每个嵌入的维度数(N 维嵌入)。
嵌入表的输入表示嵌入查找,以检索特定索引或行的嵌入。在推荐系统中,例如许多大型系统中使用的,唯一 ID 不仅用于特定用户,还用于帖子和广告等实体,作为相应嵌入表的查找索引!
嵌入在推荐系统中通过以下过程进行训练
**输入/查找索引作为唯一 ID 馈送到模型中**。ID 将哈希到嵌入表的总大小,以防止 ID > 行数时出现问题
然后检索嵌入并进行**池化,例如对嵌入求和或求平均**。这是必需的,因为每个示例的嵌入数量可能是可变的,而模型需要一致的形状。
**嵌入与模型的其余部分结合使用以生成预测**,例如广告的点击率 (CTR)。
使用预测和示例标签计算损失,并通过梯度下降和反向传播**更新模型的所有权重,包括与示例相关的嵌入权重**。
深度学习推荐模型 (DLRM) 论文更详细地讨论了在推荐系统中使用嵌入表的具体技术细节。
本教程介绍了嵌入的概念,展示了 TorchRec 特定的模块和数据类型,并描述了分布式训练如何与 TorchRec 协同工作。
import torch
PyTorch 中的嵌入#
在 PyTorch 中,我们有以下类型的嵌入
torch.nn.Embedding
:一个嵌入表,其前向传播原样返回嵌入。torch.nn.EmbeddingBag
:嵌入表,其前向传播返回经过池化的嵌入,例如求和或求平均,也称为**池化嵌入**。
在本节中,我们将简要介绍如何通过将索引传递到表中来执行嵌入查找。
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 功能概述#
在上一节中,我们学习了如何使用嵌入表,这是现代推荐系统的基础之一!这些表表示实体和关系,例如用户、页面、帖子等。鉴于这些实体不断增加,通常会应用**哈希**函数以确保 ID 在特定嵌入表的范围内。然而,为了表示大量实体并减少哈希冲突,这些表可能会变得非常庞大(例如,想想广告的数量)。事实上,这些表可能会变得如此庞大,以至于即使有 80G 内存也无法在 1 个 GPU 上容纳。
为了训练具有海量嵌入表的模型,需要将这些表分片到多个 GPU 上,这会引入并行化和优化方面的一系列新问题和机会。幸运的是,我们有 TorchRec 库 https://docs.pytorch.ac.cn/torchrec/overview.html ,它已经遇到、整合并解决了许多这些问题。TorchRec 是一个**提供大规模分布式嵌入原语的库**。
接下来,我们将探索 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
来表示一组嵌入包。
在下面的示例代码中,我们创建了一个 EmbeddingBagCollection
(EBC),其中包含两个嵌入包,一个代表**产品**,一个代表**用户**。每个表,product_table
和 user_table
,都由一个 64 维、大小为 4096 的嵌入表示。
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 方法以及模块的输入和输出
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
。你可能会问,为什么要创建新的数据类型来表示稀疏特征?要回答这个问题,我们必须了解稀疏特征如何在代码中表示。
稀疏特征又称为 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])
接下来,我们看看偏移量以及每个批次中包含的内容
# 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 对嵌入表进行分片。
本节也只使用 1 个 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 是 ML 工作负载最受欢迎的选择,因为它们能够比 CPU 执行数量级更多的浮点运算/秒(FLOPs)。然而,GPU 存在快速内存(HBM,类似于 CPU 的 RAM)稀缺的限制,通常只有几十 GB。
一个推荐系统模型可以包含远远超过 1 个 GPU 内存限制的嵌入表,因此需要将嵌入表分布到多个 GPU 上,这称为**模型并行**。另一方面,**数据并行**是指在每个 GPU 上复制整个模型,每个 GPU 接收一个不同的数据批次进行训练,并在反向传播时同步梯度。
模型中**计算量少但内存需求大(嵌入)的部分通过模型并行进行分布式处理**,而**计算量大但内存需求少(稠密层、MLP 等)的部分通过数据并行进行分布式处理**。
规划器#
在我们展示分片如何工作之前,我们必须了解**规划器**,它帮助我们确定最佳的分片配置。
给定一定数量的嵌入表和一定数量的等级,存在许多不同的分片配置。例如,给定 2 个嵌入表和 2 个 GPU,你可以
在每个 GPU 上放置 1 个表
将两个表都放在单个 GPU 上,而另一个 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}")
规划器结果#
如您所见,运行规划器时会有相当多的输出。我们可以看到许多统计数据被计算出来,以及我们的表最终放置的位置。
运行规划器的结果是一个静态计划,可以重复用于分片!这使得生产模型的分片是静态的,而不是每次都确定新的分片计划。下面,我们使用分片计划最终生成我们的 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 是一个高度优化的分布式嵌入库。TorchRec 引入的一个概念是 LazyAwaitable `,旨在提高 GPU 训练性能。您会看到 ``LazyAwaitable` 类型作为各种分片 TorchRec 模块的输出。所有 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 模块的解剖#
我们现在已经成功地根据我们生成的分片计划对 EmbeddingBagCollection
进行了分片!分片模块具有 TorchRec 的通用 API,它抽象了多个 GPU 之间的分布式通信/计算。事实上,这些 API 经过高度优化,可在训练和推理中实现高性能。**以下是 TorchRec 提供的用于分布式训练/推理的三个通用 API**:
input_dist
:处理从 GPU 到 GPU 的输入分发。lookups
:使用 FBGEMM TBE 以优化、批处理的方式执行实际的嵌入查找(稍后详述)。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
优化嵌入查找#
在执行一组嵌入表的查找时,一个简单的解决方案是遍历所有 nn.EmbeddingBags
,并为每个表执行查找。这正是标准、未分片的 EmbeddingBagCollection
所做的。然而,虽然这种解决方案很简单,但它速度极慢。
FBGEMM 是一个提供高度优化的 GPU 运算符(也称为内核)的库。其中一个运算符被称为**表批处理嵌入** (TBE),它提供了两大优化:
表批处理,允许您使用一个内核调用查找多个嵌入。
优化器融合,允许模块根据规范的 pytorch 优化器和参数进行自身更新。
ShardedEmbeddingBagCollection
使用 FBGEMM TBE 作为查找方式,而不是传统的 nn.EmbeddingBags
,以实现优化的嵌入查找。
sharded_ebc._lookups
DistributedModelParallel
#
我们现在已经探索了对单个 EmbeddingBagCollection
进行分片!我们能够使用 EmbeddingBagCollectionSharder
和未分片的 EmbeddingBagCollection
来生成 ShardedEmbeddingBagCollection
模块。这种工作流程很好,但通常在实现模型并行时,DistributedModelParallel (DMP) 被用作标准接口。当使用 DMP 包装您的模型(在我们的例子中是 ebc
)时,将发生以下情况:
决定如何分片模型。DMP 将收集可用的分片器,并提出分片嵌入表(例如,
EmbeddingBagCollection
)的最佳方案实际分片模型。这包括在适当的设备上为每个嵌入表分配内存。
DMP 包含了我们刚刚试验过的所有内容,例如静态分片计划、分片器列表等。但是,它也有一些不错的默认设置,可以无缝地分片 TorchRec 模型。在这个玩具示例中,由于我们有两个嵌入表和一个 GPU,TorchRec 将把它们都放在单个 GPU 上。
ebc
model = torchrec.distributed.DistributedModelParallel(ebc, device=torch.device("cuda"))
out = model(kjt)
out.wait()
model
from fbgemm_gpu.split_embedding_configs import EmbOptimType
添加优化器#
请记住,TorchRec 模块针对大规模分布式训练进行了超优化。一个重要的优化是关于优化器。
TorchRec 模块提供了一个无缝 API,用于融合训练中的反向传播和优化步骤,从而显著优化性能并减少内存使用,同时在为模型的不同子组分配不同优化器方面提供了粒度。
优化器类#
TorchRec 使用 CombinedOptimizer
,它包含一个 KeyedOptimizers
集合。CombinedOptimizer
有效地简化了模型中各种子组的多个优化器的处理。KeyedOptimizer
扩展了 torch.optim.Optimizer
,并通过参数字典进行初始化,公开了这些参数。在 EmbeddingBagCollection
中的每个 TBE
模块都将拥有自己的 KeyedOptimizer
,它们组合成一个 CombinedOptimizer
。
TorchRec 中的融合优化器#
使用 DistributedModelParallel
,**优化器是融合的,这意味着优化器更新是在反向传播中完成的**。这是 TorchRec 和 FBGEMM 中的一项优化,其中优化器嵌入梯度不会实体化并直接应用于参数。这带来了显著的内存节省,因为嵌入梯度通常与参数本身的大小相同。
但是,您可以选择将优化器设为 dense
,这不会应用此优化,并允许您检查嵌入梯度或根据需要对其进行计算。在这种情况下,密集优化器将是您的规范 PyTorch 模型训练循环,带有优化器。
一旦通过 DistributedModelParallel
创建了优化器,您仍然需要为与 TorchRec 嵌入模块无关的其他参数管理一个优化器。要查找其他参数,请使用 in_backward_optimizer_filter(model.named_parameters())
。像对待普通 Torch 优化器一样对这些参数应用优化器,并将此优化器和 model.fused_optimizer
组合成一个 CombinedOptimizer
,您可以在训练循环中使用它来 zero_grad
和 step
。
向 EmbeddingBagCollection
添加优化器#
我们将以两种等效的方式进行操作,具体取决于您的偏好:
通过分片器中的
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
# 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)}")
import copy
from torch.distributed.optim import (
_apply_optimizer_in_backward as apply_optimizer_in_backward,
)
# 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}")
结论#
在本教程中,您已经完成了分布式推荐系统模型的训练。如果您对推理感兴趣,TorchRec 仓库提供了如何在推理模式下运行 TorchRec 的完整示例。
有关更多信息,请参阅我们的 dlrm 示例,其中包括使用 用于个性化和推荐系统的深度学习推荐模型 中描述的方法,在 Criteo 1TB 数据集上进行多节点训练。