VIPTransform¶
- class torchrl.envs.transforms.VIPTransform(*args, **kwargs)[source]¶
VIP 转换类。
VIP 提供预训练的 ResNet 权重,旨在促进机器人任务的视觉嵌入和奖励。这些模型使用 Ego4d 进行训练。请参阅论文
- VIP:通过 Value-Implicit Pre-Training 实现通用视觉奖励和表示 (Jason Ma
Shagun Sodhani、Dinesh Jayaraman、Osbert Bastani、Vikash Kumar*、Amy Zhang*)
- 参数:
model_name (str) – resnet50 之一
in_keys (list of str, optional) – 输入键列表。如果留空,则假定为“pixels”键。
out_keys (list of str, optional) – 输出键列表。如果留空,则假定为“vip_vec”。
size (int, optional) – 要馈送到 resnet 的图像大小。默认为 244。
stack_images (bool, optional) – 如果为 False,则
in_keys
参数中给出的图像将被单独处理,并且每个图像将在输出 tensordict 中获得一个单独的条目。默认为True
。download (bool, torchvision Weights config 或 corresponding string) – 如果为
True
,则将使用 torch.hub 下载 API 下载权重(即,权重将被缓存以供将来使用)。这些权重是 VIP 出版物中的原始权重。如果需要 torchvision 权重,则有两种方法可以获取它们:download=ResNet50_Weights.IMAGENET1K_V1
或download="IMAGENET1K_V1"
,其中ResNet50_Weights
可以通过from torchvision.models import resnet50, ResNet50_Weights
导入。默认为 False。download_path (str, optional) – 下载模型的路径。默认为 None(缓存路径由 torch.hub utils 确定)。
tensor_pixels_keys (list of str, optional) – 可选地,可以将原始图像(从 env 收集的图像)保留在输出 tensordict 中。如果未提供值,则不会收集此项。
- to(dest: Union[device, str, int, dtype])[source]¶
移动和/或转换参数和缓冲区。
可以这样调用
- to(device=None, dtype=None, non_blocking=False)[source]
- to(dtype, non_blocking=False)[source]
- to(tensor, non_blocking=False)[source]
- to(memory_format=torch.channels_last)[source]
其签名类似于
torch.Tensor.to()
,但仅接受浮点型或复数dtype
。此外,此方法只会将浮点型或复数参数和缓冲区转换为dtype
(如果给定)。整数参数和缓冲区将移动到device
(如果给定),但 dtype 不变。当设置non_blocking
时,它会尝试相对于主机异步转换/移动(如果可能),例如,将具有固定内存的 CPU 张量移动到 CUDA 设备。请参见以下示例。
注意
此方法会就地修改模块。
- 参数:
device (
torch.device
) – 此模块中参数和缓冲区的所需设备dtype (
torch.dtype
) – 此模块中参数和缓冲区的所需浮点型或复数 dtypetensor (torch.Tensor) – 张量,其 dtype 和设备是此模块中所有参数和缓冲区的所需 dtype 和设备
memory_format (
torch.memory_format
) – 此模块中 4D 参数和缓冲区的所需内存格式(仅关键字参数)
- 返回:
self
- 返回类型:
模块
示例
>>> # xdoctest: +IGNORE_WANT("non-deterministic") >>> linear = nn.Linear(2, 2) >>> linear.weight Parameter containing: tensor([[ 0.1913, -0.3420], [-0.5113, -0.2325]]) >>> linear.to(torch.double) Linear(in_features=2, out_features=2, bias=True) >>> linear.weight Parameter containing: tensor([[ 0.1913, -0.3420], [-0.5113, -0.2325]], dtype=torch.float64) >>> # xdoctest: +REQUIRES(env:TORCH_DOCTEST_CUDA1) >>> gpu1 = torch.device("cuda:1") >>> linear.to(gpu1, dtype=torch.half, non_blocking=True) Linear(in_features=2, out_features=2, bias=True) >>> linear.weight Parameter containing: tensor([[ 0.1914, -0.3420], [-0.5112, -0.2324]], dtype=torch.float16, device='cuda:1') >>> cpu = torch.device("cpu") >>> linear.to(cpu) Linear(in_features=2, out_features=2, bias=True) >>> linear.weight Parameter containing: tensor([[ 0.1914, -0.3420], [-0.5112, -0.2324]], dtype=torch.float16) >>> linear = nn.Linear(2, 2, bias=None).to(torch.cdouble) >>> linear.weight Parameter containing: tensor([[ 0.3741+0.j, 0.2382+0.j], [ 0.5593+0.j, -0.4443+0.j]], dtype=torch.complex128) >>> linear(torch.ones(3, 2, dtype=torch.cdouble)) tensor([[0.6122+0.j, 0.1150+0.j], [0.6122+0.j, 0.1150+0.j], [0.6122+0.j, 0.1150+0.j]], dtype=torch.complex128)