2018-10-21 23:43:57 -07:00
|
|
|
import logging
|
2019-01-03 13:48:33 +08:00
|
|
|
import numpy as np
|
2020-11-12 03:16:12 -08:00
|
|
|
import gym
|
2017-11-12 00:20:33 -08:00
|
|
|
|
2019-07-25 11:02:53 -07:00
|
|
|
from ray.rllib.models.torch.torch_modelv2 import TorchModelV2
|
2022-01-29 18:41:57 -08:00
|
|
|
from ray.rllib.models.torch.misc import SlimFC, AppendBiasLayer, normc_initializer
|
2019-01-03 13:48:33 +08:00
|
|
|
from ray.rllib.utils.annotations import override
|
2020-08-19 17:49:50 +02:00
|
|
|
from ray.rllib.utils.framework import try_import_torch
|
2020-11-12 03:16:12 -08:00
|
|
|
from ray.rllib.utils.typing import Dict, TensorType, List, ModelConfigDict
|
2019-12-30 15:27:32 -05:00
|
|
|
|
2020-05-12 10:14:05 -07:00
|
|
|
torch, nn = try_import_torch()
|
2018-10-21 23:43:57 -07:00
|
|
|
|
2019-01-03 13:48:33 +08:00
|
|
|
logger = logging.getLogger(__name__)
|
2017-11-12 00:20:33 -08:00
|
|
|
|
2018-05-30 10:48:11 -07:00
|
|
|
|
2020-06-10 15:41:59 +02:00
|
|
|
class FullyConnectedNetwork(TorchModelV2, nn.Module):
|
2019-01-03 13:48:33 +08:00
|
|
|
"""Generic fully connected network."""
|
2017-11-12 00:20:33 -08:00
|
|
|
|
2022-01-29 18:41:57 -08:00
|
|
|
def __init__(
|
|
|
|
self,
|
|
|
|
obs_space: gym.spaces.Space,
|
|
|
|
action_space: gym.spaces.Space,
|
|
|
|
num_outputs: int,
|
|
|
|
model_config: ModelConfigDict,
|
|
|
|
name: str,
|
|
|
|
):
|
|
|
|
TorchModelV2.__init__(
|
|
|
|
self, obs_space, action_space, num_outputs, model_config, name
|
|
|
|
)
|
2020-06-10 15:41:59 +02:00
|
|
|
nn.Module.__init__(self)
|
2019-07-25 11:02:53 -07:00
|
|
|
|
2022-01-29 18:41:57 -08:00
|
|
|
hiddens = list(model_config.get("fcnet_hiddens", [])) + list(
|
|
|
|
model_config.get("post_fcnet_hiddens", [])
|
|
|
|
)
|
2020-08-19 17:49:50 +02:00
|
|
|
activation = model_config.get("fcnet_activation")
|
2021-02-02 13:05:58 +01:00
|
|
|
if not model_config.get("fcnet_hiddens", []):
|
|
|
|
activation = model_config.get("post_fcnet_activation")
|
2020-04-15 13:25:16 +02:00
|
|
|
no_final_linear = model_config.get("no_final_linear")
|
2020-06-05 15:40:30 +02:00
|
|
|
self.vf_share_layers = model_config.get("vf_share_layers")
|
2020-05-12 10:14:05 -07:00
|
|
|
self.free_log_std = model_config.get("free_log_std")
|
2020-06-05 15:40:30 +02:00
|
|
|
# Generate free-floating bias variables for the second half of
|
2020-05-12 10:14:05 -07:00
|
|
|
# the outputs.
|
|
|
|
if self.free_log_std:
|
|
|
|
assert num_outputs % 2 == 0, (
|
2022-01-29 18:41:57 -08:00
|
|
|
"num_outputs must be divisible by two",
|
|
|
|
num_outputs,
|
|
|
|
)
|
2020-05-12 10:14:05 -07:00
|
|
|
num_outputs = num_outputs // 2
|
|
|
|
|
2020-06-05 15:40:30 +02:00
|
|
|
layers = []
|
|
|
|
prev_layer_size = int(np.product(obs_space.shape))
|
|
|
|
self._logits = None
|
|
|
|
|
2020-04-15 13:25:16 +02:00
|
|
|
# Create layers 0 to second-last.
|
|
|
|
for size in hiddens[:-1]:
|
2018-05-30 10:48:11 -07:00
|
|
|
layers.append(
|
|
|
|
SlimFC(
|
2020-04-15 13:25:16 +02:00
|
|
|
in_size=prev_layer_size,
|
2018-05-30 10:48:11 -07:00
|
|
|
out_size=size,
|
|
|
|
initializer=normc_initializer(1.0),
|
2022-01-29 18:41:57 -08:00
|
|
|
activation_fn=activation,
|
|
|
|
)
|
|
|
|
)
|
2020-04-15 13:25:16 +02:00
|
|
|
prev_layer_size = size
|
|
|
|
|
|
|
|
# The last layer is adjusted to be of size num_outputs, but it's a
|
|
|
|
# layer with activation.
|
2020-05-12 10:14:05 -07:00
|
|
|
if no_final_linear and num_outputs:
|
2020-04-15 13:25:16 +02:00
|
|
|
layers.append(
|
|
|
|
SlimFC(
|
|
|
|
in_size=prev_layer_size,
|
2020-05-12 10:14:05 -07:00
|
|
|
out_size=num_outputs,
|
2020-04-15 13:25:16 +02:00
|
|
|
initializer=normc_initializer(1.0),
|
2022-01-29 18:41:57 -08:00
|
|
|
activation_fn=activation,
|
|
|
|
)
|
|
|
|
)
|
2020-05-12 10:14:05 -07:00
|
|
|
prev_layer_size = num_outputs
|
2020-04-15 13:25:16 +02:00
|
|
|
# Finish the layers with the provided sizes (`hiddens`), plus -
|
|
|
|
# iff num_outputs > 0 - a last linear layer of size num_outputs.
|
|
|
|
else:
|
|
|
|
if len(hiddens) > 0:
|
|
|
|
layers.append(
|
|
|
|
SlimFC(
|
|
|
|
in_size=prev_layer_size,
|
|
|
|
out_size=hiddens[-1],
|
|
|
|
initializer=normc_initializer(1.0),
|
2022-01-29 18:41:57 -08:00
|
|
|
activation_fn=activation,
|
|
|
|
)
|
|
|
|
)
|
2020-04-15 13:25:16 +02:00
|
|
|
prev_layer_size = hiddens[-1]
|
2020-05-12 10:14:05 -07:00
|
|
|
if num_outputs:
|
2020-04-15 13:25:16 +02:00
|
|
|
self._logits = SlimFC(
|
2020-04-21 09:47:52 +02:00
|
|
|
in_size=prev_layer_size,
|
2020-05-12 10:14:05 -07:00
|
|
|
out_size=num_outputs,
|
2020-04-15 13:25:16 +02:00
|
|
|
initializer=normc_initializer(0.01),
|
2022-01-29 18:41:57 -08:00
|
|
|
activation_fn=None,
|
|
|
|
)
|
2020-04-15 13:25:16 +02:00
|
|
|
else:
|
2022-01-29 18:41:57 -08:00
|
|
|
self.num_outputs = ([int(np.product(obs_space.shape))] + hiddens[-1:])[
|
|
|
|
-1
|
|
|
|
]
|
2017-11-12 00:20:33 -08:00
|
|
|
|
2020-05-12 10:14:05 -07:00
|
|
|
# Layer to add the log std vars to the state-dependent means.
|
2020-06-05 15:40:30 +02:00
|
|
|
if self.free_log_std and self._logits:
|
2020-05-12 10:14:05 -07:00
|
|
|
self._append_free_log_std = AppendBiasLayer(num_outputs)
|
|
|
|
|
2019-01-03 13:48:33 +08:00
|
|
|
self._hidden_layers = nn.Sequential(*layers)
|
2017-11-12 00:20:33 -08:00
|
|
|
|
2020-06-05 15:40:30 +02:00
|
|
|
self._value_branch_separate = None
|
|
|
|
if not self.vf_share_layers:
|
|
|
|
# Build a parallel set of hidden layers for the value net.
|
|
|
|
prev_vf_layer_size = int(np.product(obs_space.shape))
|
2020-06-20 00:05:19 +02:00
|
|
|
vf_layers = []
|
2020-06-05 15:40:30 +02:00
|
|
|
for size in hiddens:
|
2020-06-20 00:05:19 +02:00
|
|
|
vf_layers.append(
|
2020-06-05 15:40:30 +02:00
|
|
|
SlimFC(
|
|
|
|
in_size=prev_vf_layer_size,
|
|
|
|
out_size=size,
|
|
|
|
activation_fn=activation,
|
2022-01-29 18:41:57 -08:00
|
|
|
initializer=normc_initializer(1.0),
|
|
|
|
)
|
|
|
|
)
|
2020-06-05 15:40:30 +02:00
|
|
|
prev_vf_layer_size = size
|
2020-06-20 00:05:19 +02:00
|
|
|
self._value_branch_separate = nn.Sequential(*vf_layers)
|
2020-06-05 15:40:30 +02:00
|
|
|
|
2019-01-03 13:48:33 +08:00
|
|
|
self._value_branch = SlimFC(
|
2020-04-15 13:25:16 +02:00
|
|
|
in_size=prev_layer_size,
|
2018-05-30 10:48:11 -07:00
|
|
|
out_size=1,
|
2021-02-02 18:42:49 +01:00
|
|
|
initializer=normc_initializer(0.01),
|
2022-01-29 18:41:57 -08:00
|
|
|
activation_fn=None,
|
|
|
|
)
|
2020-05-14 10:15:50 +02:00
|
|
|
# Holds the current "base" output (before logits layer).
|
|
|
|
self._features = None
|
2020-06-05 15:40:30 +02:00
|
|
|
# Holds the last input, in case value branch is separate.
|
|
|
|
self._last_flat_in = None
|
2017-11-12 00:20:33 -08:00
|
|
|
|
2019-07-25 11:02:53 -07:00
|
|
|
@override(TorchModelV2)
|
2022-01-29 18:41:57 -08:00
|
|
|
def forward(
|
|
|
|
self,
|
|
|
|
input_dict: Dict[str, TensorType],
|
|
|
|
state: List[TensorType],
|
|
|
|
seq_lens: TensorType,
|
|
|
|
) -> (TensorType, List[TensorType]):
|
2020-05-08 08:20:18 +02:00
|
|
|
obs = input_dict["obs_flat"].float()
|
2020-06-05 15:40:30 +02:00
|
|
|
self._last_flat_in = obs.reshape(obs.shape[0], -1)
|
|
|
|
self._features = self._hidden_layers(self._last_flat_in)
|
2022-01-29 18:41:57 -08:00
|
|
|
logits = self._logits(self._features) if self._logits else self._features
|
2020-05-12 10:14:05 -07:00
|
|
|
if self.free_log_std:
|
|
|
|
logits = self._append_free_log_std(logits)
|
2019-07-25 11:02:53 -07:00
|
|
|
return logits, state
|
|
|
|
|
|
|
|
@override(TorchModelV2)
|
2020-11-12 03:16:12 -08:00
|
|
|
def value_function(self) -> TensorType:
|
2020-05-14 10:15:50 +02:00
|
|
|
assert self._features is not None, "must call forward() first"
|
2020-06-05 15:40:30 +02:00
|
|
|
if self._value_branch_separate:
|
|
|
|
return self._value_branch(
|
2022-01-29 18:41:57 -08:00
|
|
|
self._value_branch_separate(self._last_flat_in)
|
|
|
|
).squeeze(1)
|
2020-06-05 15:40:30 +02:00
|
|
|
else:
|
|
|
|
return self._value_branch(self._features).squeeze(1)
|