TensorDictPrioritizedReplayBuffer¶
- class torchrl.data.TensorDictPrioritizedReplayBuffer(*, alpha: float, beta: float, priority_key: str = 'td_error', eps: float = 1e-08, storage: Storage | None = None, collate_fn: Callable | None = None, pin_memory: bool = False, prefetch: int | None = None, transform: 'Transform' | None = None, reduction: str = 'max', batch_size: int | None = None, dim_extend: int | None = None)[source]¶
围绕
PrioritizedReplayBuffer
类进行的特定于 TensorDict 的包装。此类返回带有新键
"index"
的 tensordicts,该键表示回放缓冲区中每个元素的索引。它还提供update_tensordict_priority()
方法,该方法只需要将 tensordict 与其新的优先级值一起传递给它。- 关键字参数:
alpha (float) – 指数 α 决定使用多少优先级,α = 0 对应于均匀情况。
beta (float) – 重要性采样负指数。
eps (float) – 添加到优先级的增量,以确保缓冲区不包含空优先级。
storage (Storage, 可选) – 要使用的存储。如果没有提供,将创建一个具有
max_size
为1_000
的默认ListStorage
。collate_fn (可调用对象, 可选) – 合并样本列表以形成 Tensor(s)/输出的小批量。在从映射式数据集进行批量加载时使用。默认值将根据存储类型决定。
pin_memory (bool) – 是否应在 rb 样本上调用 pin_memory()。
prefetch (int, 可选) – 使用多线程预取的下一个批次的数目。默认为 None(无预取)。
transform (Transform, 可选) – 在调用 sample() 时要执行的转换。要链接转换,请使用
Compose
类。转换应与tensordict.TensorDict
内容一起使用。如果与其他结构一起使用,则转换应使用"data"
前置键进行编码,该键将用于从非 tensordict 内容构建 tensordict。batch_size (int, 可选) –
在调用 sample() 时要使用的批次大小。.. 注意
The batch-size can be specified at construction time via the ``batch_size`` argument, or at sampling time. The former should be preferred whenever the batch-size is consistent across the experiment. If the batch-size is likely to change, it can be passed to the :meth:`~.sample` method. This option is incompatible with prefetching (since this requires to know the batch-size in advance) as well as with samplers that have a ``drop_last`` argument.
priority_key (str, 可选) – 假设优先级存储在添加到此 ReplayBuffer 的 TensorDicts 中的键。当采样器类型为
PrioritizedSampler
时,将使用此键。默认为"td_error"
。reduction (str, 可选) – 多维 tensordicts(即存储的轨迹)的缩减方法。可以是“max”、“min”、“median”或“mean”之一。
dim_extend (int, 可选) –
指示在调用
extend()
时要考虑的维度。默认为storage.ndim-1
。当使用dim_extend > 0
时,我们建议在存储实例化中使用ndim
参数(如果该参数可用),以让存储知道数据是多维的,并在采样期间保持存储容量和批次大小的一致概念。
示例
>>> import torch >>> >>> from torchrl.data import LazyTensorStorage, TensorDictPrioritizedReplayBuffer >>> from tensordict import TensorDict >>> >>> torch.manual_seed(0) >>> >>> rb = TensorDictPrioritizedReplayBuffer(alpha=0.7, beta=1.1, storage=LazyTensorStorage(10), batch_size=5) >>> data = TensorDict({"a": torch.ones(10, 3), ("b", "c"): torch.zeros(10, 3, 1)}, [10]) >>> rb.extend(data) >>> print("len of rb", len(rb)) len of rb 10 >>> sample = rb.sample(5) >>> print(sample) TensorDict( fields={ _weight: Tensor(shape=torch.Size([5]), device=cpu, dtype=torch.float32, is_shared=False), a: Tensor(shape=torch.Size([5, 3]), device=cpu, dtype=torch.float32, is_shared=False), b: TensorDict( fields={ c: Tensor(shape=torch.Size([5, 3, 1]), device=cpu, dtype=torch.float32, is_shared=False)}, batch_size=torch.Size([5]), device=cpu, is_shared=False), index: Tensor(shape=torch.Size([5]), device=cpu, dtype=torch.int64, is_shared=False)}, batch_size=torch.Size([5]), device=cpu, is_shared=False) >>> print("index", sample["index"]) index tensor([9, 5, 2, 2, 7]) >>> # give a high priority to these samples... >>> sample.set("td_error", 100*torch.ones(sample.shape)) >>> # and update priority >>> rb.update_tensordict_priority(sample) >>> # the new sample should have a high overlap with the previous one >>> sample = rb.sample(5) >>> print(sample) TensorDict( fields={ _weight: Tensor(shape=torch.Size([5]), device=cpu, dtype=torch.float32, is_shared=False), a: Tensor(shape=torch.Size([5, 3]), device=cpu, dtype=torch.float32, is_shared=False), b: TensorDict( fields={ c: Tensor(shape=torch.Size([5, 3, 1]), device=cpu, dtype=torch.float32, is_shared=False)}, batch_size=torch.Size([5]), device=cpu, is_shared=False), index: Tensor(shape=torch.Size([5]), device=cpu, dtype=torch.int64, is_shared=False)}, batch_size=torch.Size([5]), device=cpu, is_shared=False) >>> print("index", sample["index"]) index tensor([2, 5, 5, 9, 7])
- add(data: TensorDictBase) int ¶
将单个元素添加到回放缓冲区。
- 参数:
data (Any) – 要添加到回放缓冲区的数据
- 返回值:
数据在回放缓冲区中的索引。
- append_transform(transform: Transform, *, invert: bool = False) ReplayBuffer ¶
在末尾追加转换。
调用 sample 时,转换将按顺序应用。
- 参数:
transform (Transform) – 要追加的转换
- 关键字参数:
invert (bool, optional) – 如果为
True
,则转换将被反转(前向调用将在写入时调用,而反向调用将在读取时调用)。默认为False
。
示例
>>> rb = ReplayBuffer(storage=LazyMemmapStorage(10), batch_size=4) >>> data = TensorDict({"a": torch.zeros(10)}, [10]) >>> def t(data): ... data += 1 ... return data >>> rb.append_transform(t, invert=True) >>> rb.extend(data) >>> assert (data == 1).all()
- dumps(path)¶
将回放缓冲区保存在指定路径的磁盘上。
- 参数:
path (Path or str) – 保存回放缓冲区的路径。
示例
>>> import tempfile >>> import tqdm >>> from torchrl.data import LazyMemmapStorage, TensorDictReplayBuffer >>> from torchrl.data.replay_buffers.samplers import PrioritizedSampler, RandomSampler >>> import torch >>> from tensordict import TensorDict >>> # Build and populate the replay buffer >>> S = 1_000_000 >>> sampler = PrioritizedSampler(S, 1.1, 1.0) >>> # sampler = RandomSampler() >>> storage = LazyMemmapStorage(S) >>> rb = TensorDictReplayBuffer(storage=storage, sampler=sampler) >>> >>> for _ in tqdm.tqdm(range(100)): ... td = TensorDict({"obs": torch.randn(100, 3, 4), "next": {"obs": torch.randn(100, 3, 4)}, "td_error": torch.rand(100)}, [100]) ... rb.extend(td) ... sample = rb.sample(32) ... rb.update_tensordict_priority(sample) >>> # save and load the buffer >>> with tempfile.TemporaryDirectory() as tmpdir: ... rb.dumps(tmpdir) ... ... sampler = PrioritizedSampler(S, 1.1, 1.0) ... # sampler = RandomSampler() ... storage = LazyMemmapStorage(S) ... rb_load = TensorDictReplayBuffer(storage=storage, sampler=sampler) ... rb_load.loads(tmpdir) ... assert len(rb) == len(rb_load)
- empty()¶
清空回放缓冲区并将光标重置为 0。
- extend(tensordicts: TensorDictBase) Tensor ¶
使用一个或多个包含在可迭代对象中的元素扩展回放缓冲区。
如果存在,将调用反向转换。
- 参数:
data (iterable) – 要添加到回放缓冲区的的数据集合。
- 返回值:
添加到回放缓冲区的数据的索引。
警告
extend()
在处理值列表时可能具有模棱两可的签名,这些值列表应被解释为 PyTree(在这种情况下,列表中的所有元素都将被放入存储中存储的 PyTree 中的一个切片)或要添加的单个值的列表。为了解决这个问题,TorchRL 在列表和元组之间做出了明确的区分:元组将被视为 PyTree,列表(在根级别)将被解释为要一次将一个值添加到缓冲区的值堆栈。对于ListStorage
实例,只能提供未绑定的元素(没有 PyTree)。
- insert_transform(index: int, transform: Transform, *, invert: bool = False) ReplayBuffer ¶
插入转换。
调用 sample 时,转换将按顺序执行。
- 参数:
index (int) – 插入转换的位置。
transform (Transform) – 要追加的转换
- 关键字参数:
invert (bool, optional) – 如果为
True
,则转换将被反转(前向调用将在写入时调用,而反向调用将在读取时调用)。默认为False
。
- loads(path)¶
加载给定路径的回放缓冲区状态。
该缓冲区应具有匹配的组件,并使用
dumps()
保存。- 参数:
path (Path or str) – 保存回放缓冲区的路径。
有关更多信息,请参见
dumps()
。
- register_load_hook(hook: Callable[[Any], Any])¶
注册存储的加载钩子。
注意
钩子目前在保存回放缓冲区时不会被序列化:它们必须在每次创建缓冲区时手动重新初始化。
- register_save_hook(hook: Callable[[Any], Any])¶
注册存储的保存钩子。
注意
钩子目前在保存回放缓冲区时不会被序列化:它们必须在每次创建缓冲区时手动重新初始化。
- sample(batch_size: int | None = None, return_info: bool = False, include_info: bool = None) TensorDictBase ¶
从回放缓冲区中采样一批数据。
使用 Sampler 采样索引,并从 Storage 中检索它们。
- 参数:
batch_size (int, optional) – 要收集的数据的大小。如果没有提供,此方法将根据采样器采样批次大小。
return_info (bool) – 是否返回信息。如果为 True,则结果为一个元组 (data, info)。如果为 False,则结果为 data。
- 返回值:
包含在回放缓冲区中选择的一批数据的 tensordict。如果 return_info 标志设置为 True,则包含此 tensordict 和信息的元组。