快捷方式

MultiAgentMLP

class torchrl.modules.MultiAgentMLP(n_agent_inputs: int | None, n_agent_outputs: int, n_agents: int, centralized: bool | None = None, share_params: bool | None = None, device: Optional[DEVICE_TYPING] = None, depth: Optional[int] = None, num_cells: Optional[Union[Sequence, int]] = None, activation_class: Optional[Type[nn.Module]] = <class 'torch.nn.modules.activation.Tanh'>, **kwargs)[source]

多智能体 MLP。

这是一种 MLP,可以在多智能体环境中使用。例如,作为策略或价值函数。请参见 examples/multiagent 获取示例。

它期望输入形状为 (*B, n_agents, n_agent_inputs) 它返回输出形状为 (*B, n_agents, n_agent_outputs)

如果 share_params 为 True,则将使用相同的 MLP 为所有智能体执行前向传递(同质策略)。否则,每个智能体将使用不同的 MLP 处理其输入(异质策略)。

如果 centralized 为 True,则每个智能体将使用所有智能体的输入来计算其输出(n_agent_inputs * n_agents 将是单个智能体的输入数量)。否则,每个智能体只会使用其数据作为输入。

参数:
  • n_agent_inputs (intNone) – 每个智能体的输入数量。如果为 None,则输入数量将在第一次调用期间延迟实例化。

  • n_agent_outputs (int) – 每个智能体的输出数量。

  • n_agents (int) – 智能体数量。

  • centralized (bool) – 如果 centralized 为 True,则每个智能体将使用所有智能体的输入来计算其输出(n_agent_inputs * n_agents 将是单个智能体的输入数量)。否则,每个智能体只会使用其数据作为输入。

  • share_params (bool) – 如果 share_params 为 True,则将使用相同的 MLP 为所有智能体执行前向传递(同质策略)。否则,每个智能体将使用不同的 MLP 处理其输入(异质策略)。

  • device (strtoech.device, 可选) – 在其上创建模块的设备。

  • depth (int, 可选) – 网络的深度。深度为 0 将生成具有所需输入和输出大小的单个线性层网络。长度为 1 将创建 2 个线性层等。如果未指示深度,则深度信息应包含在 num_cells 参数中(见下文)。如果 num_cells 是可迭代的并且指示了深度,则两者必须匹配:len(num_cells) 必须等于深度。默认值:3。

  • num_cells (intSequence[int], 可选) – 输入和输出之间每一层中单元格的数量。如果提供整数,则每一层将具有相同的单元格数量。如果提供可迭代的,则线性层的 out_features 将与 num_cells 的内容匹配。默认值:32。

  • activation_class (Type[nn.Module]) – 要使用的激活类。默认值:nn.Tanh。

  • **kwargs – 可传递给 torchrl.modules.models.MLP 以自定义 MLP。

注意

要使用 torch.nn.init 模块初始化 MARL 模块参数,请参考 get_stateful_net()from_stateful_net() 方法。

示例

>>> from torchrl.modules import MultiAgentMLP
>>> import torch
>>> n_agents = 6
>>> n_agent_inputs=3
>>> n_agent_outputs=2
>>> batch = 64
>>> obs = torch.zeros(batch, n_agents, n_agent_inputs)
>>> # instantiate a local network shared by all agents (e.g. a parameter-shared policy)
>>> mlp = MultiAgentMLP(
...     n_agent_inputs=n_agent_inputs,
...     n_agent_outputs=n_agent_outputs,
...     n_agents=n_agents,
...     centralized=False,
...     share_params=True,
...     depth=2,
... )
>>> print(mlp)
MultiAgentMLP(
  (agent_networks): ModuleList(
    (0): MLP(
      (0): Linear(in_features=3, out_features=32, bias=True)
      (1): Tanh()
      (2): Linear(in_features=32, out_features=32, bias=True)
      (3): Tanh()
      (4): Linear(in_features=32, out_features=2, bias=True)
    )
  )
)
>>> assert mlp(obs).shape == (batch, n_agents, n_agent_outputs)
Now let's instantiate a centralized network shared by all agents (e.g. a centalised value function)
>>> mlp = MultiAgentMLP(
...     n_agent_inputs=n_agent_inputs,
...     n_agent_outputs=n_agent_outputs,
...     n_agents=n_agents,
...     centralized=True,
...     share_params=True,
...     depth=2,
... )
>>> print(mlp)
MultiAgentMLP(
  (agent_networks): ModuleList(
    (0): MLP(
      (0): Linear(in_features=18, out_features=32, bias=True)
      (1): Tanh()
      (2): Linear(in_features=32, out_features=32, bias=True)
      (3): Tanh()
      (4): Linear(in_features=32, out_features=2, bias=True)
    )
  )
)
We can see that the input to the first layer is n_agents * n_agent_inputs,
this is because in the case the net acts as a centralized mlp (like a single huge agent)
>>> assert mlp(obs).shape == (batch, n_agents, n_agent_outputs)
Outputs will be identical for all agents.
Now we can do both examples just shown but with an independent set of parameters for each agent
Let's show the centralized=False case.
>>> mlp = MultiAgentMLP(
...     n_agent_inputs=n_agent_inputs,
...     n_agent_outputs=n_agent_outputs,
...     n_agents=n_agents,
...     centralized=False,
...     share_params=False,
...     depth=2,
... )
>>> print(mlp)
MultiAgentMLP(
  (agent_networks): ModuleList(
    (0-5): 6 x MLP(
      (0): Linear(in_features=3, out_features=32, bias=True)
      (1): Tanh()
      (2): Linear(in_features=32, out_features=32, bias=True)
      (3): Tanh()
      (4): Linear(in_features=32, out_features=2, bias=True)
    )
  )
)
We can see that this is the same as in the first example, but now we have 6 MLPs, one per agent!
>>> assert mlp(obs).shape == (batch, n_agents, n_agent_outputs)

文档

访问 PyTorch 的全面开发者文档

查看文档

教程

获取针对初学者和高级开发者的深入教程

查看教程

资源

查找开发资源并获得问题的解答

查看资源