|
|
|
|
|
|
from mlagents.torch_utils import torch |
|
|
|
from typing import Tuple, Optional, List |
|
|
|
from mlagents.trainers.torch.layers import LinearEncoder, Initialization, linear_layer |
|
|
|
from mlagents.trainers.torch.layers import ( |
|
|
|
LinearEncoder, |
|
|
|
Initialization, |
|
|
|
linear_layer, |
|
|
|
LayerNorm, |
|
|
|
) |
|
|
|
""" |
|
|
|
Multi Head Attention module. We do not use the regular Torch implementation since |
|
|
|
Barracuda does not support some operators it uses. |
|
|
|
Takes as input to the forward method 3 tensors: |
|
|
|
- query: of dimensions (batch_size, number_of_queries, embedding_size) |
|
|
|
- key: of dimensions (batch_size, number_of_keys, embedding_size) |
|
|
|
- value: of dimensions (batch_size, number_of_keys, embedding_size) |
|
|
|
The forward method will return 2 tensors: |
|
|
|
- The output: (batch_size, number_of_queries, embedding_size) |
|
|
|
- The attention matrix: (batch_size, num_heads, number_of_queries, number_of_keys) |
|
|
|
""" |
|
|
|
""" |
|
|
|
Multi Head Attention module. We do not use the regular Torch implementation since |
|
|
|
Barracuda does not support some operators it uses. |
|
|
|
Takes as input to the forward method 3 tensors: |
|
|
|
- query: of dimensions (batch_size, number_of_queries, embedding_size) |
|
|
|
- key: of dimensions (batch_size, number_of_keys, embedding_size) |
|
|
|
- value: of dimensions (batch_size, number_of_keys, embedding_size) |
|
|
|
The forward method will return 2 tensors: |
|
|
|
- The output: (batch_size, number_of_queries, embedding_size) |
|
|
|
- The attention matrix: (batch_size, num_heads, number_of_queries, number_of_keys) |
|
|
|
:param embedding_size: The size of the embeddings that will be generated (should be |
|
|
|
dividable by the num_heads) |
|
|
|
:param total_max_elements: The maximum total number of entities that can be passed to |
|
|
|
the module |
|
|
|
:param num_heads: The number of heads of the attention module |
|
|
|
""" |
|
|
|
super().__init__() |
|
|
|
self.n_heads = num_heads |
|
|
|
self.head_size: int = embedding_size // self.n_heads |
|
|
|
|
|
|
return value_attention, att |
|
|
|
|
|
|
|
|
|
|
|
class EntityEmbeddings(torch.nn.Module): |
|
|
|
""" |
|
|
|
A module used to embed entities before passing them to a self-attention block. |
|
|
|
Used in conjunction with ResidualSelfAttention to encode information about a self |
|
|
|
and additional entities. Can also concatenate self to entities for ego-centric self- |
|
|
|
attention. Inspired by architecture used in https://arxiv.org/pdf/1909.07528.pdf. |
|
|
|
""" |
|
|
|
|
|
|
|
class EntityEmbedding(torch.nn.Module): |
|
|
|
entity_sizes: List[int], |
|
|
|
entity_size: int, |
|
|
|
entity_num_max_elements: Optional[int], |
|
|
|
entity_num_max_elements: Optional[List[int]] = None, |
|
|
|
:param entity_sizes: List of sizes for other entities. Should be of length |
|
|
|
equivalent to the number of entities. |
|
|
|
:param embedding_size: Embedding size for entity encoders. |
|
|
|
:param entity_num_max_elements: Maximum elements in an entity, None for unrestricted. |
|
|
|
:param entity_size: Size of other entitiy. |
|
|
|
:param entity_num_max_elements: Maximum elements for a given entity, None for unrestricted. |
|
|
|
:param concat_self: Whether to concatenate x_self to entites. Set True for ego-centric |
|
|
|
:param embedding_size: Embedding size for the entity encoder. |
|
|
|
:param concat_self: Whether to concatenate x_self to entities. Set True for ego-centric |
|
|
|
self.entity_sizes: List[int] = entity_sizes |
|
|
|
self.entity_num_max_elements: List[int] = [-1] * len(entity_sizes) |
|
|
|
self.entity_size: int = entity_size |
|
|
|
self.entity_num_max_elements: int = -1 |
|
|
|
if entity_num_max_elements is not None: |
|
|
|
self.entity_num_max_elements = entity_num_max_elements |
|
|
|
|
|
|
|
|
|
|
self.self_size = 0 |
|
|
|
self.ent_encoders = torch.nn.ModuleList( |
|
|
|
[ |
|
|
|
LinearEncoder( |
|
|
|
self.self_size + ent_size, |
|
|
|
1, |
|
|
|
embedding_size, |
|
|
|
kernel_init=Initialization.Normal, |
|
|
|
kernel_gain=(0.125 / embedding_size) ** 0.5, |
|
|
|
) |
|
|
|
for ent_size in self.entity_sizes |
|
|
|
] |
|
|
|
# Initialization scheme from http://www.cs.toronto.edu/~mvolkovs/ICML2020_tfixup.pdf |
|
|
|
self.ent_encoder = LinearEncoder( |
|
|
|
self.self_size + self.entity_size, |
|
|
|
1, |
|
|
|
embedding_size, |
|
|
|
kernel_init=Initialization.Normal, |
|
|
|
kernel_gain=(0.125 / embedding_size) ** 0.5, |
|
|
|
def forward( |
|
|
|
self, x_self: torch.Tensor, entities: List[torch.Tensor] |
|
|
|
) -> Tuple[torch.Tensor, int]: |
|
|
|
def forward(self, x_self: torch.Tensor, entities: torch.Tensor) -> torch.Tensor: |
|
|
|
num_entities = self.entity_num_max_elements |
|
|
|
if num_entities < 0: |
|
|
|
if exporting_to_onnx.is_exporting(): |
|
|
|
raise UnityTrainerException( |
|
|
|
"Trying to export an attention mechanism that doesn't have a set max \ |
|
|
|
number of elements." |
|
|
|
) |
|
|
|
num_entities = entities.shape[1] |
|
|
|
expanded_self = x_self.reshape(-1, 1, self.self_size) |
|
|
|
expanded_self = torch.cat([expanded_self] * num_entities, dim=1) |
|
|
|
self_and_ent: List[torch.Tensor] = [] |
|
|
|
for num_entities, ent in zip(self.entity_num_max_elements, entities): |
|
|
|
if num_entities < 0: |
|
|
|
if exporting_to_onnx.is_exporting(): |
|
|
|
raise UnityTrainerException( |
|
|
|
"Trying to export an attention mechanism that doesn't have a set max \ |
|
|
|
number of elements." |
|
|
|
) |
|
|
|
num_entities = ent.shape[1] |
|
|
|
expanded_self = x_self.reshape(-1, 1, self.self_size) |
|
|
|
expanded_self = torch.cat([expanded_self] * num_entities, dim=1) |
|
|
|
self_and_ent.append(torch.cat([expanded_self, ent], dim=2)) |
|
|
|
else: |
|
|
|
self_and_ent = entities |
|
|
|
# Encode and concatenate entites |
|
|
|
encoded_entities = torch.cat( |
|
|
|
[ent_encoder(x) for ent_encoder, x in zip(self.ent_encoders, self_and_ent)], |
|
|
|
dim=1, |
|
|
|
) |
|
|
|
entities = torch.cat([expanded_self, entities], dim=2) |
|
|
|
# Encode entities |
|
|
|
encoded_entities = self.ent_encoder(entities) |
|
|
|
@staticmethod |
|
|
|
def get_masks(observations: List[torch.Tensor]) -> List[torch.Tensor]: |
|
|
|
""" |
|
|
|
Takes a List of Tensors and returns a List of mask Tensor with 1 if the input was |
|
|
|
all zeros (on dimension 2) and 0 otherwise. This is used in the Attention |
|
|
|
layer to mask the padding observations. |
|
|
|
""" |
|
|
|
with torch.no_grad(): |
|
|
|
# Generate the masking tensors for each entities tensor (mask only if all zeros) |
|
|
|
key_masks: List[torch.Tensor] = [ |
|
|
|
(torch.sum(ent ** 2, axis=2) < 0.01).type(torch.FloatTensor) |
|
|
|
for ent in observations |
|
|
|
] |
|
|
|
return key_masks |
|
|
|
|
|
|
|
|
|
|
|
class ResidualSelfAttention(torch.nn.Module): |
|
|
|
""" |
|
|
|
|
|
|
def __init__( |
|
|
|
self, |
|
|
|
embedding_size: int, |
|
|
|
entity_num_max_elements: Optional[List[int]] = None, |
|
|
|
entity_num_max_elements: Optional[int] = None, |
|
|
|
num_heads: int = 4, |
|
|
|
): |
|
|
|
""" |
|
|
|
|
|
|
super().__init__() |
|
|
|
self.max_num_ent: Optional[int] = None |
|
|
|
if entity_num_max_elements is not None: |
|
|
|
_entity_num_max_elements = entity_num_max_elements |
|
|
|
self.max_num_ent = sum(_entity_num_max_elements) |
|
|
|
self.max_num_ent = entity_num_max_elements |
|
|
|
# Initialization scheme from http://www.cs.toronto.edu/~mvolkovs/ICML2020_tfixup.pdf |
|
|
|
self.fc_q = linear_layer( |
|
|
|
embedding_size, |
|
|
|
embedding_size, |
|
|
|
|
|
|
kernel_init=Initialization.Normal, |
|
|
|
kernel_gain=(0.125 / embedding_size) ** 0.5, |
|
|
|
) |
|
|
|
self.embedding_norm = LayerNorm() |
|
|
|
self.residual_norm = LayerNorm() |
|
|
|
|
|
|
|
inp = self.embedding_norm(inp) |
|
|
|
# Feed to self attention |
|
|
|
query = self.fc_q(inp) # (b, n_q, emb) |
|
|
|
key = self.fc_k(inp) # (b, n_k, emb) |
|
|
|
|
|
|
output, _ = self.attention(query, key, value, num_ent, num_ent, mask) |
|
|
|
# Residual |
|
|
|
output = self.fc_out(output) + inp |
|
|
|
output = self.residual_norm(output) |
|
|
|
# Residual between x_self and the output of the module |
|
|
|
|
|
|
|
@staticmethod |
|
|
|
def get_masks(observations: List[torch.Tensor]) -> List[torch.Tensor]: |
|
|
|
""" |
|
|
|
Takes a List of Tensors and returns a List of mask Tensor with 1 if the input was |
|
|
|
all zeros (on dimension 2) and 0 otherwise. This is used in the Attention |
|
|
|
layer to mask the padding observations. |
|
|
|
""" |
|
|
|
with torch.no_grad(): |
|
|
|
# Generate the masking tensors for each entities tensor (mask only if all zeros) |
|
|
|
key_masks: List[torch.Tensor] = [ |
|
|
|
(torch.sum(ent ** 2, axis=2) < 0.01).type(torch.FloatTensor) |
|
|
|
for ent in observations |
|
|
|
] |
|
|
|
return key_masks |