ReplayBuffer¶
- class torchrl.data.ReplayBuffer(*, storage: Storage | None = None, sampler: Sampler | None = None, writer: Writer | None = None, collate_fn: Callable | None = None, pin_memory: bool = False, prefetch: int | None = None, transform: 'Transform' | None = None, batch_size: int | None = None, dim_extend: int | None = None, checkpointer: 'StorageCheckpointerBase' | None = None)[源代码]¶
一个通用的、可组合的回放缓冲区类。
- 关键字参数:
storage (Storage, 可选) – 要使用的存储。如果没有提供,将创建一个具有
max_size
为1_000
的默认ListStorage
。sampler (Sampler, 可选) – 要使用的采样器。如果没有提供,将使用默认的
RandomSampler
。writer (Writer, 可选) – 要使用的写入器。如果没有提供,将使用默认的
RoundRobinWriter
。collate_fn (可调用对象, 可选) – 将样本列表合并以形成张量/输出的小批量。在从映射风格数据集进行批量加载时使用。默认值将根据存储类型决定。
pin_memory (bool) – 是否应该在 rb 样本上调用 pin_memory()。
prefetch (int, 可选) – 使用多线程预取的下一个批次的数目。默认为 None(不预取)。
transform (Transform, 可选) – 调用
sample()
时要执行的转换。要链接转换,请使用Compose
类。转换应该与tensordict.TensorDict
内容一起使用。如果回放缓冲区与 PyTree 结构一起使用,则也可以传递一个通用可调用对象(参见下面的示例)。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.
dim_extend (int, 可选) –
表示调用
extend()
时要考虑扩展的维度。默认为storage.ndim-1
。在使用dim_extend > 0
时,我们建议在存储实例化中使用ndim
参数(如果该参数可用),以让存储知道数据是多维的,并在采样期间保持存储容量和批次大小的一致概念。
示例
>>> import torch >>> >>> from torchrl.data import ReplayBuffer, ListStorage >>> >>> torch.manual_seed(0) >>> rb = ReplayBuffer( ... storage=ListStorage(max_size=1000), ... batch_size=5, ... ) >>> # populate the replay buffer and get the item indices >>> data = range(10) >>> indices = rb.extend(data) >>> # sample will return as many elements as specified in the constructor >>> sample = rb.sample() >>> print(sample) tensor([4, 9, 3, 0, 3]) >>> # Passing the batch-size to the sample method overrides the one in the constructor >>> sample = rb.sample(batch_size=3) >>> print(sample) tensor([9, 7, 3]) >>> # one cans sample using the ``sample`` method or iterate over the buffer >>> for i, batch in enumerate(rb): ... print(i, batch) ... if i == 3: ... break 0 tensor([7, 3, 1, 6, 6]) 1 tensor([9, 8, 6, 6, 8]) 2 tensor([4, 3, 6, 9, 1]) 3 tensor([4, 4, 1, 9, 9])
回放缓冲区接受任何类型的数据。并非所有存储类型都适用,因为有些类型仅期望数值数据,但默认的
ListStorage
将示例
>>> torch.manual_seed(0) >>> buffer = ReplayBuffer(storage=ListStorage(100), collate_fn=lambda x: x) >>> indices = buffer.extend(["a", 1, None]) >>> buffer.sample(3) [None, 'a', None]
TensorStorage
、LazyMemmapStorage
和LazyTensorStorage
也适用于任何 PyTree 结构(PyTree 是由字典、列表或元组组成的任意深度的嵌套结构,其中叶子是张量),前提是它只包含张量数据。示例
>>> from torch.utils._pytree import tree_map >>> def transform(x): ... # Zeros all the data in the pytree ... return tree_map(lambda y: y * 0, x) >>> rb = ReplayBuffer(storage=LazyMemmapStorage(100), transform=transform) >>> data = { ... "a": torch.randn(3), ... "b": {"c": (torch.zeros(2), [torch.ones(1)])}, ... 30: -torch.ones(()), ... } >>> rb.add(data) >>> # The sample has a similar structure to the data (with a leading dimension of 10 for each tensor) >>> s = rb.sample(10) >>> # let's check that our transform did its job: >>> def assert0(x): >>> assert (x == 0).all() >>> tree_map(assert0, s)
- append_transform(transform: Transform, *, invert: bool = False) ReplayBuffer [source]¶
在末尾追加转换。
当调用 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)[source]¶
将回放缓冲区保存到磁盘上的指定路径。
- 参数:
path (Path 或 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)
- extend(data: Sequence) Tensor [source]¶
使用可迭代对象中包含的一个或多个元素扩展回放缓冲区。
如果存在,将调用逆转换。
- 参数:
data (iterable) – 要添加到回放缓冲区的數據集合。
- 返回:
添加到回放缓冲区的数据的索引。
警告
extend()
在处理值列表时可能具有模棱两可的签名,这些值列表应解释为 PyTree(在这种情况下,列表中的所有元素都将被放入存储的 PyTree 中的切片中)或要逐个添加的值列表。为了解决这个问题,TorchRL 在列表和元组之间做出了明确的区分:元组将被视为 PyTree,列表(在根级别)将被解释为要逐个添加到缓冲区的元素堆栈。对于ListStorage
实例,只能提供未绑定的元素(没有 PyTree)。
- insert_transform(index: int, transform: Transform, *, invert: bool = False) ReplayBuffer [source]¶
插入转换。
当调用 sample 时,将按顺序执行转换。
- 参数:
index (int) – 插入转换的位置。
transform (Transform) – 要追加的转换
- 关键字参数:
invert (bool, optional) – 如果为
True
,则转换将被反转(向前调用将在写入时调用,反向调用将在读取时调用)。默认为False
。
- loads(path)[source]¶
加载给定路径上的回放缓冲区状态。
缓冲区应具有匹配的组件,并使用
dumps()
保存。- 参数:
path (Path 或 str) – 保存回放缓冲区的路径。
有关更多信息,请参阅
dumps()
。
- register_load_hook(hook: Callable[[Any], Any])[source]¶
为存储注册加载挂钩。
注意
目前在保存回放缓冲区时,挂钩不会被序列化:每次创建缓冲区时,必须手动重新初始化它们。
- register_save_hook(hook: Callable[[Any], Any])[source]¶
为存储注册保存挂钩。
注意
目前在保存回放缓冲区时,挂钩不会被序列化:每次创建缓冲区时,必须手动重新初始化它们。
- sample(batch_size: int | None = None, return_info: bool = False) Any [source]¶
从回放缓冲区中采样一批数据。
使用 Sampler 采样索引,并从 Storage 中检索它们。
- 参数:
batch_size (int, optional) – 要收集的数据的大小。如果未提供,此方法将根据采样器指示的批次大小采样。
return_info (bool) – 是否返回信息。如果为 True,结果为元组 (data, info)。如果为 False,结果为数据。
- 返回:
在回放缓冲区中选择的批次数据。如果 return_info 标志设置为 True,则包含此批次和信息的元组。