2023-01-27 11:28:25 +00:00
|
|
|
"""
|
|
|
|
Proximal Policy Optimization (PPO) - Accelerated with Lightning Fabric
|
|
|
|
|
|
|
|
Author: Federico Belotti @belerico
|
|
|
|
Adapted from https://github.com/vwxyzjn/cleanrl/blob/master/cleanrl/ppo.py
|
|
|
|
Based on the paper: https://arxiv.org/abs/1707.06347
|
|
|
|
|
|
|
|
Requirements:
|
2023-01-30 14:11:43 +00:00
|
|
|
- gymnasium[box2d]>=0.27.1
|
2023-01-27 11:28:25 +00:00
|
|
|
- moviepy
|
|
|
|
- lightning
|
|
|
|
- torchmetrics
|
|
|
|
- tensorboard
|
|
|
|
|
|
|
|
|
|
|
|
Run it with:
|
2024-02-27 16:36:46 +00:00
|
|
|
fabric run --accelerator=cpu --strategy=ddp --devices=2 train_fabric.py
|
2023-01-27 11:28:25 +00:00
|
|
|
"""
|
|
|
|
|
|
|
|
import argparse
|
2023-01-30 14:11:43 +00:00
|
|
|
import os
|
2023-01-27 11:28:25 +00:00
|
|
|
import time
|
2023-03-24 14:09:04 +00:00
|
|
|
from datetime import datetime
|
2023-01-27 11:28:25 +00:00
|
|
|
|
|
|
|
import gymnasium as gym
|
|
|
|
import torch
|
2023-01-30 14:11:43 +00:00
|
|
|
import torchmetrics
|
ruff: replace isort with ruff +TPU (#17684)
* ruff: replace isort with ruff
* [pre-commit.ci] auto fixes from pre-commit.com hooks
for more information, see https://pre-commit.ci
* fixing & imports
* lines in warning test
* docs
* fix enum import
* [pre-commit.ci] auto fixes from pre-commit.com hooks
for more information, see https://pre-commit.ci
* [pre-commit.ci] auto fixes from pre-commit.com hooks
for more information, see https://pre-commit.ci
* [pre-commit.ci] auto fixes from pre-commit.com hooks
for more information, see https://pre-commit.ci
* [pre-commit.ci] auto fixes from pre-commit.com hooks
for more information, see https://pre-commit.ci
* [pre-commit.ci] auto fixes from pre-commit.com hooks
for more information, see https://pre-commit.ci
* [pre-commit.ci] auto fixes from pre-commit.com hooks
for more information, see https://pre-commit.ci
* [pre-commit.ci] auto fixes from pre-commit.com hooks
for more information, see https://pre-commit.ci
* [pre-commit.ci] auto fixes from pre-commit.com hooks
for more information, see https://pre-commit.ci
* [pre-commit.ci] auto fixes from pre-commit.com hooks
for more information, see https://pre-commit.ci
* [pre-commit.ci] auto fixes from pre-commit.com hooks
for more information, see https://pre-commit.ci
* [pre-commit.ci] auto fixes from pre-commit.com hooks
for more information, see https://pre-commit.ci
* [pre-commit.ci] auto fixes from pre-commit.com hooks
for more information, see https://pre-commit.ci
* fixing
* import
* fix lines
* [pre-commit.ci] auto fixes from pre-commit.com hooks
for more information, see https://pre-commit.ci
* type ClusterEnvironment
* [pre-commit.ci] auto fixes from pre-commit.com hooks
for more information, see https://pre-commit.ci
---------
Co-authored-by: pre-commit-ci[bot] <66853113+pre-commit-ci[bot]@users.noreply.github.com>
2023-09-26 15:54:55 +00:00
|
|
|
from lightning.fabric import Fabric
|
|
|
|
from lightning.fabric.loggers import TensorBoardLogger
|
2023-03-24 14:09:04 +00:00
|
|
|
from rl.agent import PPOLightningAgent
|
|
|
|
from rl.utils import linear_annealing, make_env, parse_args, test
|
|
|
|
from torch import Tensor
|
2023-04-18 10:56:12 +00:00
|
|
|
from torch.utils.data import BatchSampler, DistributedSampler, RandomSampler
|
2023-01-27 11:28:25 +00:00
|
|
|
|
|
|
|
|
|
|
|
def train(
|
|
|
|
fabric: Fabric,
|
|
|
|
agent: PPOLightningAgent,
|
|
|
|
optimizer: torch.optim.Optimizer,
|
2024-11-25 08:20:17 +00:00
|
|
|
data: dict[str, Tensor],
|
2023-01-27 11:28:25 +00:00
|
|
|
global_step: int,
|
|
|
|
args: argparse.Namespace,
|
|
|
|
):
|
2023-04-18 10:56:12 +00:00
|
|
|
indexes = list(range(data["obs"].shape[0]))
|
|
|
|
if args.share_data:
|
|
|
|
sampler = DistributedSampler(
|
|
|
|
indexes, num_replicas=fabric.world_size, rank=fabric.global_rank, shuffle=True, seed=args.seed
|
|
|
|
)
|
|
|
|
else:
|
|
|
|
sampler = RandomSampler(indexes)
|
2023-01-27 11:28:25 +00:00
|
|
|
sampler = BatchSampler(sampler, batch_size=args.per_rank_batch_size, drop_last=False)
|
|
|
|
|
|
|
|
for epoch in range(args.update_epochs):
|
2023-04-18 10:56:12 +00:00
|
|
|
if args.share_data:
|
|
|
|
sampler.sampler.set_epoch(epoch)
|
2023-01-27 11:28:25 +00:00
|
|
|
for batch_idxes in sampler:
|
2023-01-30 14:11:43 +00:00
|
|
|
loss = agent.training_step({k: v[batch_idxes] for k, v in data.items()})
|
2023-01-27 11:28:25 +00:00
|
|
|
optimizer.zero_grad(set_to_none=True)
|
|
|
|
fabric.backward(loss)
|
2023-03-24 14:09:04 +00:00
|
|
|
fabric.clip_gradients(agent, optimizer, max_norm=args.max_grad_norm)
|
2023-01-27 11:28:25 +00:00
|
|
|
optimizer.step()
|
2023-01-30 14:11:43 +00:00
|
|
|
agent.on_train_epoch_end(global_step)
|
2023-01-27 11:28:25 +00:00
|
|
|
|
|
|
|
|
|
|
|
def main(args: argparse.Namespace):
|
|
|
|
run_name = f"{args.env_id}_{args.exp_name}_{args.seed}_{int(time.time())}"
|
2023-03-24 14:09:04 +00:00
|
|
|
logger = TensorBoardLogger(
|
|
|
|
root_dir=os.path.join("logs", "fabric_logs", datetime.today().strftime("%Y-%m-%d_%H-%M-%S")), name=run_name
|
|
|
|
)
|
2023-01-27 11:28:25 +00:00
|
|
|
|
|
|
|
# Initialize Fabric
|
|
|
|
fabric = Fabric(loggers=logger)
|
|
|
|
rank = fabric.global_rank
|
|
|
|
world_size = fabric.world_size
|
|
|
|
device = fabric.device
|
|
|
|
fabric.seed_everything(args.seed)
|
2023-01-30 14:11:43 +00:00
|
|
|
torch.backends.cudnn.deterministic = args.torch_deterministic
|
2023-01-27 11:28:25 +00:00
|
|
|
|
|
|
|
# Log hyperparameters
|
|
|
|
fabric.logger.experiment.add_text(
|
|
|
|
"hyperparameters",
|
2024-07-05 16:17:15 +00:00
|
|
|
"|param|value|\n|-|-|\n{}".format("\n".join([f"|{key}|{value}|" for key, value in vars(args).items()])),
|
2023-01-27 11:28:25 +00:00
|
|
|
)
|
|
|
|
|
|
|
|
# Environment setup
|
2024-02-15 18:39:17 +00:00
|
|
|
envs = gym.vector.SyncVectorEnv([
|
|
|
|
make_env(args.env_id, args.seed + rank * args.num_envs + i, rank, args.capture_video, logger.log_dir, "train")
|
|
|
|
for i in range(args.num_envs)
|
|
|
|
])
|
2023-01-27 11:28:25 +00:00
|
|
|
assert isinstance(envs.single_action_space, gym.spaces.Discrete), "only discrete action space is supported"
|
|
|
|
|
|
|
|
# Define the agent and the optimizer and setup them with Fabric
|
|
|
|
agent: PPOLightningAgent = PPOLightningAgent(
|
|
|
|
envs,
|
|
|
|
act_fun=args.activation_function,
|
|
|
|
vf_coef=args.vf_coef,
|
|
|
|
ent_coef=args.ent_coef,
|
|
|
|
clip_coef=args.clip_coef,
|
|
|
|
clip_vloss=args.clip_vloss,
|
|
|
|
ortho_init=args.ortho_init,
|
|
|
|
normalize_advantages=args.normalize_advantages,
|
|
|
|
)
|
|
|
|
optimizer = agent.configure_optimizers(args.learning_rate)
|
|
|
|
agent, optimizer = fabric.setup(agent, optimizer)
|
|
|
|
|
2023-01-30 14:11:43 +00:00
|
|
|
# Player metrics
|
|
|
|
rew_avg = torchmetrics.MeanMetric().to(device)
|
|
|
|
ep_len_avg = torchmetrics.MeanMetric().to(device)
|
|
|
|
|
2023-01-27 11:28:25 +00:00
|
|
|
# Local data
|
2023-03-24 14:09:04 +00:00
|
|
|
obs = torch.zeros((args.num_steps, args.num_envs) + envs.single_observation_space.shape, device=device)
|
|
|
|
actions = torch.zeros((args.num_steps, args.num_envs) + envs.single_action_space.shape, device=device)
|
|
|
|
logprobs = torch.zeros((args.num_steps, args.num_envs), device=device)
|
|
|
|
rewards = torch.zeros((args.num_steps, args.num_envs), device=device)
|
|
|
|
dones = torch.zeros((args.num_steps, args.num_envs), device=device)
|
|
|
|
values = torch.zeros((args.num_steps, args.num_envs), device=device)
|
2023-01-27 11:28:25 +00:00
|
|
|
|
|
|
|
# Global variables
|
|
|
|
global_step = 0
|
|
|
|
start_time = time.time()
|
2023-03-24 14:09:04 +00:00
|
|
|
single_global_rollout = int(args.num_envs * args.num_steps * world_size)
|
2023-01-27 11:28:25 +00:00
|
|
|
num_updates = args.total_timesteps // single_global_rollout
|
|
|
|
|
|
|
|
# Get the first environment observation and start the optimization
|
2023-04-06 20:01:50 +00:00
|
|
|
next_obs = torch.tensor(envs.reset(seed=args.seed)[0], device=device)
|
2023-03-24 14:09:04 +00:00
|
|
|
next_done = torch.zeros(args.num_envs, device=device)
|
2023-01-27 11:28:25 +00:00
|
|
|
for update in range(1, num_updates + 1):
|
|
|
|
# Learning rate annealing
|
|
|
|
if args.anneal_lr:
|
2023-03-24 14:09:04 +00:00
|
|
|
linear_annealing(optimizer, update, num_updates, args.learning_rate)
|
|
|
|
fabric.log("Info/learning_rate", optimizer.param_groups[0]["lr"], global_step)
|
2023-01-27 11:28:25 +00:00
|
|
|
|
|
|
|
for step in range(0, args.num_steps):
|
2023-03-24 14:09:04 +00:00
|
|
|
global_step += args.num_envs * world_size
|
2023-01-27 11:28:25 +00:00
|
|
|
obs[step] = next_obs
|
|
|
|
dones[step] = next_done
|
|
|
|
|
|
|
|
# Sample an action given the observation received by the environment
|
|
|
|
with torch.no_grad():
|
|
|
|
action, logprob, _, value = agent.get_action_and_value(next_obs)
|
|
|
|
values[step] = value.flatten()
|
|
|
|
actions[step] = action
|
|
|
|
logprobs[step] = logprob
|
|
|
|
|
|
|
|
# Single environment step
|
|
|
|
next_obs, reward, done, truncated, info = envs.step(action.cpu().numpy())
|
2023-04-06 20:01:50 +00:00
|
|
|
done = torch.logical_or(torch.tensor(done), torch.tensor(truncated))
|
2024-06-21 14:36:10 +00:00
|
|
|
rewards[step] = torch.tensor(reward, device=device, dtype=torch.float32).view(-1)
|
2023-04-06 20:01:50 +00:00
|
|
|
next_obs, next_done = torch.tensor(next_obs, device=device), done.to(device)
|
2023-01-27 11:28:25 +00:00
|
|
|
|
|
|
|
if "final_info" in info:
|
2023-04-18 10:56:12 +00:00
|
|
|
for i, agent_final_info in enumerate(info["final_info"]):
|
2023-01-27 11:28:25 +00:00
|
|
|
if agent_final_info is not None and "episode" in agent_final_info:
|
2023-04-18 10:56:12 +00:00
|
|
|
fabric.print(
|
|
|
|
f"Rank-0: global_step={global_step}, reward_env_{i}={agent_final_info['episode']['r'][0]}"
|
|
|
|
)
|
2023-01-30 14:11:43 +00:00
|
|
|
rew_avg(agent_final_info["episode"]["r"][0])
|
|
|
|
ep_len_avg(agent_final_info["episode"]["l"][0])
|
|
|
|
|
|
|
|
# Sync the metrics
|
2023-03-24 14:09:04 +00:00
|
|
|
rew_avg_reduced = rew_avg.compute()
|
|
|
|
if not rew_avg_reduced.isnan():
|
|
|
|
fabric.log("Rewards/rew_avg", rew_avg_reduced, global_step)
|
|
|
|
ep_len_avg_reduced = ep_len_avg.compute()
|
|
|
|
if not ep_len_avg_reduced.isnan():
|
|
|
|
fabric.log("Game/ep_len_avg", ep_len_avg_reduced, global_step)
|
2023-01-30 14:11:43 +00:00
|
|
|
rew_avg.reset()
|
|
|
|
ep_len_avg.reset()
|
2023-01-27 11:28:25 +00:00
|
|
|
|
|
|
|
# Estimate returns with GAE (https://arxiv.org/abs/1506.02438)
|
|
|
|
returns, advantages = agent.estimate_returns_and_advantages(
|
|
|
|
rewards, values, dones, next_obs, next_done, args.num_steps, args.gamma, args.gae_lambda
|
|
|
|
)
|
|
|
|
|
|
|
|
# Flatten the batch
|
|
|
|
local_data = {
|
|
|
|
"obs": obs.reshape((-1,) + envs.single_observation_space.shape),
|
|
|
|
"logprobs": logprobs.reshape(-1),
|
|
|
|
"actions": actions.reshape((-1,) + envs.single_action_space.shape),
|
|
|
|
"advantages": advantages.reshape(-1),
|
|
|
|
"returns": returns.reshape(-1),
|
|
|
|
"values": values.reshape(-1),
|
|
|
|
}
|
|
|
|
|
2023-04-18 10:56:12 +00:00
|
|
|
if args.share_data:
|
|
|
|
# Gather all the tensors from all the world and reshape them
|
|
|
|
gathered_data = fabric.all_gather(local_data)
|
|
|
|
for k, v in gathered_data.items():
|
|
|
|
if k == "obs":
|
|
|
|
gathered_data[k] = v.reshape((-1,) + envs.single_observation_space.shape)
|
|
|
|
elif k == "actions":
|
|
|
|
gathered_data[k] = v.reshape((-1,) + envs.single_action_space.shape)
|
|
|
|
else:
|
|
|
|
gathered_data[k] = v.reshape(-1)
|
|
|
|
else:
|
|
|
|
gathered_data = local_data
|
2023-01-27 11:28:25 +00:00
|
|
|
|
|
|
|
# Train the agent
|
|
|
|
train(fabric, agent, optimizer, gathered_data, global_step, args)
|
|
|
|
fabric.log("Time/step_per_second", int(global_step / (time.time() - start_time)), global_step)
|
|
|
|
|
|
|
|
envs.close()
|
|
|
|
if fabric.is_global_zero:
|
2023-03-24 14:09:04 +00:00
|
|
|
test(agent.module, device, fabric.logger.experiment, args)
|
2023-01-27 11:28:25 +00:00
|
|
|
|
|
|
|
|
|
|
|
if __name__ == "__main__":
|
|
|
|
args = parse_args()
|
|
|
|
main(args)
|