R3MTransform¶
- class torchrl.envs.transforms.R3MTransform(*args, **kwargs)[原始碼]¶
R3M 變換類。
R3M 提供預訓練的 ResNet 權重,旨在方便機器人任務的視覺嵌入。這些模型使用 Ego4d 進行訓練。
- 參閱論文
- R3M: A Universal Visual Representation for Robot Manipulation (Suraj Nair,
Aravind Rajeswaran, Vikash Kumar, Chelsea Finn, Abhinav Gupta) https://arxiv.org/abs/2203.12601
R3MTransform 以惰性方式建立:物件僅在查詢屬性(spec 或 forward 方法)時初始化。這樣做的原因是
_init()方法需要訪問父環境(如果存在)的一些屬性:透過使類惰性化,我們可以確保以下程式碼片段按預期工作示例
>>> transform = R3MTransform("resnet50", in_keys=["pixels"]) >>> env.append_transform(transform) >>> # the forward method will first call _init which will look at env.observation_spec >>> env.reset()
- 引數:
model_name (str) – resnet50、resnet34 或 resnet18 之一
in_keys (list of str) – 輸入鍵列表。如果留空,則假定為“pixels”鍵。
out_keys (list of str, optional) – 輸出鍵列表。如果留空,則假定為“r3m_vec”。
size (int, optional) – 要輸入到 resnet 的影像大小。預設為 244。
stack_images (bool, optional) – 如果為 False,則
in_keys引數中給定的影像將單獨處理,並且每個影像在輸出 tensordict 中都會有一個單獨的條目。預設為True。download (bool, torchvision Weights config or corresponding string) – 如果為
True,則將使用 torch.hub 下載 API 下載權重(即權重將快取以備將來使用)。這些權重是 R3M 釋出中的原始權重。如果需要 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) – 可選地,可以在輸出 tensordict 中保留原始影像(從環境收集的影像)。如果未提供值,則不會收集此項。
- to(dest: Union[device, str, int, dtype])[原始碼]¶
移動和/或轉換引數和緩衝區。
可以像這樣呼叫
- to(device=None, dtype=None, non_blocking=False)[原始碼]
- to(dtype, non_blocking=False)[原始碼]
- to(tensor, non_blocking=False)[原始碼]
- to(memory_format=torch.channels_last)[原始碼]
其簽名類似於
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
- 返回型別:
Module
示例
>>> # 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)