捷徑

PersistentTensorDict

class tensordict.PersistentTensorDict(*, batch_size=None, filename=None, group=None, mode='r', backend='h5', device=None, **kwargs)

Persistent TensorDict 實作。

PersistentTensorDict 實例提供與儲存在磁碟上的資料的介面,以便輕鬆存取這些資料,同時仍能利用後端提供的快速存取。

與其他 TensorDictBase 子類別一樣,PersistentTensorDict 具有 device 屬性。這並不意味著資料儲存在該裝置上,而是表示載入時,資料將被轉換到所需的裝置上。

關鍵字參數:
  • batch_size (torch.Size相容類型) – tensordict 批次大小。預設為 torch.Size(())

  • filename (str, optional) – h5 檔案的路徑。與 group 互斥。

  • group (h5py.Group, optional) – 包含資料的檔案或群組。與 filename 互斥。

  • mode (str, optional) – 讀取模式。預設為 "r"

  • backend (str, optional) – 儲存後端。目前僅支援 "h5"

  • device (torch.device相容類型, optional) – tensordict 的裝置。預設為 None(即預設的 PyTorch 裝置)。

  • **kwargs – 要傳遞給 h5py.File.create_dataset() 的 kwargs。

注意

目前,PersistentTensorDict 實例在超出作用域時不會關閉。這表示使用者有責任在必要時關閉它們。

範例

>>> import tempfile
>>> with tempfile.NamedTemporaryFile() as f:
...     data = PersistentTensorDict(file=f, batch_size=[3], mode="w")
...     data["a", "b"] = torch.randn(3, 4)
...     print(data)
abs() T

計算 TensorDict 中每個元素的絕對值。

abs_() T

就地 (in-place) 計算 TensorDict 中每個元素的絕對值。

acos() T

計算 TensorDict 中每個元素的 acos() 值。

acos_() T

就地 (in-place) 計算 TensorDict 中每個元素的 acos() 值。

add(other: tensordict.base.TensorDictBase | torch.Tensor, *, alpha: Optional[float] = None, default: Optional[Union[str, Tensor]] = None) TensorDictBase

將乘以 alpha 縮放的 other 加到 self

\[\text{{out}}_i = \text{{input}}_i + \text{{alpha}} \times \text{{other}}_i\]
參數:

other (TensorDictBasetorch.Tensor) – 要加到 self 的 tensor 或 TensorDict。

關鍵字參數:
  • alpha (Number, optional) – other 的乘數。

  • default (torch.Tensorstr, optional) – 用於獨佔條目的預設值。如果未提供任何預設值,則兩個 tensordict 的 key list 必須完全匹配。如果傳遞 default="intersection",則只會考慮相交的 key set,而其他 key 會被忽略。在所有其他情況下,default 將用於操作兩側的所有遺失條目。

add_(other: tensordict.base.TensorDictBase | float, *, alpha: Optional[float] = None)

add() 的就地 (in-place) 版本。

注意

就地 (in-place) 的 add 不支援 default 關鍵字引數。

addcdiv(other1: tensordict.base.TensorDictBase | torch.Tensor, other2: tensordict.base.TensorDictBase | torch.Tensor, value: float | None = 1)

執行 other1 除以 other2 的逐元素除法,將結果乘以純量 value,然後將其加到 self

\[\text{out}_i = \text{input}_i + \text{value} \times \frac{\text{tensor1}_i}{\text{tensor2}_i}\]

selfother1other2 的元素的形狀必須是可以廣播的。

對於 FloatTensorDoubleTensor 類型的輸入,value 必須是實數,否則為整數。

參數:
  • other1 (TensorDictTensor) – 分子 tensordict(或 tensor)

  • tensor2 (TensorDictTensor) – 分母 tensordict(或 tensor)

關鍵字參數:

value (Number, optional) – \(\text{tensor1} / \text{tensor2}\) 的乘數

addcdiv_(other1, other2, *, value: float | None = 1)

addcdiv() 的原地 (in-place) 版本。

addcmul(other1, other2, *, value: float | None = 1)

執行 other1 乘以 other2 的逐元素乘法,將結果乘以純量 value,然後將其加到 self

\[\text{out}_i = \text{input}_i + \text{value} \times \text{other1}_i \times \text{other2}_i\]

selfother1other2 的形狀必須是可以廣播的。

對於 FloatTensorDoubleTensor 類型的輸入,value 必須是實數,否則為整數。

參數:
  • other1 (TensorDictTensor) – 要相乘的 tensordict 或 tensor

  • other2 (TensorDictTensor) – 要相乘的 tensordict 或 tensor

關鍵字參數:

value (Number, optional) – \(other1 .* other2\) 的乘數

addcmul_(other1, other2, *, value: float | None = 1)

addcmul() 的原地 (in-place) 版本。

all(dim: Optional[int] = None) bool | tensordict.base.TensorDictBase

檢查 tensordict 中是否所有值皆為 True/非空值。

參數:

dim (int, optional) – 如果 None,則返回一個布林值,指示是否所有張量都返回 tensor.all() == True。 如果是整數,則僅當此維度與 tensordict 形狀相容時,才對指定的維度調用 all。

any(dim: Optional[int] = None) bool | tensordict.base.TensorDictBase

檢查 tensordict 中是否有任何值為 True/非空值。

參數:

dim (int, optional) – 如果 None,則返回一個布林值,指示是否所有張量都返回 tensor.any() == True。 如果是整數,則僅當此維度與 tensordict 形狀相容時,才對指定的維度調用 all。

apply(fn: Callable, *others: T, batch_size: Optional[Sequence[int]] = None, device: torch.device | None = _NoDefault.ZERO, names: Optional[Sequence[str]] = _NoDefault.ZERO, inplace: bool = False, default: Any = _NoDefault.ZERO, filter_empty: Optional[bool] = None, propagate_lock: bool = False, call_on_nested: bool = False, out: Optional[TensorDictBase] = None, **constructor_kwargs) Optional[T]

將可調用對象應用於 tensordict 中儲存的所有值,並將它們設置在新的 tensordict 中。

可調用對象的簽名必須為 Callable[Tuple[Tensor, ...], Optional[Union[Tensor, TensorDictBase]]]

參數:
  • fn (Callable) – 要應用於 tensordict 中的張量的函數。

  • *others (TensorDictBase 實例, 選填) – 如果提供,這些 tensordict 實例的結構應與 self 的結構匹配。 fn 參數應接收與 tensordict 數量一樣多的未命名輸入,包括 self。 如果其他 tensordict 有遺漏的條目,則可以通過 default 關鍵字參數傳遞預設值。

關鍵字參數:
  • batch_size (int 序列, 選填) – 如果提供,結果 TensorDict 將具有所需的 batch_size。 batch_size 參數應與轉換後的 batch_size 相符。 這是一個僅限關鍵字的參數。

  • device (torch.device, 選填) – 結果裝置 (如果有的話)。

  • names (str 列表, 選填) – 新的維度名稱,以防 batch_size 被修改。

  • inplace (bool, 選填) – 如果為 True,則進行原地修改。預設值為 False。 這是一個僅限關鍵字的參數。

  • default (Any, 選填) – 其他 tensordict 中遺漏條目的預設值。 如果未提供,遺漏的條目將引發 KeyError

  • filter_empty (bool, 選填) – 如果 True,將會過濾掉空的 tensordict。 這也降低了計算成本,因為不會創建和銷毀空的資料結構。 非張量資料被視為葉節點,因此即使該函數未觸及,也會保留在 tensordict 中。為了向後相容,預設為 False

  • propagate_lock (bool, 選填) – 如果 True,鎖定的 tensordict 將產生另一個鎖定的 tensordict。 預設值為 False

  • call_on_nested (bool, 選填) –

    如果 True,則該函數將在第一層張量和容器 (TensorDict 或 tensorclass) 上呼叫。 在這種情況下,func 負責將其呼叫傳播到巢狀層級。 這允許在將呼叫傳播到巢狀 tensordict 時進行細粒度的控制。 如果 False,則該函數僅在葉節點上呼叫,並且 apply 將負責將該函數分派到所有葉節點。

    >>> td = TensorDict({"a": {"b": [0.0, 1.0]}, "c": [1.0, 2.0]})
    >>> def mean_tensor_only(val):
    ...     if is_tensor_collection(val):
    ...         raise RuntimeError("Unexpected!")
    ...     return val.mean()
    >>> td_mean = td.apply(mean_tensor_only)
    >>> def mean_any(val):
    ...     if is_tensor_collection(val):
    ...         # Recurse
    ...         return val.apply(mean_any, call_on_nested=True)
    ...     return val.mean()
    >>> td_mean = td.apply(mean_any, call_on_nested=True)
    

  • out (TensorDictBase, 選填) –

    用於寫入結果的 tensordict。 這可以用於避免創建新的 tensordict

    >>> td = TensorDict({"a": 0})
    >>> td.apply(lambda x: x+1, out=td)
    >>> assert (td==1).all()
    

    警告

    如果 tensordict 上執行的操作需要訪問多個鍵才能進行單次計算,則提供等於 selfout 參數可能會導致該操作默默地提供錯誤的結果。 例如

    >>> td = TensorDict({"a": 1, "b": 1})
    >>> td.apply(lambda x: x+td["a"])["b"] # Right!
    tensor(2)
    >>> td.apply(lambda x: x+td["a"], out=td)["b"] # Wrong!
    tensor(3)
    

  • **constructor_kwargs – 要傳遞給 TensorDict 建構子的其他關鍵字參數。

傳回:

一個具有 transformed_in 張量的新 tensordict。

範例

>>> td = TensorDict({
...     "a": -torch.ones(3),
...     "b": {"c": torch.ones(3)}},
...     batch_size=[3])
>>> td_1 = td.apply(lambda x: x+1)
>>> assert (td_1["a"] == 0).all()
>>> assert (td_1["b", "c"] == 2).all()
>>> td_2 = td.apply(lambda x, y: x+y, td)
>>> assert (td_2["a"] == -2).all()
>>> assert (td_2["b", "c"] == 2).all()

注意

如果該函數傳回 None,則該條目將被忽略。 這可用於過濾 tensordict 中的資料

>>> td = TensorDict({"1": 1, "2": 2, "b": {"2": 2, "1": 1}}, [])
>>> def filter(tensor):
...     if tensor == 1:
...         return tensor
>>> td.apply(filter)
TensorDict(
    fields={
        1: Tensor(shape=torch.Size([]), device=cpu, dtype=torch.int64, is_shared=False),
        b: TensorDict(
            fields={
                1: Tensor(shape=torch.Size([]), device=cpu, dtype=torch.int64, is_shared=False)},
            batch_size=torch.Size([]),
            device=None,
            is_shared=False)},
    batch_size=torch.Size([]),
    device=None,
    is_shared=False)

注意

apply 方法將傳回一個 TensorDict 實例,無論輸入類型如何。 要保持相同的類型,可以執行

>>> out = td.clone(False).update(td.apply(...))
apply_(fn: Callable, *others, **kwargs) T

將可呼叫物件應用於 tensordict 中儲存的所有值,並將它們原地重寫。

參數:
  • fn (Callable) – 要應用於 tensordict 中的張量的函數。

  • *others (TensorDictBase 序列, 選填) – 要使用的其他 tensordict。

Keyword Args: 請參閱 apply()

傳回:

self 或應用該函數的 self 的副本

asin() T

計算 TensorDict 的每個元素的 asin() 值。

asin_() T

原地計算 TensorDict 的每個元素的 asin() 值。

atan() T

計算 TensorDict 的每個元素的 atan() 值。

atan_() T

原地計算 TensorDict 的每個元素的 atan() 值。

auto_batch_size_(batch_dims: Optional[int] = None) T

設定 tensordict 的最大 batch-size,最多可達一個可選的 batch_dims。

參數:

batch_dims (int, 選填) – 如果提供,則 batch-size 最多為 batch_dims 長。

傳回:

self

範例

>>> from tensordict import TensorDict
>>> import torch
>>> td = TensorDict({"a": torch.randn(3, 4, 5), "b": {"c": torch.randn(3, 4, 6)}}, batch_size=[])
>>> td.auto_batch_size_()
>>> print(td.batch_size)
torch.Size([3, 4])
>>> td.auto_batch_size_(batch_dims=1)
>>> print(td.batch_size)
torch.Size([3])
auto_device_() T

自動設定裝置,如果裝置是唯一的。

回傳:已編輯 device 屬性的 self。

property batch_dims: int

tensordict 批次大小的長度。

傳回:

描述 tensordict 維度的整數。

property batch_size

TensorDict 的形狀(或批次大小)。

tensordict 的形狀對應於其包含的 tensors 的共同前 N 個維度,其中 N 是一個任意數字。 批次大小與代表 tensor 語義相關形狀的「特徵大小」形成對比。 例如,一批影片的形狀可能為 [B, T, C, W, H],其中 [B, T] 是批次大小(批次和時間維度),而 [C, W, H] 是特徵維度(通道和空間維度)。

TensorDict 的形狀由使用者在初始化時控制(即,它不是從 tensor 形狀推斷出來的)。

如果新大小與 TensorDict 內容相容,則可以動態編輯 batch_size。 例如,始終允許將批次大小設定為空值。

傳回:

一個 Size 物件,描述 TensorDict 批次大小。

範例

>>> data = TensorDict({
...     "key 0": torch.randn(3, 4),
...     "key 1": torch.randn(3, 5),
...     "nested": TensorDict({"key 0": torch.randn(3, 4)}, batch_size=[3, 4])},
...     batch_size=[3])
>>> data.batch_size = () # resets the batch-size to an empty value
bfloat16()

將所有 tensors 轉換為 torch.bfloat16

bool()

將所有 tensors 轉換為 torch.bool

bytes(*, count_duplicates: bool = True) int

計算包含的 tensors 的位元組數。

關鍵字參數:

count_duplicates (bool) – 是否將重複的 tensor 視為獨立的進行計算。 如果為 False,則只會捨棄嚴格相同的 tensors(來自共同基礎 tensor 的相同檢視,但具有不同的 id 將被計算兩次)。 預設為 True(假設每個 tensor 都是單一副本)。

classmethod cat(input, dim=0, *, out=None)

沿著給定的維度將 tensordicts 串連到單個 tensordict 中。

此呼叫相當於呼叫 torch.cat(),但與 torch.compile 相容。

cat_from_tensordict(dim: int = 0, *, sorted: Optional[Union[bool, List[NestedKey]]] = None, out: Optional[Tensor] = None) Tensor

將 tensordict 的所有條目串連到單個 tensor 中。

參數:

dim (int, optional) – 條目應沿著哪個維度串連。

關鍵字參數:
  • sorted (bool or list of NestedKeys) – 如果為 True,則條目將按字母順序串連。 如果為 False (預設),將使用 dict 順序。 或者,可以提供金鑰名稱的列表,並且將相應地串連 tensors。 這會產生一些額外負擔,因為金鑰列表將針對 tensordict 中的葉名稱列表進行檢查。

  • out (torch.Tensor, optional) – cat 操作的可選目標 tensor。

cat_tensors(*keys: NestedKey, out_key: NestedKey, dim: int = 0, keep_entries: bool = False) T

將條目串聯成一個新的條目,並可能移除原始值。

參數:

keys (NestedKey 的序列) – 要串聯的條目。

關鍵字引數

out_key (NestedKey): 串聯輸入的新鍵名稱。keep_entries (bool, optional): 如果 False,則 keys 中的條目將會被刪除。

預設為 False

dim (int, optional): 串聯必須沿著哪個維度發生。

預設為 0

傳回: self

範例

>>> td = TensorDict(a=torch.zeros(1), b=torch.ones(1))
>>> td.cat_tensors("a", "b", out_key="c")
>>> assert "a" not in td
>>> assert (td["c"] == torch.tensor([0, 1])).all()
ceil() T

計算 TensorDict 中每個元素的 ceil() 值。

ceil_() T

就地計算 TensorDict 中每個元素的 ceil() 值。

chunk(chunks: int, dim: int = 0) tuple[tensordict.base.TensorDictBase, ...]

將 tensordict 分割成指定數量的區塊(如果可能)。

每個區塊都是輸入 tensordict 的一個視圖。

參數:
  • chunks (int) – 要傳回的區塊數

  • dim (int, optional) – 分割 tensordict 的維度。預設值為 0。

範例

>>> td = TensorDict({
...     'x': torch.arange(24).reshape(3, 4, 2),
... }, batch_size=[3, 4])
>>> td0, td1 = td.chunk(dim=-1, chunks=2)
>>> td0['x']
tensor([[[ 0,  1],
         [ 2,  3]],
        [[ 8,  9],
         [10, 11]],
        [[16, 17],
         [18, 19]]])
clamp_max(other: tensordict.base.TensorDictBase | torch.Tensor, *, default: Optional[Union[str, Tensor]] = None) T

如果 self 的元素大於 other 的值,則將其鉗制(clamp)到 other

參數:

other (TensorDictTensor) – 另一個輸入 tensordict 或 tensor。

關鍵字參數:

default (torch.Tensorstr, optional) – 用於獨佔條目的預設值。如果未提供任何預設值,則兩個 tensordict 的 key list 必須完全匹配。如果傳遞 default="intersection",則只會考慮相交的 key set,而其他 key 會被忽略。在所有其他情況下,default 將用於操作兩側的所有遺失條目。

clamp_max_(other: tensordict.base.TensorDictBase | torch.Tensor) T

clamp_max() 的原地 (in-place) 版本。

注意

原地 clamp_max 不支援 default 關鍵字引數。

clamp_min(other: tensordict.base.TensorDictBase | torch.Tensor, default: Optional[Union[str, Tensor]] = None) T

self 的元素限制在 other 以上,如果它們小於該值。

參數:

other (TensorDictTensor) – 另一個輸入 tensordict 或 tensor。

關鍵字參數:

default (torch.Tensorstr, optional) – 用於獨佔條目的預設值。如果未提供任何預設值,則兩個 tensordict 的 key list 必須完全匹配。如果傳遞 default="intersection",則只會考慮相交的 key set,而其他 key 會被忽略。在所有其他情況下,default 將用於操作兩側的所有遺失條目。

clamp_min_(other: tensordict.base.TensorDictBase | torch.Tensor) T

clamp_min() 的原地 (in-place) 版本。

注意

原地 clamp_min 不支援 default 關鍵字引數。

clear() T

清除 tensordict 的內容。

clear_device_() T

清除 tensordict 的裝置。

傳回: self

clone(recurse: bool = True, **kwargs) T

將 TensorDictBase 子類別的實例複製到相同類型的新 TensorDictBase 子類別上。

要從任何其他 TensorDictBase 子類型建立 TensorDict 實例,請改為呼叫 to_tensordict() 方法。

參數:

recurse (bool, optional) – 如果 True,TensorDict 中包含的每個張量也會被複製。否則,只會複製 TensorDict 樹狀結構。預設為 True

注意

與許多其他運算(逐元素算術、形狀運算等)不同,clone 不會繼承原始的鎖定屬性。 這樣設計是為了可以創建一個可被修改的克隆,這是最常見的用法。

close()

關閉持久性 tensordict。

complex128()

將所有張量轉換為 torch.complex128

complex32()

將所有張量轉換為 torch.complex32

complex64()

將所有張量轉換為 torch.complex64

consolidate(filename: Optional[Union[Path, str]] = None, *, num_threads=0, device: Optional[device] = None, non_blocking: bool = False, inplace: bool = False, return_early: bool = False, use_buffer: bool = False, share_memory: bool = False, pin_memory: bool = False, metadata: bool = False) None

將 tensordict 的內容合併到單一儲存空間,以便快速序列化。

參數:

filename (Path, optional) – 可選的檔案路徑,用於作為記憶體對應張量,以用作 tensordict 的儲存空間。

關鍵字參數:
  • num_threads (integer, optional) – 用於填充儲存空間的執行緒數量。

  • device (torch.device, optional) – 可選的裝置,用於實例化儲存空間。

  • non_blocking (bool, optional) – 傳遞給 copy_()non_blocking 參數。

  • inplace (bool, optional) – 如果 True,則產生的 tensordict 與 self 相同,但具有更新後的值。預設為 False

  • return_early (bool, optional) – 如果 Truenum_threads>0,則此方法將傳回 tensordict 的 future。可以使用 future.result() 查詢產生的 tensordict。

  • use_buffer (bool, optional) – 如果 True 且傳遞了檔案名稱,則將在共享記憶體中建立一個中間的本機緩衝區,並且資料將作為最後一步複製到儲存位置。這可能比直接寫入遠端實體記憶體(例如,NFS)更快。預設為 False

  • share_memory (bool, optional) – 如果 True,則儲存空間將放置在共享記憶體中。預設為 False

  • pin_memory (bool, optional) – 是否應將合併的資料放置在鎖定記憶體中。預設為 False

  • metadata (bool, optional) – 如果 True,則元數據將與通用儲存空間一起儲存。如果提供了檔案名稱,則這無效。當人們想要控制如何實現序列化時,儲存元數據可能很有用,因為如果元數據可用或不可用,TensorDict 會以不同的方式處理合併的 TD 的 pickle/unpickle。

注意

如果 tensordict 已經被整合(consolidated),則所有參數都會被忽略並返回 self。調用 contiguous() 重新整合。

範例

>>> import pickle
>>> import tempfile
>>> import torch
>>> import tqdm
>>> from torch.utils.benchmark import Timer
>>> from tensordict import TensorDict
>>> data = TensorDict({"a": torch.zeros(()), "b": {"c": torch.zeros(())}})
>>> data_consolidated = data.consolidate()
>>> # check that the data has a single data_ptr()
>>> assert torch.tensor([
...     v.untyped_storage().data_ptr() for v in data_c.values(True, True)
... ]).unique().numel() == 1
>>> # Serializing the tensordict will be faster with data_consolidated
>>> with open("data.pickle", "wb") as f:
...    print("regular", Timer("pickle.dump(data, f)", globals=globals()).adaptive_autorange())
>>> with open("data_c.pickle", "wb") as f:
...     print("consolidated", Timer("pickle.dump(data_consolidated, f)", globals=globals()).adaptive_autorange())
contiguous()

將 PersistentTensorDict 實體化為常規的 TensorDict。

copy()

返回 tensordict 的淺拷貝(即,複製結構但不複製數據)。

等同於 TensorDictBase.clone(recurse=False)

copy_(tensordict: T, non_blocking: bool = False) T

請參閱 TensorDictBase.update_

non-blocking 參數將被忽略,僅為了與 torch.Tensor.copy_() 兼容而存在。

copy_at_(tensordict: T, idx: Union[None, int, slice, str, Tensor, List[Any], Tuple[Any, ...]], non_blocking: bool = False) T

請參閱 TensorDictBase.update_at_

cos() T

計算 TensorDict 中每個元素的 cos() 值。

cos_() T

就地計算 TensorDict 中每個元素的 cos() 值。

cosh() T

計算 TensorDict 中每個元素的 cosh() 值。

cosh_() T

就地計算 TensorDict 中每個元素的 cosh() 值。

cpu(**kwargs) T

將 tensordict 轉換為 CPU。

此函數還支持 to() 的所有關鍵字參數。

create_nested(key)

創建一個與目前 tensordict 具有相同形狀、設備和維度名稱的巢狀 tensordict。

如果該值已存在,則此操作將覆寫它。此操作在鎖定的 tensordict 中會被阻止。

範例

>>> data = TensorDict({}, [3, 4, 5])
>>> data.create_nested("root")
>>> data.create_nested(("some", "nested", "value"))
>>> print(data)
TensorDict(
    fields={
        root: TensorDict(
            fields={
            },
            batch_size=torch.Size([3, 4, 5]),
            device=None,
            is_shared=False),
        some: TensorDict(
            fields={
                nested: TensorDict(
                    fields={
                        value: TensorDict(
                            fields={
                            },
                            batch_size=torch.Size([3, 4, 5]),
                            device=None,
                            is_shared=False)},
                    batch_size=torch.Size([3, 4, 5]),
                    device=None,
                    is_shared=False)},
            batch_size=torch.Size([3, 4, 5]),
            device=None,
            is_shared=False)},
    batch_size=torch.Size([3, 4, 5]),
    device=None,
    is_shared=False)
cuda(device: Optional[int] = None, **kwargs) T

將 tensordict 轉換到 cuda 裝置 (如果尚未在該裝置上)。

參數:

device (int, optional) – 如果提供,tensor 應轉換到的 cuda 裝置。

此函數還支持 to() 的所有關鍵字參數。

property data

傳回包含 leaf tensors 的 .data 屬性的 tensordict。

data_ptr(*, storage: bool = False)

傳回 tensordict leaves 的 data_ptr。

這可以用於檢查兩個 tensordicts 是否共享相同的 data_ptr()

關鍵字參數:

storage (bool, optional) – 如果 True,則會改為呼叫 tensor.untyped_storage().data_ptr()。預設值為 False

範例

>>> from tensordict import TensorDict
>>> td = TensorDict(a=torch.randn(2), b=torch.randn(2), batch_size=[2])
>>> assert (td0.data_ptr() == td.data_ptr()).all()

注意

LazyStackedTensorDict 實例將顯示為巢狀 tensordicts,以反映其 leaves 的真實 data_ptr()

>>> td0 = TensorDict(a=torch.randn(2), b=torch.randn(2), batch_size=[2])
>>> td1 = TensorDict(a=torch.randn(2), b=torch.randn(2), batch_size=[2])
>>> td = TensorDict.lazy_stack([td0, td1])
>>> td.data_ptr()
TensorDict(
    fields={
        0: TensorDict(
            fields={
                a: Tensor(shape=torch.Size([]), device=cpu, dtype=torch.int64, is_shared=False),
                b: Tensor(shape=torch.Size([]), device=cpu, dtype=torch.int64, is_shared=False)},
            batch_size=torch.Size([]),
            device=cpu,
            is_shared=False),
        1: TensorDict(
            fields={
                a: Tensor(shape=torch.Size([]), device=cpu, dtype=torch.int64, is_shared=False),
                b: Tensor(shape=torch.Size([]), device=cpu, dtype=torch.int64, is_shared=False)},
            batch_size=torch.Size([]),
            device=cpu,
            is_shared=False)},
    batch_size=torch.Size([]),
    device=cpu,
    is_shared=False)
del_(key)

刪除 tensordict 的鍵。

參數:

key (NestedKey) – 要刪除的鍵

傳回:

self

densify(layout: layout = torch.strided)

嘗試使用連續的 tensors(plain tensors 或巢狀)表示 lazy stack。

關鍵字參數:

layout (torch.layout) – 巢狀 tensors 的 layout(如果有的話)。預設值為 strided

property depth: int

傳回 tensordict 的深度 - 最大層數。

最小深度為 0(沒有巢狀 tensordict)。

detach() T

分離 tensordict 中的 tensors。

傳回:

一個新的 tensordict,沒有需要 gradient 的 tensor。

detach_()

就地分離 tensordict 中的 tensors。

傳回:

self.

property device

TensorDict 的裝置。

如果 TensorDict 具有指定的裝置,則其所有 tensors(包括巢狀 tensors)都必須位於同一個裝置上。如果 TensorDict 裝置為 None,則不同的值可以位於不同的裝置上。

傳回:

torch.device 物件,指示 tensors 放置的裝置,如果 TensorDict 沒有裝置,則為 None。

範例

>>> td = TensorDict({
...     "cpu": torch.randn(3, device='cpu'),
...     "cuda": torch.randn(3, device='cuda'),
... }, batch_size=[], device=None)
>>> td['cpu'].device
device(type='cpu')
>>> td['cuda'].device
device(type='cuda')
>>> td = TensorDict({
...     "x": torch.randn(3, device='cpu'),
...     "y": torch.randn(3, device='cuda'),
... }, batch_size=[], device='cuda')
>>> td['x'].device
device(type='cuda')
>>> td['y'].device
device(type='cuda')
>>> td = TensorDict({
...     "x": torch.randn(3, device='cpu'),
...     "y": TensorDict({'z': torch.randn(3, device='cpu')}, batch_size=[], device=None),
... }, batch_size=[], device='cuda')
>>> td['x'].device
device(type='cuda')
>>> td['y'].device # nested tensordicts are also mapped onto the appropriate device.
device(type='cuda')
>>> td['y', 'x'].device
device(type='cuda')
dim() int

請參閱 batch_dims()

div(other: tensordict.base.TensorDictBase | torch.Tensor, *, default: Optional[Union[str, Tensor]] = None) T

將輸入 self 的每個元素除以 other 中對應的元素。

\[\text{out}_i = \frac{\text{input}_i}{\text{other}_i}\]

支援廣播 (broadcasting)、類型提升 (type promotion) 以及整數、浮點數、tensordict 或 tensor 輸入。總是將整數類型提升為預設的純量類型 (scalar type)。

參數:

other (TensorDict, TensorNumber) – 除數。

關鍵字參數:

default (torch.Tensorstr, optional) – 用於獨佔條目的預設值。如果未提供任何預設值,則兩個 tensordict 的 key list 必須完全匹配。如果傳遞 default="intersection",則只會考慮相交的 key set,而其他 key 會被忽略。在所有其他情況下,default 將用於操作兩側的所有遺失條目。

div_(other: tensordict.base.TensorDictBase | torch.Tensor) T

div() 的原地 (in-place) 版本。

注意

原地 div 不支援 default 關鍵字參數。

double()

將所有 tensors 轉換為 torch.bool

property dtype

如果 tensordict 中的值是唯一的,則傳回其 dtype。

dumps(prefix: Optional[str] = None, copy_existing: bool = False, *, num_threads: int = 0, return_early: bool = False, share_non_tensor: bool = False) T

將 tensordict 儲存到磁碟。

此函數是 memmap() 的代理 (proxy)。

empty(recurse=False, *, batch_size=None, device=_NoDefault.ZERO, names=None) T

傳回一個新的、空的 tensordict,具有相同的裝置和批次大小 (batch size)。

參數:

recurse (bool, optional) – 如果 True,將會複製 TensorDict 的完整結構,但不包含內容。 否則,只會複製根目錄。預設值為 False

關鍵字參數:
  • batch_size (torch.Size, optional) – tensordict 的新批次大小。

  • device (torch.device, optional) – 新裝置。

  • names (list of str, optional) – 維度名稱。

entry_class(key: NestedKey) type

傳回一個條目的類別,可能避免呼叫 isinstance(td.get(key), type)

只要執行 get() 的成本很高,就應該優先選擇這個方法,而不是使用 tensordict.get(key).shape

erf() T

計算 TensorDict 中每個元素的 erf() 值。

erf_() T

原地 (in-place) 計算 TensorDict 中每個元素的 erf() 值。

erfc() T

計算 TensorDict 中每個元素的 erfc() 值。

erfc_() T

原地 (in-place) 計算 TensorDict 中每個元素的 erfc() 值。

exclude(*keys: NestedKey, inplace: bool = False) T

排除 tensordict 的鍵,並傳回一個不包含這些條目的新 tensordict。

數值不會被複製:對原始或新 tensordict 的 tensor 進行原地修改將導致兩個 tensordict 都發生變化。

參數:
  • *keys (str) – 要排除的鍵。

  • inplace (bool) – 如果為 True,則原地修剪 tensordict。預設值為 False

傳回:

一個新的 tensordict(如果 inplace=True 則相同),不包含被排除的條目。

範例

>>> from tensordict import TensorDict
>>> td = TensorDict({"a": 0, "b": {"c": 1, "d": 2}}, [])
>>> td.exclude("a", ("b", "c"))
TensorDict(
    fields={
        b: TensorDict(
            fields={
                d: Tensor(shape=torch.Size([]), device=cpu, dtype=torch.int64, is_shared=False)},
            batch_size=torch.Size([]),
            device=None,
            is_shared=False)},
    batch_size=torch.Size([]),
    device=None,
    is_shared=False)
>>> td.exclude("a", "b")
TensorDict(
    fields={
    },
    batch_size=torch.Size([]),
    device=None,
    is_shared=False)
exp() T

計算 TensorDict 中每個元素的 exp() 值。

exp_() T

原地 (in-place) 計算 TensorDict 中每個元素的 exp() 值。

expand(*args, **kwargs) T

根據 expand() 函數擴展 tensordict 的每個 tensor,忽略特徵維度 (feature dimensions)。

支援使用可迭代物件 (iterables) 來指定形狀。

範例

>>> td = TensorDict({
...     'a': torch.zeros(3, 4, 5),
...     'b': torch.zeros(3, 4, 10)}, batch_size=[3, 4])
>>> td_expand = td.expand(10, 3, 4)
>>> assert td_expand.shape == torch.Size([10, 3, 4])
>>> assert td_expand.get("a").shape == torch.Size([10, 3, 4, 5])
expand_as(other: tensordict.base.TensorDictBase | torch.Tensor) TensorDictBase

將 tensordict 的形狀廣播 (broadcast) 到 other 的形狀,並相應地擴展它。

如果輸入是一個 tensor 集合(tensordict 或 tensorclass),則葉節點 (leaves) 將以一對一的方式擴展。

範例

>>> from tensordict import TensorDict
>>> import torch
>>> td0 = TensorDict({
...     "a": torch.ones(3, 1, 4),
...     "b": {"c": torch.ones(3, 2, 1, 4)}},
...     batch_size=[3],
... )
>>> td1 = TensorDict({
...     "a": torch.zeros(2, 3, 5, 4),
...     "b": {"c": torch.zeros(2, 3, 2, 6, 4)}},
...     batch_size=[2, 3],
... )
>>> expanded = td0.expand_as(td1)
>>> assert (expanded==1).all()
>>> print(expanded)
TensorDict(
    fields={
        a: Tensor(shape=torch.Size([2, 3, 5, 4]), device=cpu, dtype=torch.float32, is_shared=False),
        b: TensorDict(
            fields={
                c: Tensor(shape=torch.Size([2, 3, 2, 6, 4]), device=cpu, dtype=torch.float32, is_shared=False)},
            batch_size=torch.Size([2, 3]),
            device=None,
            is_shared=False)},
    batch_size=torch.Size([2, 3]),
    device=None,
    is_shared=False)
expm1() T

計算 TensorDict 中每個元素的 expm1() 值。

expm1_() T

原地 (in-place) 計算 TensorDict 中每個元素的 expm1() 值。

fill_(key: NestedKey, value: float | bool) TensorDictBase

用給定的值填滿鍵所指向的 tensor。

參數:
  • key (str) – 要重新命名的鍵 (key)。

  • value (Number, bool) – 用於填充的值。

傳回:

self

filter_empty_()

原地 (in-place) 過濾掉所有空的 tensordict。

filter_non_tensor_data() T

過濾掉所有非 tensor 的資料。

flatten(start_dim=0, end_dim=- 1)

將 tensordict 中所有的 tensors 展平 (flatten)。

參數:
  • start_dim (int) – 開始展平的第一個維度。

  • end_dim (int) – 展平的最後一個維度。

範例

>>> td = TensorDict({
...     "a": torch.arange(60).view(3, 4, 5),
...     "b": torch.arange(12).view(3, 4)}, batch_size=[3, 4])
>>> td_flat = td.flatten(0, 1)
>>> td_flat.batch_size
torch.Size([12])
>>> td_flat["a"]
tensor([[ 0,  1,  2,  3,  4],
        [ 5,  6,  7,  8,  9],
        [10, 11, 12, 13, 14],
        [15, 16, 17, 18, 19],
        [20, 21, 22, 23, 24],
        [25, 26, 27, 28, 29],
        [30, 31, 32, 33, 34],
        [35, 36, 37, 38, 39],
        [40, 41, 42, 43, 44],
        [45, 46, 47, 48, 49],
        [50, 51, 52, 53, 54],
        [55, 56, 57, 58, 59]])
>>> td_flat["b"]
tensor([ 0,  1,  2,  3,  4,  5,  6,  7,  8,  9, 10, 11])
flatten_keys(separator: str = '.', inplace: bool = False) T

將巢狀 (nested) tensordict 遞迴地轉換為扁平 (flat) 的 tensordict。

TensorDict 的類型將會遺失,且結果會是一個簡單的 TensorDict 實例。

參數:
  • separator (str, optional) – 巢狀項目之間的分隔符 (separator)。

  • inplace (bool, optional) – 如果 True,則產生的 tensordict 將與呼叫的 tensordict 具有相同的識別 (identity)。預設為 False

  • is_leaf (callable, optional) – 一個可呼叫物件,接收一個類別類型作為參數,並回傳一個布林值,指示該類別是否應被視為一個葉節點 (leaf)。

範例

>>> data = TensorDict({"a": 1, ("b", "c"): 2, ("e", "f", "g"): 3}, batch_size=[])
>>> data.flatten_keys(separator=" - ")
TensorDict(
    fields={
        a: Tensor(shape=torch.Size([]), device=cpu, dtype=torch.int64, is_shared=False),
        b - c: Tensor(shape=torch.Size([]), device=cpu, dtype=torch.int64, is_shared=False),
        e - f - g: Tensor(shape=torch.Size([]), device=cpu, dtype=torch.int64, is_shared=False)},
    batch_size=torch.Size([]),
    device=None,
    is_shared=False)

當處理 state-dicts 時,此方法和 unflatten_keys() 特別有用,因為它們可以無縫地將扁平字典轉換為模擬模型結構的資料結構。

範例

>>> model = torch.nn.Sequential(torch.nn.Linear(3 ,4))
>>> ddp_model = torch.ao.quantization.QuantWrapper(model)
>>> state_dict = TensorDict(ddp_model.state_dict(), batch_size=[]).unflatten_keys(".")
>>> print(state_dict)
TensorDict(
    fields={
        module: TensorDict(
            fields={
                0: TensorDict(
                    fields={
                        bias: Tensor(shape=torch.Size([4]), device=cpu, dtype=torch.float32, is_shared=False),
                        weight: Tensor(shape=torch.Size([4, 3]), device=cpu, dtype=torch.float32, is_shared=False)},
                    batch_size=torch.Size([]),
                    device=None,
                    is_shared=False)},
            batch_size=torch.Size([]),
            device=None,
            is_shared=False)},
    batch_size=torch.Size([]),
    device=None,
    is_shared=False)
>>> model_state_dict = state_dict.get("module")
>>> print(model_state_dict)
TensorDict(
    fields={
        0: TensorDict(
            fields={
                bias: Tensor(shape=torch.Size([4]), device=cpu, dtype=torch.float32, is_shared=False),
                weight: Tensor(shape=torch.Size([4, 3]), device=cpu, dtype=torch.float32, is_shared=False)},
            batch_size=torch.Size([]),
            device=None,
            is_shared=False)},
    batch_size=torch.Size([]),
    device=None,
    is_shared=False)
>>> model.load_state_dict(dict(model_state_dict.flatten_keys(".")))
float()

將所有 tensors 轉換為 torch.float

float16()

將所有 tensors 轉換為 torch.float16

float32()

將所有 tensors 轉換為 torch.float32

float64()

將所有 tensors 轉換為 torch.float64

floor() T

計算 TensorDict 中每個元素的 floor() 值。

floor_() T

原地 (in-place) 計算 TensorDict 中每個元素的 floor() 值。

frac() T

計算 TensorDict 中每個元素的 frac() 值。

frac_() T

原地 (in-place) 計算 TensorDict 中每個元素的 frac() 值。

classmethod from_dict(input_dict, filename, batch_size=None, device=None, **kwargs)

將一個字典或 TensorDict 轉換為 h5 檔案。

參數:
  • input_dict ( dict, TensorDict相容的類型) – 要儲存為 h5 的資料。

  • filename ( strpath) – h5 檔案的路徑。

  • batch_size (tensordict 的批次大小, 選填) – 如果提供,則為 tensordict 的批次大小。 如果沒有提供,則批次大小會從輸入結構中取得(如果存在),或自動決定。

  • device ( torch.device相容的類型, 選填) – tensor 回傳時預期所在的裝置。 預設為 None(預設在 cpu 上)。

  • **kwargs – 要傳遞給 h5py.File.create_dataset() 的 kwargs。

傳回:

一個連結到新建立檔案的 PersitentTensorDict 實例。

from_dict_instance(input_dict, batch_size=None, device=None, batch_dims=None, names=None)

from_dict() 的實例方法版本。

from_dict() 不同,此方法會嘗試在現有樹狀結構中保留 tensordict 類型(適用於任何現有節點)。

範例

>>> from tensordict import TensorDict, tensorclass
>>> import torch
>>>
>>> @tensorclass
>>> class MyClass:
...     x: torch.Tensor
...     y: int
>>>
>>> td = TensorDict({"a": torch.randn(()), "b": MyClass(x=torch.zeros(()), y=1)})
>>> print(td.from_dict_instance(td.to_dict()))
TensorDict(
    fields={
        a: Tensor(shape=torch.Size([]), device=cpu, dtype=torch.float32, is_shared=False),
        b: MyClass(
            x=Tensor(shape=torch.Size([]), device=cpu, dtype=torch.float32, is_shared=False),
            y=Tensor(shape=torch.Size([]), device=cpu, dtype=torch.int64, is_shared=False),
            batch_size=torch.Size([]),
            device=None,
            is_shared=False)},
    batch_size=torch.Size([]),
    device=None,
    is_shared=False)
>>> print(td.from_dict(td.to_dict()))
TensorDict(
    fields={
        a: Tensor(shape=torch.Size([]), device=cpu, dtype=torch.float32, is_shared=False),
        b: TensorDict(
            fields={
                x: Tensor(shape=torch.Size([]), device=cpu, dtype=torch.float32, is_shared=False),
                y: Tensor(shape=torch.Size([]), device=cpu, dtype=torch.int64, is_shared=False)},
            batch_size=torch.Size([]),
            device=None,
            is_shared=False)},
    batch_size=torch.Size([]),
    device=None,
    is_shared=False)
classmethod from_h5(filename, mode='r')

從 h5 檔案建立 PersistentTensorDict。

此函式會自動判斷每個巢狀 tensordict 的批次大小。

參數:
  • filename ( str) – h5 檔案的路徑。

  • mode ( str, 選填) – 讀取模式。 預設為 "r"

classmethod from_module(module, as_module: bool = False, lock: bool = True, use_state_dict: bool = False)

將模組的參數和緩衝區複製到 tensordict 中。

參數:
  • module (nn.Module) – 要從中取得參數的模組。

  • as_module ( bool, 選填) – 如果 True,將會回傳一個 TensorDictParams 實例,該實例可用於在 torch.nn.Module 中儲存參數。 預設為 False

  • lock ( bool, 選填) – 如果 True,產生的 tensordict 將會被鎖定。 預設為 True

  • use_state_dict ( bool, 選填) –

    如果 True,則將會使用模組中的 state-dict,並將其解平坦化為具有模型樹狀結構的 TensorDict。 預設為 False

    注意

    當必須使用 state-dict hooks 時,此功能特別有用。

範例

>>> from torch import nn
>>> module = nn.TransformerDecoder(
...     decoder_layer=nn.TransformerDecoderLayer(nhead=4, d_model=4),
...     num_layers=1
... )
>>> params = TensorDict.from_module(module)
>>> print(params["layers", "0", "linear1"])
TensorDict(
    fields={
        bias: Parameter(shape=torch.Size([2048]), device=cpu, dtype=torch.float32, is_shared=False),
        weight: Parameter(shape=torch.Size([2048, 4]), device=cpu, dtype=torch.float32, is_shared=False)},
    batch_size=torch.Size([]),
    device=None,
    is_shared=False)
classmethod from_modules(*modules, as_module: bool = False, lock: bool = True, use_state_dict: bool = False, lazy_stack: bool = False, expand_identical: bool = False)

檢索數個模組的參數,以用於集成學習/vmap期望應用程式的功能。

參數:

modules (nn.Module 的序列) – 要从中获取参数的模組。如果模組的結構不同,則需要使用惰性堆疊(參見下面的 lazy_stack 引數)。

關鍵字參數:
  • as_module (bool, optional) – 如果 True,則會傳回 TensorDictParams 實例,該實例可用於在 torch.nn.Module 中儲存參數。預設值為 False

  • lock (bool, optional) – 如果 True,則產生的 tensordict 將會被鎖定。預設值為 True

  • use_state_dict (bool, optional) –

    如果 True,則將會使用模組中的 state-dict,並將其解平坦化為具有模型樹狀結構的 TensorDict。 預設為 False

    注意

    當必須使用 state-dict hooks 時,此功能特別有用。

  • lazy_stack (bool, optional) –

    參數應該密集還是惰性堆疊。預設值為 False(密集堆疊)。

    注意

    lazy_stackas_module 是互斥的功能。

    警告

    惰性輸出和非惰性輸出之間存在一個關鍵差異,即非惰性輸出將會使用所需的批次大小重新實例化參數,而 lazy_stack 只會將參數表示為惰性堆疊。這意味著,當 lazy_stack=True 時,原始參數可以安全地傳遞給最佳化器,而當其設定為 True 時,則需要傳遞新的參數。

    警告

    儘管使用惰性堆疊來保留原始參數參考可能很誘人,但請記住,每次呼叫 get() 時,惰性堆疊都會執行堆疊。這將會需要記憶體(N 倍於參數的大小,如果建立圖表則更多),以及計算時間。這也意味著最佳化器將會包含更多參數,並且像 step()zero_grad() 這樣的操作將會花費更長的時間來執行。一般來說,lazy_stack 應保留給極少數的使用案例。

  • expand_identical (bool, optional) – 如果 True 且相同的參數(相同的識別碼)正在堆疊到自身,則將會傳回此參數的擴展版本。當 lazy_stack=True 時,將會忽略此引數。

範例

>>> from torch import nn
>>> from tensordict import TensorDict
>>> torch.manual_seed(0)
>>> empty_module = nn.Linear(3, 4, device="meta")
>>> n_models = 2
>>> modules = [nn.Linear(3, 4) for _ in range(n_models)]
>>> params = TensorDict.from_modules(*modules)
>>> print(params)
TensorDict(
    fields={
        bias: Parameter(shape=torch.Size([2, 4]), device=cpu, dtype=torch.float32, is_shared=False),
        weight: Parameter(shape=torch.Size([2, 4, 3]), device=cpu, dtype=torch.float32, is_shared=False)},
    batch_size=torch.Size([2]),
    device=None,
    is_shared=False)
>>> # example of batch execution
>>> def exec_module(params, x):
...     with params.to_module(empty_module):
...         return empty_module(x)
>>> x = torch.randn(3)
>>> y = torch.vmap(exec_module, (0, None))(params, x)
>>> assert y.shape == (n_models, 4)
>>> # since lazy_stack = False, backprop leaves the original params untouched
>>> y.sum().backward()
>>> assert params["weight"].grad.norm() > 0
>>> assert modules[0].weight.grad is None

使用 lazy_stack=True 時,情況會略有不同

>>> params = TensorDict.from_modules(*modules, lazy_stack=True)
>>> print(params)
LazyStackedTensorDict(
    fields={
        bias: Tensor(shape=torch.Size([2, 4]), device=cpu, dtype=torch.float32, is_shared=False),
        weight: Tensor(shape=torch.Size([2, 4, 3]), device=cpu, dtype=torch.float32, is_shared=False)},
    exclusive_fields={
    },
    batch_size=torch.Size([2]),
    device=None,
    is_shared=False,
    stack_dim=0)
>>> # example of batch execution
>>> y = torch.vmap(exec_module, (0, None))(params, x)
>>> assert y.shape == (n_models, 4)
>>> y.sum().backward()
>>> assert modules[0].weight.grad is not None
classmethod from_namedtuple(named_tuple, *, auto_batch_size: bool = False)

以遞迴方式將 namedtuple 轉換為 TensorDict。

關鍵字參數:

auto_batch_size (bool, optional) – 如果為 True,批次大小將自動計算。預設為 False

範例

>>> from tensordict import TensorDict
>>> import torch
>>> data = TensorDict({
...     "a_tensor": torch.zeros((3)),
...     "nested": {"a_tensor": torch.zeros((3)), "a_string": "zero!"}}, [3])
>>> nt = data.to_namedtuple()
>>> print(nt)
GenericDict(a_tensor=tensor([0., 0., 0.]), nested=GenericDict(a_tensor=tensor([0., 0., 0.]), a_string='zero!'))
>>> TensorDict.from_namedtuple(nt, auto_batch_size=True)
TensorDict(
    fields={
        a_tensor: Tensor(shape=torch.Size([3]), device=cpu, dtype=torch.float32, is_shared=False),
        nested: TensorDict(
            fields={
                a_string: NonTensorData(data=zero!, batch_size=torch.Size([3]), device=None),
                a_tensor: Tensor(shape=torch.Size([3]), device=cpu, dtype=torch.float32, is_shared=False)},
            batch_size=torch.Size([3]),
            device=None,
            is_shared=False)},
    batch_size=torch.Size([3]),
    device=None,
    is_shared=False)
classmethod from_pytree(pytree, *, batch_size: Optional[Size] = None, auto_batch_size: bool = False, batch_dims: Optional[int] = None)

將 pytree 轉換為 TensorDict 實例。

此方法旨在盡可能保留 pytree 的巢狀結構。

新增額外的非張量鍵以追蹤每個層級的識別,提供內建的 pytree-to-tensordict 雙射轉換 API。

目前接受的類別包括 lists、tuples、named tuples 和 dict。

注意

對於字典,非 NestedKey 鍵會分別註冊為 NonTensorData 實例。

注意

可轉換為張量的類型 (例如 int、float 或 np.ndarray) 將會轉換為 torch.Tensor 實例。請注意,此轉換是滿射:將 tensordict 轉換回 pytree 將無法恢復原始類型。

範例

>>> # Create a pytree with tensor leaves, and one "weird"-looking dict key
>>> class WeirdLookingClass:
...     pass
...
>>> weird_key = WeirdLookingClass()
>>> # Make a pytree with tuple, lists, dict and namedtuple
>>> pytree = (
...     [torch.randint(10, (3,)), torch.zeros(2)],
...     {
...         "tensor": torch.randn(
...             2,
...         ),
...         "td": TensorDict({"one": 1}),
...         weird_key: torch.randint(10, (2,)),
...         "list": [1, 2, 3],
...     },
...     {"named_tuple": TensorDict({"two": torch.ones(1) * 2}).to_namedtuple()},
... )
>>> # Build a TensorDict from that pytree
>>> td = TensorDict.from_pytree(pytree)
>>> # Recover the pytree
>>> pytree_recon = td.to_pytree()
>>> # Check that the leaves match
>>> def check(v1, v2):
>>>     assert (v1 == v2).all()
>>>
>>> torch.utils._pytree.tree_map(check, pytree, pytree_recon)
>>> assert weird_key in pytree_recon[1]
classmethod from_struct_array(struct_array: ndarray, device: Optional[device] = None) T

將結構化的 numpy 陣列轉換為 TensorDict。

產生的 TensorDict 的內容將與 numpy 陣列共享相同的記憶體內容 (這是一個零複製操作)。就地更改結構化 numpy 陣列的值將會影響 TensorDict 的內容。

範例

>>> x = np.array(
...     [("Rex", 9, 81.0), ("Fido", 3, 27.0)],
...     dtype=[("name", "U10"), ("age", "i4"), ("weight", "f4")],
... )
>>> td = TensorDict.from_struct_array(x)
>>> x_recon = td.to_struct_array()
>>> assert (x_recon == x).all()
>>> assert x_recon.shape == x.shape
>>> # Try modifying x age field and check effect on td
>>> x["age"] += 1
>>> assert (td["age"] == np.array([10, 4])).all()
classmethod fromkeys(keys: List[NestedKey], value: Any = 0)

從鍵的列表和單個值建立 tensordict。

參數:
  • keys (list of NestedKey) – 一個可迭代物件,指定新字典的鍵。

  • value (compatible type, optional) – 所有鍵的值。預設為 0

gather(dim: int, index: Tensor, out: Optional[T] = None) T

沿著由 dim 指定的軸收集值。

參數:
  • dim (int) – 沿著該維度收集元素

  • index (torch.Tensor) – 一個長張量,其維度數量與 tensordict 的維度數量相符,兩個之間只有一個維度不同(收集維度)。其元素指向沿著所需維度要收集的索引。

  • out (TensorDictBase, optional) – 目標 tensordict。它必須具有與索引相同的形狀。

範例

>>> td = TensorDict(
...     {"a": torch.randn(3, 4, 5),
...      "b": TensorDict({"c": torch.zeros(3, 4, 5)}, [3, 4, 5])},
...     [3, 4])
>>> index = torch.randint(4, (3, 2))
>>> td_gather = td.gather(dim=1, index=index)
>>> print(td_gather)
TensorDict(
    fields={
        a: Tensor(shape=torch.Size([3, 2, 5]), device=cpu, dtype=torch.float32, is_shared=False),
        b: TensorDict(
            fields={
                c: Tensor(shape=torch.Size([3, 2, 5]), device=cpu, dtype=torch.float32, is_shared=False)},
            batch_size=torch.Size([3, 2, 5]),
            device=None,
            is_shared=False)},
    batch_size=torch.Size([3, 2]),
    device=None,
    is_shared=False)

Gather 會保留維度名稱。

範例

>>> td.names = ["a", "b"]
>>> td_gather = td.gather(dim=1, index=index)
>>> td_gather.names
["a", "b"]
gather_and_stack(dst: int, group: 'dist.ProcessGroup' | None = None) T | None

從各個 worker 收集 tensordict,並將它們堆疊到目標 worker 的 self 上。

參數:
  • dst (int) – 目標 worker 的 rank,gather_and_stack() 將在此 worker 上被呼叫。

  • group (torch.distributed.ProcessGroup, optional) – 如果設定,指定的 process group 將用於通訊。 否則,將使用預設的 process group。 預設值為 None

範例

>>> from torch import multiprocessing as mp
>>> from tensordict import TensorDict
>>> import torch
>>>
>>> def client():
...     torch.distributed.init_process_group(
...         "gloo",
...         rank=1,
...         world_size=2,
...         init_method=f"tcp://127.0.0.1:10003",
...     )
...     # Create a single tensordict to be sent to server
...     td = TensorDict(
...         {("a", "b"): torch.randn(2),
...          "c": torch.randn(2)}, [2]
...     )
...     td.gather_and_stack(0)
...
>>> def server():
...     torch.distributed.init_process_group(
...         "gloo",
...         rank=0,
...         world_size=2,
...         init_method=f"tcp://127.0.0.1:10003",
...     )
...     # Creates the destination tensordict on server.
...     # The first dim must be equal to world_size-1
...     td = TensorDict(
...         {("a", "b"): torch.zeros(2),
...          "c": torch.zeros(2)}, [2]
...     ).expand(1, 2).contiguous()
...     td.gather_and_stack(0)
...     assert td["a", "b"] != 0
...     print("yuppie")
...
>>> if __name__ == "__main__":
...     mp.set_start_method("spawn")
...
...     main_worker = mp.Process(target=server)
...     secondary_worker = mp.Process(target=client)
...
...     main_worker.start()
...     secondary_worker.start()
...
...     main_worker.join()
...     secondary_worker.join()
get(key: NestedKey, *args, **kwargs) Tensor

取得以輸入鍵儲存的值。

參數:
  • key (str, tuple of str) – 要查詢的鍵。 如果是 str 的 tuple,則相當於鏈式呼叫 getattr。

  • default

    如果在 tensordict 中找不到該鍵,則為預設值。

    警告

    目前,如果在 tensordict 中找不到鍵且未傳遞預設值,則會引發 KeyError。 從 v0.7 開始,此行為將會變更,並改為傳回 None 值。 若要採用新行為,請設定環境變數 export TD_GET_DEFAULTS_TO_NONE='1' 或呼叫 :func`~tensordict.set_get_defaults_to_none`。

範例

>>> td = TensorDict({"x": 1}, batch_size=[])
>>> td.get("x")
tensor(1)
>>> set_get_defaults_to_none(False) # Current default behaviour
>>> td.get("y") # Raises KeyError
>>> set_get_defaults_to_none(True)
>>> td.get("y")
None
get_at(key: NestedKey, idx: Union[None, int, slice, str, Tensor, List[Any], Tuple[Any, ...]], default: Tensor = _NoDefault.ZERO) Tensor

從鍵 key 在索引 idx 處取得 tensordict 的值。

參數:
  • key (str, tuple of str) – 要檢索的鍵。

  • index (int, slice, torch.Tensor, iterable) – tensor 的索引。

  • default (torch.Tensor) – 如果 tensordict 中不存在該鍵,則傳回的預設值。

傳回:

索引的 tensor。

範例

>>> td = TensorDict({"x": torch.arange(3)}, batch_size=[])
>>> td.get_at("x", index=1)
tensor(1)
get_item_shape(key: NestedKey)

傳回條目的形狀,可能會避免重複使用 get()

get_non_tensor(key: NestedKey, default=_NoDefault.ZERO)

取得非 tensor 值(如果存在),如果找不到非 tensor 值,則取得 default

此方法對於 tensor/TensorDict 值具有強健性,這表示如果獲取的值是一般的 tensor,它也會被返回(儘管此方法會帶來一些額外開銷,不應在其自然範圍之外使用)。

有關如何在 tensordict 中設置非 tensor 值的更多資訊,請參閱 set_non_tensor()

參數:
  • key (NestedKey) – NonTensorData 物件的位置。

  • default (Any, optional) – 如果找不到鍵,則返回的值。

Returns: tensordict.tensorclass.NonTensorData 的內容,

or 對應於 key 的條目(如果它不是 tensordict.tensorclass.NonTensorData)或 default (如果找不到該條目)。

範例

>>> data = TensorDict({}, batch_size=[])
>>> data.set_non_tensor(("nested", "the string"), "a string!")
>>> assert data.get_non_tensor(("nested", "the string")) == "a string!"
>>> # regular `get` works but returns a NonTensorData object
>>> data.get(("nested", "the string"))
NonTensorData(
    data='a string!',
    batch_size=torch.Size([]),
    device=None,
    is_shared=False)
property grad

返回一個包含葉 tensors 的 .grad 屬性的 tensordict。

half()

將所有 tensors 轉換為 torch.half

int()

將所有 tensors 轉換為 torch.int

int16()

將所有 tensors 轉換為 torch.int16

int32()

將所有 tensors 轉換為 torch.int32

int64()

將所有 tensors 轉換為 torch.int64

int8()

將所有 tensors 轉換為 torch.int8

irecv(src: int, *, group: 'dist.ProcessGroup' | None = None, return_premature: bool = False, init_tag: int = 0, pseudo_rand: bool = False) tuple[int, list[torch.Future]] | list[torch.Future] | None

非同步接收 tensordict 的內容並更新內容。

請查看 isend() 方法中的範例以獲取上下文。

參數:

src (int) – 來源 worker 的等級。

關鍵字參數:
  • group (torch.distributed.ProcessGroup, optional) – 如果設定,指定的 process group 將用於通訊。 否則,將使用預設的 process group。 預設值為 None

  • return_premature (bool) – 如果為 True,則返回一個 future 列表,等待 tensordict 更新完成。 預設值為 False,即在調用中等待更新完成。

  • init_tag (int) – 來源 worker 使用的 init_tag

  • pseudo_rand (bool) – 如果為 True,標籤序列將會是虛擬隨機的,允許從不同節點發送多個資料而不會重疊。請注意,產生這些虛擬隨機數的成本很高(1e-5 秒/個數字),這意味著它可能會降低演算法的執行時間。此值必須與傳遞給 isend() 的值相符。預設值為 False

傳回:

如果 return_premature=True,則會回傳一個等待完成的 future 列表,

直到 tensordict 更新為止。

is_consolidated()

檢查 TensorDict 是否具有合併的儲存體。

is_contiguous()

返回一個布林值,指示是否所有張量都是連續的。

is_empty() bool

檢查 tensordict 是否包含任何葉節點。

is_memmap() bool

檢查 tensordict 是否為記憶體映射。

如果 TensorDict 實例是記憶體映射的,則它會被鎖定(無法重新命名、刪除或新增條目)。如果使用全部都是記憶體映射的張量來建立 TensorDict,這並不意味著 is_memmap 會返回 True(因為新的張量可能或可能不是記憶體映射的)。只有在呼叫 tensordict.memmap_() 時,tensordict 才會被視為記憶體映射的。

對於 CUDA 設備上的 tensordict,這始終為 True

is_shared() bool

檢查 tensordict 是否位於共享記憶體中。

如果 TensorDict 實例位於共享記憶體中,則它會被鎖定(無法重新命名、刪除或新增條目)。如果使用全部都是共享記憶體的張量來建立 TensorDict,這並不意味著 is_shared 會返回 True(因為新的張量可能或可能不在共享記憶體中)。只有在呼叫 tensordict.share_memory_() 或將 tensordict 放置在預設情況下內容會被共享的設備上(例如,"cuda")時,tensordict 才會被視為在共享記憶體中。

對於 CUDA 設備上的 tensordict,這始終為 True

isend(dst: int, *, group: 'dist.ProcessGroup' | None = None, init_tag: int = 0, pseudo_rand: bool = False) int

非同步傳送 tensordict 的內容。

參數:

dst (int) – 應將內容傳送到的目標 worker 的 rank。

關鍵字參數:
  • group (torch.distributed.ProcessGroup, optional) – 如果設定,指定的 process group 將用於通訊。 否則,將使用預設的 process group。 預設值為 None

  • init_tag (int) – 用於標記張量的初始標籤。請注意,這將增加與 TensorDict 中包含的張量數量一樣多的數字。

  • pseudo_rand (bool) – 如果為 True,標籤序列將會是虛擬隨機的,允許從不同節點發送多個資料而不會重疊。請注意,產生這些虛擬隨機數的成本很高(1e-5 秒/個數字),這意味著它可能會降低演算法的執行時間。預設值為 False

範例

>>> import torch
>>> from tensordict import TensorDict
>>> from torch import multiprocessing as mp
>>> def client():
...     torch.distributed.init_process_group(
...         "gloo",
...         rank=1,
...         world_size=2,
...         init_method=f"tcp://127.0.0.1:10003",
...     )
...
...     td = TensorDict(
...         {
...             ("a", "b"): torch.randn(2),
...             "c": torch.randn(2, 3),
...             "_": torch.ones(2, 1, 5),
...         },
...         [2],
...     )
...     td.isend(0)
...
>>>
>>> def server(queue, return_premature=True):
...     torch.distributed.init_process_group(
...         "gloo",
...         rank=0,
...         world_size=2,
...         init_method=f"tcp://127.0.0.1:10003",
...     )
...     td = TensorDict(
...         {
...             ("a", "b"): torch.zeros(2),
...             "c": torch.zeros(2, 3),
...             "_": torch.zeros(2, 1, 5),
...         },
...         [2],
...     )
...     out = td.irecv(1, return_premature=return_premature)
...     if return_premature:
...         for fut in out:
...             fut.wait()
...     assert (td != 0).all()
...     queue.put("yuppie")
...
>>>
>>> if __name__ == "__main__":
...     queue = mp.Queue(1)
...     main_worker = mp.Process(
...         target=server,
...         args=(queue, )
...         )
...     secondary_worker = mp.Process(target=client)
...
...     main_worker.start()
...     secondary_worker.start()
...     out = queue.get(timeout=10)
...     assert out == "yuppie"
...     main_worker.join()
...     secondary_worker.join()
isfinite() T

返回一個新的 tensordict,其中的布林元素表示每個元素是否為有限值。

當實數值不是 NaN、負無限大或無限大時,它們是有限的。當複數值的實部和虛部都是有限值時,它們是有限的。

isnan() T

返回一個新的 tensordict,其中的布林元素表示輸入的每個元素是否為 NaN。

當複數值的實部和/或虛部為 NaN 時,它們被視為 NaN。

isneginf() T

測試輸入的每個元素是否為負無限大。

isposinf() T

測試輸入的每個元素是否為負無限大。

isreal() T

傳回一個新的 tensordict,其布林元素表示輸入的每個元素是否為實數值。

items(include_nested: bool = False, leaves_only: bool = False, is_leaf=None, *, sort: bool = False) Iterator[tuple[str, torch.Tensor]]

傳回 tensordict 的鍵值對生成器。

參數:
  • include_nested (bool, optional) – 如果 True,將傳回巢狀值。預設為 False

  • leaves_only (bool, optional) – 如果 False,則僅傳回葉節點。預設為 False

  • is_leaf – 一個可選的可呼叫物件,用於指示是否將某個類別視為葉節點。

關鍵字參數:

sort (bool, optional) – 是否應該對鍵進行排序。對於巢狀鍵,鍵會根據其聯結名稱進行排序 (例如,("a", "key") 將被視為 "a.key" 進行排序)。請注意,在處理大型 tensordict 時,排序可能會產生大量額外開銷。預設為 False

keys(include_nested: bool = False, leaves_only: bool = False, is_leaf: Optional[Callable[[Type], bool]] = None, *, sort: bool = False) _PersistentTDKeysView

傳回 tensordict 鍵的生成器。

警告

TensorDict keys() 方法傳回鍵的惰性檢視。如果查詢了 keys 但未進行迭代,然後修改了 tensordict,則稍後對鍵進行迭代將傳回鍵的新配置。

參數:
  • include_nested (bool, optional) – 如果 True,將傳回巢狀值。預設為 False

  • leaves_only (bool, optional) – 如果 False,則僅傳回葉節點。預設為 False

  • is_leaf – 一個可選的可呼叫物件,用於指示是否將某個類別視為葉節點。

關鍵字參數:

sort (bool, optional) – 鍵是否應排序。對於巢狀鍵,鍵會根據其聯結名稱進行排序 (例如,("a", "key") 將被視為 "a.key" 進行排序)。請注意,在處理大型 tensordict 時,排序可能會產生大量額外開銷。預設為 False

範例

>>> from tensordict import TensorDict
>>> data = TensorDict({"0": 0, "1": {"2": 2}}, batch_size=[])
>>> data.keys()
['0', '1']
>>> list(data.keys(leaves_only=True))
['0']
>>> list(data.keys(include_nested=True, leaves_only=True))
['0', '1', ('1', '2')]
classmethod lazy_stack(input, dim=0, *, out=None, **kwargs)

建立 tensordict 的惰性堆疊。

有關詳細資訊,請參閱 lazy_stack()

lerp(end: tensordict.base.TensorDictBase | torch.Tensor, weight: tensordict.base.TensorDictBase | torch.Tensor | float)

根據純量或張量 weight,對兩個張量 start (由 self 給定) 和 end 進行線性插值。

\[\text{out}_i = \text{start}_i + \text{weight}_i \times (\text{end}_i - \text{start}_i)\]

startend 的形狀必須是可以廣播的。 如果 weight 是一個張量,那麼 weightstartend 的形狀必須是可以廣播的。

參數:
lerp_(end: tensordict.base.TensorDictBase | float, weight: tensordict.base.TensorDictBase | float)

lerp() 的原地版本。

lgamma() T

計算 TensorDict 中每個元素的 lgamma() 值。

lgamma_() T

計算 TensorDict 中每個元素的 lgamma() 值,並原地修改。

classmethod load(prefix: str | pathlib.Path, *args, **kwargs) T

從磁碟載入 tensordict。

這個類別方法是 load_memmap() 的代理。

load_(prefix: str | pathlib.Path, *args, **kwargs)

從磁碟載入 tensordict 到目前的 tensordict 中。

這個類別方法是 load_memmap_() 的代理。

classmethod load_memmap(prefix: str | pathlib.Path, device: Optional[device] = None, non_blocking: bool = False, *, out: Optional[TensorDictBase] = None) T

從磁碟載入記憶體映射的 tensordict。

參數:
  • prefix (str資料夾路徑 (Path to folder)) – 儲存的 tensordict 應被提取的資料夾路徑。

  • device (torch.device等效物件 (equivalent), 選用 (optional)) – 如果提供,資料將會非同步地轉換為該裝置。 支援 “meta” 裝置,在這種情況下,資料不會被載入,而是建立一組空的 “meta” 張量。 這對於在不實際開啟任何檔案的情況下,了解整個模型的大小和結構非常有用。

  • non_blocking (bool, 選用 (optional)) – 如果 True,在將張量載入裝置後,不會呼叫 synchronize。 預設為 False

  • out (TensorDictBase, 選用 (optional)) – 可選的 tensordict,資料應寫入其中。

範例

>>> from tensordict import TensorDict
>>> td = TensorDict.fromkeys(["a", "b", "c", ("nested", "e")], 0)
>>> td.memmap("./saved_td")
>>> td_load = TensorDict.load_memmap("./saved_td")
>>> assert (td == td_load).all()

此方法也允許載入巢狀的 tensordict。

範例

>>> nested = TensorDict.load_memmap("./saved_td/nested")
>>> assert nested["e"] == 0

tensordict 也可以載入到 “meta” 裝置上,或者作為假 (fake) 張量。

範例

>>> import tempfile
>>> td = TensorDict({"a": torch.zeros(()), "b": {"c": torch.zeros(())}})
>>> with tempfile.TemporaryDirectory() as path:
...     td.save(path)
...     td_load = TensorDict.load_memmap(path, device="meta")
...     print("meta:", td_load)
...     from torch._subclasses import FakeTensorMode
...     with FakeTensorMode():
...         td_load = TensorDict.load_memmap(path)
...         print("fake:", td_load)
meta: TensorDict(
    fields={
        a: Tensor(shape=torch.Size([]), device=meta, dtype=torch.float32, is_shared=False),
        b: TensorDict(
            fields={
                c: Tensor(shape=torch.Size([]), device=meta, dtype=torch.float32, is_shared=False)},
            batch_size=torch.Size([]),
            device=meta,
            is_shared=False)},
    batch_size=torch.Size([]),
    device=meta,
    is_shared=False)
fake: TensorDict(
    fields={
        a: FakeTensor(shape=torch.Size([]), device=cpu, dtype=torch.float32, is_shared=False),
        b: TensorDict(
            fields={
                c: FakeTensor(shape=torch.Size([]), device=cpu, dtype=torch.float32, is_shared=False)},
            batch_size=torch.Size([]),
            device=cpu,
            is_shared=False)},
    batch_size=torch.Size([]),
    device=cpu,
    is_shared=False)
load_memmap_(prefix: str | pathlib.Path)

將記憶體映射的 tensordict 的內容載入到呼叫 load_memmap_ 的 tensordict 中。

更多資訊請參考 load_memmap()

load_state_dict(state_dict: OrderedDict[str, Any], strict=True, assign=False, from_flatten=False) T

將一個 state-dict(格式如 state_dict())載入到 tensordict 中。

參數:
  • state_dict (OrderedDict) – 要複製的 state_dict。

  • strict (bool, 選用 (optional)) – 是否嚴格要求 state_dict 中的鍵與此 tensordict 的 torch.nn.Module.state_dict() 函數傳回的鍵相符。預設值:True

  • assign (bool, 選用 (optional)) – 是否將 state dictionary 中的項目分配給 tensordict 中對應的鍵,而不是就地將它們複製到 tensordict 的目前張量中。 當 False 時,會保留目前模組中張量的屬性,而當 True 時,則會保留 state dict 中張量的屬性。 預設值:False

  • from_flatten (bool, 選用 (optional)) – 如果 True,則假定輸入的 state_dict 是扁平化的 (flattened)。 預設為 False

範例

>>> data = TensorDict({"1": 1, "2": 2, "3": {"3": 3}}, [])
>>> data_zeroed = TensorDict({"1": 0, "2": 0, "3": {"3": 0}}, [])
>>> sd = data.state_dict()
>>> data_zeroed.load_state_dict(sd)
>>> print(data_zeroed["3", "3"])
tensor(3)
>>> # with flattening
>>> data_zeroed = TensorDict({"1": 0, "2": 0, "3": {"3": 0}}, [])
>>> data_zeroed.load_state_dict(data.state_dict(flatten=True), from_flatten=True)
>>> print(data_zeroed["3", "3"])
tensor(3)
lock_() T

鎖定 tensordict 以進行非就地 (non in-place) 操作。

諸如 set()__setitem__()update()rename_key_() 等新增或移除條目的函式或其他操作將會被阻擋。

此方法可用作裝飾器。

範例

>>> from tensordict import TensorDict
>>> td = TensorDict({"a": 1, "b": 2, "c": 3}, batch_size=[])
>>> with td.lock_():
...     assert td.is_locked
...     try:
...         td.set("d", 0) # error!
...     except RuntimeError:
...         print("td is locked!")
...     try:
...         del td["d"]
...     except RuntimeError:
...         print("td is locked!")
...     try:
...         td.rename_key_("a", "d")
...     except RuntimeError:
...         print("td is locked!")
...     td.set("a", 0, inplace=True)  # No storage is added, moved or removed
...     td.set_("a", 0) # No storage is added, moved or removed
...     td.update({"a": 0}, inplace=True)  # No storage is added, moved or removed
...     td.update_({"a": 0})  # No storage is added, moved or removed
>>> assert not td.is_locked
log() T

計算 TensorDict 中每個元素的 log() 值。

log10() T

計算 TensorDict 中每個元素的 log10() 值。

log10_() T

就地計算 TensorDict 中每個元素的 log10() 值。

log1p() T

計算 TensorDict 中每個元素的 log1p() 值。

log1p_() T

就地計算 TensorDict 中每個元素的 log1p() 值。

log2() T

計算 TensorDict 中每個元素的 log2() 值。

log2_() T

就地計算 TensorDict 中每個元素的 log2() 值。

log_() T

就地計算 TensorDict 中每個元素的 log() 值。

make_memmap(key: NestedKey, shape: torch.Size | torch.Tensor, *, dtype: Optional[dtype] = None) MemoryMappedTensor

基於形狀(shape)及可能的資料型別(dtype)建立空的記憶體對應張量(memory-mapped tensor)。

警告

此方法的設計本質上並非鎖定安全(lock-safe)。存在於多個節點上的記憶體對應 TensorDict 實例將需要使用 memmap_refresh_() 方法進行更新。

寫入現有的條目將導致錯誤。

參數:
  • key (NestedKey) – 要寫入的新條目的鍵。如果鍵已存在於 tensordict 中,則會引發例外。

  • shape (torch.Size等效項目巢狀張量使用 torch.Tensor) – 要寫入的張量的形狀。

關鍵字參數:

dtype (torch.dtype, 可選) – 新張量的資料型別。

傳回:

一個新的記憶體對應張量。

make_memmap_from_storage(key: NestedKey, storage: UntypedStorage, shape: torch.Size | torch.Tensor, *, dtype: Optional[dtype] = None) MemoryMappedTensor

給定一個 storage、shape 和可能的 dtype,建立一個空的記憶體映射張量。

警告

此方法的設計本質上並非鎖定安全(lock-safe)。存在於多個節點上的記憶體對應 TensorDict 實例將需要使用 memmap_refresh_() 方法進行更新。

注意

如果 storage 具有相關聯的檔案名稱,則必須與檔案的新檔案名稱相符。 如果它沒有相關聯的檔案名稱,但 tensordict 具有相關聯的路徑,則會導致例外情況。

參數:
  • key (NestedKey) – 要寫入的新條目的鍵。如果鍵已存在於 tensordict 中,則會引發例外。

  • storage (torch.UntypedStorage) – 用於新的 MemoryMappedTensor 的 storage。 必須是實體記憶體 storage。

  • shape (torch.Size等效項目巢狀張量使用 torch.Tensor) – 要寫入的張量的形狀。

關鍵字參數:

dtype (torch.dtype, 可選) – 新張量的資料型別。

傳回:

一個具有給定 storage 的新記憶體映射張量。

make_memmap_from_tensor(key: NestedKey, tensor: Tensor, *, copy_data: bool = True) MemoryMappedTensor

給定一個 tensor,建立一個空的記憶體映射張量。

警告

此方法的設計本質上並非鎖定安全(lock-safe)。存在於多個節點上的記憶體對應 TensorDict 實例將需要使用 memmap_refresh_() 方法進行更新。

如果 copy_dataTrue (即 storage 未共享),則此方法始終複製 storage 內容。

參數:
  • key (NestedKey) – 要寫入的新條目的鍵。如果鍵已存在於 tensordict 中,則會引發例外。

  • tensor (torch.Tensor) – 要在實體記憶體上複製的 tensor。

關鍵字參數:

copy_data (bool, optional) – 如果 False,則新的 tensor 將共享輸入的中繼資料,例如 shape 和 dtype,但內容將為空。 預設為 True

傳回:

一個具有給定 storage 的新記憶體映射張量。

map(fn: Callable, dim: int = 0, num_workers: Optional[int] = None, *, out: Optional[TensorDictBase] = None, chunksize: Optional[int] = None, num_chunks: Optional[int] = None, pool: Optional[Pool] = None, generator: Optional[Generator] = None, max_tasks_per_child: Optional[int] = None, worker_threads: int = 1, index_with_generator: bool = False, pbar: bool = False, mp_start_method: Optional[str] = None)

將函數映射到 tensordict 沿一個維度的分割。

此方法會將函數應用於 tensordict 實例,方法是將其分割成大小相等的 tensordict,並將操作分派到所需數量的 workers 上。

函數簽章應為 Callabe[[TensorDict], Union[TensorDict, Tensor]]。輸出必須支援 torch.cat() 操作。該函數必須可序列化。

注意

當處理儲存在磁碟上的大型資料集(例如,記憶體映射的 tensordicts)時,此方法特別有用,其中區塊將是原始資料的零複製切片,可以以幾乎零成本傳遞到進程。這使得能夠以低成本處理非常大的資料集(例如,超過 Tb 大小)。

參數:
  • fn (callable) – 要應用於 tensordict 的函數。支援類似於 Callabe[[TensorDict], Union[TensorDict, Tensor]] 的簽章。

  • dim (int, optional) – 要將 tensordict 分割的維度 (dim)。

  • num_workers (int, optional) – 工作人員的數量。 與 pool 互斥。 如果未提供,工作人員的數量將設定為可用的 CPU 數量。

關鍵字參數:
  • out (TensorDictBase, optional) – 輸出的可選容器。 其沿著提供的 dim 的批次大小必須與 self.ndim 相符。 如果它是共享的或記憶體映射 (is_shared()is_memmap() 返回 True),它將在遠端進程中填充,避免資料內向傳輸。 否則,self 切片的資料將被傳送到該進程,在當前進程中收集,並就地寫入 out

  • chunksize (int, optional) – 每個資料區塊的大小。 chunksize 為 0 將取消綁定 tensordict 沿著所需的維度,並在應用函數後重新堆疊它,而 chunksize>0 將分割 tensordict 並在結果 tensordict 列表上呼叫 torch.cat()。 如果未提供,區塊的數量將等於工作人員的數量。 對於非常大的 tensordicts,如此大的區塊可能不適合記憶體以完成操作,並且可能需要更多的區塊才能使操作在實際上可行。 此參數與 num_chunks 互斥。

  • num_chunks (int, optional) – 將 tensordict 分割成的區塊數量。 如果未提供,區塊的數量將等於工作人員的數量。 對於非常大的 tensordicts,如此大的區塊可能不適合記憶體以完成操作,並且可能需要更多的區塊才能使操作在實際上可行。 此參數與 chunksize 互斥。

  • pool (mp.Pool, optional) – 用於執行任務的多進程 Pool 實例。 如果未提供,將在 map 方法中建立一個 pool。

  • generator (torch.Generator, optional) –

    用於設定種子的生成器。 將從中產生一個基礎種子,並且 pool 的每個工作人員將使用提供的種子加上從 0num_workers 的唯一整數來設定種子。 如果未提供生成器,將使用一個隨機整數作為種子。 要使用未設定種子的工作人員,應單獨建立一個 pool 並直接傳遞給 map()

    注意

    當提供一個低值的種子時,應謹慎,因為這可能會導致實驗之間的自相關,例如:如果要求 8 個工作人員並且種子是 4,則工作人員的種子範圍將從 4 到 11。如果種子是 5,則工作人員的種子範圍將從 5 到 12。這兩個實驗將有 7 個種子的重疊,這可能會對結果產生意想不到的影響。

    注意

    設定工作人員種子的目的是在每個工作人員上擁有獨立的種子,而不是在 map 方法的呼叫中獲得可重現的結果。 換句話說,兩個實驗可能會並且很可能會返回不同的結果,因為不可能知道哪個工作人員將選擇哪個任務。 但是,我們可以確保每個工作人員都有不同的種子,並且每個工作人員上的偽隨機操作將不相關。

  • max_tasks_per_child (int, optional) – 每個子進程選擇的最大任務數。 默認為 None,即對任務數量沒有限制。

  • worker_threads (int, optional) – 工作人員的執行緒數。 默認為 1

  • index_with_generator (bool, optional) – 如果為 True,則 tensordict 的分割/分塊將在查詢期間完成,從而節省初始化時間。 請注意,chunk()split() 比索引 (在生成器中使用) 更有效,因此在初始化時間獲得處理時間的增益可能會對總執行時間產生負面影響。 默認為 False

  • pbar (bool, optional) – 如果為 True,將顯示進度條。 需要提供 tqdm。 默認為 False

  • mp_start_method (str, optional) – 多進程的啟動方法。 如果未提供,將使用預設啟動方法。 接受的字串為 "fork""spawn"。 請記住,"cuda" 張量無法在使用 "fork" 啟動方法的進程之間共享。 如果將 pool 傳遞給 map 方法,則此設定無效。

範例

>>> import torch
>>> from tensordict import TensorDict
>>>
>>> def process_data(data):
...     data.set("y", data.get("x") + 1)
...     return data
>>> if __name__ == "__main__":
...     data = TensorDict({"x": torch.zeros(1, 1_000_000)}, [1, 1_000_000]).memmap_()
...     data = data.map(process_data, dim=1)
...     print(data["y"][:, :10])
...
tensor([[1., 1., 1., 1., 1., 1., 1., 1., 1., 1.]])
map_iter(fn: Callable[[TensorDictBase], TensorDictBase | None], dim: int = 0, num_workers: int | None = None, *, shuffle: bool = False, chunksize: int | None = None, num_chunks: int | None = None, pool: mp.Pool | None = None, generator: torch.Generator | None = None, max_tasks_per_child: int | None = None, worker_threads: int = 1, index_with_generator: bool = True, pbar: bool = False, mp_start_method: str | None = None)

將函數以疊代方式映射到 tensordict 在一個維度上的分割。

這是 map() 的可疊代版本。

此方法會將函數應用於 tensordict 實例,方法是將其分成大小相等的 tensordict,並將操作分派到所需數量的 workers 上。 它會一次產生一個結果。

函數簽章應為 Callabe[[TensorDict], Union[TensorDict, Tensor]]。 該函數必須是可序列化的。

注意

當處理儲存在磁碟上的大型資料集(例如,記憶體映射的 tensordicts)時,此方法特別有用,其中區塊將是原始資料的零複製切片,可以以幾乎零成本傳遞到進程。這使得能夠以低成本處理非常大的資料集(例如,超過 Tb 大小)。

注意

此函數可用於表示資料集並從中載入,以類似 dataloader 的方式。

參數:
  • fn (callable) – 要應用於 tensordict 的函數。支援類似於 Callabe[[TensorDict], Union[TensorDict, Tensor]] 的簽章。

  • dim (int, optional) – 要將 tensordict 分割的維度 (dim)。

  • num_workers (int, optional) – 工作人員的數量。 與 pool 互斥。 如果未提供,工作人員的數量將設定為可用的 CPU 數量。

關鍵字參數:
  • shuffle (bool, optional) – 是否應對索引進行全域洗牌 (shuffle)。如果為 True,則每個批次將包含非連續的樣本。如果 index_with_generator=Falseshuffle=True,則會引發錯誤。預設為 False

  • chunksize (int, optional) – 每個資料區塊的大小。 chunksize 為 0 將取消綁定 tensordict 沿著所需的維度,並在應用函數後重新堆疊它,而 chunksize>0 將分割 tensordict 並在結果 tensordict 列表上呼叫 torch.cat()。 如果未提供,區塊的數量將等於工作人員的數量。 對於非常大的 tensordicts,如此大的區塊可能不適合記憶體以完成操作,並且可能需要更多的區塊才能使操作在實際上可行。 此參數與 num_chunks 互斥。

  • num_chunks (int, optional) – 將 tensordict 分割成的區塊數量。 如果未提供,區塊的數量將等於工作人員的數量。 對於非常大的 tensordicts,如此大的區塊可能不適合記憶體以完成操作,並且可能需要更多的區塊才能使操作在實際上可行。 此參數與 chunksize 互斥。

  • pool (mp.Pool, optional) – 用於執行任務的多進程 Pool 實例。 如果未提供,將在 map 方法中建立一個 pool。

  • generator (torch.Generator, optional) –

    用於設定種子的生成器。 將從中產生一個基礎種子,並且 pool 的每個工作人員將使用提供的種子加上從 0num_workers 的唯一整數來設定種子。 如果未提供生成器,將使用一個隨機整數作為種子。 要使用未設定種子的工作人員,應單獨建立一個 pool 並直接傳遞給 map()

    注意

    當提供一個低值的種子時,應謹慎,因為這可能會導致實驗之間的自相關,例如:如果要求 8 個工作人員並且種子是 4,則工作人員的種子範圍將從 4 到 11。如果種子是 5,則工作人員的種子範圍將從 5 到 12。這兩個實驗將有 7 個種子的重疊,這可能會對結果產生意想不到的影響。

    注意

    設定工作人員種子的目的是在每個工作人員上擁有獨立的種子,而不是在 map 方法的呼叫中獲得可重現的結果。 換句話說,兩個實驗可能會並且很可能會返回不同的結果,因為不可能知道哪個工作人員將選擇哪個任務。 但是,我們可以確保每個工作人員都有不同的種子,並且每個工作人員上的偽隨機操作將不相關。

  • max_tasks_per_child (int, optional) – 每個子進程選擇的最大任務數。 默認為 None,即對任務數量沒有限制。

  • worker_threads (int, optional) – 工作人員的執行緒數。 默認為 1

  • index_with_generator (bool, optional) –

    如果 True,tensordict 的分割 / 分塊將在查詢期間完成,從而節省初始化時間。請注意,chunk()split() 比索引(在產生器中使用)效率更高,因此在初始化時節省處理時間可能會對總執行時間產生負面影響。預設為 True

    注意

    index_with_generator 的預設值對於 map_itermap 不同,前者假設在記憶體中儲存分割版本的 TensorDict 的成本非常高。

  • pbar (bool, optional) – 如果為 True,將顯示進度條。 需要提供 tqdm。 默認為 False

  • mp_start_method (str, optional) – 多進程的啟動方法。 如果未提供,將使用預設啟動方法。 接受的字串為 "fork""spawn"。 請記住,"cuda" 張量無法在使用 "fork" 啟動方法的進程之間共享。 如果將 pool 傳遞給 map 方法,則此設定無效。

範例

>>> import torch
>>> from tensordict import TensorDict
>>>
>>> def process_data(data):
...     data.unlock_()
...     data.set("y", data.get("x") + 1)
...     return data
>>> if __name__ == "__main__":
...     data = TensorDict({"x": torch.zeros(1, 1_000_000)}, [1, 1_000_000]).memmap_()
...     for sample in data.map_iter(process_data, dim=1, chunksize=5):
...         print(sample["y"])
...         break
...
tensor([[1., 1., 1., 1., 1.]])
masked_fill(mask, value)

masked_fill 的非原地 (out-of-place) 版本。

參數:
  • mask (boolean torch.Tensor) – 要填充的值的遮罩。形狀必須與 tensordict 的批次大小相符。

  • value – 用於填充 tensors 的值。

傳回:

self

範例

>>> td = TensorDict(source={'a': torch.zeros(3, 4)},
...     batch_size=[3])
>>> mask = torch.tensor([True, False, False])
>>> td1 = td.masked_fill(mask, 1.0)
>>> td1.get("a")
tensor([[1., 1., 1., 1.],
        [0., 0., 0., 0.],
        [0., 0., 0., 0.]])
masked_fill_(mask, value)

使用所需的值填充對應於遮罩的值。

參數:
  • mask (boolean torch.Tensor) – 要填充的值的遮罩。形狀必須與 tensordict 的批次大小相符。

  • value – 用於填充 tensors 的值。

傳回:

self

範例

>>> td = TensorDict(source={'a': torch.zeros(3, 4)},
...     batch_size=[3])
>>> mask = torch.tensor([True, False, False])
>>> td.masked_fill_(mask, 1.0)
>>> td.get("a")
tensor([[1., 1., 1., 1.],
        [0., 0., 0., 0.],
        [0., 0., 0., 0.]])
masked_select(mask: Tensor) T

遮罩 TensorDict 的所有 tensors,並返回一個新的 TensorDict 實例,其中包含指向遮罩值的相似鍵。

參數:

mask (torch.Tensor) – 用於 tensors 的布林遮罩。形狀必須與 TensorDict 的 batch_size 相符。

範例

>>> td = TensorDict(source={'a': torch.zeros(3, 4)},
...    batch_size=[3])
>>> mask = torch.tensor([True, False, False])
>>> td_mask = td.masked_select(mask)
>>> td_mask.get("a")
tensor([[0., 0., 0., 0.]])
maximum(other: tensordict.base.TensorDictBase | torch.Tensor, *, default: Optional[Union[str, Tensor]] = None) T

計算 selfother 的元素級最大值。

參數:

other (TensorDictTensor) – 另一個輸入 tensordict 或 tensor。

關鍵字參數:

default (torch.Tensorstr, optional) – 用於獨佔條目的預設值。如果未提供任何預設值,則兩個 tensordict 的 key list 必須完全匹配。如果傳遞 default="intersection",則只會考慮相交的 key set,而其他 key 會被忽略。在所有其他情況下,default 將用於操作兩側的所有遺失條目。

maximum_(other: tensordict.base.TensorDictBase | torch.Tensor) T

maximum() 的原地 (in-place) 版本。

注意

原地 maximum 不支援 default 關鍵字引數。

classmethod maybe_dense_stack(input, dim=0, *, out=None, **kwargs)

嘗試建立 tensordicts 的密集堆疊,並在需要時回退到延遲堆疊。

有關詳細資訊,請參閱 maybe_dense_stack()

mean(dim: Union[int, Tuple[int]] = _NoDefault.ZERO, keepdim: bool = _NoDefault.ZERO, *, dtype: Optional[dtype] = None, reduce: Optional[bool] = None) tensordict.base.TensorDictBase | torch.Tensor

傳回輸入 tensordict 中所有元素的平均值。

參數:
  • dim (int, int 的 tuple, optional) – 如果 None,則傳回一個無維度的 tensordict,其中包含所有葉節點的平均值 (如果可以計算)。如果是整數或整數的 tuple,則僅當此維度與 tensordict 形狀相容時,才在指定的維度上呼叫 mean

  • keepdim (bool) – 輸出張量是否保留 dim。

關鍵字參數:
  • dtype (torch.dtype, optional) – 傳回張量的所需資料類型。如果指定,則在執行操作之前,輸入張量會被轉換為 dtype。這對於防止資料類型溢位很有用。預設值: None

  • reduce (bool, optional) – 如果 True,則將在所有 TensorDict 值之間進行歸約,並傳回單個歸約張量。預設值為 False

memmap(prefix: Optional[str] = None, copy_existing: bool = False, *, num_threads: int = 0, return_early: bool = False, share_non_tensor: bool = False, existsok: bool = True) T

將所有張量寫入新 tensordict 中對應的記憶體對應張量。

參數:
  • prefix (str) – 記憶體對應張量將儲存的目錄前綴。目錄樹結構將模仿 tensordict 的結構。

  • copy_existing (bool) – 若為 False (預設值),且 tensordict 中的某個條目已經是一個儲存在磁碟上的 tensor 並具有關聯的檔案,但根據 prefix 判斷未儲存在正確的位置時,將會引發例外。若為 True,則任何現有的 Tensor 都將被複製到新的位置。

關鍵字參數:
  • num_threads (int, optional) – 用於寫入 memmap tensors 的執行緒數量。預設值為 0

  • return_early (bool, optional) – 若 Truenum_threads>0,此方法將回傳一個 tensordict 的 future。

  • share_non_tensor (bool, optional) – 若 True,則非 tensor 資料將在程序和寫入操作 (例如,inplace 更新或設定) 之間共享,在單一節點內任何 worker 上的操作將會更新所有其他 worker 上的值。如果非 tensor leaves 的數量很多(例如,共享大量的非 tensor 資料堆疊),這可能會導致記憶體不足 (OOM) 或類似的錯誤。預設值為 False

  • existsok (bool, optional) – 若 False,如果 tensor 已經存在於相同路徑中,則會引發例外。預設值為 True

TensorDict 隨後會被鎖定,這表示任何非 in-place 的寫入操作都會拋出例外 (例如,重新命名、設定或移除條目)。一旦 tensordict 被解鎖,memory-mapped 屬性會變成 False,因為跨程序身分已不再保證。

傳回:

如果 return_early=False,則為一個新的 tensordict,其中 tensors 儲存在磁碟上,否則為一個 TensorDictFuture 實例。

注意

以這種方式序列化對於深度巢狀的 tensordicts 來說可能會很慢,因此不建議在訓練迴圈內呼叫此方法。

memmap_(prefix: Optional[str] = None, copy_existing: bool = False, num_threads: int = 0) PersistentTensorDict

將所有 tensors 以 in-place 的方式寫入對應的記憶體對應 Tensor。

參數:
  • prefix (str) – 記憶體對應張量將儲存的目錄前綴。目錄樹結構將模仿 tensordict 的結構。

  • copy_existing (bool) – 若為 False (預設值),且 tensordict 中的某個條目已經是一個儲存在磁碟上的 tensor 並具有關聯的檔案,但根據 prefix 判斷未儲存在正確的位置時,將會引發例外。若為 True,則任何現有的 Tensor 都將被複製到新的位置。

關鍵字參數:
  • num_threads (int, optional) – 用於寫入 memmap tensors 的執行緒數量。預設值為 0

  • return_early (bool, optional) – 如果 Truenum_threads>0,則此方法將傳回 tensordict 的 future。可以使用 future.result() 查詢產生的 tensordict。

  • share_non_tensor (bool, optional) – 若 True,則非 tensor 資料將在程序和寫入操作 (例如,inplace 更新或設定) 之間共享,在單一節點內任何 worker 上的操作將會更新所有其他 worker 上的值。如果非 tensor leaves 的數量很多(例如,共享大量的非 tensor 資料堆疊),這可能會導致記憶體不足 (OOM) 或類似的錯誤。預設值為 False

  • existsok (bool, optional) – 若 False,如果 tensor 已經存在於相同路徑中,則會引發例外。預設值為 True

TensorDict 隨後會被鎖定,這表示任何非 in-place 的寫入操作都會拋出例外 (例如,重新命名、設定或移除條目)。一旦 tensordict 被解鎖,memory-mapped 屬性會變成 False,因為跨程序身分已不再保證。

傳回:

如果 return_early=False 則為 self,否則為 TensorDictFuture 實例。

注意

以這種方式序列化對於深度巢狀的 tensordicts 來說可能會很慢,因此不建議在訓練迴圈內呼叫此方法。

memmap_like(prefix: Optional[str] = None, copy_existing: bool = False, *, existsok: bool = True, num_threads: int = 0, return_early: bool = False, share_non_tensor: bool = False) T

建立一個無內容的 Memory-mapped tensordict,其形狀與原始的 tensordict 相同。

參數:
  • prefix (str) – 記憶體對應張量將儲存的目錄前綴。目錄樹結構將模仿 tensordict 的結構。

  • copy_existing (bool) – 若為 False (預設值),且 tensordict 中的某個條目已經是一個儲存在磁碟上的 tensor 並具有關聯的檔案,但根據 prefix 判斷未儲存在正確的位置時,將會引發例外。若為 True,則任何現有的 Tensor 都將被複製到新的位置。

關鍵字參數:
  • num_threads (int, optional) – 用於寫入 memmap tensors 的執行緒數量。預設值為 0

  • return_early (bool, optional) – 若 Truenum_threads>0,此方法將回傳一個 tensordict 的 future。

  • share_non_tensor (bool, optional) – 若 True,則非 tensor 資料將在程序和寫入操作 (例如,inplace 更新或設定) 之間共享,在單一節點內任何 worker 上的操作將會更新所有其他 worker 上的值。如果非 tensor leaves 的數量很多(例如,共享大量的非 tensor 資料堆疊),這可能會導致記憶體不足 (OOM) 或類似的錯誤。預設值為 False

  • existsok (bool, optional) – 若 False,如果 tensor 已經存在於相同路徑中,則會引發例外。預設值為 True

TensorDict 隨後會被鎖定,這表示任何非 in-place 的寫入操作都會拋出例外 (例如,重新命名、設定或移除條目)。一旦 tensordict 被解鎖,memory-mapped 屬性會變成 False,因為跨程序身分已不再保證。

傳回:

如果 return_early=False,則為一個新的 TensorDict 實例,資料儲存為記憶體對應 tensors,否則為一個 TensorDictFuture 實例。

注意

這是將一組大型緩衝區寫入磁碟的建議方法,因為 memmap_() 會複製資訊,對於大型內容來說速度會很慢。

範例

>>> td = TensorDict({
...     "a": torch.zeros((3, 64, 64), dtype=torch.uint8),
...     "b": torch.zeros(1, dtype=torch.int64),
... }, batch_size=[]).expand(1_000_000)  # expand does not allocate new memory
>>> buffer = td.memmap_like("/path/to/dataset")
memmap_refresh_()

如果 memory-mapped tensordict 具有 saved_path,則重新整理其內容。

如果沒有路徑與其關聯,此方法會引發例外。

minimum(other: tensordict.base.TensorDictBase | torch.Tensor, *, default: Optional[Union[str, Tensor]] = None) T

計算 selfother 的逐元素最小值。

參數:

other (TensorDictTensor) – 另一個輸入 tensordict 或 tensor。

關鍵字參數:

default (torch.Tensorstr, optional) – 用於獨佔條目的預設值。如果未提供任何預設值,則兩個 tensordict 的 key list 必須完全匹配。如果傳遞 default="intersection",則只會考慮相交的 key set,而其他 key 會被忽略。在所有其他情況下,default 將用於操作兩側的所有遺失條目。

minimum_(other: tensordict.base.TensorDictBase | torch.Tensor) T

minimum() 的原地 (in-place) 版本。

注意

原地 (inplace) minimum 不支援 default 關鍵字引數。

mul(other: tensordict.base.TensorDictBase | torch.Tensor, *, default: Optional[Union[str, Tensor]] = None) T

other 乘到 self

\[\text{{out}}_i = \text{{input}}_i \times \text{{other}}_i\]

支援廣播 (broadcasting)、型別提升 (type promotion),以及整數、浮點數和複數輸入。

參數:

other (TensorDict, Tensor or Number) – 要從 self 減去的張量或數字。

關鍵字參數:

default (torch.Tensorstr, optional) – 用於獨佔條目的預設值。如果未提供任何預設值,則兩個 tensordict 的 key list 必須完全匹配。如果傳遞 default="intersection",則只會考慮相交的 key set,而其他 key 會被忽略。在所有其他情況下,default 將用於操作兩側的所有遺失條目。

mul_(other: tensordict.base.TensorDictBase | torch.Tensor) T

mul() 的原地 (in-place) 版本。

注意

原地 (inplace) mul 不支援 default 關鍵字引數。

named_apply(fn: Callable, *others: T, nested_keys: bool = False, batch_size: Optional[Sequence[int]] = None, device: torch.device | None = _NoDefault.ZERO, names: Optional[Sequence[str]] = _NoDefault.ZERO, inplace: bool = False, default: Any = _NoDefault.ZERO, filter_empty: Optional[bool] = None, propagate_lock: bool = False, call_on_nested: bool = False, out: Optional[TensorDictBase] = None, **constructor_kwargs) Optional[T]

將一個鍵值條件化的可呼叫物件應用於 tensordict 中儲存的所有值,並將它們設置在一個新的 tensordict 中。

該可呼叫物件的簽章必須是 Callable[Tuple[str, Tensor, ...], Optional[Union[Tensor, TensorDictBase]]]

參數:
  • fn (Callable) – 要應用於 tensordict 中的 (name, tensor) 配對的函式。對於每個葉節點,只會使用其葉節點名稱(而不是完整的 NestedKey)。

  • *others (TensorDictBase 實例, 選填) – 如果提供,這些 tensordict 實例的結構應與 self 的結構匹配。 fn 參數應接收與 tensordict 數量一樣多的未命名輸入,包括 self。 如果其他 tensordict 有遺漏的條目,則可以通過 default 關鍵字參數傳遞預設值。

  • nested_keys (bool, optional) – 如果 True,將會使用葉節點的完整路徑。預設為 False,也就是說,只有最後一個字串會傳遞給函式。

  • batch_size (int 序列, 選填) – 如果提供,結果 TensorDict 將具有所需的 batch_size。 batch_size 參數應與轉換後的 batch_size 相符。 這是一個僅限關鍵字的參數。

  • device (torch.device, 選填) – 結果裝置 (如果有的話)。

  • names (str 列表, 選填) – 新的維度名稱,以防 batch_size 被修改。

  • inplace (bool, optional) – 如果為 True,則會進行原地修改。預設為 False。這是一個僅限關鍵字的引數。

  • default (Any, 選填) – 其他 tensordict 中遺漏條目的預設值。 如果未提供,遺漏的條目將引發 KeyError

  • filter_empty (bool, optional) – 如果 True,將會過濾掉空的 tensordict。這也會降低計算成本,因為不會建立和銷毀空的資料結構。為了向後相容,預設為 False

  • propagate_lock (bool, optional) – 如果 True,鎖定的 tensordict 將會產生另一個鎖定的 tensordict。預設為 False

  • call_on_nested (bool, optional) –

    如果 True,則該函數將在第一層張量和容器 (TensorDict 或 tensorclass) 上呼叫。 在這種情況下,func 負責將其呼叫傳播到巢狀層級。 這允許在將呼叫傳播到巢狀 tensordict 時進行細粒度的控制。 如果 False,則該函數僅在葉節點上呼叫,並且 apply 將負責將該函數分派到所有葉節點。

    >>> td = TensorDict({"a": {"b": [0.0, 1.0]}, "c": [1.0, 2.0]})
    >>> def mean_tensor_only(val):
    ...     if is_tensor_collection(val):
    ...         raise RuntimeError("Unexpected!")
    ...     return val.mean()
    >>> td_mean = td.apply(mean_tensor_only)
    >>> def mean_any(val):
    ...     if is_tensor_collection(val):
    ...         # Recurse
    ...         return val.apply(mean_any, call_on_nested=True)
    ...     return val.mean()
    >>> td_mean = td.apply(mean_any, call_on_nested=True)
    

  • out (TensorDictBase, 選填) –

    用於寫入結果的 tensordict。 這可以用於避免創建新的 tensordict

    >>> td = TensorDict({"a": 0})
    >>> td.apply(lambda x: x+1, out=td)
    >>> assert (td==1).all()
    

    警告

    如果 tensordict 上執行的操作需要訪問多個鍵才能進行單次計算,則提供等於 selfout 參數可能會導致該操作默默地提供錯誤的結果。 例如

    >>> td = TensorDict({"a": 1, "b": 1})
    >>> td.apply(lambda x: x+td["a"])["b"] # Right!
    tensor(2)
    >>> td.apply(lambda x: x+td["a"], out=td)["b"] # Wrong!
    tensor(3)
    

  • **constructor_kwargs – 要傳遞給 TensorDict 建構子的其他關鍵字參數。

傳回:

一個具有 transformed_in 張量的新 tensordict。

範例

>>> td = TensorDict({
...     "a": -torch.ones(3),
...     "nested": {"a": torch.ones(3), "b": torch.zeros(3)}},
...     batch_size=[3])
>>> def name_filter(name, tensor):
...     if name == "a":
...         return tensor
>>> td.named_apply(name_filter)
TensorDict(
    fields={
        a: Tensor(shape=torch.Size([3]), device=cpu, dtype=torch.float32, is_shared=False),
        nested: TensorDict(
            fields={
                a: Tensor(shape=torch.Size([3]), device=cpu, dtype=torch.float32, is_shared=False)},
            batch_size=torch.Size([3]),
            device=None,
            is_shared=False)},
    batch_size=torch.Size([3]),
    device=None,
    is_shared=False)
>>> def name_filter(name, *tensors):
...     if name == "a":
...         r = 0
...         for tensor in tensors:
...             r = r + tensor
...         return tensor
>>> out = td.named_apply(name_filter, td)
>>> print(out)
TensorDict(
    fields={
        a: Tensor(shape=torch.Size([3]), device=cpu, dtype=torch.float32, is_shared=False),
        nested: TensorDict(
            fields={
                a: Tensor(shape=torch.Size([3]), device=cpu, dtype=torch.float32, is_shared=False)},
            batch_size=torch.Size([3]),
            device=None,
            is_shared=False)},
    batch_size=torch.Size([3]),
    device=None,
    is_shared=False)
>>> print(out["a"])
tensor([-1., -1., -1.])

注意

如果該函數傳回 None,則該條目將被忽略。 這可用於過濾 tensordict 中的資料

>>> td = TensorDict({"1": 1, "2": 2, "b": {"2": 2, "1": 1}}, [])
>>> def name_filter(name, tensor):
...     if name == "1":
...         return tensor
>>> td.named_apply(name_filter)
TensorDict(
    fields={
        1: Tensor(shape=torch.Size([]), device=cpu, dtype=torch.int64, is_shared=False),
        b: TensorDict(
            fields={
                1: Tensor(shape=torch.Size([]), device=cpu, dtype=torch.int64, is_shared=False)},
            batch_size=torch.Size([]),
            device=None,
            is_shared=False)},
    batch_size=torch.Size([]),
    device=None,
    is_shared=False)
property names

tensordict 的維度名稱。

名稱可以在建構時使用 names 參數來設定。

另請參閱 refine_names() 以取得有關如何在建構後設定名稱的詳細資訊。

nanmean(dim: Union[int, Tuple[int]] = _NoDefault.ZERO, keepdim: bool = _NoDefault.ZERO, *, dtype: Optional[dtype] = None, reduce: Optional[bool] = None) tensordict.base.TensorDictBase | torch.Tensor

傳回輸入 tensordict 中所有非 NaN 元素的平均值。

參數:
  • dim (int, int 的 tuple, optional) – 如果 None,則傳回一個無維度的 tensordict,其中包含所有葉節點的平均值 (如果可以計算)。如果是整數或整數的 tuple,則僅當此維度與 tensordict 形狀相容時,才在指定的維度上呼叫 mean

  • keepdim (bool) – 輸出張量是否保留 dim。

關鍵字參數:
  • dtype (torch.dtype, optional) – 傳回張量的所需資料類型。如果指定,則在執行操作之前,輸入張量會被轉換為 dtype。這對於防止資料類型溢位很有用。預設值: None

  • reduce (bool, optional) – 如果 True,則將在所有 TensorDict 值之間進行歸約,並傳回單個歸約張量。預設值為 False

nansum(dim: Union[int, Tuple[int]] = _NoDefault.ZERO, keepdim: bool = _NoDefault.ZERO, *, dtype: Optional[dtype] = None, reduce: Optional[bool] = None) tensordict.base.TensorDictBase | torch.Tensor

傳回輸入 tensordict 中所有非 NaN 元素的總和。

參數:
  • dim (int, int 的 tuple, optional) – 如果 None,則傳回一個無維度的 tensordict,其中包含所有葉節點的總和值(如果可以計算)。 如果是整數或整數的 tuple,則僅當此維度與 tensordict 形狀相容時,才對指定的維度呼叫 sum

  • keepdim (bool) – 輸出張量是否保留 dim。

關鍵字參數:
  • dtype (torch.dtype, optional) – 傳回張量的所需資料類型。如果指定,則在執行操作之前,輸入張量會被轉換為 dtype。這對於防止資料類型溢位很有用。預設值: None

  • reduce (bool, optional) – 如果 True,則將在所有 TensorDict 值之間進行歸約,並傳回單個歸約張量。預設值為 False

property ndim: int

請參閱 batch_dims()

ndimension() int

請參閱 batch_dims()

neg() T

計算 TensorDict 中每個元素的 neg() 值。

neg_() T

就地 (in-place) 計算 TensorDict 中每個元素的 neg() 值。

new_empty(*size: Size, dtype: Optional[dtype] = None, device: Union[device, str, int] = _NoDefault.ZERO, requires_grad: bool = False, layout: layout = torch.strided, pin_memory: Optional[bool] = None)

返回一個大小為 size 的 TensorDict,其中包含空的 tensors。

預設情況下,返回的 TensorDict 具有與此 tensordict 相同的 torch.dtypetorch.device

參數:

size (int...) – 一個整數列表、元組或 torch.Size,用於定義輸出 tensor 的形狀。

關鍵字參數:
  • dtype (torch.dtype, optional) – 返回的 tensordict 的所需類型。預設值:如果 None,則 torch.dtype 將保持不變。

  • device (torch.device, optional) – 返回的 tensordict 的所需裝置。預設值:如果 None,則 torch.device 將保持不變。

  • requires_grad (bool, optional) – 如果 autograd 應記錄返回 tensors 上的操作。預設值:False

  • layout (torch.layout, optional) – 返回的 TensorDict 值的所需 layout。預設值:torch.strided

  • pin_memory (bool, optional) – 如果設定,返回的 tensor 將被分配在 pinned memory 中。僅適用於 CPU tensors。預設值:False

new_full(size: Size, fill_value, *, dtype: Optional[dtype] = None, device: Union[device, str, int] = _NoDefault.ZERO, requires_grad: bool = False, layout: layout = torch.strided, pin_memory: Optional[bool] = None)

傳回一個大小為 size 並以指定數值填滿的 TensorDict。

預設情況下,返回的 TensorDict 具有與此 tensordict 相同的 torch.dtypetorch.device

參數:
  • size (整數序列) – 一個整數的列表、元組或 torch.Size,用於定義輸出張量的形狀。

  • fill_value (純量) – 用於填滿輸出張量的數值。

關鍵字參數:
  • dtype (torch.dtype, optional) – 返回的 tensordict 的所需類型。預設值:如果 None,則 torch.dtype 將保持不變。

  • device (torch.device, optional) – 返回的 tensordict 的所需裝置。預設值:如果 None,則 torch.device 將保持不變。

  • requires_grad (bool, optional) – 如果 autograd 應記錄返回 tensors 上的操作。預設值:False

  • layout (torch.layout, optional) – 返回的 TensorDict 值的所需 layout。預設值:torch.strided

  • pin_memory (bool, optional) – 如果設定,返回的 tensor 將被分配在 pinned memory 中。僅適用於 CPU tensors。預設值:False

new_ones(*size: Size, dtype: Optional[dtype] = None, device: Union[device, str, int] = _NoDefault.ZERO, requires_grad: bool = False, layout: layout = torch.strided, pin_memory: Optional[bool] = None)

傳回一個大小為 size 並以指定數值填滿的 TensorDict。

預設情況下,返回的 TensorDict 具有與此 tensordict 相同的 torch.dtypetorch.device

參數:

size (int...) – 一個整數列表、元組或 torch.Size,用於定義輸出 tensor 的形狀。

關鍵字參數:
  • dtype (torch.dtype, optional) – 返回的 tensordict 的所需類型。預設值:如果 None,則 torch.dtype 將保持不變。

  • device (torch.device, optional) – 返回的 tensordict 的所需裝置。預設值:如果 None,則 torch.device 將保持不變。

  • requires_grad (bool, optional) – 如果 autograd 應記錄返回 tensors 上的操作。預設值:False

  • layout (torch.layout, optional) – 返回的 TensorDict 值的所需 layout。預設值:torch.strided

  • pin_memory (bool, optional) – 如果設定,返回的 tensor 將被分配在 pinned memory 中。僅適用於 CPU tensors。預設值:False

new_tensor(data: torch.Tensor | tensordict.base.TensorDictBase, *, dtype: Optional[dtype] = None, device: Union[device, str, int] = _NoDefault.ZERO, requires_grad: bool = False, pin_memory: Optional[bool] = None)

傳回一個新的 TensorDict,其資料為 tensor data

預設情況下,傳回的 TensorDict 值具有與此 tensor 相同的 torch.dtypetorch.device

data 也可以是 tensor 集合(TensorDicttensorclass),在這種情況下,new_tensor 方法會疊代 selfdata 的 tensor 配對。

參數:

data (torch.TensorTensorDictBase) – 要複製的資料。

關鍵字參數:
  • dtype (torch.dtype, optional) – 返回的 tensordict 的所需類型。預設值:如果 None,則 torch.dtype 將保持不變。

  • device (torch.device, optional) – 返回的 tensordict 的所需裝置。預設值:如果 None,則 torch.device 將保持不變。

  • requires_grad (bool, optional) – 如果 autograd 應記錄返回 tensors 上的操作。預設值:False

  • pin_memory (bool, optional) – 如果設定,返回的 tensor 將被分配在 pinned memory 中。僅適用於 CPU tensors。預設值:False

new_zeros(*size: Size, dtype: Optional[dtype] = None, device: Union[device, str, int] = _NoDefault.ZERO, requires_grad: bool = False, layout: layout = torch.strided, pin_memory: Optional[bool] = None)

傳回一個大小為 size 並以 0 填充的 TensorDict。

預設情況下,返回的 TensorDict 具有與此 tensordict 相同的 torch.dtypetorch.device

參數:

size (int...) – 一個整數列表、元組或 torch.Size,用於定義輸出 tensor 的形狀。

關鍵字參數:
  • dtype (torch.dtype, optional) – 返回的 tensordict 的所需類型。預設值:如果 None,則 torch.dtype 將保持不變。

  • device (torch.device, optional) – 返回的 tensordict 的所需裝置。預設值:如果 None,則 torch.device 將保持不變。

  • requires_grad (bool, optional) – 如果 autograd 應記錄返回 tensors 上的操作。預設值:False

  • layout (torch.layout, optional) – 返回的 TensorDict 值的所需 layout。預設值:torch.strided

  • pin_memory (bool, optional) – 如果設定,返回的 tensor 將被分配在 pinned memory 中。僅適用於 CPU tensors。預設值:False

non_tensor_items(include_nested: bool = False)

傳回所有非 tensor 的葉節點,可以遞迴。

norm(*, out=None, dtype: torch.dtype | None = None)

計算 tensordict 中每個張量的範數。

關鍵字參數:
  • out (TensorDict, optional) – 輸出 tensordict。

  • dtype (torch.dtype, optional) – 輸出 dtype (torch>=2.4)。

numel() int

批次中的元素總數。

下限為 1,因為兩個具有空形狀的 tensordict 的堆疊將有兩個元素,因此我們認為 tensordict 至少有 1 個元素大。

numpy()

將 tensordict 轉換為 (可能巢狀) numpy 陣列的字典。

非張量資料會以原本的形式公開。

範例

>>> from tensordict import TensorDict
>>> import torch
>>> data = TensorDict({"a": {"b": torch.zeros(()), "c": "a string!"}})
>>> print(data)
TensorDict(
    fields={
        a: TensorDict(
            fields={
                b: Tensor(shape=torch.Size([]), device=cpu, dtype=torch.float32, is_shared=False),
                c: NonTensorData(data=a string!, batch_size=torch.Size([]), device=None)},
            batch_size=torch.Size([]),
            device=None,
            is_shared=False)},
    batch_size=torch.Size([]),
    device=None,
    is_shared=False)
>>> print(data.numpy())
{'a': {'b': array(0., dtype=float32), 'c': 'a string!'}}
param_count(*, count_duplicates: bool = True) int

計算參數的數量(可索引項目的總數),僅計算張量。

關鍵字參數:

count_duplicates (bool) – 是否將重複的 tensor 視為獨立的進行計算。 如果為 False,則只會捨棄嚴格相同的 tensors(來自共同基礎 tensor 的相同檢視,但具有不同的 id 將被計算兩次)。 預設為 True(假設每個 tensor 都是單一副本)。

permute(*args, **kwargs)

傳回一個 tensordict 的視圖,其批次維度根據 dims 進行置換。

參數:
  • *dims_list (int) – tensordict 的批次維度的新順序。 或者,可以提供一個整數的可迭代物件。

  • dims (int 的列表) – 呼叫 permute(…) 的替代方法。

傳回:

一個新的 tensordict,其批次維度按照所需的順序排列。

範例

>>> tensordict = TensorDict({"a": torch.randn(3, 4, 5)}, [3, 4])
>>> print(tensordict.permute([1, 0]))
PermutedTensorDict(
    source=TensorDict(
        fields={
            a: Tensor(torch.Size([3, 4, 5]), dtype=torch.float32)},
        batch_size=torch.Size([3, 4]),
        device=cpu,
        is_shared=False),
    op=permute(dims=[1, 0]))
>>> print(tensordict.permute(1, 0))
PermutedTensorDict(
    source=TensorDict(
        fields={
            a: Tensor(torch.Size([3, 4, 5]), dtype=torch.float32)},
        batch_size=torch.Size([3, 4]),
        device=cpu,
        is_shared=False),
    op=permute(dims=[1, 0]))
>>> print(tensordict.permute(dims=[1, 0]))
PermutedTensorDict(
    source=TensorDict(
        fields={
            a: Tensor(torch.Size([3, 4, 5]), dtype=torch.float32)},
        batch_size=torch.Size([3, 4]),
        device=cpu,
        is_shared=False),
    op=permute(dims=[1, 0]))
pin_memory(*args, **kwargs)

在儲存的張量上呼叫 pin_memory()

參數:
  • num_threads (int or str) – 如果提供,則用於在葉節點上呼叫 pin_memory 的執行緒數。 預設為 None,這會在 ThreadPoolExecutor(max_workers=None) 中設定大量的執行緒。 若要在主執行緒上執行所有對 pin_memory() 的呼叫,請傳遞 num_threads=0

  • inplace (bool, optional) – 如果 True,則會就地修改 tensordict。 預設為 False

pin_memory_(num_threads: int | str = 0) T

在儲存的張量上呼叫 pin_memory(),並傳回就地修改的 TensorDict。

參數:

num_threads (int or str) – 如果提供,則用於在葉節點上呼叫 pin_memory 的執行緒數。 如果傳遞 "auto",則會自動確定執行緒數。

pop(key: NestedKey, default: Any = _NoDefault.ZERO) Tensor

從 tensordict 中移除並傳回一個值。

如果該值不存在且未提供預設值,則會拋出 KeyError。

參數:
  • key (str巢狀鍵) – 要尋找的條目。

  • default (Any, optional) – 如果找不到鍵,則傳回的值。

範例

>>> td = TensorDict({"1": 1}, [])
>>> one = td.pop("1")
>>> assert one == 1
>>> none = td.pop("1", default=None)
>>> assert none is None
popitem() Tuple[NestedKey, Tensor]

移除最後插入 TensorDict 的項目。

popitem 只會回傳非巢狀結構的值。

pow(other: tensordict.base.TensorDictBase | torch.Tensor, *, default: Optional[Union[str, Tensor]] = None) T

計算 self 中每個元素與 other 的次方,並回傳包含結果的 tensor。

other 可以是單一 float 數值、TensorTensorDict

other 是一個 tensor 時,inputother 的形狀必須是可以廣播的。

參數:

other (float, tensortensordict) – 指數值

關鍵字參數:

default (torch.Tensorstr, optional) – 用於獨佔條目的預設值。如果未提供任何預設值,則兩個 tensordict 的 key list 必須完全匹配。如果傳遞 default="intersection",則只會考慮相交的 key set,而其他 key 會被忽略。在所有其他情況下,default 將用於操作兩側的所有遺失條目。

pow_(other: tensordict.base.TensorDictBase | torch.Tensor) T

pow() 的原地 (in-place) 版本。

注意

原地 pow 不支援 default 關鍵字引數。

prod(dim: Union[int, Tuple[int]] = _NoDefault.ZERO, keepdim: bool = _NoDefault.ZERO, *, dtype: Optional[dtype] = None, reduce: Optional[bool] = None) tensordict.base.TensorDictBase | torch.Tensor

傳回輸入 tensordict 中所有元素的乘積。

參數:
  • dim (int, int 的 tuple, optional) – 如果 None,則傳回包含所有葉節點乘積值的無維度 tensordict(如果可以計算)。 如果是整數或整數的 tuple,則僅當此維度與 tensordict 形狀相容時,才對指定的維度呼叫 prod

  • keepdim (bool) – 輸出張量是否保留 dim。

關鍵字參數:
  • dtype (torch.dtype, optional) – 傳回張量的所需資料類型。如果指定,則在執行操作之前,輸入張量會被轉換為 dtype。這對於防止資料類型溢位很有用。預設值: None

  • reduce (bool, optional) – 如果 True,則將在所有 TensorDict 值之間進行歸約,並傳回單個歸約張量。預設值為 False

qint32()

將所有張量轉換為 torch.qint32

qint8()

將所有張量轉換為 torch.qint8

quint4x2()

將所有張量轉換為 torch.quint4x2

quint8()

將所有張量轉換為 torch.quint8

reciprocal() T

計算 TensorDict 中每個元素的 reciprocal() 值。

reciprocal_() T

原地計算 TensorDict 中每個元素的 reciprocal() 值。

record_stream(stream: Stream)

將 tensordict 標記為已被此 stream 使用。

當 tensordict 被釋放時,確保在釋放時在 stream 上排隊的所有工作完成之前,張量記憶體不會被重用於其他張量。

有關更多資訊,請參閱 record_stream()

recv(src: int, *, group: 'dist.ProcessGroup' | None = None, init_tag: int = 0, pseudo_rand: bool = False) int

接收 tensordict 的內容並使用它更新內容。

請查看 send 方法中的範例以了解上下文。

參數:

src (int) – 來源 worker 的等級。

關鍵字參數:
  • group (torch.distributed.ProcessGroup, optional) – 如果設定,指定的 process group 將用於通訊。 否則,將使用預設的 process group。 預設值為 None

  • init_tag (int) – 來源 worker 使用的 init_tag

  • pseudo_rand (bool) – 如果為 True,標籤的序列將是偽隨機的,允許從不同的節點發送多個數據而不會重疊。 請注意,生成這些偽隨機數的成本很高(1e-5 秒/數字),這意味著它可能會降低演算法的運行時。 此值必須與傳遞給 send() 的值相符。 預設值為 False

reduce(dst, op=None, async_op=False, return_premature=False, group=None)

在所有機器上縮減 tensordict。

只有具有 rank dst 的進程才會收到最終結果。

refine_names(*names) T

根據名稱優化 self 的維度名稱。

優化是一種特殊的重新命名,它可以「提升」未命名的維度。 可以將 None 維度優化為具有任何名稱; 命名的維度只能優化為具有相同的名稱。

由於命名的張量可以與未命名的張量共存,因此優化名稱提供了一種很好的方式來編寫既適用於命名張量又適用於未命名張量的命名張量感知程式碼。

names 最多可能包含一個 Ellipsis (…)。 Ellipsis 會被貪婪地擴展;它會就地擴展以使用 self.names 中相應索引的名稱來填滿 names,使其長度與 self.dim() 相同。

傳回值:具有根據輸入命名的維度的相同 tensordict。

範例

>>> td = TensorDict({}, batch_size=[3, 4, 5, 6])
>>> tdr = td.refine_names(None, None, None, "d")
>>> assert tdr.names == [None, None, None, "d"]
>>> tdr = td.refine_names("a", None, None, "d")
>>> assert tdr.names == ["a", None, None, "d"]
rename(*names, **rename_map)

傳回具有重新命名維度的 tensordict 的副本。

範例

>>> td = TensorDict({}, batch_size=[1, 2, 3 ,4])
>>> td.names = list("abcd")
>>> td_rename = td.rename(c="g")
>>> assert td_rename.names == list("abgd")
rename_(*names, **rename_map)

rename() 相同,但就地執行重新命名。

範例

>>> td = TensorDict({}, batch_size=[1, 2, 3 ,4])
>>> td.names = list("abcd")
>>> assert td.rename_(c="g")
>>> assert td.names == list("abgd")
rename_key_(old_key: NestedKey, new_key: NestedKey, safe: bool = False) PersistentTensorDict

使用新字串重新命名鍵,並傳回具有更新鍵名稱的相同 tensordict。

參數:
  • old_key (str巢狀鍵) – 要重新命名的鍵。

  • new_key (str巢狀鍵) – 條目的新名稱。

  • safe (bool, optional) – 如果 True,則當新鍵已存在於 TensorDict 中時,會擲回錯誤。

傳回:

self

replace(*args, **kwargs)

建立 tensordict 的淺層副本,其中的條目已被取代。

接受一個未命名的引數,該引數必須是 TensorDictBase 子類的字典。 此外,可以使用命名的關鍵字引數更新第一層條目。

傳回:

如果輸入為非空,則傳回更新條目的 self 的副本。 如果提供了空字典或未提供字典,並且 kwargs 為空,則傳回 self

requires_grad_(requires_grad=True) T

變更 autograd 是否應記錄對此張量的操作:就地設定此張量的 requires_grad 屬性。

傳回此 tensordict。

參數:

requires_grad (bool, optional) – autograd 是否應記錄對此 tensordict 的操作。 預設值為 True

reshape(*args, **kwargs) T

傳回具有所需形狀的連續、重新塑形的張量。

參數:

*shape (int) – 結果 tensordict 的新形狀。

傳回:

具有重新塑形鍵的 TensorDict

範例

>>> td = TensorDict({
...     'x': torch.arange(12).reshape(3, 4),
... }, batch_size=[3, 4])
>>> td = td.reshape(12)
>>> print(td['x'])
torch.Tensor([0, 1, 2, 3, 4, 5, 6, 7, 8, 9, 10, 11])
round() T

計算 TensorDict 中每個元素的 round() 值。

round_() T

就地 (in-place) 計算 TensorDict 中每個元素的 round() 值。

save(prefix: Optional[str] = None, copy_existing: bool = False, *, num_threads: int = 0, return_early: bool = False, share_non_tensor: bool = False) T

將 tensordict 儲存到磁碟。

此函數是 memmap() 的代理 (proxy)。

property saved_path

傳回儲存 memmap 儲存的 TensorDict 的路徑。

只要 is_memmap() 傳回 False (例如,當 tensordict 解鎖時),此引數就會消失。

select(*keys: NestedKey, inplace: bool = False, strict: bool = True) T

選擇 tensordict 的鍵,並傳回僅包含所選鍵的新 tensordict。

數值不會被複製:對原始或新 tensordict 的 tensor 進行原地修改將導致兩個 tensordict 都發生變化。

參數:
  • *keys (str) – 要選擇的鍵

  • inplace (bool) – 如果為 True,則原地修剪 tensordict。預設值為 False

  • strict (bool, optional) – 選擇不存在的鍵是否會傳回錯誤。預設值:True

傳回:

一個新的 tensordict (如果 inplace=True 則為同一個),僅包含所選的鍵。

注意

若要在 tensordict 中選擇鍵並傳回一個沒有這些鍵的版本,請參閱 split_keys() 方法。

範例

>>> from tensordict import TensorDict
>>> td = TensorDict({"a": 0, "b": {"c": 1, "d": 2}}, [])
>>> td.select("a", ("b", "c"))
TensorDict(
    fields={
        a: Tensor(shape=torch.Size([]), device=cpu, dtype=torch.int64, is_shared=False),
        b: TensorDict(
            fields={
                c: Tensor(shape=torch.Size([]), device=cpu, dtype=torch.int64, is_shared=False)},
            batch_size=torch.Size([]),
            device=None,
            is_shared=False)},
    batch_size=torch.Size([]),
    device=None,
    is_shared=False)
>>> td.select("a", "b")
TensorDict(
    fields={
        a: Tensor(shape=torch.Size([]), device=cpu, dtype=torch.int64, is_shared=False),
        b: TensorDict(
            fields={
                c: Tensor(shape=torch.Size([]), device=cpu, dtype=torch.int64, is_shared=False),
                d: Tensor(shape=torch.Size([]), device=cpu, dtype=torch.int64, is_shared=False)},
            batch_size=torch.Size([]),
            device=None,
            is_shared=False)},
    batch_size=torch.Size([]),
    device=None,
    is_shared=False)
>>> td.select("this key does not exist", strict=False)
TensorDict(
    fields={
    },
    batch_size=torch.Size([]),
    device=None,
    is_shared=False)
send(dst: int, *, group: 'dist.ProcessGroup' | None = None, init_tag: int = 0, pseudo_rand: bool = False) None

將 tensordict 的內容傳送到遠端工作節點。

參數:

dst (int) – 應將內容傳送到的目標 worker 的 rank。

關鍵字參數:
  • group (torch.distributed.ProcessGroup, optional) – 如果設定,指定的 process group 將用於通訊。 否則,將使用預設的 process group。 預設值為 None

  • init_tag (int) – 用於標記張量的初始標籤。請注意,這將增加與 TensorDict 中包含的張量數量一樣多的數字。

  • pseudo_rand (bool) – 如果為 True,標籤序列將會是虛擬隨機的,允許從不同節點發送多個資料而不會重疊。請注意,產生這些虛擬隨機數的成本很高(1e-5 秒/個數字),這意味著它可能會降低演算法的執行時間。預設值為 False

範例

>>> from torch import multiprocessing as mp
>>> from tensordict import TensorDict
>>> import torch
>>>
>>>
>>> def client():
...     torch.distributed.init_process_group(
...         "gloo",
...         rank=1,
...         world_size=2,
...         init_method=f"tcp://127.0.0.1:10003",
...     )
...
...     td = TensorDict(
...         {
...             ("a", "b"): torch.randn(2),
...             "c": torch.randn(2, 3),
...             "_": torch.ones(2, 1, 5),
...         },
...         [2],
...     )
...     td.send(0)
...
>>>
>>> def server(queue):
...     torch.distributed.init_process_group(
...         "gloo",
...         rank=0,
...         world_size=2,
...         init_method=f"tcp://127.0.0.1:10003",
...     )
...     td = TensorDict(
...         {
...             ("a", "b"): torch.zeros(2),
...             "c": torch.zeros(2, 3),
...             "_": torch.zeros(2, 1, 5),
...         },
...         [2],
...     )
...     td.recv(1)
...     assert (td != 0).all()
...     queue.put("yuppie")
...
>>>
>>> if __name__=="__main__":
...     queue = mp.Queue(1)
...     main_worker = mp.Process(target=server, args=(queue,))
...     secondary_worker = mp.Process(target=client)
...
...     main_worker.start()
...     secondary_worker.start()
...     out = queue.get(timeout=10)
...     assert out == "yuppie"
...     main_worker.join()
...     secondary_worker.join()
set(key: NestedKey, item: Tensor, inplace: bool = False, *, non_blocking: bool = False, **kwargs: Any) T

設定新的鍵值對。

參數:
  • key (str, str 的 tuple) – 要設定的鍵的名稱。

  • item (torch.Tensor等效物件, TensorDictBase 實例) – 要儲存在 tensordict 中的值。

  • inplace (bool, optional) – 如果 True 且某個鍵與 tensordict 中現有的鍵匹配,則該鍵值對的更新將就地 (in-place) 發生。 如果 inplace 為 True 且找不到該條目,則會將其新增。 若要進行更嚴格的就地操作,請改用 set_()。預設值為 False

關鍵字參數:

non_blocking (bool, optional) – 如果 True 且此複製發生在不同裝置之間,則此複製可能會相對於主機非同步發生。

傳回:

self

範例

>>> td = TensorDict({}, batch_size[3, 4])
>>> td.set("x", torch.randn(3, 4))
>>> y = torch.randn(3, 4, 5)
>>> td.set("y", y, inplace=True) # works, even if 'y' is not present yet
>>> td.set("y", torch.zeros_like(y), inplace=True)
>>> assert (y==0).all() # y values are overwritten
>>> td.set("y", torch.ones(5), inplace=True) # raises an exception as shapes mismatch
set_(key: NestedKey, item: Tensor, *, non_blocking: bool = False) T

在保留原始儲存空間的同時,將值設定到現有的鍵。

參數:
  • key (str) – 值的名稱

  • item (torch.Tensor相容的類型, TensorDictBase) – 要儲存在 tensordict 中的值

關鍵字參數:

non_blocking (bool, optional) – 如果 True 且此複製發生在不同裝置之間,則此複製可能會相對於主機非同步發生。

傳回:

self

範例

>>> td = TensorDict({}, batch_size[3, 4])
>>> x = torch.randn(3, 4)
>>> td.set("x", x)
>>> td.set_("x", torch.zeros_like(x))
>>> assert (x == 0).all()
set_at_(key: NestedKey, value: Tensor, index: Union[None, int, slice, str, Tensor, List[Any], Tuple[Any, ...]], *, non_blocking: bool = False) T

index 所指示的索引位置,原地設定數值。

參數:
  • key (str, str 的 tuple) – 要修改的鍵。

  • value (torch.Tensor) – 要在 index 索引位置設定的數值。

  • index (int, tensortuple) – 寫入數值的位置索引。

關鍵字參數:

non_blocking (bool, optional) – 如果 True 且此複製發生在不同裝置之間,則此複製可能會相對於主機非同步發生。

傳回:

self

範例

>>> td = TensorDict({}, batch_size[3, 4])
>>> x = torch.randn(3, 4)
>>> td.set("x", x)
>>> td.set_at_("x", value=torch.ones(1, 4), index=slice(1))
>>> assert (x[0] == 1).all()
set_non_tensor(key: NestedKey, value: Any)

使用 tensordict.tensorclass.NonTensorData 在 tensordict 中註冊一個非 tensor 的數值。

可以使用 TensorDictBase.get_non_tensor() 或直接使用 get 檢索數值,這會返回 tensordict.tensorclass.NonTensorData 物件。

return: self

範例

>>> data = TensorDict({}, batch_size=[])
>>> data.set_non_tensor(("nested", "the string"), "a string!")
>>> assert data.get_non_tensor(("nested", "the string")) == "a string!"
>>> # regular `get` works but returns a NonTensorData object
>>> data.get(("nested", "the string"))
NonTensorData(
    data='a string!',
    batch_size=torch.Size([]),
    device=None,
    is_shared=False)
setdefault(key: NestedKey, default: Tensor, inplace: bool = False) Tensor

如果 tensordict 中不存在 key,則插入 key 條目,其值為 default

如果 tensordict 中存在 key,則返回 key 的值,否則返回 default

參數:
  • key (strnested key) – 數值的名稱。

  • default (torch.Tensor相容的類型, TensorDictBase) – 如果該鍵先前未設置,則將數值儲存在 tensordict 中。

傳回:

tensordict 中鍵的值。 如果先前未設定該鍵,則將為預設值。

範例

>>> td = TensorDict({}, batch_size=[3, 4])
>>> val = td.setdefault("a", torch.zeros(3, 4))
>>> assert (val == 0).all()
>>> val = td.setdefault("a", torch.ones(3, 4))
>>> assert (val == 0).all() # output is still 0
屬性 shape: Size

請參閱 batch_size

share_memory_()

將所有 tensors 放置在共享記憶體中。

TensorDict 隨後會被鎖定,這意味著任何非就地 (in-place) 的寫入操作都會拋出例外(例如,rename, set 或 remove 一個 entry)。相反地,一旦 tensordict 被解鎖,share_memory 屬性會變成 False,因為跨進程的身份無法再被保證。

傳回:

self

sigmoid() T

計算 TensorDict 中每個元素的 sigmoid() 值。

sigmoid_() T

就地 (in-place) 計算 TensorDict 中每個元素的 sigmoid() 值。

sign() T

計算 TensorDict 中每個元素的 sign() 值。

sign_() T

就地 (in-place) 計算 TensorDict 中每個元素的 sign() 值。

sin() T

計算 TensorDict 中每個元素的 sin() 值。

sin_() T

就地 (in-place) 計算 TensorDict 中每個元素的 sin() 值。

sinh() T

計算 TensorDict 中每個元素的 sinh() 值。

sinh_() T

就地 (in-place) 計算 TensorDict 中每個元素的 sinh() 值。

size(dim: Optional[int] = None) torch.Size | int

回傳 dim 所指示維度的大小。

如果未指定 dim,則回傳 TensorDict 的 batch_size 屬性。

屬性 sorted_keys: list[tensordict._nestedkey.NestedKey]

回傳以字母順序排序的 keys。

不支援額外的引數。

如果 TensorDict 被鎖定,keys 會被快取,直到 tensordict 被解鎖以加速執行。

split(split_size: int | list[int], dim: int = 0) list[tensordict.base.TensorDictBase]

torch.split 一樣,使用指定的大小在給定的維度中分割 TensorDict 中的每個 tensor。

回傳一個 TensorDict 實例的列表,其中包含分割後的區塊的檢視 (view)。

參數:
  • split_size (intList(int)) – 單個區塊的大小或每個區塊的大小列表。

  • dim (int) – 沿著該維度分割 tensor。

傳回:

具有指定維度中指定大小的 TensorDict 列表。

範例

>>> td = TensorDict({
...     'x': torch.arange(12).reshape(3, 4),
... }, batch_size=[3, 4])
>>> td0, td1 = td.split([1, 2], dim=0)
>>> print(td0['x'])
torch.Tensor([[0, 1, 2, 3]])
split_keys(*key_sets, inplace=False, strict: bool = True, reproduce_struct: bool = False)

將 tensordict 分割成子集,給定一或多個鍵集合。

此方法將傳回 N+1 個 tensordict,其中 N 是提供的引數數量。

參數:
  • inplace (bool, optional) – 如果 True,則鍵會從 self 原地移除。預設為 False

  • strict (bool, optional) – 如果 True,當遺失鍵時會引發例外。預設為 True

  • reproduce_struct (bool, optional) – 如果 True,所有傳回的 tensordict 都具有與 self 相同的樹狀結構,即使某些子 tensordict 不包含任何葉節點。

注意

非 tensor 的 None 值將被忽略,且不會傳回。

注意

此方法不會檢查提供的清單中是否有重複項目。

範例

>>> td = TensorDict(
...     a=0,
...     b=0,
...     c=0,
...     d=0,
... )
>>> td_a, td_bc, td_d = td.split_keys(["a"], ["b", "c"])
>>> print(td_bc)
sqrt()

計算 self 的元素級平方根。

sqrt_()

sqrt() 的原地版本。

squeeze(*args, **kwargs)

擠壓介於 -self.batch_dims+1self.batch_dims-1 之間的所有張量的維度,並將其傳回至新的 tensordict。

參數:

dim (Optional[int]) – 擠壓的維度。如果 dim 為 None,則會擠壓所有單例維度。預設為 None

範例

>>> td = TensorDict({
...     'x': torch.arange(24).reshape(3, 1, 4, 2),
... }, batch_size=[3, 1, 4])
>>> td = td.squeeze()
>>> td.shape
torch.Size([3, 4])
>>> td.get("x").shape
torch.Size([3, 4, 2])

此操作也可以用作上下文管理器。對原始 tensordict 的變更將會就地發生,也就是說,原始張量的內容不會被變更。這也假設 tensordict 未鎖定 (否則,需要解除鎖定 tensordict)。此功能與隱式擠壓相容。

>>> td = TensorDict({
...     'x': torch.arange(24).reshape(3, 1, 4, 2),
... }, batch_size=[3, 1, 4])
>>> with td.squeeze(1) as tds:
...     tds.set("y", torch.zeros(3, 4))
>>> assert td.get("y").shape == [3, 1, 4]
classmethod stack(input, dim=0, *, out=None)

沿著給定的維度將 tensordict 堆疊到單一 tensordict 中。

此呼叫等同於呼叫 torch.stack() 但與 torch.compile 相容。

stack_from_tensordict(dim: int = 0, *, sorted: Optional[Union[bool, List[NestedKey]]] = None, out: Optional[Tensor] = None) Tensor

將 tensordict 的所有條目堆疊到單一張量中。

參數:

dim (int, optional) – 條目應沿著堆疊的維度。

關鍵字參數:
  • sorted (boolNestedKeys 的列表) – 如果為 True,條目將依字母順序堆疊。如果為 False (預設值),將使用 dict 的順序。或者,可以提供鍵名稱的列表,並且張量將相應地堆疊。這會產生一些額外開銷,因為鍵的列表將針對 tensordict 中的葉節點名稱列表進行檢查。

  • out (torch.Tensor, optional) – 堆疊操作的可選目標張量。

stack_tensors(*keys: NestedKey, out_key: NestedKey, dim: int = 0, keep_entries: bool = False) T

將條目堆疊到一個新條目中,並可能移除原始值。

參數:

keys (NestedKey 的序列) – 要堆疊的條目。

關鍵字引數

out_key (NestedKey):堆疊輸入的新鍵名稱。 keep_entries (bool, optional):如果為 False,則會刪除 keys 中的條目。

預設為 False

dim (int, optional):必須執行堆疊的維度。

預設為 0

傳回: self

範例

>>> td = TensorDict(a=torch.zeros(()), b=torch.ones(()))
>>> td.stack_tensors("a", "b", out_key="c")
>>> assert "a" not in td
>>> assert (td["c"] == torch.tensor([0, 1])).all()
state_dict(destination=None, prefix='', keep_vars=False, flatten=False) OrderedDict[str, Any]

從 tensordict 產生一個 state_dict。

除非 flatten 設置為 True,否則 state-dict 的結構仍然是巢狀的。

tensordict state-dict 包含重建 tensordict 所需的所有張量和元數據(目前不支援名稱)。

參數:
  • destination (dict, optional) – 如果提供,tensordict 的狀態將更新到 dict 中,並傳回相同的物件。 否則,將建立並傳回一個 OrderedDict。 預設值:None

  • prefix (str, optional) – 添加到張量名稱的前綴,以構成 state_dict 中的鍵。 預設值:''

  • keep_vars (bool, optional) – 預設情況下,state dict 中傳回的 torch.Tensor 項目與 autograd 分離。 如果設置為 True,則不會執行分離。 預設值:False

  • flatten (bool, optional) – 是否應使用 "." 字元扁平化結構。 預設為 False

範例

>>> data = TensorDict({"1": 1, "2": 2, "3": {"3": 3}}, [])
>>> sd = data.state_dict()
>>> print(sd)
OrderedDict([('1', tensor(1)), ('2', tensor(2)), ('3', OrderedDict([('3', tensor(3)), ('__batch_size', torch.Size([])), ('__device', None)])), ('__batch_size', torch.Size([])), ('__device', None)])
>>> sd = data.state_dict(flatten=True)
OrderedDict([('1', tensor(1)), ('2', tensor(2)), ('3.3', tensor(3)), ('__batch_size', torch.Size([])), ('__device', None)])
std(dim: Union[int, Tuple[int]] = _NoDefault.ZERO, keepdim: bool = _NoDefault.ZERO, *, correction: int = 1, reduce: Optional[bool] = None) tensordict.base.TensorDictBase | torch.Tensor

傳回輸入 tensordict 中所有元素的標準差值。

參數:
  • dim (int, int 的元組, 選用) – 如果 None,則傳回包含所有葉節點總和值(如果可以計算)的無維度 tensordict。如果為整數或整數元組,則僅當此維度與 tensordict 形狀相容時,才會對指定的維度呼叫 std

  • keepdim (bool) – 輸出張量是否保留 dim。

關鍵字參數:
  • correction (int) – 樣本大小與樣本自由度之間的差異。預設為 Bessel 校正,correction=1。

  • reduce (bool, optional) – 如果 True,則將在所有 TensorDict 值之間進行歸約,並傳回單個歸約張量。預設值為 False

sub(other: tensordict.base.TensorDictBase | float, *, alpha: Optional[float] = None, default: Optional[Union[str, Tensor]] = None)

self 中減去 other,並按 alpha 縮放。

\[\text{{out}}_i = \text{{input}}_i - \text{{alpha}} \times \text{{other}}_i\]

支援廣播 (broadcasting)、型別提升 (type promotion),以及整數、浮點數和複數輸入。

參數:

other (TensorDict, Tensor or Number) – 要從 self 減去的張量或數字。

關鍵字參數:
  • alpha (數字) – other 的乘數。

  • default (torch.Tensorstr, optional) – 用於獨佔條目的預設值。如果未提供任何預設值,則兩個 tensordict 的 key list 必須完全匹配。如果傳遞 default="intersection",則只會考慮相交的 key set,而其他 key 會被忽略。在所有其他情況下,default 將用於操作兩側的所有遺失條目。

sub_(other: tensordict.base.TensorDictBase | float, alpha: Optional[float] = None)

sub() 的原地版本。

注意

原地 sub 不支援 default 關鍵字引數。

sum(dim: Union[int, Tuple[int]] = _NoDefault.ZERO, keepdim: bool = _NoDefault.ZERO, *, dtype: Optional[dtype] = None, reduce: Optional[bool] = None) tensordict.base.TensorDictBase | torch.Tensor

傳回輸入 tensordict 中所有元素的總和值。

參數:
  • dim (int, int 的 tuple, optional) – 如果 None,則傳回一個無維度的 tensordict,其中包含所有葉節點的總和值(如果可以計算)。 如果是整數或整數的 tuple,則僅當此維度與 tensordict 形狀相容時,才對指定的維度呼叫 sum

  • keepdim (bool) – 輸出張量是否保留 dim。

關鍵字參數:
  • dtype (torch.dtype, optional) – 傳回張量的所需資料類型。如果指定,則在執行操作之前,輸入張量會被轉換為 dtype。這對於防止資料類型溢位很有用。預設值: None

  • reduce (bool, optional) – 如果 True,則將在所有 TensorDict 值之間進行歸約,並傳回單個歸約張量。預設值為 False

tan() T

計算 TensorDict 中每個元素的 tan() 值。

tan_() T

就地計算 TensorDict 中每個元素的 tan() 值。

tanh() T

計算 TensorDict 中每個元素的 tanh() 值。

tanh_() T

就地計算 TensorDict 中每個元素的 tanh() 值。

to(*args, **kwargs: Any) PersistentTensorDict

將 TensorDictBase 子類別映射到另一個裝置、dtype 或另一個 TensorDictBase 子類別(如果允許)。

不允許將張量轉換為新的 dtype,因為 tensordict 不一定包含單一的張量 dtype。

參數:
  • device (torch.device, optional) – tensordict 所需的裝置。

  • dtype (torch.dtype, optional) – tensordict 所需的浮點數或複數 dtype。

  • tensor (torch.Tensor, optional) – 張量,其 dtype 和 device 是此 TensorDict 中所有張量所需的 dtype 和 device。

關鍵字參數:
  • non_blocking (bool, optional) – 操作是否應為 blocking。

  • memory_format (torch.memory_format, optional) – 此 tensordict 中 4D 參數和緩衝區所需的記憶體格式。

  • batch_size (torch.Size, optional) – 輸出 tensordict 的結果 batch-size。

  • other (TensorDictBase, optional) –

    TensorDict 實例,其 dtype 和 device 是此 TensorDict 中所有張量所需的 dtype 和 device。

    注意

    由於 TensorDictBase 實例沒有 dtype,因此 dtype 會從範例的 leaves 中收集。如果有多個 dtype,則不會進行 dtype 轉換。

  • non_blocking_pin (bool, optional) –

    如果 True, tensors 在傳送到裝置之前會被釘選 (pinned)。這將會非同步執行,但可以透過 num_threads 參數來控制。

    注意

    呼叫 tensordict.pin_memory().to("cuda") 通常比 tensordict.to("cuda", non_blocking_pin=True) 慢得多,因為 pin_memory 在第二種情況下是非同步呼叫。如果 tensors 很大且數量眾多,多執行緒的 pin_memory 通常是有益的:當要傳送的 tensors 太少時,產生執行緒和收集資料的開銷會超過多執行緒的優勢,而且如果 tensors 很小,則迭代長列表的開銷也過於龐大。

  • num_threads (int or None, optional) – 如果 non_blocking_pin=True,則用於 pin_memory 的執行緒數。預設情況下,將會產生 max(1, torch.get_num_threads()) 個執行緒。num_threads=0 將取消 pin_memory() 呼叫的任何多執行緒。

傳回:

如果裝置與 tensordict 裝置不同,或者傳遞了 dtype,則為新的 tensordict 實例。 否則為相同的 tensordict。只有 batch_size 的修改才會就地完成。

注意

如果 TensorDict 已合併 (consolidated),則產生的 TensorDict 也將被合併。每個新的 tensor 都是在合併儲存 (consolidated storage) 上的一個視圖,並轉換為所需的裝置。

範例

>>> data = TensorDict({"a": 1.0}, [], device=None)
>>> data_cuda = data.to("cuda:0")  # casts to cuda
>>> data_int = data.to(torch.int)  # casts to int
>>> data_cuda_int = data.to("cuda:0", torch.int)  # multiple casting
>>> data_cuda = data.to(torch.randn(3, device="cuda:0"))  # using an example tensor
>>> data_cuda = data.to(other=TensorDict({}, [], device="cuda:0"))  # using a tensordict example
to_dict(*, retain_none: bool = True) dict[str, Any]

傳回一個字典,其鍵值對與 tensordict 的鍵值對相符。

參數:

retain_none (bool) – 如果 True,tensorclass 實例中的 None 值將會寫入字典中。 否則,它們將被丟棄。 預設值:True

to_h5(filename, **kwargs)

將 tensordict 轉換為具有 h5 後端的 PersistentTensorDict。

參數:
  • filename ( strpath) – h5 檔案的路徑。

  • device ( torch.device相容的類型, 選填) – tensor 回傳時預期所在的裝置。 預設為 None(預設在 cpu 上)。

  • **kwargs – 要傳遞給 h5py.File.create_dataset() 的 kwargs。

傳回:

一個連結到新建立檔案的 PersitentTensorDict 實例。

範例

>>> import tempfile
>>> import timeit
>>>
>>> from tensordict import TensorDict, MemoryMappedTensor
>>> td = TensorDict({
...     "a": MemoryMappedTensor.from_tensor(torch.zeros(()).expand(1_000_000)),
...     "b": {"c": MemoryMappedTensor.from_tensor(torch.zeros(()).expand(1_000_000, 3))},
... }, [1_000_000])
>>>
>>> file = tempfile.NamedTemporaryFile()
>>> td_h5 = td.to_h5(file.name, compression="gzip", compression_opts=9)
>>> print(td_h5)
PersistentTensorDict(
    fields={
        a: Tensor(shape=torch.Size([1000000]), device=cpu, dtype=torch.float32, is_shared=False),
        b: PersistentTensorDict(
            fields={
                c: Tensor(shape=torch.Size([1000000, 3]), device=cpu, dtype=torch.float32, is_shared=False)},
            batch_size=torch.Size([1000000]),
            device=None,
            is_shared=False)},
    batch_size=torch.Size([1000000]),
    device=None,
    is_shared=False)
to_module(module: Module, *, inplace: bool | None = None, return_swap: bool = True, swap_dest=None, use_state_dict: bool = False, non_blocking: bool = False, memo=None)

遞迴地將 TensorDictBase 實例的內容寫入給定的 nn.Module 屬性中。

to_module 也可以用作上下文管理器,以暫時使用一組參數/緩衝區來填充模組 (請參閱以下範例)。

參數:

module (nn.Module) – 要將參數寫入的模組。

關鍵字參數:
  • inplace (bool, optional) – 如果 True,則模組中的參數或 tensors 將會就地更新。預設為 False

  • return_swap (bool, optional) – 如果 True,則會回傳舊的參數配置。預設值為 False

  • swap_dest (TensorDictBase, optional) – 如果 return_swapTrue,則為應該寫入交換的 tensordict。

  • use_state_dict (bool, optional) – 如果 True,則會使用 state-dict API 來載入參數(包含 state-dict hooks)。預設值為 False

  • non_blocking (bool, optional) – 如果 True 且此複製發生在不同裝置之間,則此複製可能會相對於主機非同步發生。

範例

>>> from torch import nn
>>> module = nn.TransformerDecoder(
...     decoder_layer=nn.TransformerDecoderLayer(nhead=4, d_model=4),
...     num_layers=1)
>>> params = TensorDict.from_module(module)
>>> params.data.zero_()
>>> params.to_module(module)
>>> assert (module.layers[0].linear1.weight == 0).all()

使用 tensordict 作為上下文管理器對於進行函數式呼叫很有用: .. rubric:: 範例

>>> from tensordict import from_module
>>> module = nn.TransformerDecoder(
...     decoder_layer=nn.TransformerDecoderLayer(nhead=4, d_model=4),
...     num_layers=1)
>>> params = TensorDict.from_module(module)
>>> params = params.data * 0 # Use TensorDictParams to remake these tensors regular nn.Parameter instances
>>> with params.to_module(module):
...     # Call the module with zeroed params
...     y = module(*inputs)
>>> # The module is repopulated with its original params
>>> assert (TensorDict.from_module(module) != 0).any()
傳回:

如果 return_swapTrue,則為包含模組值的 tensordict,否則為 None

to_namedtuple(dest_cls: Optional[type] = None)

將 tensordict 轉換為 namedtuple。

參數:

dest_cls (Type, optional) – 要使用的可選 namedtuple 類別。

範例

>>> from tensordict import TensorDict
>>> import torch
>>> data = TensorDict({
...     "a_tensor": torch.zeros((3)),
...     "nested": {"a_tensor": torch.zeros((3)), "a_string": "zero!"}}, [3])
>>> data.to_namedtuple()
GenericDict(a_tensor=tensor([0., 0., 0.]), nested=GenericDict(a_tensor=tensor([0., 0., 0.]), a_string='zero!'))
to_padded_tensor(padding=0.0, mask_key: Optional[NestedKey] = None)

將所有巢狀 tensors 轉換為填充版本,並相應地調整 batch-size。

參數:
  • padding (float) – tensordict 中 tensors 的填充值。預設值為 0.0

  • mask_key (NestedKey, optional) – 如果提供,則為將寫入有效值遮罩的鍵。如果異質維度不是 tensordict batch-size 的一部分,則會導致錯誤。預設值為 None

to_pytree()

將 tensordict 轉換為 PyTree。

如果 tensordict 不是從 pytree 建立的,則此方法只會回傳 self 而不進行修改。

參閱 from_pytree() 以取得更多資訊和範例。

to_struct_array()

將 tensordict 轉換為 numpy 結構化陣列。

from_struct_array() - to_struct_array() 迴圈中,輸入和輸出陣列的內容應該相符。但是,to_struct_array 不會保留原始陣列的記憶體內容。

參閱 from_struct_array() 以取得更多資訊。

to_tensordict(*, retain_none: Optional[bool] = None) T

從 TensorDictBase 回傳一個常規的 TensorDict 實例。

參數:

retain_none (bool) –

如果 True,則 tensorclass 實例中的 None 值將會寫入 tensordict。 否則,它們將被丟棄。預設值:True

注意

從 v0.8 開始,預設值將切換為 False

傳回:

包含相同值的新 TensorDict 物件。

transpose(dim0, dim1)

回傳一個 tensordict,它是輸入的轉置版本。給定的維度 dim0dim1 會被交換。

轉置 tensordict 的就地或異地修改也會影響原始 tensordict,因為記憶體是共享的,並且操作會映射回原始 tensordict。

範例

>>> tensordict = TensorDict({"a": torch.randn(3, 4, 5)}, [3, 4])
>>> tensordict_transpose = tensordict.transpose(0, 1)
>>> print(tensordict_transpose.shape)
torch.Size([4, 3])
>>> tensordict_transpose.set("b",, torch.randn(4, 3))
>>> print(tensordict.get("b").shape)
torch.Size([3, 4])
trunc() T

計算 TensorDict 中每個元素的 trunc() 值。

trunc_() T

就地計算 TensorDict 中每個元素的 trunc() 值。

type(dst_type)

將所有 tensors 轉換為 dst_type

參數:

dst_type (typestring) – 想要的類型

uint16()

將所有 tensors 轉換為 torch.uint16

uint32()

將所有 tensors 轉換為 torch.uint32

uint64()

將所有 tensors 轉換為 torch.uint64

uint8()

將所有 tensors 轉換為 torch.uint8

unbind(dim: int) tuple[T, ...]

返回沿指定維度解綁的索引 tensordicts 的 tuple。

範例

>>> td = TensorDict({
...     'x': torch.arange(12).reshape(3, 4),
... }, batch_size=[3, 4])
>>> td0, td1, td2 = td.unbind(0)
>>> td0['x']
tensor([0, 1, 2, 3])
>>> td1['x']
tensor([4, 5, 6, 7])
unflatten(dim, unflattened_size)

展開 tensordict 維度,將其擴展為想要的形狀。

參數:
  • dim (int) – 指定要展開的輸入 tensor 的維度。

  • unflattened_size (shape) – 是 tensordict 的展開維度的新形狀。

範例

>>> td = TensorDict({
...     "a": torch.arange(60).view(3, 4, 5),
...     "b": torch.arange(12).view(3, 4)},
...     batch_size=[3, 4])
>>> td_flat = td.flatten(0, 1)
>>> td_unflat = td_flat.unflatten(0, [3, 4])
>>> assert (td == td_unflat).all()
unflatten_keys(separator: str = '.', inplace: bool = False) T

將扁平的 tensordict 遞迴地轉換為巢狀的 tensordict。

TensorDict 類型將會遺失,結果會是簡單的 TensorDict 實例。巢狀 tensordict 的 metadata 將從根節點推斷:資料樹中的所有實例將共享相同的批次大小 (batch-size)、維度名稱和裝置。

參數:
  • separator (str, optional) – 巢狀項目之間的分隔符 (separator)。

  • inplace (bool, optional) – 如果 True,則產生的 tensordict 將與呼叫的 tensordict 具有相同的識別 (identity)。預設為 False

範例

>>> data = TensorDict({"a": 1, "b - c": 2, "e - f - g": 3}, batch_size=[])
>>> data.unflatten_keys(separator=" - ")
TensorDict(
    fields={
        a: Tensor(shape=torch.Size([]), device=cpu, dtype=torch.int64, is_shared=False),
        b: TensorDict(
            fields={
                c: Tensor(shape=torch.Size([]), device=cpu, dtype=torch.int64, is_shared=False)},
            batch_size=torch.Size([]),
            device=None,
            is_shared=False),
        e: TensorDict(
            fields={
                f: TensorDict(
                    fields={
                        g: Tensor(shape=torch.Size([]), device=cpu, dtype=torch.int64, is_shared=False)},
                    batch_size=torch.Size([]),
                    device=None,
                    is_shared=False)},
            batch_size=torch.Size([]),
            device=None,
            is_shared=False)},
    batch_size=torch.Size([]),
    device=None,
    is_shared=False)

當處理 state-dicts 時,此方法和 unflatten_keys() 特別有用,因為它們可以無縫地將扁平字典轉換為模擬模型結構的資料結構。

範例

>>> model = torch.nn.Sequential(torch.nn.Linear(3 ,4))
>>> ddp_model = torch.ao.quantization.QuantWrapper(model)
>>> state_dict = TensorDict(ddp_model.state_dict(), batch_size=[]).unflatten_keys(".")
>>> print(state_dict)
TensorDict(
    fields={
        module: TensorDict(
            fields={
                0: TensorDict(
                    fields={
                        bias: Tensor(shape=torch.Size([4]), device=cpu, dtype=torch.float32, is_shared=False),
                        weight: Tensor(shape=torch.Size([4, 3]), device=cpu, dtype=torch.float32, is_shared=False)},
                    batch_size=torch.Size([]),
                    device=None,
                    is_shared=False)},
            batch_size=torch.Size([]),
            device=None,
            is_shared=False)},
    batch_size=torch.Size([]),
    device=None,
    is_shared=False)
>>> model_state_dict = state_dict.get("module")
>>> print(model_state_dict)
TensorDict(
    fields={
        0: TensorDict(
            fields={
                bias: Tensor(shape=torch.Size([4]), device=cpu, dtype=torch.float32, is_shared=False),
                weight: Tensor(shape=torch.Size([4, 3]), device=cpu, dtype=torch.float32, is_shared=False)},
            batch_size=torch.Size([]),
            device=None,
            is_shared=False)},
    batch_size=torch.Size([]),
    device=None,
    is_shared=False)
>>> model.load_state_dict(dict(model_state_dict.flatten_keys(".")))
unlock_() T

解鎖 tensordict 以進行非原地 (non in-place) 操作。

可以用作裝飾器 (decorator)。

請參閱 lock_() 以取得更多詳細資訊。

unsqueeze(*args, **kwargs)

對介於 -td.batch_dimstd.batch_dims 之間的維度中的所有 tensors 進行 Unsqueeze 操作,並將其返回到新的 tensordict 中。

參數:

dim (int) – 要沿其進行 unsqueeze 操作的維度

範例

>>> td = TensorDict({
...     'x': torch.arange(24).reshape(3, 4, 2),
... }, batch_size=[3, 4])
>>> td = td.unsqueeze(-2)
>>> td.shape
torch.Size([3, 1, 4])
>>> td.get("x").shape
torch.Size([3, 1, 4, 2])

此操作也可以用作上下文管理器。對原始 tensordict 的更改將以異地 (out-place) 方式發生,即原始 tensors 的內容不會被更改。這也假設 tensordict 沒有被鎖定(否則,需要解鎖 tensordict)。

>>> td = TensorDict({
...     'x': torch.arange(24).reshape(3, 4, 2),
... }, batch_size=[3, 4])
>>> with td.unsqueeze(-2) as tds:
...     tds.set("y", torch.zeros(3, 1, 4))
>>> assert td.get("y").shape == [3, 4]
update(input_dict_or_td: Union[dict[str, torch.Tensor], T], clone: bool = False, inplace: bool = False, *, non_blocking: bool = False, keys_to_update: Optional[Sequence[NestedKey]] = None, is_leaf: Optional[Callable[[Type], bool]] = None) T

使用來自字典或另一個 TensorDict 的值更新 TensorDict。

參數:
  • input_dict_or_td (TensorDictBasedict) – 要寫入 self 的輸入資料。

  • clone (bool, optional) – 是否應在設定之前複製輸入(tensor)字典中的 tensors。預設為 False

  • inplace (bool, optional) – 如果 True 且某個鍵與 tensordict 中現有的鍵匹配,則更新將針對該鍵值對進行就地更新。如果找不到該條目,則會將其新增。預設為 False

關鍵字參數:
  • keys_to_update (NestedKeys 的序列, optional) – 如果提供,則僅更新 key_to_update 中的鍵清單。 目的是避免呼叫 data_dest.update(data_src.select(*keys_to_update))

  • non_blocking (bool, optional) – 如果 True 且此複製發生在不同裝置之間,則此複製可能會相對於主機非同步發生。

  • is_leaf (Callable[[Type], bool], optional) – 一個可呼叫物件,指示物件類型是否應被視為葉節點並進行交換,或者是一個 tensor 集合。

傳回:

self

範例

>>> td = TensorDict({}, batch_size=[3])
>>> a = torch.randn(3)
>>> b = torch.randn(3, 4)
>>> other_td = TensorDict({"a": a, "b": b}, batch_size=[])
>>> td.update(other_td, inplace=True) # writes "a" and "b" even though they can't be found
>>> assert td['a'] is other_td['a']
>>> other_td = other_td.clone().zero_()
>>> td.update(other_td)
>>> assert td['a'] is not other_td['a']
update_(input_dict_or_td: Union[dict[str, torch.Tensor], T], clone: bool = False, *, non_blocking: bool = False, keys_to_update: Optional[Sequence[NestedKey]] = None) T

使用來自字典或另一個 TensorDict 的值,就地更新 TensorDict。

update() 不同,如果 self 不知道此鍵,此函數會拋出錯誤。

參數:
  • input_dict_or_td (TensorDictBasedict) – 要寫入 self 的輸入資料。

  • clone (bool, optional) – 是否應在設定之前複製輸入(tensor)字典中的 tensors。預設為 False

關鍵字參數:
  • keys_to_update (NestedKeys 的序列, 選用) – 如果提供,則只會更新 key_to_update 中的鍵清單。 這是為了避免呼叫 data_dest.update_(data_src.select(*keys_to_update))

  • non_blocking (bool, optional) – 如果 True 且此複製發生在不同裝置之間,則此複製可能會相對於主機非同步發生。

傳回:

self

範例

>>> a = torch.randn(3)
>>> b = torch.randn(3, 4)
>>> td = TensorDict({"a": a, "b": b}, batch_size=[3])
>>> other_td = TensorDict({"a": a*0, "b": b*0}, batch_size=[])
>>> td.update_(other_td)
>>> assert td['a'] is not other_td['a']
>>> assert (td['a'] == other_td['a']).all()
>>> assert (td['a'] == 0).all()
update_at_(input_dict_or_td: Union[dict[str, torch.Tensor], T], idx: Union[None, int, slice, str, Tensor, List[Any], Tuple[Any, ...]], clone: bool = False, *, non_blocking: bool = False, keys_to_update: Optional[Sequence[NestedKey]] = None) T

使用來自字典或另一個 TensorDict 的值,在指定的索引處就地更新 TensorDict。

與 TensorDict.update 不同,如果 TensorDict 不知道此鍵,此函數會拋出錯誤。

參數:
  • input_dict_or_td (TensorDictBasedict) – 要寫入 self 的輸入資料。

  • idx (int, torch.Tensor, iterable, slice) – 應該發生更新的 tensordict 的索引。

  • clone (bool, optional) – 是否在設定前複製輸入(tensor)字典中的 tensors。預設值為 False

關鍵字參數:
  • keys_to_update (sequence of NestedKeys, optional) – 如果提供,則只會更新 key_to_update 中的 key 列表。

  • non_blocking (bool, optional) – 如果 True 且此複製發生在不同裝置之間,則此複製可能會相對於主機非同步發生。

傳回:

self

範例

>>> td = TensorDict({
...     'a': torch.zeros(3, 4, 5),
...     'b': torch.zeros(3, 4, 10)}, batch_size=[3, 4])
>>> td.update_at_(
...     TensorDict({
...         'a': torch.ones(1, 4, 5),
...         'b': torch.ones(1, 4, 10)}, batch_size=[1, 4]),
...    slice(1, 2))
TensorDict(
    fields={
        a: Tensor(torch.Size([3, 4, 5]), dtype=torch.float32),
        b: Tensor(torch.Size([3, 4, 10]), dtype=torch.float32)},
    batch_size=torch.Size([3, 4]),
    device=None,
    is_shared=False)
>>> assert (td[1] == 1).all()
values(include_nested: bool = False, leaves_only: bool = False, is_leaf=None, *, sort: bool = False) Iterator[Tensor]

傳回一個產生器,表示 tensordict 的值。

參數:
  • include_nested (bool, optional) – 如果 True,將傳回巢狀值。預設為 False

  • leaves_only (bool, optional) – 如果 False,則僅傳回葉節點。預設為 False

  • is_leaf – 一個可選的可呼叫物件,用於指示是否將某個類別視為葉節點。

關鍵字參數:

sort (bool, optional) – 是否應該對鍵進行排序。對於巢狀鍵,鍵會根據其聯結名稱進行排序 (例如,("a", "key") 將被視為 "a.key" 進行排序)。請注意,在處理大型 tensordict 時,排序可能會產生大量額外開銷。預設為 False

var(dim: Union[int, Tuple[int]] = _NoDefault.ZERO, keepdim: bool = _NoDefault.ZERO, *, correction: int = 1, reduce: Optional[bool] = None) tensordict.base.TensorDictBase | torch.Tensor

傳回輸入 tensordict 中所有元素的變異數值。

參數:
  • dim (int, tuple of int, optional) – 如果為 None,則傳回包含所有 leaves 總和值的無維度 tensordict(如果可以計算)。如果為整數或整數元組,則僅當此維度與 tensordict shape 相容時,才對指定的維度呼叫 var

  • keepdim (bool) – 輸出張量是否保留 dim。

關鍵字參數:
  • correction (int) – 樣本大小與樣本自由度之間的差異。預設為 Bessel 校正,correction=1。

  • reduce (bool, optional) – 如果 True,則將在所有 TensorDict 值之間進行歸約,並傳回單個歸約張量。預設值為 False

view(*shape: int, size: list | tuple | torch.Size | None = None, batch_size: torch.Size | None = None)

傳回一個 tensordict,其 tensors 的檢視根據與 tensordict batch_size 相容的新 shape。

或者,可以將 dtype 作為第一個未命名的參數提供。在這種情況下,所有張量將使用對應的 dtype 檢視。請注意,這假設新的形狀將與提供的 dtype 相容。有關 dtype 檢視的更多資訊,請參閱 view()

參數:
  • *shape (int) – 結果 tensordict 的新形狀。

  • dtype (torch.dtype) – 或者,用於表示張量內容的 dtype。

  • size – 可迭代物件

關鍵字參數:

batch_size (torch.Size, optional) – 如果提供了 dtype,可以使用此關鍵字參數重設 batch_size。 如果使用形狀呼叫 view,則此操作無效。

傳回:

具有所需 batch_size 的新 tensordict。

範例

>>> td = TensorDict(source={'a': torch.zeros(3,4,5),
...    'b': torch.zeros(3,4,10,1)}, batch_size=torch.Size([3, 4]))
>>> td_view = td.view(12)
>>> print(td_view.get("a").shape)  # torch.Size([12, 5])
>>> print(td_view.get("b").shape)  # torch.Size([12, 10, 1])
>>> td_view = td.view(-1, 4, 3)
>>> print(td_view.get("a").shape)  # torch.Size([1, 4, 3, 5])
>>> print(td_view.get("b").shape)  # torch.Size([1, 4, 3, 10, 1])
where(condition, other, *, out=None, pad=None)

根據 condition,傳回從 self 或 other 中選擇元素的 TensorDict

參數:
  • condition (BoolTensor) – 當 True(非零)時,產生 self,否則產生 other

  • other (TensorDictBaseScalar) – 值(如果 other 是純量)或在 condition 為 False 的索引處選擇的值。

關鍵字參數:
  • out (TensorDictBase, optional) – 輸出 TensorDictBase 實例。

  • pad (純量, optional) – 如果提供,則來源或目標 tensordict 中缺少的鍵將寫為 torch.where(mask, self, pad)torch.where(mask, pad, other)。預設為 None,即不容許缺少鍵。

zero_() T

就地將 tensordict 中的所有張量歸零。

zero_grad(set_to_none: bool = True) T

遞迴地將 TensorDict 的所有梯度歸零。

參數:

set_to_none (bool, optional) – 如果 True,則 tensor.grad 將為 None,否則為 0。預設為 True

文件

存取 PyTorch 的全面開發人員文件

檢視文件

教學

取得初學者和高級開發人員的深入教學課程

檢視教學課程

資源

尋找開發資源並獲得問題解答

檢視資源