mmorales34 commited on
Commit
b2d0ba5
1 Parent(s): 29ac8d6

pushing model

Browse files
.gitattributes CHANGED
@@ -32,3 +32,4 @@ saved_model/**/* filter=lfs diff=lfs merge=lfs -text
32
  *.zip filter=lfs diff=lfs merge=lfs -text
33
  *.zst filter=lfs diff=lfs merge=lfs -text
34
  *tfevents* filter=lfs diff=lfs merge=lfs -text
 
 
32
  *.zip filter=lfs diff=lfs merge=lfs -text
33
  *.zst filter=lfs diff=lfs merge=lfs -text
34
  *tfevents* filter=lfs diff=lfs merge=lfs -text
35
+ DQN_baseline.cleanrl_model filter=lfs diff=lfs merge=lfs -text
DQN_baseline.cleanrl_model ADDED
@@ -0,0 +1,3 @@
 
 
 
 
1
+ version https://git-lfs.github.com/spec/v1
2
+ oid sha256:ce4a6a466c5a47e0e8a8a3a23bcce029b1937884f992bd3c4d5203ecbed94bca
3
+ size 6752451
README.md ADDED
@@ -0,0 +1,80 @@
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
1
+ ---
2
+ tags:
3
+ - PongNoFrameskip-v4
4
+ - deep-reinforcement-learning
5
+ - reinforcement-learning
6
+ - custom-implementation
7
+ library_name: cleanrl
8
+ model-index:
9
+ - name: DQN
10
+ results:
11
+ - task:
12
+ type: reinforcement-learning
13
+ name: reinforcement-learning
14
+ dataset:
15
+ name: PongNoFrameskip-v4
16
+ type: PongNoFrameskip-v4
17
+ metrics:
18
+ - type: mean_reward
19
+ value: 20.41 +/- 0.00
20
+ name: mean_reward
21
+ verified: false
22
+ ---
23
+
24
+ # (CleanRL) **DQN** Agent Playing **PongNoFrameskip-v4**
25
+
26
+ This is a trained model of a DQN agent playing PongNoFrameskip-v4.
27
+ The model was trained by using [CleanRL](https://github.com/vwxyzjn/cleanrl) and the most up-to-date training code can be
28
+ found [here](https://github.com/vwxyzjn/cleanrl/blob/master/cleanrl/DQN_baseline.py).
29
+
30
+ ## Get Started
31
+
32
+ To use this model, please install the `cleanrl` package with the following command:
33
+
34
+ ```
35
+ pip install "cleanrl[DQN_baseline]"
36
+ python -m cleanrl_utils.enjoy --exp-name DQN_baseline --env-id PongNoFrameskip-v4
37
+ ```
38
+
39
+ Please refer to the [documentation](https://docs.cleanrl.dev/get-started/zoo/) for more detail.
40
+
41
+
42
+ ## Command to reproduce the training
43
+
44
+ ```bash
45
+ curl -OL https://huggingface.co/pfunk/PongNoFrameskip-v4-DQN_baseline-seed2/raw/main/dqn_atari.py
46
+ curl -OL https://huggingface.co/pfunk/PongNoFrameskip-v4-DQN_baseline-seed2/raw/main/pyproject.toml
47
+ curl -OL https://huggingface.co/pfunk/PongNoFrameskip-v4-DQN_baseline-seed2/raw/main/poetry.lock
48
+ poetry install --all-extras
49
+ python dqn_atari.py --exp-name DQN_baseline --seed 2 --track --wandb-entity pfunk --wandb-project-name dqpn --capture-video true --save-model true --upload-model true --hf-entity pfunk
50
+ ```
51
+
52
+ # Hyperparameters
53
+ ```python
54
+ {'alg_type': 'dqn_atari.py',
55
+ 'batch_size': 32,
56
+ 'buffer_size': 1000000,
57
+ 'capture_video': True,
58
+ 'cuda': True,
59
+ 'end_e': 0.01,
60
+ 'env_id': 'PongNoFrameskip-v4',
61
+ 'exp_name': 'DQN_baseline',
62
+ 'exploration_fraction': 0.2,
63
+ 'gamma': 0.99,
64
+ 'hf_entity': 'pfunk',
65
+ 'learning_rate': 0.0001,
66
+ 'learning_starts': 10000,
67
+ 'save_model': True,
68
+ 'seed': 2,
69
+ 'start_e': 1.0,
70
+ 'target_network_frequency': 1000,
71
+ 'target_tau': 1.0,
72
+ 'torch_deterministic': True,
73
+ 'total_timesteps': 5000000,
74
+ 'track': True,
75
+ 'train_frequency': 1,
76
+ 'upload_model': True,
77
+ 'wandb_entity': 'pfunk',
78
+ 'wandb_project_name': 'dqpn'}
79
+ ```
80
+
dqn_atari.py ADDED
@@ -0,0 +1,320 @@
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
1
+ # docs and experiment results can be found at https://docs.cleanrl.dev/rl-algorithms/dqn/#dqn_ataripy
2
+ import argparse
3
+ import os
4
+ import random
5
+ import time
6
+ from distutils.util import strtobool
7
+
8
+ import gym
9
+ import numpy as np
10
+ import torch
11
+ import torch.nn as nn
12
+ import torch.nn.functional as F
13
+ import torch.optim as optim
14
+ from stable_baselines3.common.atari_wrappers import (
15
+ ClipRewardEnv,
16
+ EpisodicLifeEnv,
17
+ FireResetEnv,
18
+ MaxAndSkipEnv,
19
+ NoopResetEnv,
20
+ )
21
+ from stable_baselines3.common.buffers import ReplayBuffer
22
+ from torch.utils.tensorboard import SummaryWriter
23
+
24
+
25
+ def parse_args():
26
+ # fmt: off
27
+ parser = argparse.ArgumentParser()
28
+ parser.add_argument("--exp-name", type=str, default=os.path.basename(__file__).rstrip(".py"),
29
+ help="the name of this experiment")
30
+ parser.add_argument("--seed", type=int, default=1,
31
+ help="seed of the experiment")
32
+ parser.add_argument("--torch-deterministic", type=lambda x: bool(strtobool(x)), default=True, nargs="?", const=True,
33
+ help="if toggled, `torch.backends.cudnn.deterministic=False`")
34
+ parser.add_argument("--cuda", type=lambda x: bool(strtobool(x)), default=True, nargs="?", const=True,
35
+ help="if toggled, cuda will be enabled by default")
36
+ parser.add_argument("--track", type=lambda x: bool(strtobool(x)), default=False, nargs="?", const=True,
37
+ help="if toggled, this experiment will be tracked with Weights and Biases")
38
+ parser.add_argument("--wandb-project-name", type=str, default="cleanRL",
39
+ help="the wandb's project name")
40
+ parser.add_argument("--wandb-entity", type=str, default=None,
41
+ help="the entity (team) of wandb's project")
42
+ parser.add_argument("--capture-video", type=lambda x: bool(strtobool(x)), default=False, nargs="?", const=True,
43
+ help="whether to capture videos of the agent performances (check out `videos` folder)")
44
+ parser.add_argument("--save-model", type=lambda x: bool(strtobool(x)), default=False, nargs="?", const=True,
45
+ help="whether to save model into the `runs/{run_name}` folder")
46
+ parser.add_argument("--upload-model", type=lambda x: bool(strtobool(x)), default=False, nargs="?", const=True,
47
+ help="whether to upload the saved model to huggingface")
48
+ parser.add_argument("--hf-entity", type=str, default="",
49
+ help="the user or org name of the model repository from the Hugging Face Hub")
50
+
51
+ # Algorithm specific arguments
52
+ parser.add_argument("--env-id", type=str, default="PongNoFrameskip-v4",
53
+ help="the id of the environment")
54
+ parser.add_argument("--total-timesteps", type=int, default=5000000,
55
+ help="total timesteps of the experiments")
56
+ parser.add_argument("--learning-rate", type=float, default=0.0001,
57
+ help="the learning rate of the optimizer")
58
+ parser.add_argument("--buffer-size", type=int, default=1000000,
59
+ help="the replay memory buffer size")
60
+ parser.add_argument("--gamma", type=float, default=0.99,
61
+ help="the discount factor gamma")
62
+ parser.add_argument("--target-tau", type=float, default=1.0,
63
+ help="the target network update rate")
64
+ parser.add_argument("--target-network-frequency", type=int, default=1000,
65
+ help="the timesteps it takes to update the target network")
66
+ parser.add_argument("--batch-size", type=int, default=32,
67
+ help="the batch size of sample from the reply memory")
68
+ parser.add_argument("--start-e", type=float, default=1.0,
69
+ help="the starting epsilon for exploration")
70
+ parser.add_argument("--end-e", type=float, default=0.01,
71
+ help="the ending epsilon for exploration")
72
+ parser.add_argument("--exploration-fraction", type=float, default=0.2,
73
+ help="the fraction of `total-timesteps` it takes from start-e to go end-e")
74
+ parser.add_argument("--learning-starts", type=int, default=10000,
75
+ help="timestep to start learning")
76
+ parser.add_argument("--train-frequency", type=int, default=1,
77
+ help="the frequency of training")
78
+ args = parser.parse_args()
79
+ # fmt: on
80
+ return args
81
+
82
+
83
+ def make_env(env_id, seed, idx, capture_video, run_name):
84
+ def thunk():
85
+ env = gym.make(env_id)
86
+ env = gym.wrappers.RecordEpisodeStatistics(env)
87
+ if capture_video:
88
+ if idx == 0:
89
+ env = gym.wrappers.RecordVideo(env, f"videos/{run_name}")
90
+ env = NoopResetEnv(env, noop_max=30)
91
+ env = MaxAndSkipEnv(env, skip=4)
92
+ env = EpisodicLifeEnv(env)
93
+ if "FIRE" in env.unwrapped.get_action_meanings():
94
+ env = FireResetEnv(env)
95
+ env = ClipRewardEnv(env)
96
+ env = gym.wrappers.ResizeObservation(env, (84, 84))
97
+ env = gym.wrappers.GrayScaleObservation(env)
98
+ env = gym.wrappers.FrameStack(env, 4)
99
+ env.seed(seed)
100
+ env.action_space.seed(seed)
101
+ env.observation_space.seed(seed)
102
+ return env
103
+
104
+ return thunk
105
+
106
+
107
+ # ALGO LOGIC: initialize agent here:
108
+ class QNetwork(nn.Module):
109
+ def __init__(self, env):
110
+ super().__init__()
111
+ self.network = nn.Sequential(
112
+ nn.Conv2d(4, 32, 8, stride=4),
113
+ nn.ReLU(),
114
+ nn.Conv2d(32, 64, 4, stride=2),
115
+ nn.ReLU(),
116
+ nn.Conv2d(64, 64, 3, stride=1),
117
+ nn.ReLU(),
118
+ nn.Flatten(),
119
+ nn.Linear(3136, 512),
120
+ nn.ReLU(),
121
+ nn.Linear(512, env.single_action_space.n),
122
+ )
123
+
124
+ def forward(self, x):
125
+ return self.network(x / 255.0)
126
+
127
+
128
+ def linear_schedule(start_e: float, end_e: float, duration: int, t: int):
129
+ slope = (end_e - start_e) / duration
130
+ return max(slope * t + start_e, end_e)
131
+
132
+
133
+ if __name__ == "__main__":
134
+ args = parse_args()
135
+ run_name = f"{args.env_id}__{args.exp_name}__{args.seed}__{int(time.time())}"
136
+ if args.track:
137
+ import wandb
138
+
139
+ args.alg_type = os.path.basename(__file__)
140
+ wandb_sess = wandb.init(
141
+ project=args.wandb_project_name,
142
+ entity=args.wandb_entity,
143
+ config=vars(args),
144
+ save_code=True,
145
+ # group='string',
146
+ name=run_name,
147
+ sync_tensorboard=False,
148
+ monitor_gym=True,
149
+ )
150
+ writer = SummaryWriter(f"runs/{run_name}")
151
+ writer.add_text(
152
+ "hyperparameters",
153
+ "|param|value|\n|-|-|\n%s" % ("\n".join([f"|{key}|{value}|" for key, value in vars(args).items()])),
154
+ )
155
+
156
+ def log_value(name: str, x: float, y: int):
157
+ # writer.add_scalar(name, x, y)
158
+ wandb.log({name: x, "global_step": y})
159
+
160
+ # TRY NOT TO MODIFY: seeding
161
+ random.seed(args.seed)
162
+ np.random.seed(args.seed)
163
+ torch.manual_seed(args.seed)
164
+ torch.backends.cudnn.deterministic = args.torch_deterministic
165
+
166
+ device = torch.device("cuda" if torch.cuda.is_available() and args.cuda else "cpu")
167
+
168
+ # env setup
169
+ envs = gym.vector.SyncVectorEnv([make_env(args.env_id, args.seed, 0, args.capture_video, run_name)])
170
+ assert isinstance(envs.single_action_space, gym.spaces.Discrete), "only discrete action space is supported"
171
+ envs.seed(args.seed)
172
+
173
+ q_network = QNetwork(envs).to(device)
174
+ optimizer = optim.RMSprop(q_network.parameters(), lr=args.learning_rate)
175
+ target_network = QNetwork(envs).to(device)
176
+ target_network.load_state_dict(q_network.state_dict())
177
+
178
+ rb = ReplayBuffer(
179
+ args.buffer_size,
180
+ envs.single_observation_space,
181
+ envs.single_action_space,
182
+ device,
183
+ optimize_memory_usage=True,
184
+ handle_timeout_termination=True,
185
+ )
186
+ start_time = time.time()
187
+ policy_update_counter = 0
188
+ episode_returns = []
189
+
190
+ # TRY NOT TO MODIFY: start the game
191
+ obs = envs.reset()
192
+ for global_step in range(args.total_timesteps):
193
+ # ALGO LOGIC: put action logic here
194
+ epsilon = linear_schedule(args.start_e, args.end_e, args.exploration_fraction * args.total_timesteps, global_step)
195
+
196
+ if random.random() < epsilon:
197
+ actions = np.array([envs.single_action_space.sample() for _ in range(envs.num_envs)])
198
+ else:
199
+ q_values = q_network(torch.Tensor(obs).to(device))
200
+ actions = torch.argmax(q_values, dim=1).cpu().numpy()
201
+
202
+ # TRY NOT TO MODIFY: execute the game and log data.
203
+ next_obs, rewards, dones, infos = envs.step(actions)
204
+
205
+ # TRY NOT TO MODIFY: record rewards for plotting purposes
206
+ for info in infos:
207
+ if "episode" in info.keys():
208
+ episode_returns.append(info['episode']['r'])
209
+ episode_returns = episode_returns[-100:]
210
+ print(f"step={global_step}, return={info['episode']['r']}, sps={int(global_step / (time.time() - start_time))}")
211
+ log_value("perf/episodic_return", info["episode"]["r"], global_step)
212
+ log_value("perf/episodic_return_mean_100", np.mean(episode_returns), global_step)
213
+ log_value("perf/episodic_return_std_100", np.std(episode_returns), global_step)
214
+ log_value("debug/episodic_length", info["episode"]["l"], global_step)
215
+ log_value("ex2/epsilon", epsilon, global_step)
216
+ break
217
+
218
+ # TRY NOT TO MODIFY: save data to reply buffer; handle `terminal_observation`
219
+ real_next_obs = next_obs.copy()
220
+ for idx, d in enumerate(dones):
221
+ if d:
222
+ real_next_obs[idx] = infos[idx]["terminal_observation"]
223
+ rb.add(obs, real_next_obs, actions, rewards, dones, infos)
224
+
225
+ # TRY NOT TO MODIFY: CRUCIAL step easy to overlook
226
+ obs = next_obs
227
+
228
+ # ALGO LOGIC: training.
229
+ if global_step > args.learning_starts:
230
+ if global_step % args.train_frequency == 0:
231
+ data = rb.sample(args.batch_size)
232
+ with torch.no_grad():
233
+ target_max, _ = target_network(data.next_observations).max(dim=1)
234
+ td_target = data.rewards.flatten() + args.gamma * target_max * (1 - data.dones.flatten())
235
+ old_val = q_network(data.observations).gather(1, data.actions).squeeze()
236
+ loss = F.mse_loss(td_target, old_val)
237
+
238
+ if global_step % 100 == 0:
239
+
240
+ prev = old_val.detach().cpu().numpy()
241
+ new = td_target.detach().cpu().numpy()
242
+ diff, a_diff = new-prev, np.abs(new-prev)
243
+
244
+ mean, a_mean = np.mean(diff), np.mean(a_diff)
245
+ median, a_median = np.median(diff), np.median(a_diff)
246
+ maximum, a_maximum = np.max(diff), np.max(a_diff)
247
+ minimum, a_minimum = np.min(diff), np.min(a_diff)
248
+ std, a_std = np.std(diff), np.std(a_diff)
249
+ below, a_below = mean - std, a_mean - a_std
250
+ above, a_above = mean + std, a_mean + a_std
251
+ pu_scalar, a_pu_scalar = 2 * mean / maximum, 2 * a_mean / a_maximum
252
+ policy_frequency_scalar_ratio = 1.0 * pu_scalar
253
+ a_policy_frequency_scalar_ratio = 1.0 * a_pu_scalar
254
+
255
+ log_value("losses/td_loss", loss, global_step)
256
+ log_value("losses/q_values", old_val.mean().item(), global_step)
257
+ log_value("td/mean", mean, global_step)
258
+ log_value("td/a_mean", a_mean, global_step)
259
+ log_value("td/median", median, global_step)
260
+ log_value("td/a_median", a_median, global_step)
261
+ log_value("td/max", maximum, global_step)
262
+ log_value("td/a_max", a_maximum, global_step)
263
+ log_value("td/min", minimum, global_step)
264
+ log_value("td/a_min", a_minimum, global_step)
265
+ log_value("td/std", std, global_step)
266
+ log_value("td/a_std", a_std, global_step)
267
+ log_value("td/below", below, global_step)
268
+ log_value("td/a_below", a_below, global_step)
269
+ log_value("td/above", above, global_step)
270
+ log_value("td/a_above", a_above, global_step)
271
+ log_value("pu/pu_scalar", pu_scalar, global_step)
272
+ log_value("pu/a_pu_scalar", a_pu_scalar, global_step)
273
+ log_value("pu/policy_frequency_scalar_ratio", policy_frequency_scalar_ratio, global_step)
274
+ log_value("pu/a_policy_frequency_scalar_ratio", a_policy_frequency_scalar_ratio, global_step)
275
+ log_value("debug/steps_per_second", int(global_step / (time.time() - start_time)), global_step)
276
+
277
+ # optimize the model
278
+ optimizer.zero_grad()
279
+ loss.backward()
280
+ optimizer.step()
281
+
282
+ # update target network
283
+ if global_step % args.target_network_frequency == 0:
284
+ for target_network_param, q_network_param in zip(target_network.parameters(), q_network.parameters()):
285
+ target_network_param.data.copy_(
286
+ args.target_tau * q_network_param.data + (1.0 - args.target_tau) * target_network_param.data
287
+ )
288
+ policy_update_counter += 1
289
+ if global_step % 100 == 0:
290
+ log_value("pu/n_policy_update", policy_update_counter, global_step)
291
+
292
+ if args.save_model:
293
+ model_path = f"runs/{run_name}/{args.exp_name}.cleanrl_model"
294
+ torch.save(q_network.state_dict(), model_path)
295
+ print(f"model saved to {model_path}")
296
+ from cleanrl_utils.evals.dqn_eval import evaluate
297
+
298
+ episodic_returns = evaluate(
299
+ model_path,
300
+ make_env,
301
+ args.env_id,
302
+ eval_episodes=10,
303
+ run_name=f"{run_name}-eval",
304
+ Model=QNetwork,
305
+ device=device,
306
+ epsilon=0.05,
307
+ )
308
+ for idx, episodic_return in enumerate(episodic_returns):
309
+ log_value("eval/episodic_return", episodic_return, idx)
310
+
311
+ if args.upload_model:
312
+ from cleanrl_utils.huggingface import push_to_hub
313
+
314
+ repo_name = f"{args.env_id}-{args.exp_name}-seed{args.seed}"
315
+ repo_id = f"{args.hf_entity}/{repo_name}" if args.hf_entity else repo_name
316
+ push_to_hub(args, np.mean(episode_returns), repo_id, "DQN", f"runs/{run_name}", f"videos/{run_name}-eval")
317
+
318
+ wandb_sess.finish()
319
+ envs.close()
320
+ writer.close()
events.out.tfevents.1678833483.rhea.71039.0 ADDED
@@ -0,0 +1,3 @@
 
 
 
 
1
+ version https://git-lfs.github.com/spec/v1
2
+ oid sha256:be4bb336e431d0447d619eaad2eaec63f55bcb170e847912066f13dc7ffc8f2b
3
+ size 652
poetry.lock ADDED
The diff for this file is too large to render. See raw diff
 
pyproject.toml ADDED
@@ -0,0 +1,178 @@
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
1
+ [tool.poetry]
2
+ name = "cleanrl"
3
+ version = "1.1.0"
4
+ description = "High-quality single file implementation of Deep Reinforcement Learning algorithms with research-friendly features"
5
+ authors = ["Costa Huang <costa.huang@outlook.com>"]
6
+ packages = [
7
+ { include = "cleanrl" },
8
+ { include = "cleanrl_utils" },
9
+ ]
10
+ keywords = ["reinforcement", "machine", "learning", "research"]
11
+ license="MIT"
12
+ readme = "README.md"
13
+
14
+ [tool.poetry.dependencies]
15
+ python = ">=3.7.1,<3.10"
16
+ tensorboard = "^2.10.0"
17
+ wandb = "^0.13.6"
18
+ gym = "0.23.1"
19
+ torch = ">=1.12.1"
20
+ stable-baselines3 = "1.2.0"
21
+ gymnasium = "^0.26.3"
22
+ moviepy = "^1.0.3"
23
+ pygame = "2.1.0"
24
+ huggingface-hub = "^0.11.1"
25
+
26
+ ale-py = {version = "0.7.4", optional = true}
27
+ AutoROM = {extras = ["accept-rom-license"], version = "^0.4.2"}
28
+ opencv-python = {version = "^4.6.0.66", optional = true}
29
+ pybullet = {version = "3.1.8", optional = true}
30
+ procgen = {version = "^0.10.7", optional = true}
31
+ pytest = {version = "^7.1.3", optional = true}
32
+ mujoco = {version = "^2.2", optional = true}
33
+ imageio = {version = "^2.14.1", optional = true}
34
+ free-mujoco-py = {version = "^2.1.6", optional = true}
35
+ mkdocs-material = {version = "^8.4.3", optional = true}
36
+ markdown-include = {version = "^0.7.0", optional = true}
37
+ jax = {version = "^0.3.17", optional = true}
38
+ jaxlib = {version = "^0.3.15", optional = true}
39
+ flax = {version = "^0.6.0", optional = true}
40
+ optuna = {version = "^3.0.1", optional = true}
41
+ optuna-dashboard = {version = "^0.7.2", optional = true}
42
+ rich = {version = "<12.0", optional = true}
43
+ envpool = {version = "^0.6.4", optional = true}
44
+ PettingZoo = {version = "1.18.1", optional = true}
45
+ SuperSuit = {version = "3.4.0", optional = true}
46
+ multi-agent-ale-py = {version = "0.1.11", optional = true}
47
+ boto3 = {version = "^1.24.70", optional = true}
48
+ awscli = {version = "^1.25.71", optional = true}
49
+ shimmy = {version = "^0.1.0", optional = true}
50
+ dm-control = {version = "^1.0.8", optional = true}
51
+
52
+ [tool.poetry.group.dev.dependencies]
53
+ pre-commit = "^2.20.0"
54
+
55
+ [tool.poetry.group.atari]
56
+ optional = true
57
+ [tool.poetry.group.atari.dependencies]
58
+ ale-py = "0.7.4"
59
+ AutoROM = {extras = ["accept-rom-license"], version = "^0.4.2"}
60
+ opencv-python = "^4.6.0.66"
61
+
62
+ [tool.poetry.group.pybullet]
63
+ optional = true
64
+ [tool.poetry.group.pybullet.dependencies]
65
+ pybullet = "3.1.8"
66
+
67
+ [tool.poetry.group.procgen]
68
+ optional = true
69
+ [tool.poetry.group.procgen.dependencies]
70
+ procgen = "^0.10.7"
71
+
72
+ [tool.poetry.group.pytest]
73
+ optional = true
74
+ [tool.poetry.group.pytest.dependencies]
75
+ pytest = "^7.1.3"
76
+
77
+ [tool.poetry.group.mujoco]
78
+ optional = true
79
+ [tool.poetry.group.mujoco.dependencies]
80
+ mujoco = "^2.2"
81
+ imageio = "^2.14.1"
82
+
83
+ [tool.poetry.group.mujoco_py]
84
+ optional = true
85
+ [tool.poetry.group.mujoco_py.dependencies]
86
+ free-mujoco-py = "^2.1.6"
87
+
88
+ [tool.poetry.group.docs]
89
+ optional = true
90
+ [tool.poetry.group.docs.dependencies]
91
+ mkdocs-material = "^8.4.3"
92
+ markdown-include = "^0.7.0"
93
+
94
+ [tool.poetry.group.jax]
95
+ optional = true
96
+ [tool.poetry.group.jax.dependencies]
97
+ jax = "^0.3.17"
98
+ jaxlib = "^0.3.15"
99
+ flax = "^0.6.0"
100
+
101
+ [tool.poetry.group.optuna]
102
+ optional = true
103
+ [tool.poetry.group.optuna.dependencies]
104
+ optuna = "^3.0.1"
105
+ optuna-dashboard = "^0.7.2"
106
+ rich = "<12.0"
107
+
108
+ [tool.poetry.group.envpool]
109
+ optional = true
110
+ [tool.poetry.group.envpool.dependencies]
111
+ envpool = "^0.6.4"
112
+
113
+ [tool.poetry.group.pettingzoo]
114
+ optional = true
115
+ [tool.poetry.group.pettingzoo.dependencies]
116
+ PettingZoo = "1.18.1"
117
+ SuperSuit = "3.4.0"
118
+ multi-agent-ale-py = "0.1.11"
119
+
120
+ [tool.poetry.group.cloud]
121
+ optional = true
122
+ [tool.poetry.group.cloud.dependencies]
123
+ boto3 = "^1.24.70"
124
+ awscli = "^1.25.71"
125
+
126
+ [tool.poetry.group.isaacgym]
127
+ optional = true
128
+ [tool.poetry.group.isaacgym.dependencies]
129
+ isaacgymenvs = {git = "https://github.com/vwxyzjn/IsaacGymEnvs.git", rev = "poetry"}
130
+ isaacgym = {path = "cleanrl/ppo_continuous_action_isaacgym/isaacgym", develop = true}
131
+
132
+ [tool.poetry.group.dm_control]
133
+ optional = true
134
+ [tool.poetry.group.dm_control.dependencies]
135
+ shimmy = "^0.1.0"
136
+ dm-control = "^1.0.8"
137
+ mujoco = "^2.2"
138
+
139
+ [build-system]
140
+ requires = ["poetry-core"]
141
+ build-backend = "poetry.core.masonry.api"
142
+
143
+ [tool.poetry.extras]
144
+ atari = ["ale-py", "AutoROM", "opencv-python"]
145
+ pybullet = ["pybullet"]
146
+ procgen = ["procgen"]
147
+ plot = ["pandas", "seaborn"]
148
+ pytest = ["pytest"]
149
+ mujoco = ["mujoco", "imageio"]
150
+ mujoco_py = ["free-mujoco-py"]
151
+ jax = ["jax", "jaxlib", "flax"]
152
+ docs = ["mkdocs-material", "markdown-include"]
153
+ envpool = ["envpool"]
154
+ optuna = ["optuna", "optuna-dashboard", "rich"]
155
+ pettingzoo = ["PettingZoo", "SuperSuit", "multi-agent-ale-py"]
156
+ cloud = ["boto3", "awscli"]
157
+ dm_control = ["shimmy", "dm-control", "mujoco"]
158
+
159
+ # dependencies for algorithm variant (useful when you want to run a specific algorithm)
160
+ dqn = []
161
+ dqn_atari = ["ale-py", "AutoROM", "opencv-python"]
162
+ dqn_jax = ["jax", "jaxlib", "flax"]
163
+ dqn_atari_jax = [
164
+ "ale-py", "AutoROM", "opencv-python", # atari
165
+ "jax", "jaxlib", "flax" # jax
166
+ ]
167
+ c51 = []
168
+ c51_atari = ["ale-py", "AutoROM", "opencv-python"]
169
+ c51_jax = ["jax", "jaxlib", "flax"]
170
+ c51_atari_jax = [
171
+ "ale-py", "AutoROM", "opencv-python", # atari
172
+ "jax", "jaxlib", "flax" # jax
173
+ ]
174
+ ppo_atari_envpool_xla_jax_scan = [
175
+ "ale-py", "AutoROM", "opencv-python", # atari
176
+ "jax", "jaxlib", "flax", # jax
177
+ "envpool", # envpool
178
+ ]
replay.mp4 ADDED
Binary file (359 kB). View file
 
videos/PongNoFrameskip-v4__DQN_baseline__2__1678833479-eval/rl-video-episode-0.mp4 ADDED
Binary file (358 kB). View file
 
videos/PongNoFrameskip-v4__DQN_baseline__2__1678833479-eval/rl-video-episode-1.mp4 ADDED
Binary file (435 kB). View file
 
videos/PongNoFrameskip-v4__DQN_baseline__2__1678833479-eval/rl-video-episode-8.mp4 ADDED
Binary file (359 kB). View file