diff --git a/.github/workflows/tests.yaml b/.github/workflows/tests.yaml index ca77b4f2a..c9ba4fe99 100644 --- a/.github/workflows/tests.yaml +++ b/.github/workflows/tests.yaml @@ -10,7 +10,7 @@ jobs: strategy: fail-fast: false matrix: - python-version: ["3.8", "3.9", "3.10"] + python-version: ["3.9", "3.10"] poetry-version: ["1.7"] os: [ubuntu-22.04, windows-latest] runs-on: ${{ matrix.os }} @@ -34,8 +34,8 @@ jobs: - name: Install jax if: runner.os == 'Linux' || runner.os == 'macOS' run: poetry install -E "pytest jax" - - name: Run gymnasium migration dependencies - run: poetry run pip install "stable_baselines3==2.0.0a1" + # - name: Run gymnasium migration dependencies + # run: poetry run pip install "stable_baselines3==2.0.0a1" - name: Run gymnasium tests run: poetry run pytest tests/test_classic_control_gymnasium.py - name: Run core tests with jax @@ -53,7 +53,7 @@ jobs: strategy: fail-fast: false matrix: - python-version: ["3.8", "3.9", "3.10"] + python-version: ["3.9", "3.10"] poetry-version: ["1.7"] os: [ubuntu-22.04, windows-latest] runs-on: ${{ matrix.os }} @@ -77,8 +77,8 @@ jobs: - name: Install jax if: runner.os == 'Linux' || runner.os == 'macOS' run: poetry install -E "pytest atari jax" - - name: Run gymnasium migration dependencies - run: poetry run pip install "stable_baselines3==2.0.0a1" "gymnasium[atari,accept-rom-license]==0.28.1" "ale-py==0.8.1" + # - name: Run gymnasium migration dependencies + # run: poetry run pip install "stable_baselines3==2.0.0a1" "gymnasium[atari,accept-rom-license]==0.28.1" "ale-py==0.8.1" - name: Run gymnasium tests run: poetry run pytest tests/test_atari_gymnasium.py - name: Run gymnasium tests with jax @@ -89,7 +89,7 @@ jobs: strategy: fail-fast: false matrix: - python-version: ["3.8", "3.9", "3.10"] + python-version: ["3.9", "3.10"] poetry-version: ["1.7"] os: [ubuntu-22.04, windows-latest] runs-on: ${{ matrix.os }} @@ -115,7 +115,7 @@ jobs: strategy: fail-fast: false matrix: - python-version: ["3.8", "3.9", "3.10"] + python-version: ["3.9", "3.10"] poetry-version: ["1.7"] os: [ubuntu-22.04] runs-on: ${{ matrix.os }} @@ -134,8 +134,8 @@ jobs: run: poetry install -E "pytest mujoco dm_control jax" - name: Downgrade setuptools run: poetry run pip install setuptools==59.5.0 - - name: Run gymnasium migration dependencies - run: poetry run pip install "stable_baselines3==2.0.0a1" + # - name: Run gymnasium migration dependencies + # run: poetry run pip install "stable_baselines3==2.0.0a1" - name: install mujoco dependencies run: | sudo apt-get update && sudo apt-get -y install libgl1-mesa-glx libosmesa6 libglfw3 @@ -175,7 +175,7 @@ jobs: strategy: fail-fast: false matrix: - python-version: ["3.8", "3.9", "3.10"] + python-version: ["3.9", "3.10"] poetry-version: ["1.7"] os: [ubuntu-22.04] runs-on: ${{ matrix.os }} @@ -193,7 +193,7 @@ jobs: strategy: fail-fast: false matrix: - python-version: ["3.8", "3.9", "3.10"] + python-version: ["3.9", "3.10"] poetry-version: ["1.7"] os: [ubuntu-22.04] runs-on: ${{ matrix.os }} @@ -219,7 +219,7 @@ jobs: strategy: fail-fast: false matrix: - python-version: ["3.8", "3.9", "3.10"] + python-version: ["3.9", "3.10"] poetry-version: ["1.7"] os: [ubuntu-22.04] runs-on: ${{ matrix.os }} @@ -245,7 +245,7 @@ jobs: strategy: fail-fast: false matrix: - python-version: ["3.8", "3.9", "3.10"] + python-version: ["3.9", "3.10"] poetry-version: ["1.7"] os: [ubuntu-22.04] runs-on: ${{ matrix.os }} diff --git a/.pre-commit-config.yaml b/.pre-commit-config.yaml index 516cd23bc..df0a3d15b 100644 --- a/.pre-commit-config.yaml +++ b/.pre-commit-config.yaml @@ -37,39 +37,39 @@ repos: args: - --ignore-words-list=nd,reacher,thist,ths,magent,ba - --skip=docs/css/termynal.css,docs/js/termynal.js,docs/get-started/CleanRL_Huggingface_Integration_Demo.ipynb - - repo: https://github.com/python-poetry/poetry - rev: 1.3.2 + - repo: https://github.com/python-poetry/poetry-plugin-export + rev: 1.9.0 hooks: - id: poetry-export - name: poetry-export requirements.txt + name: poetry export requirements.txt args: ["--without-hashes", "-o", "requirements/requirements.txt"] stages: [manual] - id: poetry-export - name: poetry-export requirements-atari.txt + name: poetry export requirements-atari.txt args: ["--without-hashes", "-o", "requirements/requirements-atari.txt", "-E", "atari"] stages: [manual] - id: poetry-export - name: poetry-export requirements-mujoco.txt + name: poetry export requirements-mujoco.txt args: ["--without-hashes", "-o", "requirements/requirements-mujoco.txt", "-E", "mujoco"] stages: [manual] - id: poetry-export - name: poetry-export requirements-dm_control.txt + name: poetry export requirements-dm_control.txt args: ["--without-hashes", "-o", "requirements/requirements-dm_control.txt", "-E", "dm_control"] stages: [manual] - id: poetry-export - name: poetry-export requirements-procgen.txt + name: poetry export requirements-procgen.txt args: ["--without-hashes", "-o", "requirements/requirements-procgen.txt", "-E", "procgen"] stages: [manual] - id: poetry-export - name: poetry-export requirements-envpool.txt + name: poetry export requirements-envpool.txt args: ["--without-hashes", "-o", "requirements/requirements-envpool.txt", "-E", "envpool"] stages: [manual] - id: poetry-export - name: poetry-export requirements-pettingzoo.txt + name: poetry export requirements-pettingzoo.txt args: ["--without-hashes", "-o", "requirements/requirements-pettingzoo.txt", "-E", "pettingzoo"] stages: [manual] - id: poetry-export - name: poetry-export requirements-jax.txt + name: poetry export requirements-jax.txt args: ["--without-hashes", "-o", "requirements/requirements-jax.txt", "-E", "jax"] stages: [manual] - id: poetry-export @@ -77,10 +77,10 @@ repos: args: ["--without-hashes", "-o", "requirements/requirements-optuna.txt", "-E", "optuna"] stages: [manual] - id: poetry-export - name: poetry-export requirements-docs.txt + name: poetry export requirements-docs.txt args: ["--without-hashes", "-o", "requirements/requirements-docs.txt", "-E", "docs"] stages: [manual] - id: poetry-export - name: poetry-export requirements-cloud.txt + name: poetry export requirements-cloud.txt args: ["--without-hashes", "-o", "requirements/requirements-cloud.txt", "-E", "cloud"] stages: [manual] diff --git a/cleanrl/c51.py b/cleanrl/c51.py index 9f99a7a31..59960e5aa 100755 --- a/cleanrl/c51.py +++ b/cleanrl/c51.py @@ -13,6 +13,8 @@ from stable_baselines3.common.buffers import ReplayBuffer from torch.utils.tensorboard import SummaryWriter +from cleanrl_utils.same_model_vector_env import SameModelSyncVectorEnv + @dataclass class Args: @@ -160,7 +162,7 @@ def linear_schedule(start_e: float, end_e: float, duration: int, t: int): device = torch.device("cuda" if torch.cuda.is_available() and args.cuda else "cpu") # env setup - envs = gym.vector.SyncVectorEnv( + envs = SameModelSyncVectorEnv( [make_env(args.env_id, args.seed + i, i, args.capture_video, run_name) for i in range(args.num_envs)] ) assert isinstance(envs.single_action_space, gym.spaces.Discrete), "only discrete action space is supported" @@ -195,11 +197,12 @@ def linear_schedule(start_e: float, end_e: float, duration: int, t: int): # TRY NOT TO MODIFY: record rewards for plotting purposes if "final_info" in infos: - for info in infos["final_info"]: - if info and "episode" in info: - print(f"global_step={global_step}, episodic_return={info['episode']['r']}") - writer.add_scalar("charts/episodic_return", info["episode"]["r"], global_step) - writer.add_scalar("charts/episodic_length", info["episode"]["l"], global_step) + for i in range(envs.num_envs): + if infos["final_info"]["_episode"][i]: + print(f"global_step={global_step}, episodic_return={infos['final_info']['episode']['r'][i]}") + writer.add_scalar("charts/episodic_return", infos["final_info"]["episode"]["r"][i], global_step) + writer.add_scalar("charts/episodic_length", infos["final_info"]["episode"]["l"][i], global_step) + break # TRY NOT TO MODIFY: save data to reply buffer; handle `final_observation` real_next_obs = next_obs.copy() diff --git a/cleanrl/c51_atari.py b/cleanrl/c51_atari.py index 97b790759..805ac37a8 100755 --- a/cleanrl/c51_atari.py +++ b/cleanrl/c51_atari.py @@ -4,6 +4,7 @@ import time from dataclasses import dataclass +import ale_py import gymnasium as gym import numpy as np import torch @@ -12,7 +13,6 @@ import tyro from stable_baselines3.common.atari_wrappers import ( ClipRewardEnv, - EpisodicLifeEnv, FireResetEnv, MaxAndSkipEnv, NoopResetEnv, @@ -20,6 +20,10 @@ from stable_baselines3.common.buffers import ReplayBuffer from torch.utils.tensorboard import SummaryWriter +from cleanrl_utils.same_model_vector_env import SameModelSyncVectorEnv + +gym.register_envs(ale_py) + @dataclass class Args: @@ -92,13 +96,14 @@ def thunk(): env = NoopResetEnv(env, noop_max=30) env = MaxAndSkipEnv(env, skip=4) - env = EpisodicLifeEnv(env) + # EpisodicLifeEnv conflicts with gym v1.0.0's RecordEpisodeStatistics and will be fixed later. + # env = EpisodicLifeEnv(env) if "FIRE" in env.unwrapped.get_action_meanings(): env = FireResetEnv(env) env = ClipRewardEnv(env) env = gym.wrappers.ResizeObservation(env, (84, 84)) - env = gym.wrappers.GrayScaleObservation(env) - env = gym.wrappers.FrameStack(env, 4) + env = gym.wrappers.GrayscaleObservation(env) + env = gym.wrappers.FrameStackObservation(env, 4) env.action_space.seed(seed) return env @@ -182,7 +187,7 @@ def linear_schedule(start_e: float, end_e: float, duration: int, t: int): device = torch.device("cuda" if torch.cuda.is_available() and args.cuda else "cpu") # env setup - envs = gym.vector.SyncVectorEnv( + envs = SameModelSyncVectorEnv( [make_env(args.env_id, args.seed + i, i, args.capture_video, run_name) for i in range(args.num_envs)] ) assert isinstance(envs.single_action_space, gym.spaces.Discrete), "only discrete action space is supported" @@ -218,11 +223,12 @@ def linear_schedule(start_e: float, end_e: float, duration: int, t: int): # TRY NOT TO MODIFY: record rewards for plotting purposes if "final_info" in infos: - for info in infos["final_info"]: - if info and "episode" in info: - print(f"global_step={global_step}, episodic_return={info['episode']['r']}") - writer.add_scalar("charts/episodic_return", info["episode"]["r"], global_step) - writer.add_scalar("charts/episodic_length", info["episode"]["l"], global_step) + for i in range(envs.num_envs): + if infos["final_info"]["_episode"][i]: + print(f"global_step={global_step}, episodic_return={infos['final_info']['episode']['r'][i]}") + writer.add_scalar("charts/episodic_return", infos["final_info"]["episode"]["r"][i], global_step) + writer.add_scalar("charts/episodic_length", infos["final_info"]["episode"]["l"][i], global_step) + break # TRY NOT TO MODIFY: save data to reply buffer; handle `final_observation` real_next_obs = next_obs.copy() diff --git a/cleanrl/c51_atari_jax.py b/cleanrl/c51_atari_jax.py index 8cd46e855..ae7e93100 100644 --- a/cleanrl/c51_atari_jax.py +++ b/cleanrl/c51_atari_jax.py @@ -7,7 +7,7 @@ os.environ[ "XLA_PYTHON_CLIENT_MEM_FRACTION" ] = "0.7" # see https://github.com/google/jax/discussions/6332#discussioncomment-1279991 - +import ale_py import flax import flax.linen as nn import gymnasium as gym @@ -19,7 +19,6 @@ from flax.training.train_state import TrainState from stable_baselines3.common.atari_wrappers import ( ClipRewardEnv, - EpisodicLifeEnv, FireResetEnv, MaxAndSkipEnv, NoopResetEnv, @@ -27,6 +26,10 @@ from stable_baselines3.common.buffers import ReplayBuffer from torch.utils.tensorboard import SummaryWriter +from cleanrl_utils.same_model_vector_env import SameModelSyncVectorEnv + +gym.register_envs(ale_py) + @dataclass class Args: @@ -95,13 +98,14 @@ def thunk(): env = NoopResetEnv(env, noop_max=30) env = MaxAndSkipEnv(env, skip=4) - env = EpisodicLifeEnv(env) + # EpisodicLifeEnv conflicts with gym v1.0.0's RecordEpisodeStatistics and will be fixed later. + # env = EpisodicLifeEnv(env) if "FIRE" in env.unwrapped.get_action_meanings(): env = FireResetEnv(env) env = ClipRewardEnv(env) env = gym.wrappers.ResizeObservation(env, (84, 84)) - env = gym.wrappers.GrayScaleObservation(env) - env = gym.wrappers.FrameStack(env, 4) + env = gym.wrappers.GrayscaleObservation(env) + env = gym.wrappers.FrameStackObservation(env, 4) env.action_space.seed(seed) return env @@ -181,7 +185,7 @@ def linear_schedule(start_e: float, end_e: float, duration: int, t: int): key, q_key = jax.random.split(key, 2) # env setup - envs = gym.vector.SyncVectorEnv( + envs = SameModelSyncVectorEnv( [make_env(args.env_id, args.seed + i, i, args.capture_video, run_name) for i in range(args.num_envs)] ) assert isinstance(envs.single_action_space, gym.spaces.Discrete), "only discrete action space is supported" @@ -278,11 +282,12 @@ def get_action(q_state, obs): # TRY NOT TO MODIFY: record rewards for plotting purposes if "final_info" in infos: - for info in infos["final_info"]: - if info and "episode" in info: - print(f"global_step={global_step}, episodic_return={info['episode']['r']}") - writer.add_scalar("charts/episodic_return", info["episode"]["r"], global_step) - writer.add_scalar("charts/episodic_length", info["episode"]["l"], global_step) + for i in range(envs.num_envs): + if infos["final_info"]["_episode"][i]: + print(f"global_step={global_step}, episodic_return={infos['final_info']['episode']['r'][i]}") + writer.add_scalar("charts/episodic_return", infos["final_info"]["episode"]["r"][i], global_step) + writer.add_scalar("charts/episodic_length", infos["final_info"]["episode"]["l"][i], global_step) + break # TRY NOT TO MODIFY: save data to reply buffer; handle `final_observation` real_next_obs = next_obs.copy() diff --git a/cleanrl/c51_jax.py b/cleanrl/c51_jax.py index 7ad810cdb..88867853d 100644 --- a/cleanrl/c51_jax.py +++ b/cleanrl/c51_jax.py @@ -16,6 +16,8 @@ from stable_baselines3.common.buffers import ReplayBuffer from torch.utils.tensorboard import SummaryWriter +from cleanrl_utils.same_model_vector_env import SameModelSyncVectorEnv + @dataclass class Args: @@ -153,7 +155,7 @@ def linear_schedule(start_e: float, end_e: float, duration: int, t: int): key, q_key = jax.random.split(key, 2) # env setup - envs = gym.vector.SyncVectorEnv( + envs = SameModelSyncVectorEnv( [make_env(args.env_id, args.seed + i, i, args.capture_video, run_name) for i in range(args.num_envs)] ) assert isinstance(envs.single_action_space, gym.spaces.Discrete), "only discrete action space is supported" @@ -241,11 +243,12 @@ def loss(q_params, observations, actions, target_pmfs): # TRY NOT TO MODIFY: record rewards for plotting purposes if "final_info" in infos: - for info in infos["final_info"]: - if info and "episode" in info: - print(f"global_step={global_step}, episodic_return={info['episode']['r']}") - writer.add_scalar("charts/episodic_return", info["episode"]["r"], global_step) - writer.add_scalar("charts/episodic_length", info["episode"]["l"], global_step) + for i in range(envs.num_envs): + if infos["final_info"]["_episode"][i]: + print(f"global_step={global_step}, episodic_return={infos['final_info']['episode']['r'][i]}") + writer.add_scalar("charts/episodic_return", infos["final_info"]["episode"]["r"][i], global_step) + writer.add_scalar("charts/episodic_length", infos["final_info"]["episode"]["l"][i], global_step) + break # TRY NOT TO MODIFY: save data to reply buffer; handle `final_observation` real_next_obs = next_obs.copy() diff --git a/cleanrl/ddpg_continuous_action.py b/cleanrl/ddpg_continuous_action.py index 1aa8b9972..d7301b1ac 100644 --- a/cleanrl/ddpg_continuous_action.py +++ b/cleanrl/ddpg_continuous_action.py @@ -14,6 +14,8 @@ from stable_baselines3.common.buffers import ReplayBuffer from torch.utils.tensorboard import SummaryWriter +from cleanrl_utils.same_model_vector_env import SameModelSyncVectorEnv + @dataclass class Args: @@ -154,7 +156,7 @@ def forward(self, x): device = torch.device("cuda" if torch.cuda.is_available() and args.cuda else "cpu") # env setup - envs = gym.vector.SyncVectorEnv([make_env(args.env_id, args.seed, 0, args.capture_video, run_name)]) + envs = SameModelSyncVectorEnv([make_env(args.env_id, args.seed, 0, args.capture_video, run_name)]) assert isinstance(envs.single_action_space, gym.spaces.Box), "only continuous action space is supported" actor = Actor(envs).to(device) @@ -193,11 +195,12 @@ def forward(self, x): # TRY NOT TO MODIFY: record rewards for plotting purposes if "final_info" in infos: - for info in infos["final_info"]: - print(f"global_step={global_step}, episodic_return={info['episode']['r']}") - writer.add_scalar("charts/episodic_return", info["episode"]["r"], global_step) - writer.add_scalar("charts/episodic_length", info["episode"]["l"], global_step) - break + for i in range(envs.num_envs): + if infos["final_info"]["_episode"][i]: + print(f"global_step={global_step}, episodic_return={infos['final_info']['episode']['r'][i]}") + writer.add_scalar("charts/episodic_return", infos["final_info"]["episode"]["r"][i], global_step) + writer.add_scalar("charts/episodic_length", infos["final_info"]["episode"]["l"][i], global_step) + break # TRY NOT TO MODIFY: save data to reply buffer; handle `final_observation` real_next_obs = next_obs.copy() diff --git a/cleanrl/ddpg_continuous_action_jax.py b/cleanrl/ddpg_continuous_action_jax.py index b12a14a28..2f9305889 100644 --- a/cleanrl/ddpg_continuous_action_jax.py +++ b/cleanrl/ddpg_continuous_action_jax.py @@ -16,6 +16,8 @@ from stable_baselines3.common.buffers import ReplayBuffer from torch.utils.tensorboard import SummaryWriter +from cleanrl_utils.same_model_vector_env import SameModelSyncVectorEnv + @dataclass class Args: @@ -147,7 +149,7 @@ class TrainState(TrainState): key, actor_key, qf1_key = jax.random.split(key, 3) # env setup - envs = gym.vector.SyncVectorEnv([make_env(args.env_id, args.seed, 0, args.capture_video, run_name)]) + envs = SameModelSyncVectorEnv([make_env(args.env_id, args.seed, 0, args.capture_video, run_name)]) assert isinstance(envs.single_action_space, gym.spaces.Box), "only continuous action space is supported" max_action = float(envs.single_action_space.high[0]) @@ -247,11 +249,12 @@ def actor_loss(params): # TRY NOT TO MODIFY: record rewards for plotting purposes if "final_info" in infos: - for info in infos["final_info"]: - print(f"global_step={global_step}, episodic_return={info['episode']['r']}") - writer.add_scalar("charts/episodic_return", info["episode"]["r"], global_step) - writer.add_scalar("charts/episodic_length", info["episode"]["l"], global_step) - break + for i in range(envs.num_envs): + if infos["final_info"]["_episode"][i]: + print(f"global_step={global_step}, episodic_return={infos['final_info']['episode']['r'][i]}") + writer.add_scalar("charts/episodic_return", infos["final_info"]["episode"]["r"][i], global_step) + writer.add_scalar("charts/episodic_length", infos["final_info"]["episode"]["l"][i], global_step) + break # TRY NOT TO MODIFY: save data to replay buffer; handle `final_observation` real_next_obs = next_obs.copy() diff --git a/cleanrl/dqn.py b/cleanrl/dqn.py index e74e289c3..901b250b1 100644 --- a/cleanrl/dqn.py +++ b/cleanrl/dqn.py @@ -14,6 +14,8 @@ from stable_baselines3.common.buffers import ReplayBuffer from torch.utils.tensorboard import SummaryWriter +from cleanrl_utils.same_model_vector_env import SameModelSyncVectorEnv + @dataclass class Args: @@ -147,7 +149,7 @@ def linear_schedule(start_e: float, end_e: float, duration: int, t: int): device = torch.device("cuda" if torch.cuda.is_available() and args.cuda else "cpu") # env setup - envs = gym.vector.SyncVectorEnv( + envs = SameModelSyncVectorEnv( [make_env(args.env_id, args.seed + i, i, args.capture_video, run_name) for i in range(args.num_envs)] ) assert isinstance(envs.single_action_space, gym.spaces.Discrete), "only discrete action space is supported" @@ -180,13 +182,13 @@ def linear_schedule(start_e: float, end_e: float, duration: int, t: int): # TRY NOT TO MODIFY: execute the game and log data. next_obs, rewards, terminations, truncations, infos = envs.step(actions) - # TRY NOT TO MODIFY: record rewards for plotting purposes if "final_info" in infos: - for info in infos["final_info"]: - if info and "episode" in info: - print(f"global_step={global_step}, episodic_return={info['episode']['r']}") - writer.add_scalar("charts/episodic_return", info["episode"]["r"], global_step) - writer.add_scalar("charts/episodic_length", info["episode"]["l"], global_step) + for i in range(envs.num_envs): + if infos["final_info"]["_episode"][i]: + print(f"global_step={global_step}, episodic_return={infos['final_info']['episode']['r'][i]}") + writer.add_scalar("charts/episodic_return", infos["final_info"]["episode"]["r"][i], global_step) + writer.add_scalar("charts/episodic_length", infos["final_info"]["episode"]["l"][i], global_step) + break # TRY NOT TO MODIFY: save data to reply buffer; handle `final_observation` real_next_obs = next_obs.copy() diff --git a/cleanrl/dqn_atari.py b/cleanrl/dqn_atari.py index a23b84391..b6ea0c677 100644 --- a/cleanrl/dqn_atari.py +++ b/cleanrl/dqn_atari.py @@ -4,6 +4,7 @@ import time from dataclasses import dataclass +import ale_py import gymnasium as gym import numpy as np import torch @@ -13,7 +14,6 @@ import tyro from stable_baselines3.common.atari_wrappers import ( ClipRewardEnv, - EpisodicLifeEnv, FireResetEnv, MaxAndSkipEnv, NoopResetEnv, @@ -21,6 +21,10 @@ from stable_baselines3.common.buffers import ReplayBuffer from torch.utils.tensorboard import SummaryWriter +from cleanrl_utils.same_model_vector_env import SameModelSyncVectorEnv + +gym.register_envs(ale_py) + @dataclass class Args: @@ -89,13 +93,14 @@ def thunk(): env = NoopResetEnv(env, noop_max=30) env = MaxAndSkipEnv(env, skip=4) - env = EpisodicLifeEnv(env) + # EpisodicLifeEnv conflicts with gym v1.0.0's RecordEpisodeStatistics and will be fixed later. + # env = EpisodicLifeEnv(env) if "FIRE" in env.unwrapped.get_action_meanings(): env = FireResetEnv(env) env = ClipRewardEnv(env) env = gym.wrappers.ResizeObservation(env, (84, 84)) - env = gym.wrappers.GrayScaleObservation(env) - env = gym.wrappers.FrameStack(env, 4) + env = gym.wrappers.GrayscaleObservation(env) + env = gym.wrappers.FrameStackObservation(env, 4) env.action_space.seed(seed) return env @@ -169,7 +174,7 @@ def linear_schedule(start_e: float, end_e: float, duration: int, t: int): device = torch.device("cuda" if torch.cuda.is_available() and args.cuda else "cpu") # env setup - envs = gym.vector.SyncVectorEnv( + envs = SameModelSyncVectorEnv( [make_env(args.env_id, args.seed + i, i, args.capture_video, run_name) for i in range(args.num_envs)] ) assert isinstance(envs.single_action_space, gym.spaces.Discrete), "only discrete action space is supported" @@ -205,11 +210,12 @@ def linear_schedule(start_e: float, end_e: float, duration: int, t: int): # TRY NOT TO MODIFY: record rewards for plotting purposes if "final_info" in infos: - for info in infos["final_info"]: - if info and "episode" in info: - print(f"global_step={global_step}, episodic_return={info['episode']['r']}") - writer.add_scalar("charts/episodic_return", info["episode"]["r"], global_step) - writer.add_scalar("charts/episodic_length", info["episode"]["l"], global_step) + for i in range(envs.num_envs): + if infos["final_info"]["_episode"][i]: + print(f"global_step={global_step}, episodic_return={infos['final_info']['episode']['r'][i]}") + writer.add_scalar("charts/episodic_return", infos["final_info"]["episode"]["r"][i], global_step) + writer.add_scalar("charts/episodic_length", infos["final_info"]["episode"]["l"][i], global_step) + break # TRY NOT TO MODIFY: save data to reply buffer; handle `final_observation` real_next_obs = next_obs.copy() diff --git a/cleanrl/dqn_atari_jax.py b/cleanrl/dqn_atari_jax.py index 383ceeef8..f43b7ba66 100644 --- a/cleanrl/dqn_atari_jax.py +++ b/cleanrl/dqn_atari_jax.py @@ -8,6 +8,7 @@ "XLA_PYTHON_CLIENT_MEM_FRACTION" ] = "0.7" # see https://github.com/google/jax/discussions/6332#discussioncomment-1279991 +import ale_py import flax import flax.linen as nn import gymnasium as gym @@ -19,7 +20,6 @@ from flax.training.train_state import TrainState from stable_baselines3.common.atari_wrappers import ( ClipRewardEnv, - EpisodicLifeEnv, FireResetEnv, MaxAndSkipEnv, NoopResetEnv, @@ -27,6 +27,10 @@ from stable_baselines3.common.buffers import ReplayBuffer from torch.utils.tensorboard import SummaryWriter +from cleanrl_utils.same_model_vector_env import SameModelSyncVectorEnv + +gym.register_envs(ale_py) + @dataclass class Args: @@ -91,13 +95,14 @@ def thunk(): env = NoopResetEnv(env, noop_max=30) env = MaxAndSkipEnv(env, skip=4) - env = EpisodicLifeEnv(env) + # EpisodicLifeEnv conflicts with gym v1.0.0's RecordEpisodeStatistics and will be fixed later. + # env = EpisodicLifeEnv(env) if "FIRE" in env.unwrapped.get_action_meanings(): env = FireResetEnv(env) env = ClipRewardEnv(env) env = gym.wrappers.ResizeObservation(env, (84, 84)) - env = gym.wrappers.GrayScaleObservation(env) - env = gym.wrappers.FrameStack(env, 4) + env = gym.wrappers.GrayscaleObservation(env) + env = gym.wrappers.FrameStackObservation(env, 4) env.action_space.seed(seed) return env @@ -173,7 +178,7 @@ def linear_schedule(start_e: float, end_e: float, duration: int, t: int): key, q_key = jax.random.split(key, 2) # env setup - envs = gym.vector.SyncVectorEnv( + envs = SameModelSyncVectorEnv( [make_env(args.env_id, args.seed + i, i, args.capture_video, run_name) for i in range(args.num_envs)] ) assert isinstance(envs.single_action_space, gym.spaces.Discrete), "only discrete action space is supported" @@ -236,11 +241,12 @@ def mse_loss(params): # TRY NOT TO MODIFY: record rewards for plotting purposes if "final_info" in infos: - for info in infos["final_info"]: - if info and "episode" in info: - print(f"global_step={global_step}, episodic_return={info['episode']['r']}") - writer.add_scalar("charts/episodic_return", info["episode"]["r"], global_step) - writer.add_scalar("charts/episodic_length", info["episode"]["l"], global_step) + for i in range(envs.num_envs): + if infos["final_info"]["_episode"][i]: + print(f"global_step={global_step}, episodic_return={infos['final_info']['episode']['r'][i]}") + writer.add_scalar("charts/episodic_return", infos["final_info"]["episode"]["r"][i], global_step) + writer.add_scalar("charts/episodic_length", infos["final_info"]["episode"]["l"][i], global_step) + break # TRY NOT TO MODIFY: save data to reply buffer; handle `final_observation` real_next_obs = next_obs.copy() diff --git a/cleanrl/dqn_jax.py b/cleanrl/dqn_jax.py index 917282578..26437b783 100644 --- a/cleanrl/dqn_jax.py +++ b/cleanrl/dqn_jax.py @@ -16,6 +16,8 @@ from stable_baselines3.common.buffers import ReplayBuffer from torch.utils.tensorboard import SummaryWriter +from cleanrl_utils.same_model_vector_env import SameModelSyncVectorEnv + @dataclass class Args: @@ -145,7 +147,7 @@ def linear_schedule(start_e: float, end_e: float, duration: int, t: int): key, q_key = jax.random.split(key, 2) # env setup - envs = gym.vector.SyncVectorEnv( + envs = SameModelSyncVectorEnv( [make_env(args.env_id, args.seed + i, i, args.capture_video, run_name) for i in range(args.num_envs)] ) assert isinstance(envs.single_action_space, gym.spaces.Discrete), "only discrete action space is supported" @@ -205,11 +207,12 @@ def mse_loss(params): # TRY NOT TO MODIFY: record rewards for plotting purposes if "final_info" in infos: - for info in infos["final_info"]: - if info and "episode" in info: - print(f"global_step={global_step}, episodic_return={info['episode']['r']}") - writer.add_scalar("charts/episodic_return", info["episode"]["r"], global_step) - writer.add_scalar("charts/episodic_length", info["episode"]["l"], global_step) + for i in range(envs.num_envs): + if infos["final_info"]["_episode"][i]: + print(f"global_step={global_step}, episodic_return={infos['final_info']['episode']['r'][i]}") + writer.add_scalar("charts/episodic_return", infos["final_info"]["episode"]["r"][i], global_step) + writer.add_scalar("charts/episodic_length", infos["final_info"]["episode"]["l"][i], global_step) + break # TRY NOT TO MODIFY: save data to reply buffer; handle `final_observation` real_next_obs = next_obs.copy() diff --git a/cleanrl/ppo.py b/cleanrl/ppo.py index edde76bae..d173880cf 100644 --- a/cleanrl/ppo.py +++ b/cleanrl/ppo.py @@ -13,6 +13,8 @@ from torch.distributions.categorical import Categorical from torch.utils.tensorboard import SummaryWriter +from cleanrl_utils.same_model_vector_env import SameModelSyncVectorEnv + @dataclass class Args: @@ -159,7 +161,7 @@ def get_action_and_value(self, x, action=None): device = torch.device("cuda" if torch.cuda.is_available() and args.cuda else "cpu") # env setup - envs = gym.vector.SyncVectorEnv( + envs = SameModelSyncVectorEnv( [make_env(args.env_id, i, args.capture_video, run_name) for i in range(args.num_envs)], ) assert isinstance(envs.single_action_space, gym.spaces.Discrete), "only discrete action space is supported" @@ -208,11 +210,12 @@ def get_action_and_value(self, x, action=None): next_obs, next_done = torch.Tensor(next_obs).to(device), torch.Tensor(next_done).to(device) if "final_info" in infos: - for info in infos["final_info"]: - if info and "episode" in info: - print(f"global_step={global_step}, episodic_return={info['episode']['r']}") - writer.add_scalar("charts/episodic_return", info["episode"]["r"], global_step) - writer.add_scalar("charts/episodic_length", info["episode"]["l"], global_step) + for i in range(envs.num_envs): + if infos["final_info"]["_episode"][i]: + print(f"global_step={global_step}, episodic_return={infos['final_info']['episode']['r'][i]}") + writer.add_scalar("charts/episodic_return", infos["final_info"]["episode"]["r"][i], global_step) + writer.add_scalar("charts/episodic_length", infos["final_info"]["episode"]["l"][i], global_step) + break # bootstrap value if not done with torch.no_grad(): diff --git a/cleanrl/ppo_continuous_action.py b/cleanrl/ppo_continuous_action.py index b454521b6..768d94684 100644 --- a/cleanrl/ppo_continuous_action.py +++ b/cleanrl/ppo_continuous_action.py @@ -13,6 +13,8 @@ from torch.distributions.normal import Normal from torch.utils.tensorboard import SummaryWriter +from cleanrl_utils.same_model_vector_env import SameModelSyncVectorEnv + @dataclass class Args: @@ -95,7 +97,7 @@ def thunk(): env = gym.wrappers.RecordEpisodeStatistics(env) env = gym.wrappers.ClipAction(env) env = gym.wrappers.NormalizeObservation(env) - env = gym.wrappers.TransformObservation(env, lambda obs: np.clip(obs, -10, 10)) + env = gym.wrappers.TransformObservation(env, lambda obs: np.clip(obs, -10, 10), env.observation_space) env = gym.wrappers.NormalizeReward(env, gamma=gamma) env = gym.wrappers.TransformReward(env, lambda reward: np.clip(reward, -10, 10)) return env @@ -174,7 +176,7 @@ def get_action_and_value(self, x, action=None): device = torch.device("cuda" if torch.cuda.is_available() and args.cuda else "cpu") # env setup - envs = gym.vector.SyncVectorEnv( + envs = SameModelSyncVectorEnv( [make_env(args.env_id, i, args.capture_video, run_name, args.gamma) for i in range(args.num_envs)] ) assert isinstance(envs.single_action_space, gym.spaces.Box), "only continuous action space is supported" @@ -223,11 +225,12 @@ def get_action_and_value(self, x, action=None): next_obs, next_done = torch.Tensor(next_obs).to(device), torch.Tensor(next_done).to(device) if "final_info" in infos: - for info in infos["final_info"]: - if info and "episode" in info: - print(f"global_step={global_step}, episodic_return={info['episode']['r']}") - writer.add_scalar("charts/episodic_return", info["episode"]["r"], global_step) - writer.add_scalar("charts/episodic_length", info["episode"]["l"], global_step) + for i in range(envs.num_envs): + if infos["final_info"]["_episode"][i]: + print(f"global_step={global_step}, episodic_return={infos['final_info']['episode']['r'][i]}") + writer.add_scalar("charts/episodic_return", infos["final_info"]["episode"]["r"][i], global_step) + writer.add_scalar("charts/episodic_length", infos["final_info"]["episode"]["l"][i], global_step) + break # bootstrap value if not done with torch.no_grad(): diff --git a/cleanrl/pqn.py b/cleanrl/pqn.py index fd0eb8e21..80839b903 100644 --- a/cleanrl/pqn.py +++ b/cleanrl/pqn.py @@ -13,6 +13,8 @@ import tyro from torch.utils.tensorboard import SummaryWriter +from cleanrl_utils.same_model_vector_env import SameModelSyncVectorEnv + @dataclass class Args: @@ -142,7 +144,7 @@ def linear_schedule(start_e: float, end_e: float, duration: int, t: int): device = torch.device("cuda" if torch.cuda.is_available() and args.cuda else "cpu") # env setup - envs = gym.vector.SyncVectorEnv( + envs = SameModelSyncVectorEnv( [make_env(args.env_id, args.seed + i, i, args.capture_video, run_name) for i in range(args.num_envs)] ) assert isinstance(envs.single_action_space, gym.spaces.Discrete), "only discrete action space is supported" @@ -194,12 +196,13 @@ def linear_schedule(start_e: float, end_e: float, duration: int, t: int): rewards[step] = torch.tensor(reward).to(device).view(-1) next_obs, next_done = torch.Tensor(next_obs).to(device), torch.Tensor(next_done).to(device) - if "final_info" in infos: - for info in infos["final_info"]: - if info and "episode" in info: - print(f"global_step={global_step}, episodic_return={info['episode']['r']}") - writer.add_scalar("charts/episodic_return", info["episode"]["r"], global_step) - writer.add_scalar("charts/episodic_length", info["episode"]["l"], global_step) + if "final_info" in infos: + for i in range(envs.num_envs): + if infos["final_info"]["_episode"][i]: + print(f"global_step={global_step}, episodic_return={infos['final_info']['episode']['r'][i]}") + writer.add_scalar("charts/episodic_return", infos["final_info"]["episode"]["r"][i], global_step) + writer.add_scalar("charts/episodic_length", infos["final_info"]["episode"]["l"][i], global_step) + break # Compute Q(lambda) targets with torch.no_grad(): diff --git a/cleanrl/rpo_continuous_action.py b/cleanrl/rpo_continuous_action.py index 6db3d696b..4dac0c3b1 100644 --- a/cleanrl/rpo_continuous_action.py +++ b/cleanrl/rpo_continuous_action.py @@ -13,6 +13,8 @@ from torch.distributions.normal import Normal from torch.utils.tensorboard import SummaryWriter +from cleanrl_utils.same_model_vector_env import SameModelSyncVectorEnv + @dataclass class Args: @@ -91,7 +93,7 @@ def thunk(): env = gym.wrappers.RecordEpisodeStatistics(env) env = gym.wrappers.ClipAction(env) env = gym.wrappers.NormalizeObservation(env) - env = gym.wrappers.TransformObservation(env, lambda obs: np.clip(obs, -10, 10)) + env = gym.wrappers.TransformObservation(env, lambda obs: np.clip(obs, -10, 10), env.observation_space) env = gym.wrappers.NormalizeReward(env, gamma=gamma) env = gym.wrappers.TransformReward(env, lambda reward: np.clip(reward, -10, 10)) return env @@ -177,7 +179,7 @@ def get_action_and_value(self, x, action=None): device = torch.device("cuda" if torch.cuda.is_available() and args.cuda else "cpu") # env setup - envs = gym.vector.SyncVectorEnv( + envs = SameModelSyncVectorEnv( [make_env(args.env_id, i, args.capture_video, run_name, args.gamma) for i in range(args.num_envs)] ) assert isinstance(envs.single_action_space, gym.spaces.Box), "only continuous action space is supported" @@ -227,11 +229,12 @@ def get_action_and_value(self, x, action=None): next_obs, next_done = torch.Tensor(next_obs).to(device), torch.Tensor(done).to(device) if "final_info" in infos: - for info in infos["final_info"]: - if info and "episode" in info: - print(f"global_step={global_step}, episodic_return={info['episode']['r']}") - writer.add_scalar("charts/episodic_return", info["episode"]["r"], global_step) - writer.add_scalar("charts/episodic_length", info["episode"]["l"], global_step) + for i in range(envs.num_envs): + if infos["final_info"]["_episode"][i]: + print(f"global_step={global_step}, episodic_return={infos['final_info']['episode']['r'][i]}") + writer.add_scalar("charts/episodic_return", infos["final_info"]["episode"]["r"][i], global_step) + writer.add_scalar("charts/episodic_length", infos["final_info"]["episode"]["l"][i], global_step) + break # bootstrap value if not done with torch.no_grad(): diff --git a/cleanrl/sac_continuous_action.py b/cleanrl/sac_continuous_action.py index 9c7fa5ff1..4052ce429 100644 --- a/cleanrl/sac_continuous_action.py +++ b/cleanrl/sac_continuous_action.py @@ -14,6 +14,8 @@ from stable_baselines3.common.buffers import ReplayBuffer from torch.utils.tensorboard import SummaryWriter +from cleanrl_utils.same_model_vector_env import SameModelSyncVectorEnv + @dataclass class Args: @@ -189,7 +191,7 @@ def get_action(self, x): device = torch.device("cuda" if torch.cuda.is_available() and args.cuda else "cpu") # env setup - envs = gym.vector.SyncVectorEnv( + envs = SameModelSyncVectorEnv( [make_env(args.env_id, args.seed + i, i, args.capture_video, run_name) for i in range(args.num_envs)] ) assert isinstance(envs.single_action_space, gym.spaces.Box), "only continuous action space is supported" @@ -241,11 +243,11 @@ def get_action(self, x): # TRY NOT TO MODIFY: record rewards for plotting purposes if "final_info" in infos: - for info in infos["final_info"]: - if info is not None: - print(f"global_step={global_step}, episodic_return={info['episode']['r']}") - writer.add_scalar("charts/episodic_return", info["episode"]["r"], global_step) - writer.add_scalar("charts/episodic_length", info["episode"]["l"], global_step) + for i in range(envs.num_envs): + if infos["final_info"]["_episode"][i]: + print(f"global_step={global_step}, episodic_return={infos['final_info']['episode']['r'][i]}") + writer.add_scalar("charts/episodic_return", infos["final_info"]["episode"]["r"][i], global_step) + writer.add_scalar("charts/episodic_length", infos["final_info"]["episode"]["l"][i], global_step) break # TRY NOT TO MODIFY: save data to reply buffer; handle `final_observation` diff --git a/cleanrl/td3_continuous_action.py b/cleanrl/td3_continuous_action.py index 832853911..655d5adbb 100644 --- a/cleanrl/td3_continuous_action.py +++ b/cleanrl/td3_continuous_action.py @@ -14,6 +14,8 @@ from stable_baselines3.common.buffers import ReplayBuffer from torch.utils.tensorboard import SummaryWriter +from cleanrl_utils.same_model_vector_env import SameModelSyncVectorEnv + @dataclass class Args: @@ -140,7 +142,6 @@ def forward(self, x): poetry run pip install "stable_baselines3==2.0.0a1" """ ) - args = tyro.cli(Args) run_name = f"{args.env_id}__{args.exp_name}__{args.seed}__{int(time.time())}" if args.track: @@ -170,7 +171,7 @@ def forward(self, x): device = torch.device("cuda" if torch.cuda.is_available() and args.cuda else "cpu") # env setup - envs = gym.vector.SyncVectorEnv( + envs = SameModelSyncVectorEnv( [make_env(args.env_id, args.seed + i, i, args.capture_video, run_name) for i in range(args.num_envs)] ) assert isinstance(envs.single_action_space, gym.spaces.Box), "only continuous action space is supported" @@ -215,11 +216,11 @@ def forward(self, x): # TRY NOT TO MODIFY: record rewards for plotting purposes if "final_info" in infos: - for info in infos["final_info"]: - if info is not None: - print(f"global_step={global_step}, episodic_return={info['episode']['r']}") - writer.add_scalar("charts/episodic_return", info["episode"]["r"], global_step) - writer.add_scalar("charts/episodic_length", info["episode"]["l"], global_step) + for i in range(envs.num_envs): + if infos["final_info"]["_episode"][i]: + print(f"global_step={global_step}, episodic_return={infos['final_info']['episode']['r'][i]}") + writer.add_scalar("charts/episodic_return", infos["final_info"]["episode"]["r"][i], global_step) + writer.add_scalar("charts/episodic_length", infos["final_info"]["episode"]["l"][i], global_step) break # TRY NOT TO MODIFY: save data to reply buffer; handle `final_observation` diff --git a/cleanrl/td3_continuous_action_jax.py b/cleanrl/td3_continuous_action_jax.py index b69f0a0d1..501360192 100644 --- a/cleanrl/td3_continuous_action_jax.py +++ b/cleanrl/td3_continuous_action_jax.py @@ -16,6 +16,8 @@ from stable_baselines3.common.buffers import ReplayBuffer from torch.utils.tensorboard import SummaryWriter +from cleanrl_utils.same_model_vector_env import SameModelSyncVectorEnv + @dataclass class Args: @@ -149,7 +151,7 @@ class TrainState(TrainState): key, actor_key, qf1_key, qf2_key = jax.random.split(key, 4) # env setup - envs = gym.vector.SyncVectorEnv([make_env(args.env_id, args.seed, 0, args.capture_video, run_name)]) + envs = SameModelSyncVectorEnv([make_env(args.env_id, args.seed, 0, args.capture_video, run_name)]) assert isinstance(envs.single_action_space, gym.spaces.Box), "only continuous action space is supported" max_action = float(envs.single_action_space.high[0]) @@ -281,11 +283,12 @@ def actor_loss(params): # TRY NOT TO MODIFY: record rewards for plotting purposes if "final_info" in infos: - for info in infos["final_info"]: - print(f"global_step={global_step}, episodic_return={info['episode']['r']}") - writer.add_scalar("charts/episodic_return", info["episode"]["r"], global_step) - writer.add_scalar("charts/episodic_length", info["episode"]["l"], global_step) - break + for i in range(envs.num_envs): + if infos["final_info"]["_episode"][i]: + print(f"global_step={global_step}, episodic_return={infos['final_info']['episode']['r'][i]}") + writer.add_scalar("charts/episodic_return", infos["final_info"]["episode"]["r"][i], global_step) + writer.add_scalar("charts/episodic_length", infos["final_info"]["episode"]["l"][i], global_step) + break # TRY NOT TO MODIFY: save data to replay buffer; handle `final_observation` real_next_obs = next_obs.copy() diff --git a/cleanrl_utils/evals/c51_eval.py b/cleanrl_utils/evals/c51_eval.py index fc1e41e22..ea5a37438 100644 --- a/cleanrl_utils/evals/c51_eval.py +++ b/cleanrl_utils/evals/c51_eval.py @@ -2,10 +2,11 @@ from argparse import Namespace from typing import Callable -import gymnasium as gym import numpy as np import torch +from cleanrl_utils.same_model_vector_env import SameModelSyncVectorEnv + def evaluate( model_path: str, @@ -18,7 +19,7 @@ def evaluate( epsilon: float = 0.05, capture_video: bool = True, ): - envs = gym.vector.SyncVectorEnv([make_env(env_id, 0, 0, capture_video, run_name)]) + envs = SameModelSyncVectorEnv([make_env(env_id, 0, 0, capture_video, run_name)]) model_data = torch.load(model_path, map_location="cpu") args = Namespace(**model_data["args"]) model = Model(envs, n_atoms=args.n_atoms, v_min=args.v_min, v_max=args.v_max) @@ -36,11 +37,11 @@ def evaluate( actions = actions.cpu().numpy() next_obs, _, _, _, infos = envs.step(actions) if "final_info" in infos: - for info in infos["final_info"]: - if "episode" not in info: - continue - print(f"eval_episode={len(episodic_returns)}, episodic_return={info['episode']['r']}") - episodic_returns += [info["episode"]["r"]] + for i in range(envs.num_envs): + if infos["final_info"]["_episode"][i]: + print(f"eval_episode={len(episodic_returns)}, episodic_return={infos['final_info']['episode']['r']}") + episodic_returns += [infos["final_info"]["episode"]["r"]] + break obs = next_obs return episodic_returns diff --git a/cleanrl_utils/evals/c51_jax_eval.py b/cleanrl_utils/evals/c51_jax_eval.py index e1cde8c75..affd43096 100644 --- a/cleanrl_utils/evals/c51_jax_eval.py +++ b/cleanrl_utils/evals/c51_jax_eval.py @@ -4,11 +4,12 @@ import flax import flax.linen as nn -import gymnasium as gym import jax import jax.numpy as jnp import numpy as np +from cleanrl_utils.same_model_vector_env import SameModelSyncVectorEnv + def evaluate( model_path: str, @@ -21,7 +22,7 @@ def evaluate( capture_video: bool = True, seed=1, ): - envs = gym.vector.SyncVectorEnv([make_env(env_id, 0, 0, capture_video, run_name)]) + envs = SameModelSyncVectorEnv([make_env(env_id, 0, 0, capture_video, run_name)]) obs, _ = envs.reset() model_data = None with open(model_path, "rb") as f: @@ -44,11 +45,11 @@ def evaluate( actions = jax.device_get(actions) next_obs, _, _, _, infos = envs.step(actions) if "final_info" in infos: - for info in infos["final_info"]: - if "episode" not in info: - continue - print(f"eval_episode={len(episodic_returns)}, episodic_return={info['episode']['r']}") - episodic_returns += [info["episode"]["r"]] + for i in range(envs.num_envs): + if infos["final_info"]["_episode"][i]: + print(f"eval_episode={len(episodic_returns)}, episodic_return={infos['final_info']['episode']['r']}") + episodic_returns += [infos["final_info"]["episode"]["r"]] + break obs = next_obs return episodic_returns diff --git a/cleanrl_utils/evals/ddpg_eval.py b/cleanrl_utils/evals/ddpg_eval.py index cc8fb6ccf..1dab74f3c 100644 --- a/cleanrl_utils/evals/ddpg_eval.py +++ b/cleanrl_utils/evals/ddpg_eval.py @@ -1,9 +1,10 @@ from typing import Callable -import gymnasium as gym import torch import torch.nn as nn +from cleanrl_utils.same_model_vector_env import SameModelSyncVectorEnv + def evaluate( model_path: str, @@ -16,7 +17,7 @@ def evaluate( capture_video: bool = True, exploration_noise: float = 0.1, ): - envs = gym.vector.SyncVectorEnv([make_env(env_id, 0, 0, capture_video, run_name)]) + envs = SameModelSyncVectorEnv([make_env(env_id, 0, 0, capture_video, run_name)]) actor = Model[0](envs).to(device) qf = Model[1](envs).to(device) actor_params, qf_params = torch.load(model_path, map_location=device) @@ -36,11 +37,11 @@ def evaluate( next_obs, _, _, _, infos = envs.step(actions) if "final_info" in infos: - for info in infos["final_info"]: - if "episode" not in info: - continue - print(f"eval_episode={len(episodic_returns)}, episodic_return={info['episode']['r']}") - episodic_returns += [info["episode"]["r"]] + for i in range(envs.num_envs): + if infos["final_info"]["_episode"][i]: + print(f"eval_episode={len(episodic_returns)}, episodic_return={infos['final_info']['episode']['r']}") + episodic_returns += [infos["final_info"]["episode"]["r"]] + break obs = next_obs return episodic_returns diff --git a/cleanrl_utils/evals/ddpg_jax_eval.py b/cleanrl_utils/evals/ddpg_jax_eval.py index 9eb585a17..8aa45a228 100644 --- a/cleanrl_utils/evals/ddpg_jax_eval.py +++ b/cleanrl_utils/evals/ddpg_jax_eval.py @@ -2,10 +2,11 @@ import flax import flax.linen as nn -import gymnasium as gym import jax import numpy as np +from cleanrl_utils.same_model_vector_env import SameModelSyncVectorEnv + def evaluate( model_path: str, @@ -18,7 +19,7 @@ def evaluate( exploration_noise: float = 0.1, seed=1, ): - envs = gym.vector.SyncVectorEnv([make_env(env_id, 0, 0, capture_video, run_name)]) + envs = SameModelSyncVectorEnv([make_env(env_id, 0, 0, capture_video, run_name)]) obs, _ = envs.reset() Actor, QNetwork = Model @@ -53,11 +54,11 @@ def evaluate( next_obs, _, _, _, infos = envs.step(actions) if "final_info" in infos: - for info in infos["final_info"]: - if "episode" not in info: - continue - print(f"eval_episode={len(episodic_returns)}, episodic_return={info['episode']['r']}") - episodic_returns += [info["episode"]["r"]] + for i in range(envs.num_envs): + if infos["final_info"]["_episode"][i]: + print(f"eval_episode={len(episodic_returns)}, episodic_return={infos['final_info']['episode']['r']}") + episodic_returns += [infos["final_info"]["episode"]["r"]] + break obs = next_obs return episodic_returns diff --git a/cleanrl_utils/evals/dqn_eval.py b/cleanrl_utils/evals/dqn_eval.py index af637e39d..28743ab61 100644 --- a/cleanrl_utils/evals/dqn_eval.py +++ b/cleanrl_utils/evals/dqn_eval.py @@ -1,10 +1,11 @@ import random from typing import Callable -import gymnasium as gym import numpy as np import torch +from cleanrl_utils.same_model_vector_env import SameModelSyncVectorEnv + def evaluate( model_path: str, @@ -17,7 +18,7 @@ def evaluate( epsilon: float = 0.05, capture_video: bool = True, ): - envs = gym.vector.SyncVectorEnv([make_env(env_id, 0, 0, capture_video, run_name)]) + envs = SameModelSyncVectorEnv([make_env(env_id, 0, 0, capture_video, run_name)]) model = Model(envs).to(device) model.load_state_dict(torch.load(model_path, map_location=device)) model.eval() @@ -32,11 +33,11 @@ def evaluate( actions = torch.argmax(q_values, dim=1).cpu().numpy() next_obs, _, _, _, infos = envs.step(actions) if "final_info" in infos: - for info in infos["final_info"]: - if "episode" not in info: - continue - print(f"eval_episode={len(episodic_returns)}, episodic_return={info['episode']['r']}") - episodic_returns += [info["episode"]["r"]] + for i in range(envs.num_envs): + if infos["final_info"]["_episode"][i]: + print(f"eval_episode={len(episodic_returns)}, episodic_return={infos['final_info']['episode']['r']}") + episodic_returns += [infos["final_info"]["episode"]["r"]] + break obs = next_obs return episodic_returns diff --git a/cleanrl_utils/evals/dqn_jax_eval.py b/cleanrl_utils/evals/dqn_jax_eval.py index baa858e4c..bd2e5e955 100644 --- a/cleanrl_utils/evals/dqn_jax_eval.py +++ b/cleanrl_utils/evals/dqn_jax_eval.py @@ -3,10 +3,11 @@ import flax import flax.linen as nn -import gymnasium as gym import jax import numpy as np +from cleanrl_utils.same_model_vector_env import SameModelSyncVectorEnv + def evaluate( model_path: str, @@ -19,7 +20,7 @@ def evaluate( capture_video: bool = True, seed=1, ): - envs = gym.vector.SyncVectorEnv([make_env(env_id, 0, 0, capture_video, run_name)]) + envs = SameModelSyncVectorEnv([make_env(env_id, 0, 0, capture_video, run_name)]) obs, _ = envs.reset() model = Model(action_dim=envs.single_action_space.n) q_key = jax.random.PRNGKey(seed) @@ -38,11 +39,11 @@ def evaluate( actions = jax.device_get(actions) next_obs, _, _, _, infos = envs.step(actions) if "final_info" in infos: - for info in infos["final_info"]: - if "episode" not in info: - continue - print(f"eval_episode={len(episodic_returns)}, episodic_return={info['episode']['r']}") - episodic_returns += [info["episode"]["r"]] + for i in range(envs.num_envs): + if infos["final_info"]["_episode"][i]: + print(f"eval_episode={len(episodic_returns)}, episodic_return={infos['final_info']['episode']['r']}") + episodic_returns += [infos["final_info"]["episode"]["r"]] + break obs = next_obs return episodic_returns diff --git a/cleanrl_utils/evals/ppo_eval.py b/cleanrl_utils/evals/ppo_eval.py index 05091f567..4f8243f41 100644 --- a/cleanrl_utils/evals/ppo_eval.py +++ b/cleanrl_utils/evals/ppo_eval.py @@ -1,8 +1,9 @@ from typing import Callable -import gymnasium as gym import torch +from cleanrl_utils.same_model_vector_env import SameModelSyncVectorEnv + def evaluate( model_path: str, @@ -15,7 +16,7 @@ def evaluate( capture_video: bool = True, gamma: float = 0.99, ): - envs = gym.vector.SyncVectorEnv([make_env(env_id, 0, capture_video, run_name, gamma)]) + envs = SameModelSyncVectorEnv([make_env(env_id, 0, capture_video, run_name, gamma)]) agent = Model(envs).to(device) agent.load_state_dict(torch.load(model_path, map_location=device)) agent.eval() @@ -26,11 +27,11 @@ def evaluate( actions, _, _, _ = agent.get_action_and_value(torch.Tensor(obs).to(device)) next_obs, _, _, _, infos = envs.step(actions.cpu().numpy()) if "final_info" in infos: - for info in infos["final_info"]: - if "episode" not in info: - continue - print(f"eval_episode={len(episodic_returns)}, episodic_return={info['episode']['r']}") - episodic_returns += [info["episode"]["r"]] + for i in range(envs.num_envs): + if infos["final_info"]["_episode"][i]: + print(f"eval_episode={len(episodic_returns)}, episodic_return={infos['final_info']['episode']['r']}") + episodic_returns += [infos["final_info"]["episode"]["r"]] + break obs = next_obs return episodic_returns diff --git a/cleanrl_utils/evals/td3_eval.py b/cleanrl_utils/evals/td3_eval.py index 9b684d287..ca25c763a 100644 --- a/cleanrl_utils/evals/td3_eval.py +++ b/cleanrl_utils/evals/td3_eval.py @@ -1,9 +1,10 @@ from typing import Callable -import gymnasium as gym import torch import torch.nn as nn +from cleanrl_utils.same_model_vector_env import SameModelSyncVectorEnv + def evaluate( model_path: str, @@ -16,7 +17,7 @@ def evaluate( capture_video: bool = True, exploration_noise: float = 0.1, ): - envs = gym.vector.SyncVectorEnv([make_env(env_id, 0, 0, capture_video, run_name)]) + envs = SameModelSyncVectorEnv([make_env(env_id, 0, 0, capture_video, run_name)]) actor = Model[0](envs).to(device) qf1 = Model[1](envs).to(device) qf2 = Model[1](envs).to(device) @@ -39,11 +40,11 @@ def evaluate( next_obs, _, _, _, infos = envs.step(actions) if "final_info" in infos: - for info in infos["final_info"]: - if "episode" not in info: - continue - print(f"eval_episode={len(episodic_returns)}, episodic_return={info['episode']['r']}") - episodic_returns += [info["episode"]["r"]] + for i in range(envs.num_envs): + if infos["final_info"]["_episode"][i]: + print(f"eval_episode={len(episodic_returns)}, episodic_return={infos['final_info']['episode']['r']}") + episodic_returns += [infos["final_info"]["episode"]["r"]] + break obs = next_obs return episodic_returns diff --git a/cleanrl_utils/evals/td3_jax_eval.py b/cleanrl_utils/evals/td3_jax_eval.py index 4349e5967..d0e6d326d 100644 --- a/cleanrl_utils/evals/td3_jax_eval.py +++ b/cleanrl_utils/evals/td3_jax_eval.py @@ -2,10 +2,11 @@ import flax import flax.linen as nn -import gymnasium as gym import jax import numpy as np +from cleanrl_utils.same_model_vector_env import SameModelSyncVectorEnv + def evaluate( model_path: str, @@ -18,7 +19,7 @@ def evaluate( exploration_noise: float = 0.1, seed=1, ): - envs = gym.vector.SyncVectorEnv([make_env(env_id, 0, 0, capture_video, run_name)]) + envs = SameModelSyncVectorEnv([make_env(env_id, 0, 0, capture_video, run_name)]) max_action = float(envs.single_action_space.high[0]) obs, _ = envs.reset() @@ -58,11 +59,11 @@ def evaluate( next_obs, _, _, _, infos = envs.step(actions) if "final_info" in infos: - for info in infos["final_info"]: - if "episode" not in info: - continue - print(f"eval_episode={len(episodic_returns)}, episodic_return={info['episode']['r']}") - episodic_returns += [info["episode"]["r"]] + for i in range(envs.num_envs): + if infos["final_info"]["_episode"][i]: + print(f"eval_episode={len(episodic_returns)}, episodic_return={infos['final_info']['episode']['r']}") + episodic_returns += [infos["final_info"]["episode"]["r"]] + break obs = next_obs return episodic_returns diff --git a/cleanrl_utils/same_model_vector_env.py b/cleanrl_utils/same_model_vector_env.py new file mode 100644 index 000000000..928eb7d4d --- /dev/null +++ b/cleanrl_utils/same_model_vector_env.py @@ -0,0 +1,34 @@ +from copy import deepcopy + +import gymnasium as gym +import numpy as np + + +# Only for gymnasium v1.0.0 +class SameModelSyncVectorEnv(gym.vector.SyncVectorEnv): + def step(self, actions): + observations, infos = [], {} + for i, action in enumerate(gym.vector.utils.iterate(self.action_space, actions)): + (_env_obs, self._rewards[i], self._terminations[i], self._truncations[i], env_info,) = self.envs[ + i + ].step(action) + + if self._terminations[i] or self._truncations[i]: + infos = self._add_info( + infos, + {"final_obs": _env_obs, "final_info": env_info}, + i, + ) + _env_obs, env_info = self.envs[i].reset() + observations.append(_env_obs) + infos = self._add_info(infos, env_info, i) + + # Concatenate the observations + self._observations = gym.vector.utils.concatenate(self.single_observation_space, observations, self._observations) + return ( + deepcopy(self._observations) if self.copy else self._observations, + np.copy(self._rewards), + np.copy(self._terminations), + np.copy(self._truncations), + infos, + ) diff --git a/poetry.lock b/poetry.lock index f30baf28c..4f71cbd9b 100644 --- a/poetry.lock +++ b/poetry.lock @@ -1,4 +1,4 @@ -# This file is automatically @generated by Poetry 1.6.1 and should not be changed by hand. +# This file is automatically @generated by Poetry 2.1.1 and should not be changed by hand. [[package]] name = "absl-py" @@ -6,6 +6,8 @@ version = "1.4.0" description = "Abseil Python Common Libraries, see https://github.com/abseil/abseil-py." optional = false python-versions = ">=3.6" +groups = ["main"] +markers = "platform_system == \"Linux\" and platform_machine == \"aarch64\" and sys_platform != \"linux\"" files = [ {file = "absl-py-1.4.0.tar.gz", hash = "sha256:d2c244d01048ba476e7c080bd2c6df5e141d211de80223460d5b3b8a2a58433d"}, {file = "absl_py-1.4.0-py3-none-any.whl", hash = "sha256:0d3fe606adfa4f7db64792dd4c7aee4ee0c38ab75dfd353b7a83ed3e957fcb47"}, @@ -13,40 +15,47 @@ files = [ [[package]] name = "ale-py" -version = "0.8.1" +version = "0.10.1" description = "The Arcade Learning Environment (ALE) - a platform for AI research." optional = true -python-versions = ">=3.7" -files = [ - {file = "ale_py-0.8.1-cp310-cp310-macosx_10_15_x86_64.whl", hash = "sha256:b2aa2f69a4169742800615970efe6914fa856e33eaf7fa9133c0e06a617a80e2"}, - {file = "ale_py-0.8.1-cp310-cp310-macosx_11_0_arm64.whl", hash = "sha256:6f2f6b92c8fd6189654979bbf0b305dbe0ecf82176c47f244d8c1cbc36286b89"}, - {file = "ale_py-0.8.1-cp310-cp310-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:c9b168eb88c87d0f3e2a778e6c5cdde4ad951d1ca8a6dc3d3679fd45398df7d1"}, - {file = "ale_py-0.8.1-cp310-cp310-win_amd64.whl", hash = "sha256:5fcc31f495de79ee1d6bfc0f4b7c4619948851e679bbf010035e25f23146a687"}, - {file = "ale_py-0.8.1-cp311-cp311-macosx_10_15_x86_64.whl", hash = "sha256:0856ca777473ec4ae8a59f3af9580259adb0fd4a47d586a125a440c62e82fc10"}, - {file = "ale_py-0.8.1-cp311-cp311-macosx_11_0_arm64.whl", hash = "sha256:f10b1df8774bbe3b00365748b5e0e07cf35f6a703bbaff991bc7b3b2247dccc9"}, - {file = "ale_py-0.8.1-cp311-cp311-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:0006d80dfe7745eb5a93444492337203c8bc7eb594a2c24c6a651c5c5b0eaf09"}, - {file = "ale_py-0.8.1-cp311-cp311-win_amd64.whl", hash = "sha256:9773eea7505484e024beb2fff0f3bfd363db151bdb9799d70995448e196b1ded"}, - {file = "ale_py-0.8.1-cp37-cp37m-macosx_10_15_x86_64.whl", hash = "sha256:87557db05be0e04130e2ec1bf909d3bb0b0bc034645d4f664e6baa573fe32191"}, - {file = "ale_py-0.8.1-cp37-cp37m-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:ae2ba24557e0ce541ea3be13b148db2a9cfa730d83537b4cbed5e10449826e51"}, - {file = "ale_py-0.8.1-cp37-cp37m-win_amd64.whl", hash = "sha256:ade5c32af567629164a6b49378978c728a15dc4db07ad6b679e8832d4fd3ea1f"}, - {file = "ale_py-0.8.1-cp38-cp38-macosx_10_15_x86_64.whl", hash = "sha256:0ffecb5c956749596030e464827642945162170a132d093c3d4fa2d7e5725c18"}, - {file = "ale_py-0.8.1-cp38-cp38-macosx_11_0_arm64.whl", hash = "sha256:7cd74b7ee0248ef11a086c9764e142e71defd40ec8989a99232bfd2d9e8023be"}, - {file = "ale_py-0.8.1-cp38-cp38-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:eadf9f3990b4ff2f9e5ca35889f5e2e95cddd6a353d9d857d9b4601a6e1c4e7c"}, - {file = "ale_py-0.8.1-cp38-cp38-win_amd64.whl", hash = "sha256:817adf9a3a82c4923c731e634520a5ecf296aca0367f5c69959a96b32119d831"}, - {file = "ale_py-0.8.1-cp39-cp39-macosx_10_15_x86_64.whl", hash = "sha256:2d9fcfa06c74a613c5419e942ef4d3e0959533f52e94d2d4bda61d07fbfffeee"}, - {file = "ale_py-0.8.1-cp39-cp39-macosx_11_0_arm64.whl", hash = "sha256:f278036f9b6066062abcdf0987a0ec5a8e0f22a2c7cfac925e39378d4343d490"}, - {file = "ale_py-0.8.1-cp39-cp39-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:b00f74e27815131c1a2791f3d48114363fa2708e19f09ce6b7b614cb14c9d469"}, - {file = "ale_py-0.8.1-cp39-cp39-win_amd64.whl", hash = "sha256:d49b550a2d9c25b63c343aa680fd81f253a3714cdc0e1835640933ebff1798ff"}, +python-versions = ">=3.8" +groups = ["main"] +markers = "platform_system == \"Linux\" and platform_machine == \"aarch64\" and (extra == \"atari\" or extra == \"dqn-atari\" or extra == \"dqn-atari-jax\" or extra == \"c51-atari\" or extra == \"c51-atari-jax\" or extra == \"ppo-atari-envpool-xla-jax-scan\" or extra == \"qdagger-dqn-atari-impalacnn\" or extra == \"qdagger-dqn-atari-jax-impalacnn\") and sys_platform != \"linux\"" +files = [ + {file = "ale_py-0.10.1-cp310-cp310-macosx_10_15_x86_64.whl", hash = "sha256:7733d521921452b9e644e9e31e4d5b1ba612305473c5ba0266cafb7eff6a5461"}, + {file = "ale_py-0.10.1-cp310-cp310-macosx_11_0_arm64.whl", hash = "sha256:4f3aaea36c1671812c21b5f7c5dcf9f5f9c726f5b10cbe7a657a844de963bb55"}, + {file = "ale_py-0.10.1-cp310-cp310-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:5d4f326236c95736182323a480363c7b98959fc9a4ba09d2aa5b152faa6a2d59"}, + {file = "ale_py-0.10.1-cp310-cp310-win_amd64.whl", hash = "sha256:9fa3f3977f63b685394301432cba7fe417882cfea72424d75aaf6bf98f79a2c9"}, + {file = "ale_py-0.10.1-cp311-cp311-macosx_10_15_x86_64.whl", hash = "sha256:076a44a61c2518b844f765692a91d0a6b383c6592b5fdabd94fd24d4c62a54ef"}, + {file = "ale_py-0.10.1-cp311-cp311-macosx_11_0_arm64.whl", hash = "sha256:b84025670cf37527348a417d7465ee193a19d0a336bcd62f943957c13fef6ebb"}, + {file = "ale_py-0.10.1-cp311-cp311-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:6f0a3da4ff47f913b5c61e66571fe7fb92fc569e5babdf4b0eeee348aac1d457"}, + {file = "ale_py-0.10.1-cp311-cp311-win_amd64.whl", hash = "sha256:c77653e47d79e60abcc21bfad7dd105784ce2649fc5bc4eaaa1de45b40112772"}, + {file = "ale_py-0.10.1-cp312-cp312-macosx_10_15_x86_64.whl", hash = "sha256:24f7aa19e1b3b1540516942020a95f57964af71285497620e58f03b2c113424e"}, + {file = "ale_py-0.10.1-cp312-cp312-macosx_11_0_arm64.whl", hash = "sha256:4dd55a52e074497f1143785a215a50706afba3111be8b4923d46cc507c16be8f"}, + {file = "ale_py-0.10.1-cp312-cp312-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:3d82d81715f15598b9db50529da971d36117cda027af9d112bd2ea22cefe3bcb"}, + {file = "ale_py-0.10.1-cp312-cp312-win_amd64.whl", hash = "sha256:e0637ddc4074b814ae46db28d61aface08d7eba16ea713cdfe0734e0b18c3794"}, + {file = "ale_py-0.10.1-cp313-cp313-macosx_10_15_x86_64.whl", hash = "sha256:c43308af7013cb60c6f5e77cba2b9ccaed2f5e2ae444b365dce9b7ac3bb5d48f"}, + {file = "ale_py-0.10.1-cp313-cp313-macosx_11_0_arm64.whl", hash = "sha256:0835ee11004efeb5a9805a09c1525242f737257a8a4f5f4f0b9b3e047e6dca86"}, + {file = "ale_py-0.10.1-cp313-cp313-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:92a31bd44687c6a3595fcdac35bc3238e305dd604171ba6a9cb7912bc83c99ee"}, + {file = "ale_py-0.10.1-cp313-cp313-win_amd64.whl", hash = "sha256:9f30d763c38063e5579783844868c1330f89049f252e94c49534785515f785f2"}, + {file = "ale_py-0.10.1-cp38-cp38-macosx_10_15_x86_64.whl", hash = "sha256:c9fac7fe11c56ed301a409d8a940f3e764ed2929b756ebb033eadf492a3d696e"}, + {file = "ale_py-0.10.1-cp38-cp38-macosx_11_0_arm64.whl", hash = "sha256:82c676030b8b6543cb6969a905ff841ae6f086a2efe707542d014ef6ca4ada4e"}, + {file = "ale_py-0.10.1-cp38-cp38-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:12617edc9799c73570df67a731a4293bcfd500f413e0bfa867b53fc411fa7629"}, + {file = "ale_py-0.10.1-cp38-cp38-win_amd64.whl", hash = "sha256:771d5a1cd5a50d2cf226eba45c418fb7a18b453bd332b6a2189310030eda421a"}, + {file = "ale_py-0.10.1-cp39-cp39-macosx_10_15_x86_64.whl", hash = "sha256:d3247ad68f7dda1f9c046ede74310e347114f2c191a9f4cd247f432410941eb9"}, + {file = "ale_py-0.10.1-cp39-cp39-macosx_11_0_arm64.whl", hash = "sha256:f6f91ab4b2a18e24c82a33fd1d616f32d121fcd6429f9045d515960df8cdc580"}, + {file = "ale_py-0.10.1-cp39-cp39-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:24b9e61a4e868a4266f8a0ef7809cc20cecedb8c10d515d14ff6078950d51d8b"}, + {file = "ale_py-0.10.1-cp39-cp39-win_amd64.whl", hash = "sha256:43d63b262f4b3bfcd567ce736a5648b4193470b2691bc14e38ac0c05dfe2a7e2"}, + {file = "ale_py-0.10.1.tar.gz", hash = "sha256:3971a8552d2f982f569c87152479901574a9fe86410e5d1a26276e7ffccb59e1"}, ] [package.dependencies] importlib-metadata = {version = ">=4.10.0", markers = "python_version < \"3.10\""} -importlib-resources = "*" -numpy = "*" +numpy = ">1.20" typing-extensions = {version = "*", markers = "python_version < \"3.11\""} [package.extras] -test = ["gym (>=0.23,<1.0)", "pytest (>=7.0)"] +test = ["gymnasium (>=1.0.0a1)", "pytest (>=7.0)"] [[package]] name = "alembic" @@ -54,14 +63,14 @@ version = "1.10.4" description = "A database migration tool for SQLAlchemy." optional = true python-versions = ">=3.7" +groups = ["main"] +markers = "extra == \"optuna\"" files = [ {file = "alembic-1.10.4-py3-none-any.whl", hash = "sha256:43942c3d4bf2620c466b91c0f4fca136fe51ae972394a0cc8b90810d664e4f5c"}, {file = "alembic-1.10.4.tar.gz", hash = "sha256:295b54bbb92c4008ab6a7dcd1e227e668416d6f84b98b3c4446a2bc6214a556b"}, ] [package.dependencies] -importlib-metadata = {version = "*", markers = "python_version < \"3.9\""} -importlib-resources = {version = "*", markers = "python_version < \"3.9\""} Mako = "*" SQLAlchemy = ">=1.3.0" typing-extensions = ">=4" @@ -75,6 +84,8 @@ version = "1.4.4" description = "A small Python module for determining appropriate platform-specific dirs, e.g. a \"user data dir\"." optional = false python-versions = "*" +groups = ["main"] +markers = "platform_system == \"Linux\" and platform_machine == \"aarch64\" and sys_platform != \"linux\"" files = [ {file = "appdirs-1.4.4-py2.py3-none-any.whl", hash = "sha256:a841dacd6b99318a741b166adb07e19ee71a274450e68237b4650ca1055ab128"}, {file = "appdirs-1.4.4.tar.gz", hash = "sha256:7d5d0167b2b1ba821647616af46a749d1c653740dd0d2415100fe26e27afdf41"}, @@ -86,6 +97,8 @@ version = "0.4.2" description = "Automated installation of Atari ROMs for Gym/ALE-Py" optional = true python-versions = ">=3.6" +groups = ["main"] +markers = "platform_system == \"Linux\" and platform_machine == \"aarch64\" and (extra == \"atari\" or extra == \"dqn-atari\" or extra == \"dqn-atari-jax\" or extra == \"c51-atari\" or extra == \"c51-atari-jax\" or extra == \"ppo-atari-envpool-xla-jax-scan\" or extra == \"qdagger-dqn-atari-impalacnn\" or extra == \"qdagger-dqn-atari-jax-impalacnn\") and sys_platform != \"linux\"" files = [ {file = "AutoROM-0.4.2-py3-none-any.whl", hash = "sha256:719c9d363ef08391fdb7003d70df235b68f36de628d289a946c4a59a3adefa13"}, {file = "AutoROM-0.4.2.tar.gz", hash = "sha256:b426a39bc0ee3781c7791f28963a9b2e4385b6421eeaf2f368edc00c761d428a"}, @@ -94,7 +107,6 @@ files = [ [package.dependencies] "AutoROM.accept-rom-license" = {version = "*", optional = true, markers = "extra == \"accept-rom-license\""} click = "*" -importlib-resources = {version = "*", markers = "python_version < \"3.9\""} requests = "*" tqdm = "*" @@ -107,13 +119,14 @@ version = "0.6.1" description = "Automated installation of Atari ROMs for Gym/ALE-Py" optional = true python-versions = ">=3.7" +groups = ["main"] +markers = "platform_system == \"Linux\" and platform_machine == \"aarch64\" and (extra == \"atari\" or extra == \"dqn-atari\" or extra == \"dqn-atari-jax\" or extra == \"c51-atari\" or extra == \"c51-atari-jax\" or extra == \"ppo-atari-envpool-xla-jax-scan\" or extra == \"qdagger-dqn-atari-impalacnn\" or extra == \"qdagger-dqn-atari-jax-impalacnn\") and sys_platform != \"linux\"" files = [ {file = "AutoROM.accept-rom-license-0.6.1.tar.gz", hash = "sha256:0c905a708d634a076f686802f672817d3585259ce3be0bde8713a4fb59e3159e"}, ] [package.dependencies] click = "*" -importlib-resources = {version = "*", markers = "python_version < \"3.9\""} requests = "*" [package.extras] @@ -125,6 +138,8 @@ version = "1.31.0" description = "Universal Command Line Environment for AWS." optional = true python-versions = ">= 3.7" +groups = ["main"] +markers = "extra == \"cloud\"" files = [ {file = "awscli-1.31.0-py3-none-any.whl", hash = "sha256:182499f95fd3a6bf7d6ebd72ee68609990008c64a3646161b80023d3c9e42e95"}, {file = "awscli-1.31.0.tar.gz", hash = "sha256:6e8d396a8fb95fcdb8d2713153596ce0d8d4a1f62ab9e365e832e10f78f4237e"}, @@ -144,6 +159,8 @@ version = "1.3.3.1" description = "Pythonic module for representing and manipulating file sizes with different prefix notations (file size unit conversion)" optional = true python-versions = "*" +groups = ["main"] +markers = "extra == \"envpool\" or extra == \"ppo-atari-envpool-xla-jax-scan\"" files = [ {file = "bitmath-1.3.3.1.tar.gz", hash = "sha256:293325f01e65defe966853111df11d39215eb705a967cb115851da8c4cfa3eb8"}, ] @@ -154,6 +171,8 @@ version = "1.33.0" description = "The AWS SDK for Python" optional = true python-versions = ">= 3.7" +groups = ["main"] +markers = "extra == \"cloud\"" files = [ {file = "boto3-1.33.0-py3-none-any.whl", hash = "sha256:799fe8399ea132aa5aa868caf78c47ef9ed675d5ef61be97cb7131081bb8a861"}, {file = "boto3-1.33.0.tar.gz", hash = "sha256:ebf6d86217c37986f965dbe35a3bbd0318127d23a65737ab6486667496decb54"}, @@ -173,6 +192,8 @@ version = "1.33.0" description = "Low-level, data-driven core of boto 3." optional = true python-versions = ">= 3.7" +groups = ["main"] +markers = "extra == \"cloud\"" files = [ {file = "botocore-1.33.0-py3-none-any.whl", hash = "sha256:ccf3d67fd046265ae73bc9862d1618c6e774a61a96beac832edb63d9a21fe1ba"}, {file = "botocore-1.33.0.tar.gz", hash = "sha256:e35526421fe8ee180b6aed3102929594aa51e4d60e3f29366a603707c37c0d52"}, @@ -195,6 +216,8 @@ version = "0.12.25" description = "Fast and simple WSGI-framework for small web-applications." optional = true python-versions = "*" +groups = ["main"] +markers = "extra == \"optuna\"" files = [ {file = "bottle-0.12.25-py3-none-any.whl", hash = "sha256:d6f15f9d422670b7c073d63bd8d287b135388da187a0f3e3c19293626ce034ea"}, {file = "bottle-0.12.25.tar.gz", hash = "sha256:e1a9c94970ae6d710b3fb4526294dfeb86f2cb4a81eff3a4b98dc40fb0e5e021"}, @@ -206,6 +229,8 @@ version = "1.5.2" description = "A decorator for caching properties in classes." optional = true python-versions = "*" +groups = ["main"] +markers = "platform_system == \"Linux\" and platform_machine == \"aarch64\" and (extra == \"jax\" or extra == \"dqn-jax\" or extra == \"dqn-atari-jax\" or extra == \"c51-jax\" or extra == \"c51-atari-jax\" or extra == \"ppo-atari-envpool-xla-jax-scan\" or extra == \"qdagger-dqn-atari-jax-impalacnn\") and sys_platform != \"linux\"" files = [ {file = "cached-property-1.5.2.tar.gz", hash = "sha256:9fa5755838eecbb2d234c3aa390bd80fbd3ac6b6869109bfc1b499f7bd89a130"}, {file = "cached_property-1.5.2-py2.py3-none-any.whl", hash = "sha256:df4f613cf7ad9a588cc381aaf4a512d26265ecebd5eb9e1ba12f1319eb85a6a0"}, @@ -217,6 +242,8 @@ version = "5.3.0" description = "Extensible memoizing collections and decorators" optional = false python-versions = "~=3.7" +groups = ["main"] +markers = "platform_system == \"Linux\" and platform_machine == \"aarch64\" and sys_platform != \"linux\"" files = [ {file = "cachetools-5.3.0-py3-none-any.whl", hash = "sha256:429e1a1e845c008ea6c85aa35d4b98b65d6a9763eeef3e37e92728a12d1de9d4"}, {file = "cachetools-5.3.0.tar.gz", hash = "sha256:13dfddc7b8df938c21a940dfa6557ce6e94a2f1cdfa58eb90c805721d58f2c14"}, @@ -228,6 +255,8 @@ version = "2023.5.7" description = "Python package for providing Mozilla's CA Bundle." optional = false python-versions = ">=3.6" +groups = ["main"] +markers = "platform_system == \"Linux\" and platform_machine == \"aarch64\" and sys_platform != \"linux\"" files = [ {file = "certifi-2023.5.7-py3-none-any.whl", hash = "sha256:c6c2e98f5c7869efca1f8916fed228dd91539f9f1b444c314c06eef02980c716"}, {file = "certifi-2023.5.7.tar.gz", hash = "sha256:0f0d56dc5a6ad56fd4ba36484d6cc34451e1c6548c61daad8c320169f91eddc7"}, @@ -239,6 +268,8 @@ version = "1.15.1" description = "Foreign Function Interface for Python calling C code." optional = true python-versions = "*" +groups = ["main"] +markers = "extra == \"procgen\"" files = [ {file = "cffi-1.15.1-cp27-cp27m-macosx_10_9_x86_64.whl", hash = "sha256:a66d3508133af6e8548451b25058d5812812ec3798c886bf38ed24a98216fab2"}, {file = "cffi-1.15.1-cp27-cp27m-manylinux1_i686.whl", hash = "sha256:470c103ae716238bbe698d67ad020e1db9d9dba34fa5a899b5e21577e6d52ed2"}, @@ -315,6 +346,8 @@ version = "3.3.1" description = "Validate configuration and produce human readable error messages." optional = false python-versions = ">=3.6.1" +groups = ["dev"] +markers = "platform_system == \"Linux\" and platform_machine == \"aarch64\" and sys_platform != \"linux\"" files = [ {file = "cfgv-3.3.1-py2.py3-none-any.whl", hash = "sha256:c6a0883f3917a037485059700b9e75da2464e6c27051014ad85ba6aaa5884426"}, {file = "cfgv-3.3.1.tar.gz", hash = "sha256:f5a830efb9ce7a445376bb66ec94c638a9787422f96264c98edc6bdeed8ab736"}, @@ -326,6 +359,8 @@ version = "4.0.0" description = "Universal encoding detector for Python 2 and 3" optional = true python-versions = ">=2.7, !=3.0.*, !=3.1.*, !=3.2.*, !=3.3.*, !=3.4.*" +groups = ["main"] +markers = "extra == \"envpool\" or extra == \"ppo-atari-envpool-xla-jax-scan\"" files = [ {file = "chardet-4.0.0-py2.py3-none-any.whl", hash = "sha256:f864054d66fd9118f2e67044ac8981a54775ec5b67aed0441892edb553d21da5"}, {file = "chardet-4.0.0.tar.gz", hash = "sha256:0d6f53a15db4120f2b08c94f11e7d93d2c911ee118b6b30a04ec3ee8310179fa"}, @@ -337,6 +372,8 @@ version = "3.1.0" description = "The Real First Universal Charset Detector. Open, modern and actively maintained alternative to Chardet." optional = false python-versions = ">=3.7.0" +groups = ["main"] +markers = "platform_system == \"Linux\" and platform_machine == \"aarch64\" and sys_platform != \"linux\"" files = [ {file = "charset-normalizer-3.1.0.tar.gz", hash = "sha256:34e0a2f9c370eb95597aae63bf85eb5e96826d81e3dcf88b8886012906f509b5"}, {file = "charset_normalizer-3.1.0-cp310-cp310-macosx_10_9_universal2.whl", hash = "sha256:e0ac8959c929593fee38da1c2b64ee9778733cdf03c482c9ff1d508b6b593b2b"}, @@ -421,6 +458,8 @@ version = "0.1.5" description = "Chex: Testing made fun, in JAX!" optional = true python-versions = ">=3.7" +groups = ["main"] +markers = "platform_system == \"Linux\" and platform_machine == \"aarch64\" and sys_platform != \"linux\"" files = [ {file = "chex-0.1.5-py3-none-any.whl", hash = "sha256:b3321184850d5fc29b2eca63087cdbdd83a1b3e4f33c1314ff8b3b8bd67abbca"}, {file = "chex-0.1.5.tar.gz", hash = "sha256:686858320f8f220c82a6c7eeb54dcdcaa4f3d7f66690dacd13a24baa1ee8299e"}, @@ -440,6 +479,8 @@ version = "8.1.3" description = "Composable command line interface toolkit" optional = false python-versions = ">=3.7" +groups = ["main"] +markers = "platform_system == \"Linux\" and platform_machine == \"aarch64\" and sys_platform != \"linux\"" files = [ {file = "click-8.1.3-py3-none-any.whl", hash = "sha256:bb4d8133cb15a609f44e8213d9b391b0809795062913b383c62be0ee95b1db48"}, {file = "click-8.1.3.tar.gz", hash = "sha256:7682dc8afb30297001674575ea00d1814d808d6a36af415a82bd481d37ba7b8e"}, @@ -454,6 +495,8 @@ version = "2.2.1" description = "Extended pickling support for Python objects" optional = false python-versions = ">=3.6" +groups = ["main"] +markers = "platform_system == \"Linux\" and platform_machine == \"aarch64\" and sys_platform != \"linux\"" files = [ {file = "cloudpickle-2.2.1-py3-none-any.whl", hash = "sha256:61f594d1f4c295fa5cd9014ceb3a1fc4a70b0de1164b94fbc2d854ccba056f9f"}, {file = "cloudpickle-2.2.1.tar.gz", hash = "sha256:d89684b8de9e34a2a43b3460fbca07d09d6e25ce858df4d5a44240403b6178f5"}, @@ -465,6 +508,8 @@ version = "0.10.0" description = "Lightweight Covariance Matrix Adaptation Evolution Strategy (CMA-ES) implementation for Python 3." optional = true python-versions = ">=3.7" +groups = ["main"] +markers = "extra == \"optuna\"" files = [ {file = "cmaes-0.10.0-py3-none-any.whl", hash = "sha256:72cea747ad37b1780b0eb6f3c098cee33907fafbf6690c0c02db1e010cab72f6"}, {file = "cmaes-0.10.0.tar.gz", hash = "sha256:48afc70df027114739872b50489ae6b32461c307b92d084a63c7090a9742faf9"}, @@ -482,6 +527,8 @@ version = "0.4.4" description = "Cross-platform colored terminal text." optional = false python-versions = ">=2.7, !=3.0.*, !=3.1.*, !=3.2.*, !=3.3.*, !=3.4.*" +groups = ["main"] +markers = "platform_system == \"Linux\" and platform_machine == \"aarch64\" and sys_platform != \"linux\"" files = [ {file = "colorama-0.4.4-py2.py3-none-any.whl", hash = "sha256:9f47eda37229f68eee03b24b9748937c7dc3868f906e8ba69fbcbdd3bc5dc3e2"}, {file = "colorama-0.4.4.tar.gz", hash = "sha256:5941b2b48a20143d2267e95b1c2a7603ce057ee39fd88e7329b0c292aa16869b"}, @@ -493,6 +540,8 @@ version = "6.7.0" description = "Add colours to the output of Python's logging module." optional = true python-versions = ">=3.6" +groups = ["main"] +markers = "extra == \"optuna\"" files = [ {file = "colorlog-6.7.0-py2.py3-none-any.whl", hash = "sha256:0d33ca236784a1ba3ff9c532d4964126d8a2c44f1f0cb1d2b0728196f512f662"}, {file = "colorlog-6.7.0.tar.gz", hash = "sha256:bd94bd21c1e13fac7bd3153f4bc3a7dc0eb0974b8bc2fdf1a989e474f6e582e5"}, @@ -510,6 +559,8 @@ version = "0.9.1" description = "Python parser for the CommonMark Markdown spec" optional = false python-versions = "*" +groups = ["main"] +markers = "platform_system == \"Linux\" and platform_machine == \"aarch64\" and sys_platform != \"linux\"" files = [ {file = "commonmark-0.9.1-py2.py3-none-any.whl", hash = "sha256:da2f38c92590f83de410ba1a3cbceafbc74fee9def35f9251ba9a971d6d66fd9"}, {file = "commonmark-0.9.1.tar.gz", hash = "sha256:452f9dc859be7f06631ddcb328b6919c67984aca654e5fefb3914d54691aed60"}, @@ -524,6 +575,8 @@ version = "0.11.0" description = "Composable style cycles" optional = false python-versions = ">=3.6" +groups = ["main"] +markers = "platform_system == \"Linux\" and platform_machine == \"aarch64\" and sys_platform != \"linux\"" files = [ {file = "cycler-0.11.0-py3-none-any.whl", hash = "sha256:3a27e95f763a428a739d2add979fa7494c912a32c17c4c38c4d5f082cad165a3"}, {file = "cycler-0.11.0.tar.gz", hash = "sha256:9c87405839a19696e837b3b818fed3f5f69f16f1eec1a1ad77e043dcea9c772f"}, @@ -535,6 +588,8 @@ version = "0.6" description = "A backport of the dataclasses module for Python 3.6" optional = true python-versions = "*" +groups = ["main"] +markers = "extra == \"docs\"" files = [ {file = "dataclasses-0.6-py3-none-any.whl", hash = "sha256:454a69d788c7fda44efd71e259be79577822f5e3f53f029a22d08004e951dc9f"}, {file = "dataclasses-0.6.tar.gz", hash = "sha256:6988bd2b895eef432d562370bb707d540f32f7360ab13da45340101bc2307d84"}, @@ -546,6 +601,8 @@ version = "4.4.2" description = "Decorators for Humans" optional = false python-versions = ">=2.6, !=3.0.*, !=3.1.*" +groups = ["main"] +markers = "platform_system == \"Linux\" and platform_machine == \"aarch64\" and sys_platform != \"linux\"" files = [ {file = "decorator-4.4.2-py2.py3-none-any.whl", hash = "sha256:41fa54c2a0cc4ba648be4fd43cff00aedf5b9465c9bf18d64325bc225f08f760"}, {file = "decorator-4.4.2.tar.gz", hash = "sha256:e3a62f0520172440ca0dcc823749319382e377f37f140a0b99ef45fecb84bfe7"}, @@ -557,6 +614,8 @@ version = "0.3.6" description = "serialize all of python" optional = true python-versions = ">=3.7" +groups = ["main"] +markers = "platform_system == \"Linux\" and platform_machine == \"aarch64\" and (extra == \"docs\" or extra == \"envpool\" or extra == \"ppo-atari-envpool-xla-jax-scan\") and sys_platform != \"linux\"" files = [ {file = "dill-0.3.6-py3-none-any.whl", hash = "sha256:a07ffd2351b8c678dfc4a856a3005f8067aea51d6ba6c700796a4d9e280f39f0"}, {file = "dill-0.3.6.tar.gz", hash = "sha256:e5db55f3687856d8fbdab002ed78544e1c4559a130302693d839dfe8f93f2373"}, @@ -571,6 +630,8 @@ version = "0.3.6" description = "Distribution utilities" optional = false python-versions = "*" +groups = ["dev"] +markers = "platform_system == \"Linux\" and platform_machine == \"aarch64\" and sys_platform != \"linux\"" files = [ {file = "distlib-0.3.6-py2.py3-none-any.whl", hash = "sha256:f35c4b692542ca110de7ef0bea44d73981caeb34ca0b9b6b2e6d7790dda8f80e"}, {file = "distlib-0.3.6.tar.gz", hash = "sha256:14bad2d9b04d3a36127ac97f30b12a19268f211063d8f8ee4f47108896e11b46"}, @@ -582,6 +643,8 @@ version = "1.0.11" description = "Continuous control environments and MuJoCo Python bindings." optional = true python-versions = ">=3.7" +groups = ["main"] +markers = "extra == \"dm-control\"" files = [ {file = "dm_control-1.0.11-py3-none-any.whl", hash = "sha256:2b46def2cfc5a547f61b496fee00287fd2af52c9cd5ba7e1e7a59a6973adaad9"}, {file = "dm_control-1.0.11.tar.gz", hash = "sha256:ac222c91a34be9d9d7573a168bdce791c8a6693cb84bd3de988090a96e8df010"}, @@ -613,6 +676,8 @@ version = "1.6" description = "A Python interface for Reinforcement Learning environments." optional = true python-versions = ">=3.7" +groups = ["main"] +markers = "platform_system == \"Linux\" and platform_machine == \"aarch64\" and (extra == \"envpool\" or extra == \"ppo-atari-envpool-xla-jax-scan\" or extra == \"dm-control\") and sys_platform != \"linux\"" files = [ {file = "dm-env-1.6.tar.gz", hash = "sha256:a436eb1c654c39e0c986a516cee218bea7140b510fceff63f97eb4fcff3d93de"}, {file = "dm_env-1.6-py3-none-any.whl", hash = "sha256:0eabb6759dd453b625e041032f7ae0c1e87d4eb61b6a96b9ca586483837abf29"}, @@ -629,6 +694,8 @@ version = "0.1.8" description = "Tree is a library for working with nested data structures." optional = true python-versions = "*" +groups = ["main"] +markers = "platform_system == \"Linux\" and platform_machine == \"aarch64\" and sys_platform != \"linux\"" files = [ {file = "dm-tree-0.1.8.tar.gz", hash = "sha256:0fcaabbb14e7980377439e7140bd05552739ca5e515ecb3119f234acee4b9430"}, {file = "dm_tree-0.1.8-cp310-cp310-macosx_10_9_universal2.whl", hash = "sha256:35cc164a79336bfcfafb47e5f297898359123bbd3330c1967f0c4994f9cf9f60"}, @@ -647,6 +714,13 @@ files = [ {file = "dm_tree-0.1.8-cp311-cp311-manylinux_2_17_s390x.manylinux2014_s390x.whl", hash = "sha256:fa42a605d099ee7d41ba2b5fb75e21423951fd26e5d50583a00471238fb3021d"}, {file = "dm_tree-0.1.8-cp311-cp311-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:83b7764de0d855338abefc6e3ee9fe40d301668310aa3baea3f778ff051f4393"}, {file = "dm_tree-0.1.8-cp311-cp311-win_amd64.whl", hash = "sha256:a5d819c38c03f0bb5b3b3703c60e4b170355a0fc6b5819325bf3d4ceb3ae7e80"}, + {file = "dm_tree-0.1.8-cp312-cp312-macosx_10_9_universal2.whl", hash = "sha256:ea9e59e0451e7d29aece402d9f908f2e2a80922bcde2ebfd5dcb07750fcbfee8"}, + {file = "dm_tree-0.1.8-cp312-cp312-macosx_10_9_x86_64.whl", hash = "sha256:94d3f0826311f45ee19b75f5b48c99466e4218a0489e81c0f0167bda50cacf22"}, + {file = "dm_tree-0.1.8-cp312-cp312-macosx_11_0_arm64.whl", hash = "sha256:435227cf3c5dc63f4de054cf3d00183790bd9ead4c3623138c74dde7f67f521b"}, + {file = "dm_tree-0.1.8-cp312-cp312-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:09964470f76a5201aff2e8f9b26842976de7889300676f927930f6285e256760"}, + {file = "dm_tree-0.1.8-cp312-cp312-manylinux_2_17_i686.manylinux2014_i686.whl", hash = "sha256:75c5d528bb992981c20793b6b453e91560784215dffb8a5440ba999753c14ceb"}, + {file = "dm_tree-0.1.8-cp312-cp312-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:c0a94aba18a35457a1b5cd716fd7b46c5dafdc4cf7869b4bae665b91c4682a8e"}, + {file = "dm_tree-0.1.8-cp312-cp312-win_amd64.whl", hash = "sha256:96a548a406a6fb15fe58f6a30a57ff2f2aafbf25f05afab00c8f5e5977b6c715"}, {file = "dm_tree-0.1.8-cp37-cp37m-macosx_10_9_x86_64.whl", hash = "sha256:8c60a7eadab64c2278861f56bca320b2720f163dca9d7558103c3b77f2416571"}, {file = "dm_tree-0.1.8-cp37-cp37m-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:af4b3d372f2477dcd89a6e717e4a575ca35ccc20cc4454a8a4b6f8838a00672d"}, {file = "dm_tree-0.1.8-cp37-cp37m-manylinux_2_17_i686.manylinux2014_i686.whl", hash = "sha256:de287fabc464b8734be251e46e06aa9aa1001f34198da2b6ce07bd197172b9cb"}, @@ -677,6 +751,8 @@ version = "0.4.0" description = "Python bindings for the docker credentials store API" optional = false python-versions = "*" +groups = ["main"] +markers = "platform_system == \"Linux\" and platform_machine == \"aarch64\" and sys_platform != \"linux\"" files = [ {file = "docker-pycreds-0.4.0.tar.gz", hash = "sha256:6ce3270bcaf404cc4c3e27e4b6c70d3521deae82fb508767870fdbf772d584d4"}, {file = "docker_pycreds-0.4.0-py2.py3-none-any.whl", hash = "sha256:7266112468627868005106ec19cd0d722702d2b7d5912a28e19b826c3d37af49"}, @@ -691,6 +767,8 @@ version = "0.15" description = "Parse Python docstrings in reST, Google and Numpydoc format" optional = false python-versions = ">=3.6,<4.0" +groups = ["main"] +markers = "platform_system == \"Linux\" and platform_machine == \"aarch64\" and sys_platform != \"linux\"" files = [ {file = "docstring_parser-0.15-py3-none-any.whl", hash = "sha256:d1679b86250d269d06a99670924d6bce45adc00b08069dae8c47d98e89b667a9"}, {file = "docstring_parser-0.15.tar.gz", hash = "sha256:48ddc093e8b1865899956fcc03b03e66bb7240c310fac5af81814580c55bf682"}, @@ -702,6 +780,8 @@ version = "0.16" description = "Docutils -- Python Documentation Utilities" optional = true python-versions = ">=2.7, !=3.0.*, !=3.1.*, !=3.2.*, !=3.3.*, !=3.4.*" +groups = ["main"] +markers = "extra == \"cloud\"" files = [ {file = "docutils-0.16-py2.py3-none-any.whl", hash = "sha256:0c5b78adfbf7762415433f5515cd5c9e762339e23369dbe8000d84a4bf4ab3af"}, {file = "docutils-0.16.tar.gz", hash = "sha256:c2de3a60e9e7d07be26b7f2b00ca0309c207e06c100f9cc2a94931fc75a478fc"}, @@ -713,6 +793,8 @@ version = "0.9.0.post1" description = "Tools to expand Python's enum module." optional = true python-versions = ">=3.6" +groups = ["main"] +markers = "extra == \"envpool\" or extra == \"ppo-atari-envpool-xla-jax-scan\"" files = [ {file = "enum_tools-0.9.0.post1-py3-none-any.whl", hash = "sha256:d8fd962054e7e400fa7f0a196f7607f19ef78aca4b288543ecb330f890edb60d"}, {file = "enum_tools-0.9.0.post1.tar.gz", hash = "sha256:e59eb1c16667400b185f8a61ac427029919be2ec48b9ca04aa1b388a42fb14d5"}, @@ -732,6 +814,8 @@ version = "0.6.6" description = "\"C++-based high-performance parallel environment execution engine (vectorized env) for general RL environments.\"" optional = true python-versions = ">=3.7" +groups = ["main"] +markers = "extra == \"envpool\" or extra == \"ppo-atari-envpool-xla-jax-scan\"" files = [ {file = "envpool-0.6.6-cp310-cp310-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:78f7a7ab6f0c3ec55ddbb0b2e684a2a84e7133cc8d41e480b1173710c955d6ac"}, {file = "envpool-0.6.6-cp37-cp37m-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:e484cd36ce3666788b429fa63979730e1a86481f87986695a320a5c217d42d41"}, @@ -754,6 +838,8 @@ version = "0.9.0" description = "Collection of common python utils" optional = true python-versions = ">=3.7" +groups = ["main"] +markers = "platform_system == \"Linux\" and platform_machine == \"aarch64\" and (extra == \"jax\" or extra == \"dqn-jax\" or extra == \"dqn-atari-jax\" or extra == \"c51-jax\" or extra == \"c51-atari-jax\" or extra == \"ppo-atari-envpool-xla-jax-scan\" or extra == \"qdagger-dqn-atari-jax-impalacnn\") and sys_platform != \"linux\"" files = [ {file = "etils-0.9.0-py3-none-any.whl", hash = "sha256:635d6f7d1c519eb194304228543a4c5c7df0e6b58243302473e34c18cf720588"}, {file = "etils-0.9.0.tar.gz", hash = "sha256:489103e9e499a566765c60458ee15d185cf0065f2060a4d16a68f8f46962ed0d"}, @@ -782,6 +868,8 @@ version = "1.1.1" description = "Backport of PEP 654 (exception groups)" optional = true python-versions = ">=3.7" +groups = ["main"] +markers = "platform_system == \"Linux\" and platform_machine == \"aarch64\" and (extra == \"pytest\" or extra == \"jax\" or extra == \"dqn-jax\" or extra == \"dqn-atari-jax\" or extra == \"c51-jax\" or extra == \"c51-atari-jax\" or extra == \"ppo-atari-envpool-xla-jax-scan\" or extra == \"qdagger-dqn-atari-jax-impalacnn\") and sys_platform != \"linux\"" files = [ {file = "exceptiongroup-1.1.1-py3-none-any.whl", hash = "sha256:232c37c63e4f682982c8b6459f33a8981039e5fb8756b2074364e5055c498c9e"}, {file = "exceptiongroup-1.1.1.tar.gz", hash = "sha256:d484c3090ba2889ae2928419117447a14daf3c1231d5e30d0aae34f354f01785"}, @@ -796,6 +884,8 @@ version = "0.4.1" description = "EXperiment. Plot. Tabulate." optional = true python-versions = ">=3.6" +groups = ["main"] +markers = "extra == \"docs\"" files = [ {file = "expt-0.4.1.tar.gz", hash = "sha256:5006cc6197c814b38aa5ae1f7457078bac212c10b30f2d4a4a309c3c8a1d3b33"}, ] @@ -818,6 +908,8 @@ version = "0.0.4" description = "Notifications for all Farama Foundation maintained libraries." optional = false python-versions = "*" +groups = ["main"] +markers = "platform_system == \"Linux\" and platform_machine == \"aarch64\" and sys_platform != \"linux\"" files = [ {file = "Farama-Notifications-0.0.4.tar.gz", hash = "sha256:13fceff2d14314cf80703c8266462ebf3733c7d165336eee998fc58e545efd18"}, {file = "Farama_Notifications-0.0.4-py3-none-any.whl", hash = "sha256:14de931035a41961f7c056361dc7f980762a143d05791ef5794a751a2caf05ae"}, @@ -829,6 +921,8 @@ version = "3.12.0" description = "A platform independent file lock." optional = false python-versions = ">=3.7" +groups = ["main", "dev"] +markers = "platform_system == \"Linux\" and platform_machine == \"aarch64\" and sys_platform != \"linux\"" files = [ {file = "filelock-3.12.0-py3-none-any.whl", hash = "sha256:ad98852315c2ab702aeb628412cbf7e95b7ce8c3bf9565670b4eaecf1db370a9"}, {file = "filelock-3.12.0.tar.gz", hash = "sha256:fc03ae43288c013d2ea83c8597001b1129db351aad9c57fe2409327916b8e718"}, @@ -844,6 +938,8 @@ version = "0.6.8" description = "Flax: A neural network library for JAX designed for flexibility" optional = true python-versions = "*" +groups = ["main"] +markers = "platform_system == \"Linux\" and platform_machine == \"aarch64\" and (extra == \"jax\" or extra == \"dqn-jax\" or extra == \"dqn-atari-jax\" or extra == \"c51-jax\" or extra == \"c51-atari-jax\" or extra == \"ppo-atari-envpool-xla-jax-scan\" or extra == \"qdagger-dqn-atari-jax-impalacnn\") and sys_platform != \"linux\"" files = [ {file = "flax-0.6.8-py3-none-any.whl", hash = "sha256:221225804c263e39fe3cc8f754dc4192597cb0f063926b2338ea6563604747ed"}, {file = "flax-0.6.8.tar.gz", hash = "sha256:bf1f81dd5dfbb10c603490531a86b1174ebbc38e5c5e8116a98115c135194c10"}, @@ -870,24 +966,67 @@ version = "4.38.0" description = "Tools to manipulate font files" optional = false python-versions = ">=3.7" +groups = ["main"] +markers = "platform_system == \"Linux\" and platform_machine == \"aarch64\" and sys_platform != \"linux\"" files = [ {file = "fonttools-4.38.0-py3-none-any.whl", hash = "sha256:820466f43c8be8c3009aef8b87e785014133508f0de64ec469e4efb643ae54fb"}, {file = "fonttools-4.38.0.zip", hash = "sha256:2bb244009f9bf3fa100fc3ead6aeb99febe5985fa20afbfbaa2f8946c2fbdaf1"}, ] [package.extras] -all = ["brotli (>=1.0.1)", "brotlicffi (>=0.8.0)", "fs (>=2.2.0,<3)", "lxml (>=4.0,<5)", "lz4 (>=1.7.4.2)", "matplotlib", "munkres", "scipy", "skia-pathops (>=0.5.0)", "sympy", "uharfbuzz (>=0.23.0)", "unicodedata2 (>=14.0.0)", "xattr", "zopfli (>=0.1.4)"] +all = ["brotli (>=1.0.1) ; platform_python_implementation == \"CPython\"", "brotlicffi (>=0.8.0) ; platform_python_implementation != \"CPython\"", "fs (>=2.2.0,<3)", "lxml (>=4.0,<5)", "lz4 (>=1.7.4.2)", "matplotlib", "munkres ; platform_python_implementation == \"PyPy\"", "scipy ; platform_python_implementation != \"PyPy\"", "skia-pathops (>=0.5.0)", "sympy", "uharfbuzz (>=0.23.0)", "unicodedata2 (>=14.0.0) ; python_version < \"3.11\"", "xattr ; sys_platform == \"darwin\"", "zopfli (>=0.1.4)"] graphite = ["lz4 (>=1.7.4.2)"] -interpolatable = ["munkres", "scipy"] +interpolatable = ["munkres ; platform_python_implementation == \"PyPy\"", "scipy ; platform_python_implementation != \"PyPy\""] lxml = ["lxml (>=4.0,<5)"] pathops = ["skia-pathops (>=0.5.0)"] plot = ["matplotlib"] repacker = ["uharfbuzz (>=0.23.0)"] symfont = ["sympy"] -type1 = ["xattr"] +type1 = ["xattr ; sys_platform == \"darwin\""] ufo = ["fs (>=2.2.0,<3)"] -unicode = ["unicodedata2 (>=14.0.0)"] -woff = ["brotli (>=1.0.1)", "brotlicffi (>=0.8.0)", "zopfli (>=0.1.4)"] +unicode = ["unicodedata2 (>=14.0.0) ; python_version < \"3.11\""] +woff = ["brotli (>=1.0.1) ; platform_python_implementation == \"CPython\"", "brotlicffi (>=0.8.0) ; platform_python_implementation != \"CPython\"", "zopfli (>=0.1.4)"] + +[[package]] +name = "fsspec" +version = "2025.2.0" +description = "File-system specification" +optional = false +python-versions = ">=3.8" +groups = ["main"] +markers = "platform_system == \"Linux\" and platform_machine == \"aarch64\" and sys_platform != \"linux\"" +files = [ + {file = "fsspec-2025.2.0-py3-none-any.whl", hash = "sha256:9de2ad9ce1f85e1931858535bc882543171d197001a0a5eb2ddc04f1781ab95b"}, + {file = "fsspec-2025.2.0.tar.gz", hash = "sha256:1c24b16eaa0a1798afa0337aa0db9b256718ab2a89c425371f5628d22c3b6afd"}, +] + +[package.extras] +abfs = ["adlfs"] +adl = ["adlfs"] +arrow = ["pyarrow (>=1)"] +dask = ["dask", "distributed"] +dev = ["pre-commit", "ruff"] +doc = ["numpydoc", "sphinx", "sphinx-design", "sphinx-rtd-theme", "yarl"] +dropbox = ["dropbox", "dropboxdrivefs", "requests"] +full = ["adlfs", "aiohttp (!=4.0.0a0,!=4.0.0a1)", "dask", "distributed", "dropbox", "dropboxdrivefs", "fusepy", "gcsfs", "libarchive-c", "ocifs", "panel", "paramiko", "pyarrow (>=1)", "pygit2", "requests", "s3fs", "smbprotocol", "tqdm"] +fuse = ["fusepy"] +gcs = ["gcsfs"] +git = ["pygit2"] +github = ["requests"] +gs = ["gcsfs"] +gui = ["panel"] +hdfs = ["pyarrow (>=1)"] +http = ["aiohttp (!=4.0.0a0,!=4.0.0a1)"] +libarchive = ["libarchive-c"] +oci = ["ocifs"] +s3 = ["s3fs"] +sftp = ["paramiko"] +smb = ["smbprotocol"] +ssh = ["paramiko"] +test = ["aiohttp (!=4.0.0a0,!=4.0.0a1)", "numpy", "pytest", "pytest-asyncio (!=0.22.0)", "pytest-benchmark", "pytest-cov", "pytest-mock", "pytest-recording", "pytest-rerunfailures", "requests"] +test-downstream = ["aiobotocore (>=2.5.4,<3.0.0)", "dask[dataframe,test]", "moto[server] (>4,<5)", "pytest-timeout", "xarray"] +test-full = ["adlfs", "aiohttp (!=4.0.0a0,!=4.0.0a1)", "cloudpickle", "dask", "distributed", "dropbox", "dropboxdrivefs", "fastparquet", "fusepy", "gcsfs", "jinja2", "kerchunk", "libarchive-c", "lz4", "notebook", "numpy", "ocifs", "pandas", "panel", "paramiko", "pyarrow", "pyarrow (>=1)", "pyftpdlib", "pygit2", "pytest", "pytest-asyncio (!=0.22.0)", "pytest-benchmark", "pytest-cov", "pytest-mock", "pytest-recording", "pytest-rerunfailures", "python-snappy", "requests", "smbprotocol", "tqdm", "urllib3", "zarr", "zstandard"] +tqdm = ["tqdm"] [[package]] name = "ghp-import" @@ -895,6 +1034,8 @@ version = "2.1.0" description = "Copy your docs directly to the gh-pages branch." optional = true python-versions = "*" +groups = ["main"] +markers = "extra == \"docs\"" files = [ {file = "ghp-import-2.1.0.tar.gz", hash = "sha256:9c535c4c61193c2df8871222567d7fd7e5014d835f97dc7b7439069e2413d343"}, {file = "ghp_import-2.1.0-py3-none-any.whl", hash = "sha256:8337dd7b50877f163d4c0289bc1f1c7f127550241988d568c1db512c4324a619"}, @@ -912,6 +1053,8 @@ version = "4.0.10" description = "Git Object Database" optional = false python-versions = ">=3.7" +groups = ["main"] +markers = "platform_system == \"Linux\" and platform_machine == \"aarch64\" and sys_platform != \"linux\"" files = [ {file = "gitdb-4.0.10-py3-none-any.whl", hash = "sha256:c286cf298426064079ed96a9e4a9d39e7f3e9bf15ba60701e95f5492f28415c7"}, {file = "gitdb-4.0.10.tar.gz", hash = "sha256:6eb990b69df4e15bad899ea868dc46572c3f75339735663b81de79b06f17eb9a"}, @@ -926,6 +1069,8 @@ version = "3.1.31" description = "GitPython is a Python library used to interact with Git repositories" optional = false python-versions = ">=3.7" +groups = ["main"] +markers = "platform_system == \"Linux\" and platform_machine == \"aarch64\" and sys_platform != \"linux\"" files = [ {file = "GitPython-3.1.31-py3-none-any.whl", hash = "sha256:f04893614f6aa713a60cbbe1e6a97403ef633103cdd0ef5eb6efe0deb98dbe8d"}, {file = "GitPython-3.1.31.tar.gz", hash = "sha256:8ce3bcf69adfdf7c7d503e78fd3b1c492af782d58893b650adb2ac8912ddd573"}, @@ -940,6 +1085,8 @@ version = "2.3.7" description = "Portable OpenGL Context" optional = true python-versions = "*" +groups = ["main"] +markers = "extra == \"procgen\"" files = [ {file = "glcontext-2.3.7-cp310-cp310-macosx_10_9_universal2.whl", hash = "sha256:8ece87d8616bf12e55a08a05159f4303c8b82d348c2c43c7297c85d8e95dfa3e"}, {file = "glcontext-2.3.7-cp310-cp310-macosx_10_9_x86_64.whl", hash = "sha256:b5dcd68b23b1a549a3b0851d3621630e492ff9015a18f29f2512088b4e03e4d9"}, @@ -999,6 +1146,8 @@ version = "1.12.0" description = "A ctypes-based wrapper for GLFW3." optional = true python-versions = "*" +groups = ["main"] +markers = "platform_system == \"Linux\" and platform_machine == \"aarch64\" and (extra == \"procgen\" or extra == \"mujoco\" or extra == \"dm-control\") and sys_platform != \"linux\"" files = [ {file = "glfw-1.12.0-py2.py27.py3.py30.py31.py32.py33.py34.py35.py36.py37.py38-none-macosx_10_6_intel.whl", hash = "sha256:88bd1cd2ace036d275e9af8312993068d94b3ac19248421eedc35a4baf53bb8c"}, {file = "glfw-1.12.0-py2.py27.py3.py30.py31.py32.py33.py34.py35.py36.py37.py38-none-manylinux2010_i686.whl", hash = "sha256:bb63f6121c40f5f17cd78328c040b40aeaca9ed748f440c40d2fcad824107a74"}, @@ -1015,6 +1164,8 @@ version = "2.18.0" description = "Google Authentication Library" optional = false python-versions = ">=2.7,!=3.0.*,!=3.1.*,!=3.2.*,!=3.3.*,!=3.4.*,!=3.5.*" +groups = ["main"] +markers = "platform_system == \"Linux\" and platform_machine == \"aarch64\" and sys_platform != \"linux\"" files = [ {file = "google-auth-2.18.0.tar.gz", hash = "sha256:c66b488a8b005b23ccb97b1198b6cece516c91869091ac5b7c267422db2733c7"}, {file = "google_auth-2.18.0-py2.py3-none-any.whl", hash = "sha256:ef3f3a67fa54d421a1c155864570f9a8de9179cedc937bda496b7a8ca338e936"}, @@ -1028,7 +1179,7 @@ six = ">=1.9.0" urllib3 = "<2.0" [package.extras] -aiohttp = ["aiohttp (>=3.6.2,<4.0.0dev)", "requests (>=2.20.0,<3.0.0dev)"] +aiohttp = ["aiohttp (>=3.6.2,<4.0.0dev) ; python_version >= \"3.6\"", "requests (>=2.20.0,<3.0.0dev)"] enterprise-cert = ["cryptography (==36.0.2)", "pyopenssl (==22.0.0)"] pyopenssl = ["cryptography (>=38.0.3)", "pyopenssl (>=20.0.0)"] reauth = ["pyu2f (>=0.1.5)"] @@ -1040,6 +1191,8 @@ version = "0.4.6" description = "Google Authentication Library" optional = false python-versions = ">=3.6" +groups = ["main"] +markers = "platform_system == \"Linux\" and platform_machine == \"aarch64\" and sys_platform != \"linux\"" files = [ {file = "google-auth-oauthlib-0.4.6.tar.gz", hash = "sha256:a90a072f6993f2c327067bf65270046384cda5a8ecb20b94ea9a687f1f233a7a"}, {file = "google_auth_oauthlib-0.4.6-py2.py3-none-any.whl", hash = "sha256:3f2a6e802eebbb6fb736a370fbf3b055edcb6b52878bf2f26330b5e041316c73"}, @@ -1058,6 +1211,8 @@ version = "0.20.1" description = "Simple Python interface for Graphviz" optional = true python-versions = ">=3.7" +groups = ["main"] +markers = "extra == \"envpool\" or extra == \"ppo-atari-envpool-xla-jax-scan\"" files = [ {file = "graphviz-0.20.1-py3-none-any.whl", hash = "sha256:587c58a223b51611c0cf461132da386edd896a029524ca61a1462b880bf97977"}, {file = "graphviz-0.20.1.zip", hash = "sha256:8c58f14adaa3b947daf26c19bc1e98c4e0702cdc31cf99153e6f06904d492bf8"}, @@ -1074,6 +1229,8 @@ version = "2.0.2" description = "Lightweight in-process concurrent programming" optional = true python-versions = ">=2.7,!=3.0.*,!=3.1.*,!=3.2.*,!=3.3.*,!=3.4.*" +groups = ["main"] +markers = "extra == \"optuna\" and (platform_machine == \"aarch64\" or platform_machine == \"ppc64le\" or platform_machine == \"x86_64\" or platform_machine == \"amd64\" or platform_machine == \"AMD64\" or platform_machine == \"win32\" or platform_machine == \"WIN32\")" files = [ {file = "greenlet-2.0.2-cp27-cp27m-macosx_10_14_x86_64.whl", hash = "sha256:bdfea8c661e80d3c1c99ad7c3ff74e6e87184895bbaca6ee8cc61209f8b9b85d"}, {file = "greenlet-2.0.2-cp27-cp27m-manylinux2010_x86_64.whl", hash = "sha256:9d14b83fab60d5e8abe587d51c75b252bcc21683f24699ada8fb275d7712f5a9"}, @@ -1142,7 +1299,7 @@ files = [ ] [package.extras] -docs = ["Sphinx", "docutils (<0.18)"] +docs = ["Sphinx", "docutils (<0.18) ; python_version < \"3\""] test = ["objgraph", "psutil"] [[package]] @@ -1151,6 +1308,8 @@ version = "1.54.0" description = "HTTP/2-based RPC framework" optional = false python-versions = ">=3.7" +groups = ["main"] +markers = "platform_system == \"Linux\" and platform_machine == \"aarch64\" and sys_platform != \"linux\"" files = [ {file = "grpcio-1.54.0-cp310-cp310-linux_armv7l.whl", hash = "sha256:a947d5298a0bbdd4d15671024bf33e2b7da79a70de600ed29ba7e0fef0539ebb"}, {file = "grpcio-1.54.0-cp310-cp310-macosx_12_0_universal2.whl", hash = "sha256:e355ee9da9c1c03f174efea59292b17a95e0b7b4d7d2a389265f731a9887d5a9"}, @@ -1208,6 +1367,8 @@ version = "0.23.1" description = "Gym: A universal API for reinforcement learning environments" optional = false python-versions = ">=3.7" +groups = ["main"] +markers = "platform_system == \"Linux\" and platform_machine == \"aarch64\" and sys_platform != \"linux\"" files = [ {file = "gym-0.23.1.tar.gz", hash = "sha256:d0f9b9da34edbdace421c9442fc9205d03b8d15d0fb451053c766cde706d40e0"}, ] @@ -1235,6 +1396,8 @@ version = "0.0.8" description = "Notices for gym" optional = false python-versions = "*" +groups = ["main"] +markers = "platform_system == \"Linux\" and platform_machine == \"aarch64\" and sys_platform != \"linux\"" files = [ {file = "gym-notices-0.0.8.tar.gz", hash = "sha256:ad25e200487cafa369728625fe064e88ada1346618526102659b4640f2b4b911"}, {file = "gym_notices-0.0.8-py3-none-any.whl", hash = "sha256:e5f82e00823a166747b4c2a07de63b6560b1acb880638547e0cabf825a01e463"}, @@ -1246,6 +1409,8 @@ version = "0.3.3" description = "Vectorized Reinforcement Learning Environment Interface" optional = true python-versions = ">=3.6.0" +groups = ["main"] +markers = "extra == \"procgen\"" files = [ {file = "gym3-0.3.3-py3-none-any.whl", hash = "sha256:bacc0e124f8ce5e1d8a9dceb85725123332954f13ef4e226133506597548838a"}, ] @@ -1263,35 +1428,36 @@ test = ["gym (==0.17.2)", "gym-retro (==0.8.0)", "mpi4py (==3.0.3)", "pytest (== [[package]] name = "gymnasium" -version = "0.28.1" +version = "1.0.0" description = "A standard API for reinforcement learning and a diverse set of reference environments (formerly Gym)." optional = false -python-versions = ">=3.7" +python-versions = ">=3.8" +groups = ["main"] +markers = "platform_system == \"Linux\" and platform_machine == \"aarch64\" and sys_platform != \"linux\"" files = [ - {file = "gymnasium-0.28.1-py3-none-any.whl", hash = "sha256:7bc9a5bce1022f997d1dbc152fc91d1ac977bad9cc7794cdc25437010867cabf"}, - {file = "gymnasium-0.28.1.tar.gz", hash = "sha256:4c2c745808792c8f45c6e88ad0a5504774394e0c126f6e3db555e720d3da6f24"}, + {file = "gymnasium-1.0.0-py3-none-any.whl", hash = "sha256:b6f40e1e24c5bd419361e1a5b86a9117d2499baecc3a660d44dfff4c465393ad"}, + {file = "gymnasium-1.0.0.tar.gz", hash = "sha256:9d2b66f30c1b34fe3c2ce7fae65ecf365d0e9982d2b3d860235e773328a3b403"}, ] [package.dependencies] cloudpickle = ">=1.2.0" farama-notifications = ">=0.0.1" importlib-metadata = {version = ">=4.8.0", markers = "python_version < \"3.10\""} -jax-jumpy = ">=1.0.0" numpy = ">=1.21.0" typing-extensions = ">=4.3.0" [package.extras] -accept-rom-license = ["autorom[accept-rom-license] (>=0.4.2,<0.5.0)"] -all = ["box2d-py (==2.3.5)", "imageio (>=2.14.1)", "jax (==0.3.24)", "jaxlib (==0.3.24)", "lz4 (>=3.1.0)", "matplotlib (>=3.0)", "moviepy (>=1.0.0)", "mujoco (>=2.3.2)", "mujoco-py (>=2.1,<2.2)", "opencv-python (>=3.0)", "pygame (==2.1.3)", "shimmy[atari] (>=0.1.0,<1.0)", "swig (==4.*)", "torch (>=1.0.0)"] -atari = ["shimmy[atari] (>=0.1.0,<1.0)"] -box2d = ["box2d-py (==2.3.5)", "pygame (==2.1.3)", "swig (==4.*)"] -classic-control = ["pygame (==2.1.3)", "pygame (==2.1.3)"] -jax = ["jax (==0.3.24)", "jaxlib (==0.3.24)"] -mujoco = ["imageio (>=2.14.1)", "mujoco (>=2.3.2)"] -mujoco-py = ["mujoco-py (>=2.1,<2.2)", "mujoco-py (>=2.1,<2.2)"] -other = ["lz4 (>=3.1.0)", "matplotlib (>=3.0)", "moviepy (>=1.0.0)", "opencv-python (>=3.0)", "torch (>=1.0.0)"] -testing = ["pytest (==7.1.3)", "scipy (==1.7.3)"] -toy-text = ["pygame (==2.1.3)", "pygame (==2.1.3)"] +all = ["ale-py (>=0.9)", "box2d-py (==2.3.5)", "cython (<3)", "flax (>=0.5.0)", "imageio (>=2.14.1)", "jax (>=0.4.0)", "jaxlib (>=0.4.0)", "matplotlib (>=3.0)", "moviepy (>=1.0.0)", "mujoco (>=2.1.5)", "mujoco-py (>=2.1,<2.2)", "opencv-python (>=3.0)", "pygame (>=2.1.3)", "swig (==4.*)", "torch (>=1.0.0)"] +atari = ["ale-py (>=0.9)"] +box2d = ["box2d-py (==2.3.5)", "pygame (>=2.1.3)", "swig (==4.*)"] +classic-control = ["pygame (>=2.1.3)", "pygame (>=2.1.3)"] +jax = ["flax (>=0.5.0)", "jax (>=0.4.0)", "jaxlib (>=0.4.0)"] +mujoco = ["imageio (>=2.14.1)", "mujoco (>=2.1.5)"] +mujoco-py = ["cython (<3)", "cython (<3)", "mujoco-py (>=2.1,<2.2)", "mujoco-py (>=2.1,<2.2)"] +other = ["matplotlib (>=3.0)", "moviepy (>=1.0.0)", "opencv-python (>=3.0)"] +testing = ["dill (>=0.3.7)", "pytest (==7.1.3)", "scipy (>=1.7.3)"] +torch = ["torch (>=1.0.0)"] +toy-text = ["pygame (>=2.1.3)", "pygame (>=2.1.3)"] [[package]] name = "h5py" @@ -1299,6 +1465,8 @@ version = "3.8.0" description = "Read and write HDF5 files from Python" optional = true python-versions = ">=3.7" +groups = ["main"] +markers = "extra == \"dm-control\"" files = [ {file = "h5py-3.8.0-cp310-cp310-macosx_10_9_x86_64.whl", hash = "sha256:533d7dad466ddb7e3b30af274b630eb7c1a6e4ddf01d1c373a0334dc2152110a"}, {file = "h5py-3.8.0-cp310-cp310-macosx_11_0_arm64.whl", hash = "sha256:c873ba9fd4fa875ad62ce0e4891725e257a8fe7f5abdbc17e51a5d54819be55c"}, @@ -1336,6 +1504,8 @@ version = "0.8.6" description = "Some useful functions and classes in Python infrastructure development." optional = true python-versions = ">=3.7" +groups = ["main"] +markers = "extra == \"envpool\" or extra == \"ppo-atari-envpool-xla-jax-scan\"" files = [ {file = "hbutils-0.8.6-py3-none-any.whl", hash = "sha256:752a187bf2350a9289d8fecb4c2e9ee49ebc6b629c03e23fd409a040dee817a1"}, {file = "hbutils-0.8.6.tar.gz", hash = "sha256:0e5b65b03a52b9cb14fdf9351649ecfddd0e6603422365ca6782ba0e74b27ec9"}, @@ -1350,7 +1520,7 @@ setuptools = ">=50.0" [package.extras] doc = ["Jinja2 (>=3.0.0,<3.1.0)", "easydict (>=1.7,<2)", "enum-tools", "packaging", "plantumlcli (>=0.0.2)", "sphinx (>=3.2.0,<3.3.0)", "sphinx-multiversion (>=0.2.4,<0.3.0)", "sphinx-rtd-theme (>=0.4.3,<0.5.0)", "sphinx-toolbox"] -test = ["click (>=7.0.0)", "coverage (>=5)", "easydict (>=1.7,<2)", "faker", "flake8 (>=3.5,<4.0)", "mock (>=4.0.3)", "numpy (>=1.20)", "pytest (>=6.2.5,<6.3.0)", "pytest-cov (>=3.0.0,<3.1.0)", "pytest-mock (>=3.6.1,<3.7.0)", "pytest-rerunfailures (>=10.2,<11.0)", "pytest-timeout (>=2.0.2,<2.1.0)", "pytest-xdist (>=1.34.0)", "requests (>=2.20)", "testtools (>=2)", "torch (>=1.1.0)", "tqdm"] +test = ["click (>=7.0.0)", "coverage (>=5)", "easydict (>=1.7,<2)", "faker ; python_version > \"3.7\"", "flake8 (>=3.5,<4.0)", "mock (>=4.0.3)", "numpy (>=1.20) ; implementation_name != \"pypy\" or platform_system != \"Windows\" or python_version >= \"3.8\"", "pytest (>=6.2.5,<6.3.0)", "pytest-cov (>=3.0.0,<3.1.0)", "pytest-mock (>=3.6.1,<3.7.0)", "pytest-rerunfailures (>=10.2,<11.0)", "pytest-timeout (>=2.0.2,<2.1.0)", "pytest-xdist (>=1.34.0)", "requests (>=2.20)", "testtools (>=2)", "torch (>=1.1.0) ; python_version < \"3.11\" and implementation_name != \"pypy\"", "tqdm"] [[package]] name = "huggingface-hub" @@ -1358,6 +1528,8 @@ version = "0.11.1" description = "Client library to download and publish models, datasets and other repos on the huggingface.co hub" optional = false python-versions = ">=3.7.0" +groups = ["main"] +markers = "platform_system == \"Linux\" and platform_machine == \"aarch64\" and sys_platform != \"linux\"" files = [ {file = "huggingface_hub-0.11.1-py3-none-any.whl", hash = "sha256:11eed7aab4fa4d1fb532f2aea3379ef4998d9f6bc24a330834dfedd3dac7f441"}, {file = "huggingface_hub-0.11.1.tar.gz", hash = "sha256:8b9ebf9bbb1782f6f0419ec490973a6487c6c4ed84293a8a325d34c4f898f53f"}, @@ -1388,6 +1560,8 @@ version = "2.5.24" description = "File identification library for Python" optional = false python-versions = ">=3.7" +groups = ["dev"] +markers = "platform_system == \"Linux\" and platform_machine == \"aarch64\" and sys_platform != \"linux\"" files = [ {file = "identify-2.5.24-py2.py3-none-any.whl", hash = "sha256:986dbfb38b1140e763e413e6feb44cd731faf72d1909543178aa79b0e258265d"}, {file = "identify-2.5.24.tar.gz", hash = "sha256:0aac67d5b4812498056d28a9a512a483f5085cc28640b02b258a59dac34301d4"}, @@ -1402,6 +1576,8 @@ version = "3.4" description = "Internationalized Domain Names in Applications (IDNA)" optional = false python-versions = ">=3.5" +groups = ["main"] +markers = "platform_system == \"Linux\" and platform_machine == \"aarch64\" and sys_platform != \"linux\"" files = [ {file = "idna-3.4-py3-none-any.whl", hash = "sha256:90b77e79eaa3eba6de819a0c442c0b4ceefc341a7a2ab77d7562bf49f425c5c2"}, {file = "idna-3.4.tar.gz", hash = "sha256:814f528e8dead7d329833b91c5faa87d60bf71824cd12a7530b5526063d02cb4"}, @@ -1413,6 +1589,8 @@ version = "2.28.1" description = "Library for reading and writing a wide range of image, video, scientific, and volumetric data formats." optional = false python-versions = ">=3.7" +groups = ["main"] +markers = "platform_system == \"Linux\" and platform_machine == \"aarch64\" and sys_platform != \"linux\"" files = [ {file = "imageio-2.28.1-py3-none-any.whl", hash = "sha256:b9b456146aab459e648cde633b81bf487eb45248948f79c033e55af3bf1e6d70"}, {file = "imageio-2.28.1.tar.gz", hash = "sha256:5db5087be5c814ecf7e2c7d30a1a15c97eca97d8c26f31ddc54d767d4a43bce8"}, @@ -1444,6 +1622,8 @@ version = "0.3.0" description = "FFMPEG wrapper for Python" optional = false python-versions = "*" +groups = ["main"] +markers = "platform_system == \"Linux\" and platform_machine == \"aarch64\" and sys_platform != \"linux\"" files = [ {file = "imageio-ffmpeg-0.3.0.tar.gz", hash = "sha256:28500544acdebc195159d53a4670b76d596f368b218317bad5d3cbf43b00d6c2"}, {file = "imageio_ffmpeg-0.3.0-py3-none-macosx_10_9_intel.macosx_10_9_x86_64.macosx_10_10_intel.macosx_10_10_x86_64.whl", hash = "sha256:f99476aa42aac2ca0657483b417874a825b2f526aaa8a7a823b8a803f366caab"}, @@ -1458,6 +1638,8 @@ version = "5.2.0" description = "Read metadata from Python packages" optional = false python-versions = ">=3.7" +groups = ["main"] +markers = "extra == \"docs\" or python_version == \"3.9\" or platform_system == \"Linux\" and platform_machine == \"aarch64\" and sys_platform != \"linux\" and python_version < \"3.10\"" files = [ {file = "importlib_metadata-5.2.0-py3-none-any.whl", hash = "sha256:0eafa39ba42bf225fc00e67f701d71f85aead9f878569caf13c3724f704b970f"}, {file = "importlib_metadata-5.2.0.tar.gz", hash = "sha256:404d48d62bba0b7a77ff9d405efd91501bef2e67ff4ace0bed40a0cf28c3c7cd"}, @@ -1469,7 +1651,7 @@ zipp = ">=0.5" [package.extras] docs = ["furo", "jaraco.packaging (>=9)", "jaraco.tidelift (>=1.4)", "rst.linker (>=1.9)", "sphinx (>=3.5)", "sphinx-lint"] perf = ["ipython"] -testing = ["flake8 (<5)", "flufl.flake8", "importlib-resources (>=1.3)", "packaging", "pyfakefs", "pytest (>=6)", "pytest-black (>=0.3.7)", "pytest-checkdocs (>=2.4)", "pytest-cov", "pytest-enabler (>=1.3)", "pytest-flake8", "pytest-mypy (>=0.9.1)", "pytest-perf (>=0.9.2)"] +testing = ["flake8 (<5)", "flufl.flake8", "importlib-resources (>=1.3) ; python_version < \"3.9\"", "packaging", "pyfakefs", "pytest (>=6)", "pytest-black (>=0.3.7) ; platform_python_implementation != \"PyPy\"", "pytest-checkdocs (>=2.4)", "pytest-cov", "pytest-enabler (>=1.3)", "pytest-flake8 ; python_version < \"3.12\"", "pytest-mypy (>=0.9.1) ; platform_python_implementation != \"PyPy\"", "pytest-perf (>=0.9.2)"] [[package]] name = "importlib-resources" @@ -1477,6 +1659,8 @@ version = "5.12.0" description = "Read resources from Python packages" optional = true python-versions = ">=3.7" +groups = ["main"] +markers = "platform_system == \"Linux\" and platform_machine == \"aarch64\" and (extra == \"jax\" or extra == \"dqn-jax\" or extra == \"dqn-atari-jax\" or extra == \"c51-jax\" or extra == \"c51-atari-jax\" or extra == \"ppo-atari-envpool-xla-jax-scan\" or extra == \"qdagger-dqn-atari-jax-impalacnn\") and sys_platform != \"linux\"" files = [ {file = "importlib_resources-5.12.0-py3-none-any.whl", hash = "sha256:7b1deeebbf351c7578e09bf2f63fa2ce8b5ffec296e0d349139d43cca061a81a"}, {file = "importlib_resources-5.12.0.tar.gz", hash = "sha256:4be82589bf5c1d7999aedf2a45159d10cb3ca4f19b2271f8792bc8e6da7b22f6"}, @@ -1487,7 +1671,7 @@ zipp = {version = ">=3.1.0", markers = "python_version < \"3.10\""} [package.extras] docs = ["furo", "jaraco.packaging (>=9)", "jaraco.tidelift (>=1.4)", "rst.linker (>=1.9)", "sphinx (>=3.5)", "sphinx-lint"] -testing = ["flake8 (<5)", "pytest (>=6)", "pytest-black (>=0.3.7)", "pytest-checkdocs (>=2.4)", "pytest-cov", "pytest-enabler (>=1.3)", "pytest-flake8", "pytest-mypy (>=0.9.1)"] +testing = ["flake8 (<5)", "pytest (>=6)", "pytest-black (>=0.3.7) ; platform_python_implementation != \"PyPy\"", "pytest-checkdocs (>=2.4)", "pytest-cov", "pytest-enabler (>=1.3)", "pytest-flake8 ; python_version < \"3.12\"", "pytest-mypy (>=0.9.1) ; platform_python_implementation != \"PyPy\""] [[package]] name = "iniconfig" @@ -1495,6 +1679,8 @@ version = "2.0.0" description = "brain-dead simple config-ini parsing" optional = true python-versions = ">=3.7" +groups = ["main"] +markers = "platform_system == \"Linux\" and platform_machine == \"aarch64\" and (extra == \"pytest\" or extra == \"jax\" or extra == \"dqn-jax\" or extra == \"dqn-atari-jax\" or extra == \"c51-jax\" or extra == \"c51-atari-jax\" or extra == \"ppo-atari-envpool-xla-jax-scan\" or extra == \"qdagger-dqn-atari-jax-impalacnn\") and sys_platform != \"linux\"" files = [ {file = "iniconfig-2.0.0-py3-none-any.whl", hash = "sha256:b6a85871a79d2e3b22d2d1b94ac2824226a63c6b741c88f7ae975f18b6778374"}, {file = "iniconfig-2.0.0.tar.gz", hash = "sha256:2d91e135bf72d31a410b17c16da610a82cb55f6b0477d1a902134b24a455b8b3"}, @@ -1506,6 +1692,8 @@ version = "0.4.8" description = "Differentiate, compile, and transform Numpy code." optional = true python-versions = ">=3.8" +groups = ["main"] +markers = "platform_system == \"Linux\" and platform_machine == \"aarch64\" and sys_platform != \"linux\"" files = [ {file = "jax-0.4.8.tar.gz", hash = "sha256:08116481f7336db16c24812bfb5e6f9786915f4c2f6ff4028331fa69e7535202"}, ] @@ -1530,30 +1718,14 @@ cuda12-pip = ["jaxlib (==0.4.7+cuda12.cudnn88)", "nvidia-cublas-cu12", "nvidia-c minimum-jaxlib = ["jaxlib (==0.4.7)"] tpu = ["jaxlib (==0.4.7)", "libtpu-nightly (==0.1.dev20230327)", "requests"] -[[package]] -name = "jax-jumpy" -version = "1.0.0" -description = "Common backend for Jax or Numpy." -optional = false -python-versions = ">=3.7" -files = [ - {file = "jax-jumpy-1.0.0.tar.gz", hash = "sha256:195fb955cc4c2b7f0b1453e3cb1fb1c414a51a407ffac7a51e69a73cb30d59ad"}, - {file = "jax_jumpy-1.0.0-py3-none-any.whl", hash = "sha256:ab7e01454bba462de3c4d098e3e585c302a8f06bc36d9182ab4e7e4aa7067c5e"}, -] - -[package.dependencies] -numpy = ">=1.18.0" - -[package.extras] -jax = ["jax (>=0.3.24)", "jaxlib (>=0.3.24)"] -testing = ["pytest (==7.1.3)"] - [[package]] name = "jaxlib" version = "0.4.7" description = "XLA library for JAX" optional = true python-versions = ">=3.8" +groups = ["main"] +markers = "platform_system == \"Linux\" and platform_machine == \"aarch64\" and sys_platform != \"linux\"" files = [ {file = "jaxlib-0.4.7-cp310-cp310-macosx_10_14_x86_64.whl", hash = "sha256:63c2890978e8646516db3d8a680b43d2bed8b63543a70556391f589a261bd85f"}, {file = "jaxlib-0.4.7-cp310-cp310-macosx_11_0_arm64.whl", hash = "sha256:0c16f922507277d5630e81d9c1a4974366a27aad5230d645d063bc2011564d01"}, @@ -1578,8 +1750,10 @@ scipy = ">=1.7" name = "jinja2" version = "3.1.2" description = "A very fast and expressive template engine." -optional = true +optional = false python-versions = ">=3.7" +groups = ["main"] +markers = "platform_system == \"Linux\" and platform_machine == \"aarch64\" and sys_platform != \"linux\"" files = [ {file = "Jinja2-3.1.2-py3-none-any.whl", hash = "sha256:6088930bfe239f0e6710546ab9c19c9ef35e29792895fed6e6e31a023a182a61"}, {file = "Jinja2-3.1.2.tar.gz", hash = "sha256:31351a702a408a9e7595a8fc6150fc3f43bb6bf7e319770cbc0db9df9437e852"}, @@ -1597,6 +1771,8 @@ version = "1.0.1" description = "JSON Matching Expressions" optional = true python-versions = ">=3.7" +groups = ["main"] +markers = "extra == \"cloud\"" files = [ {file = "jmespath-1.0.1-py3-none-any.whl", hash = "sha256:02e2e4cc71b5bcab88332eebf907519190dd9e6e82107fa7f83b1003a6252980"}, {file = "jmespath-1.0.1.tar.gz", hash = "sha256:90261b206d6defd58fdd5e85f478bf633a2901798906be2ad389150c5c60edbe"}, @@ -1608,6 +1784,8 @@ version = "1.2.0" description = "Lightweight pipelining with Python functions" optional = true python-versions = ">=3.7" +groups = ["main"] +markers = "extra == \"optuna\"" files = [ {file = "joblib-1.2.0-py3-none-any.whl", hash = "sha256:091138ed78f800342968c523bdde947e7a305b8594b910a0fea2ab83c3c6d385"}, {file = "joblib-1.2.0.tar.gz", hash = "sha256:e1cee4a79e4af22881164f218d4311f60074197fb707e082e803b61f6d137018"}, @@ -1619,6 +1797,8 @@ version = "1.4.4" description = "A fast implementation of the Cassowary constraint solver" optional = false python-versions = ">=3.7" +groups = ["main"] +markers = "platform_system == \"Linux\" and platform_machine == \"aarch64\" and sys_platform != \"linux\"" files = [ {file = "kiwisolver-1.4.4-cp310-cp310-macosx_10_9_universal2.whl", hash = "sha256:2f5e60fabb7343a836360c4f0919b8cd0d6dbf08ad2ca6b9cf90bf0c76a3c4f6"}, {file = "kiwisolver-1.4.4-cp310-cp310-macosx_10_9_x86_64.whl", hash = "sha256:10ee06759482c78bdb864f4109886dff7b8a56529bc1609d4f1112b93fe6423c"}, @@ -1696,6 +1876,8 @@ version = "1.0.6" description = "LabMaze: DeepMind Lab's text maze generator." optional = true python-versions = "*" +groups = ["main"] +markers = "extra == \"dm-control\"" files = [ {file = "labmaze-1.0.6-cp310-cp310-macosx_10_12_x86_64.whl", hash = "sha256:b2ddef976dfd8d992b19cfa6c633f2eba7576d759c2082da534e3f727479a84a"}, {file = "labmaze-1.0.6-cp310-cp310-macosx_11_0_arm64.whl", hash = "sha256:157efaa93228c8ccce5cae337902dd652093e0fba9d3a0f6506e4bee272bb66f"}, @@ -1707,6 +1889,11 @@ files = [ {file = "labmaze-1.0.6-cp311-cp311-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:70635d1cdb0147a02efb6b3f607a52cdc51723bc3dcc42717a0d4ef55fa0a987"}, {file = "labmaze-1.0.6-cp311-cp311-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:ff472793238bd9b6dabea8094594d6074ad3c111455de3afcae72f6c40c6817e"}, {file = "labmaze-1.0.6-cp311-cp311-win_amd64.whl", hash = "sha256:2317e65e12fa3d1abecda7e0488dab15456cee8a2e717a586bfc8f02a91579e7"}, + {file = "labmaze-1.0.6-cp312-cp312-macosx_10_12_x86_64.whl", hash = "sha256:e36b6fadcd78f22057b597c1c77823e806a0987b3bdfbf850e14b6b5b502075e"}, + {file = "labmaze-1.0.6-cp312-cp312-macosx_11_0_arm64.whl", hash = "sha256:d1a4f8de29c2c3d7f14163759b69cd3f237093b85334c983619c1db5403a223b"}, + {file = "labmaze-1.0.6-cp312-cp312-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:a394f8bb857fcaa2884b809d63e750841c2662a106cfe8c045f2112d201ac7d5"}, + {file = "labmaze-1.0.6-cp312-cp312-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:0d17abb69d4dfc56183afb5c317e8b2eaca0587abb3aabd2326efd3143c81f4e"}, + {file = "labmaze-1.0.6-cp312-cp312-win_amd64.whl", hash = "sha256:5af997598cc46b1929d1c5a1febc32fd56c75874fe481a2a5982c65cee8450c9"}, {file = "labmaze-1.0.6-cp37-cp37m-macosx_10_12_x86_64.whl", hash = "sha256:a4c5bc6e56baa55ce63b97569afec2f80cab0f6b952752a131e1f83eed190a53"}, {file = "labmaze-1.0.6-cp37-cp37m-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:3955f24fe5f708e1e97495b4cfe284b70ae4fd51be5e17b75a6fc04ffbd67bca"}, {file = "labmaze-1.0.6-cp37-cp37m-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:ed96ddc0bb8d66df36428c94db83949fd84a15867e8250763a4c5e3d82104c54"}, @@ -1735,6 +1922,8 @@ version = "4.9.3" description = "Powerful and Pythonic XML processing library combining libxml2/libxslt with the ElementTree API." optional = true python-versions = ">=2.7, !=3.0.*, !=3.1.*, !=3.2.*, !=3.3.*, != 3.4.*" +groups = ["main"] +markers = "extra == \"dm-control\"" files = [ {file = "lxml-4.9.3-cp27-cp27m-macosx_11_0_x86_64.whl", hash = "sha256:b0a545b46b526d418eb91754565ba5b63b1c0b12f9bd2f808c852d9b4b2f9b5c"}, {file = "lxml-4.9.3-cp27-cp27m-manylinux_2_5_i686.manylinux1_i686.whl", hash = "sha256:075b731ddd9e7f68ad24c635374211376aa05a281673ede86cbe1d1b3455279d"}, @@ -1842,6 +2031,8 @@ version = "1.2.4" description = "A super-fast templating language that borrows the best ideas from the existing templating languages." optional = true python-versions = ">=3.7" +groups = ["main"] +markers = "extra == \"optuna\"" files = [ {file = "Mako-1.2.4-py3-none-any.whl", hash = "sha256:c97c79c018b9165ac9922ae4f32da095ffd3c4e6872b45eded42926deea46818"}, {file = "Mako-1.2.4.tar.gz", hash = "sha256:d60a3903dc3bb01a18ad6a89cdbe2e4eadc69c0bc8ef1e3773ba53d44c3f7a34"}, @@ -1861,6 +2052,8 @@ version = "3.3.7" description = "Python implementation of Markdown." optional = false python-versions = ">=3.6" +groups = ["main"] +markers = "platform_system == \"Linux\" and platform_machine == \"aarch64\" and sys_platform != \"linux\"" files = [ {file = "Markdown-3.3.7-py3-none-any.whl", hash = "sha256:f5da449a6e1c989a4cea2631aa8ee67caa5a2ef855d551c88f9e309f4634c621"}, {file = "Markdown-3.3.7.tar.gz", hash = "sha256:cbb516f16218e643d8e0a95b309f77eb118cb138d39a4f27851e6a63581db874"}, @@ -1878,6 +2071,8 @@ version = "0.7.2" description = "A Python-Markdown extension which provides an 'include' function" optional = true python-versions = ">=3.7" +groups = ["main"] +markers = "extra == \"docs\"" files = [ {file = "markdown-include-0.7.2.tar.gz", hash = "sha256:84070d0244367f99bdf9bbdd49ff7b9f51517bbee7582ad7aa8ff363e30d8157"}, {file = "markdown_include-0.7.2-py3-none-any.whl", hash = "sha256:09ca3a7470b79d217be828a27c6808c24f4a8814cc422fca05be1bc3fd866907"}, @@ -1892,6 +2087,8 @@ version = "2.1.2" description = "Safely add untrusted strings to HTML/XML markup." optional = false python-versions = ">=3.7" +groups = ["main"] +markers = "platform_system == \"Linux\" and platform_machine == \"aarch64\" and sys_platform != \"linux\"" files = [ {file = "MarkupSafe-2.1.2-cp310-cp310-macosx_10_9_universal2.whl", hash = "sha256:665a36ae6f8f20a4676b53224e33d456a6f5a72657d9c83c2aa00765072f31f7"}, {file = "MarkupSafe-2.1.2-cp310-cp310-macosx_10_9_x86_64.whl", hash = "sha256:340bea174e9761308703ae988e982005aedf427de816d1afe98147668cc03036"}, @@ -1951,6 +2148,8 @@ version = "3.5.3" description = "Python plotting package" optional = false python-versions = ">=3.7" +groups = ["main"] +markers = "platform_system == \"Linux\" and platform_machine == \"aarch64\" and sys_platform != \"linux\"" files = [ {file = "matplotlib-3.5.3-cp310-cp310-macosx_10_9_universal2.whl", hash = "sha256:a206a1b762b39398efea838f528b3a6d60cdb26fe9d58b48265787e29cd1d693"}, {file = "matplotlib-3.5.3-cp310-cp310-macosx_10_9_x86_64.whl", hash = "sha256:cd45a6f3e93a780185f70f05cf2a383daed13c3489233faad83e81720f7ede24"}, @@ -2005,6 +2204,8 @@ version = "1.3.4" description = "A deep merge function for 🐍." optional = true python-versions = ">=3.6" +groups = ["main"] +markers = "extra == \"docs\"" files = [ {file = "mergedeep-1.3.4-py3-none-any.whl", hash = "sha256:70775750742b25c0d8f36c55aed03d24c3384d17c951b3175d898bd778ef0307"}, {file = "mergedeep-1.3.4.tar.gz", hash = "sha256:0096d52e9dad9939c3d975a774666af186eda617e6ca84df4c94dec30004f2a8"}, @@ -2016,6 +2217,8 @@ version = "1.4.3" description = "Project documentation with Markdown." optional = true python-versions = ">=3.7" +groups = ["main"] +markers = "extra == \"docs\"" files = [ {file = "mkdocs-1.4.3-py3-none-any.whl", hash = "sha256:6ee46d309bda331aac915cd24aab882c179a933bd9e77b80ce7d2eaaa3f689dd"}, {file = "mkdocs-1.4.3.tar.gz", hash = "sha256:5955093bbd4dd2e9403c5afaf57324ad8b04f16886512a3ee6ef828956481c57"}, @@ -2036,7 +2239,7 @@ watchdog = ">=2.0" [package.extras] i18n = ["babel (>=2.9.0)"] -min-versions = ["babel (==2.9.0)", "click (==7.0)", "colorama (==0.4)", "ghp-import (==1.0)", "importlib-metadata (==4.3)", "jinja2 (==2.11.1)", "markdown (==3.2.1)", "markupsafe (==2.0.1)", "mergedeep (==1.3.4)", "packaging (==20.5)", "pyyaml (==5.1)", "pyyaml-env-tag (==0.1)", "typing-extensions (==3.10)", "watchdog (==2.0)"] +min-versions = ["babel (==2.9.0)", "click (==7.0)", "colorama (==0.4) ; platform_system == \"Windows\"", "ghp-import (==1.0)", "importlib-metadata (==4.3) ; python_version < \"3.10\"", "jinja2 (==2.11.1)", "markdown (==3.2.1)", "markupsafe (==2.0.1)", "mergedeep (==1.3.4)", "packaging (==20.5)", "pyyaml (==5.1)", "pyyaml-env-tag (==0.1)", "typing-extensions (==3.10) ; python_version < \"3.8\"", "watchdog (==2.0)"] [[package]] name = "mkdocs-material" @@ -2044,6 +2247,8 @@ version = "8.5.11" description = "Documentation that simply works" optional = true python-versions = ">=3.7" +groups = ["main"] +markers = "extra == \"docs\"" files = [ {file = "mkdocs_material-8.5.11-py3-none-any.whl", hash = "sha256:c907b4b052240a5778074a30a78f31a1f8ff82d7012356dc26898b97559f082e"}, {file = "mkdocs_material-8.5.11.tar.gz", hash = "sha256:b0ea0513fd8cab323e8a825d6692ea07fa83e917bb5db042e523afecc7064ab7"}, @@ -2064,6 +2269,8 @@ version = "1.1.1" description = "Extension pack for Python Markdown and MkDocs Material." optional = true python-versions = ">=3.7" +groups = ["main"] +markers = "extra == \"docs\"" files = [ {file = "mkdocs_material_extensions-1.1.1-py3-none-any.whl", hash = "sha256:e41d9f38e4798b6617ad98ca8f7f1157b1e4385ac1459ca1e4ea219b556df945"}, {file = "mkdocs_material_extensions-1.1.1.tar.gz", hash = "sha256:9c003da71e2cc2493d910237448c672e00cefc800d3d6ae93d2fc69979e3bd93"}, @@ -2075,6 +2282,8 @@ version = "0.2.0" description = "" optional = true python-versions = ">=3.7" +groups = ["main"] +markers = "platform_system == \"Linux\" and platform_machine == \"aarch64\" and sys_platform != \"linux\"" files = [ {file = "ml_dtypes-0.2.0-cp310-cp310-macosx_10_9_universal2.whl", hash = "sha256:df6a76e1c8adf484feb138ed323f9f40a7b6c21788f120f7c78bec20ac37ee81"}, {file = "ml_dtypes-0.2.0-cp310-cp310-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:bc29a0524ef5e23a7fbb8d881bdecabeb3fc1d19d9db61785d077a86cb94fab2"}, @@ -2097,7 +2306,7 @@ files = [ [package.dependencies] numpy = [ - {version = ">1.20", markers = "python_version <= \"3.9\""}, + {version = ">1.20"}, {version = ">=1.21.2", markers = "python_version > \"3.9\""}, ] @@ -2110,6 +2319,8 @@ version = "5.8.2" description = "ModernGL: High performance rendering for Python 3" optional = true python-versions = "*" +groups = ["main"] +markers = "extra == \"procgen\"" files = [ {file = "moderngl-5.8.2-cp310-cp310-macosx_10_9_universal2.whl", hash = "sha256:3012c38b882985aa1140196ba157b8d5a625add0ee0761c3c2937505b1365675"}, {file = "moderngl-5.8.2-cp310-cp310-macosx_10_9_x86_64.whl", hash = "sha256:f140f9d9f5f11fc2a7b41324dd7bcf88c1fc9576d5b21f78b42707d835583be9"}, @@ -2172,6 +2383,8 @@ version = "1.0.3" description = "Video editing with Python" optional = false python-versions = "*" +groups = ["main"] +markers = "platform_system == \"Linux\" and platform_machine == \"aarch64\" and sys_platform != \"linux\"" files = [ {file = "moviepy-1.0.3.tar.gz", hash = "sha256:2884e35d1788077db3ff89e763c5ba7bfddbd7ae9108c9bc809e7ba58fa433f5"}, ] @@ -2186,16 +2399,37 @@ requests = ">=2.8.1,<3.0" tqdm = ">=4.11.2,<5.0" [package.extras] -doc = ["Sphinx (>=1.5.2,<2.0)", "numpydoc (>=0.6.0,<1.0)", "pygame (>=1.9.3,<2.0)", "sphinx_rtd_theme (>=0.1.10b0,<1.0)"] -optional = ["matplotlib (>=2.0.0,<3.0)", "opencv-python (>=3.0,<4.0)", "scikit-image (>=0.13.0,<1.0)", "scikit-learn", "scipy (>=0.19.0,<1.5)", "youtube_dl"] +doc = ["Sphinx (>=1.5.2,<2.0)", "numpydoc (>=0.6.0,<1.0)", "pygame (>=1.9.3,<2.0) ; python_version < \"3.8\"", "sphinx_rtd_theme (>=0.1.10b0,<1.0)"] +optional = ["matplotlib (>=2.0.0,<3.0) ; python_version >= \"3.4\"", "opencv-python (>=3.0,<4.0) ; python_version != \"2.7\"", "scikit-image (>=0.13.0,<1.0) ; python_version >= \"3.4\"", "scikit-learn ; python_version >= \"3.4\"", "scipy (>=0.19.0,<1.5) ; python_version != \"3.3\"", "youtube_dl"] test = ["coverage (<5.0)", "coveralls (>=1.1,<2.0)", "pytest (>=3.0.0,<4.0)", "pytest-cov (>=2.5.1,<3.0)", "requests (>=2.8.1,<3.0)"] +[[package]] +name = "mpmath" +version = "1.3.0" +description = "Python library for arbitrary-precision floating-point arithmetic" +optional = false +python-versions = "*" +groups = ["main"] +markers = "platform_system == \"Linux\" and platform_machine == \"aarch64\" and sys_platform != \"linux\"" +files = [ + {file = "mpmath-1.3.0-py3-none-any.whl", hash = "sha256:a0b2b9fe80bbcd81a6647ff13108738cfb482d481d826cc0e02f5b35e5c88d2c"}, + {file = "mpmath-1.3.0.tar.gz", hash = "sha256:7a28eb2a9774d00c7bc92411c19a89209d5da7c4c9a9e227be8330a23a25b91f"}, +] + +[package.extras] +develop = ["codecov", "pycodestyle", "pytest (>=4.6)", "pytest-cov", "wheel"] +docs = ["sphinx"] +gmpy = ["gmpy2 (>=2.1.0a4) ; platform_python_implementation != \"PyPy\""] +tests = ["pytest (>=4.6)"] + [[package]] name = "msgpack" version = "1.0.5" description = "MessagePack serializer" optional = true python-versions = "*" +groups = ["main"] +markers = "platform_system == \"Linux\" and platform_machine == \"aarch64\" and (extra == \"jax\" or extra == \"dqn-jax\" or extra == \"dqn-atari-jax\" or extra == \"c51-jax\" or extra == \"c51-atari-jax\" or extra == \"ppo-atari-envpool-xla-jax-scan\" or extra == \"qdagger-dqn-atari-jax-impalacnn\") and sys_platform != \"linux\"" files = [ {file = "msgpack-1.0.5-cp310-cp310-macosx_10_9_universal2.whl", hash = "sha256:525228efd79bb831cf6830a732e2e80bc1b05436b086d4264814b4b2955b2fa9"}, {file = "msgpack-1.0.5-cp310-cp310-macosx_10_9_x86_64.whl", hash = "sha256:4f8d8b3bf1ff2672567d6b5c725a1b347fe838b912772aa8ae2bf70338d5a198"}, @@ -2268,6 +2502,8 @@ version = "2.3.3" description = "MuJoCo Physics Simulator" optional = true python-versions = ">=3.7" +groups = ["main"] +markers = "extra == \"mujoco\" or extra == \"dm-control\"" files = [ {file = "mujoco-2.3.3-2-cp310-cp310-macosx_10_12_x86_64.whl", hash = "sha256:7b95a0b7ae8bb9e36d04ba475a950025791c43087845235bb92bd2dd1787589a"}, {file = "mujoco-2.3.3-2-cp310-cp310-macosx_11_0_arm64.whl", hash = "sha256:8b9f8e9e6d47fe60f96dc54be780a66a38d5ec2ff94d091ad54c6f87468b4b6a"}, @@ -2308,6 +2544,8 @@ version = "0.1.11" description = "Multi-Agent Arcade Learning Environment Python Interface" optional = true python-versions = "*" +groups = ["main"] +markers = "extra == \"pettingzoo\"" files = [ {file = "multi-agent-ale-py-0.1.11.tar.gz", hash = "sha256:ba3ff800420f65ff354574975bdfa79035ae1597e8938b37d1df12ffc4122edb"}, {file = "multi_agent_ale_py-0.1.11-cp36-cp36m-macosx_10_15_x86_64.whl", hash = "sha256:b4169913de9e5245fe223c3a68bc5db3cbfd7ea7f9a032ff73f7ba3113cc7bbc"}, @@ -2330,6 +2568,8 @@ version = "0.70.14" description = "better multiprocessing and multithreading in python" optional = true python-versions = ">=3.7" +groups = ["main"] +markers = "extra == \"docs\"" files = [ {file = "multiprocess-0.70.14-pp37-pypy37_pp73-macosx_10_9_x86_64.whl", hash = "sha256:560a27540daef4ce8b24ed3cc2496a3c670df66c96d02461a4da67473685adf3"}, {file = "multiprocess-0.70.14-pp37-pypy37_pp73-manylinux_2_24_i686.whl", hash = "sha256:bfbbfa36f400b81d1978c940616bc77776424e5e34cb0c94974b178d727cfcd5"}, @@ -2350,12 +2590,55 @@ files = [ [package.dependencies] dill = ">=0.3.6" +[[package]] +name = "networkx" +version = "3.2.1" +description = "Python package for creating and manipulating graphs and networks" +optional = false +python-versions = ">=3.9" +groups = ["main"] +markers = "python_version == \"3.9\" or platform_system == \"Linux\" and python_version < \"3.10\" and platform_machine == \"aarch64\" and sys_platform != \"linux\"" +files = [ + {file = "networkx-3.2.1-py3-none-any.whl", hash = "sha256:f18c69adc97877c42332c170849c96cefa91881c99a7cb3e95b7c659ebdc1ec2"}, + {file = "networkx-3.2.1.tar.gz", hash = "sha256:9f1bb5cf3409bf324e0a722c20bdb4c20ee39bf1c30ce8ae499c8502b0b5e0c6"}, +] + +[package.extras] +default = ["matplotlib (>=3.5)", "numpy (>=1.22)", "pandas (>=1.4)", "scipy (>=1.9,!=1.11.0,!=1.11.1)"] +developer = ["changelist (==0.4)", "mypy (>=1.1)", "pre-commit (>=3.2)", "rtoml"] +doc = ["nb2plots (>=0.7)", "nbconvert (<7.9)", "numpydoc (>=1.6)", "pillow (>=9.4)", "pydata-sphinx-theme (>=0.14)", "sphinx (>=7)", "sphinx-gallery (>=0.14)", "texext (>=0.6.7)"] +extra = ["lxml (>=4.6)", "pydot (>=1.4.2)", "pygraphviz (>=1.11)", "sympy (>=1.10)"] +test = ["pytest (>=7.2)", "pytest-cov (>=4.0)"] + +[[package]] +name = "networkx" +version = "3.4.2" +description = "Python package for creating and manipulating graphs and networks" +optional = false +python-versions = ">=3.10" +groups = ["main"] +markers = "python_version >= \"3.10\"" +files = [ + {file = "networkx-3.4.2-py3-none-any.whl", hash = "sha256:df5d4365b724cf81b8c6a7312509d0c22386097011ad1abe274afd5e9d3bbc5f"}, + {file = "networkx-3.4.2.tar.gz", hash = "sha256:307c3669428c5362aab27c8a1260aa8f47c4e91d3891f48be0141738d8d053e1"}, +] + +[package.extras] +default = ["matplotlib (>=3.7)", "numpy (>=1.24)", "pandas (>=2.0)", "scipy (>=1.10,!=1.11.0,!=1.11.1)"] +developer = ["changelist (==0.5)", "mypy (>=1.1)", "pre-commit (>=3.2)", "rtoml"] +doc = ["intersphinx-registry", "myst-nb (>=1.1)", "numpydoc (>=1.8.0)", "pillow (>=9.4)", "pydata-sphinx-theme (>=0.15)", "sphinx (>=7.3)", "sphinx-gallery (>=0.16)", "texext (>=0.6.7)"] +example = ["cairocffi (>=1.7)", "contextily (>=1.6)", "igraph (>=0.11)", "momepy (>=0.7.2)", "osmnx (>=1.9)", "scikit-learn (>=1.5)", "seaborn (>=0.13)"] +extra = ["lxml (>=4.6)", "pydot (>=3.0.1)", "pygraphviz (>=1.14)", "sympy (>=1.10)"] +test = ["pytest (>=7.2)", "pytest-cov (>=4.0)"] + [[package]] name = "nodeenv" version = "1.7.0" description = "Node.js virtual environment builder" optional = false python-versions = ">=2.7,!=3.0.*,!=3.1.*,!=3.2.*,!=3.3.*,!=3.4.*,!=3.5.*,!=3.6.*" +groups = ["dev"] +markers = "platform_system == \"Linux\" and platform_machine == \"aarch64\" and sys_platform != \"linux\"" files = [ {file = "nodeenv-1.7.0-py2.py3-none-any.whl", hash = "sha256:27083a7b96a25f2f5e1d8cb4b6317ee8aeda3bdd121394e5ac54e498028a042e"}, {file = "nodeenv-1.7.0.tar.gz", hash = "sha256:e0e7f7dfb85fc5394c6fe1e8fa98131a2473e04311a45afb6508f7cf1836fa2b"}, @@ -2370,6 +2653,8 @@ version = "1.24.4" description = "Fundamental package for array computing in Python" optional = false python-versions = ">=3.8" +groups = ["main"] +markers = "platform_system == \"Linux\" and platform_machine == \"aarch64\" and sys_platform != \"linux\"" files = [ {file = "numpy-1.24.4-cp310-cp310-macosx_10_9_x86_64.whl", hash = "sha256:c0bfb52d2169d58c1cdb8cc1f16989101639b34c7d3ce60ed70b19c63eba0b64"}, {file = "numpy-1.24.4-cp310-cp310-macosx_11_0_arm64.whl", hash = "sha256:ed094d4f0c177b1b8e7aa9cba7d6ceed51c0e569a5318ac0ca9a090680a6a1b1"}, @@ -2401,12 +2686,180 @@ files = [ {file = "numpy-1.24.4.tar.gz", hash = "sha256:80f5e3a4e498641401868df4208b74581206afbee7cf7b8329daae82676d9463"}, ] +[[package]] +name = "nvidia-cublas-cu12" +version = "12.1.3.1" +description = "CUBLAS native runtime libraries" +optional = false +python-versions = ">=3" +groups = ["main"] +markers = "platform_system == \"Linux\" and platform_machine == \"x86_64\"" +files = [ + {file = "nvidia_cublas_cu12-12.1.3.1-py3-none-manylinux1_x86_64.whl", hash = "sha256:ee53ccca76a6fc08fb9701aa95b6ceb242cdaab118c3bb152af4e579af792728"}, + {file = "nvidia_cublas_cu12-12.1.3.1-py3-none-win_amd64.whl", hash = "sha256:2b964d60e8cf11b5e1073d179d85fa340c120e99b3067558f3cf98dd69d02906"}, +] + +[[package]] +name = "nvidia-cuda-cupti-cu12" +version = "12.1.105" +description = "CUDA profiling tools runtime libs." +optional = false +python-versions = ">=3" +groups = ["main"] +markers = "platform_system == \"Linux\" and platform_machine == \"x86_64\"" +files = [ + {file = "nvidia_cuda_cupti_cu12-12.1.105-py3-none-manylinux1_x86_64.whl", hash = "sha256:e54fde3983165c624cb79254ae9818a456eb6e87a7fd4d56a2352c24ee542d7e"}, + {file = "nvidia_cuda_cupti_cu12-12.1.105-py3-none-win_amd64.whl", hash = "sha256:bea8236d13a0ac7190bd2919c3e8e6ce1e402104276e6f9694479e48bb0eb2a4"}, +] + +[[package]] +name = "nvidia-cuda-nvrtc-cu12" +version = "12.1.105" +description = "NVRTC native runtime libraries" +optional = false +python-versions = ">=3" +groups = ["main"] +markers = "platform_system == \"Linux\" and platform_machine == \"x86_64\"" +files = [ + {file = "nvidia_cuda_nvrtc_cu12-12.1.105-py3-none-manylinux1_x86_64.whl", hash = "sha256:339b385f50c309763ca65456ec75e17bbefcbbf2893f462cb8b90584cd27a1c2"}, + {file = "nvidia_cuda_nvrtc_cu12-12.1.105-py3-none-win_amd64.whl", hash = "sha256:0a98a522d9ff138b96c010a65e145dc1b4850e9ecb75a0172371793752fd46ed"}, +] + +[[package]] +name = "nvidia-cuda-runtime-cu12" +version = "12.1.105" +description = "CUDA Runtime native Libraries" +optional = false +python-versions = ">=3" +groups = ["main"] +markers = "platform_system == \"Linux\" and platform_machine == \"x86_64\"" +files = [ + {file = "nvidia_cuda_runtime_cu12-12.1.105-py3-none-manylinux1_x86_64.whl", hash = "sha256:6e258468ddf5796e25f1dc591a31029fa317d97a0a94ed93468fc86301d61e40"}, + {file = "nvidia_cuda_runtime_cu12-12.1.105-py3-none-win_amd64.whl", hash = "sha256:dfb46ef84d73fababab44cf03e3b83f80700d27ca300e537f85f636fac474344"}, +] + +[[package]] +name = "nvidia-cudnn-cu12" +version = "8.9.2.26" +description = "cuDNN runtime libraries" +optional = false +python-versions = ">=3" +groups = ["main"] +markers = "platform_system == \"Linux\" and platform_machine == \"x86_64\"" +files = [ + {file = "nvidia_cudnn_cu12-8.9.2.26-py3-none-manylinux1_x86_64.whl", hash = "sha256:5ccb288774fdfb07a7e7025ffec286971c06d8d7b4fb162525334616d7629ff9"}, +] + +[package.dependencies] +nvidia-cublas-cu12 = "*" + +[[package]] +name = "nvidia-cufft-cu12" +version = "11.0.2.54" +description = "CUFFT native runtime libraries" +optional = false +python-versions = ">=3" +groups = ["main"] +markers = "platform_system == \"Linux\" and platform_machine == \"x86_64\"" +files = [ + {file = "nvidia_cufft_cu12-11.0.2.54-py3-none-manylinux1_x86_64.whl", hash = "sha256:794e3948a1aa71fd817c3775866943936774d1c14e7628c74f6f7417224cdf56"}, + {file = "nvidia_cufft_cu12-11.0.2.54-py3-none-win_amd64.whl", hash = "sha256:d9ac353f78ff89951da4af698f80870b1534ed69993f10a4cf1d96f21357e253"}, +] + +[[package]] +name = "nvidia-curand-cu12" +version = "10.3.2.106" +description = "CURAND native runtime libraries" +optional = false +python-versions = ">=3" +groups = ["main"] +markers = "platform_system == \"Linux\" and platform_machine == \"x86_64\"" +files = [ + {file = "nvidia_curand_cu12-10.3.2.106-py3-none-manylinux1_x86_64.whl", hash = "sha256:9d264c5036dde4e64f1de8c50ae753237c12e0b1348738169cd0f8a536c0e1e0"}, + {file = "nvidia_curand_cu12-10.3.2.106-py3-none-win_amd64.whl", hash = "sha256:75b6b0c574c0037839121317e17fd01f8a69fd2ef8e25853d826fec30bdba74a"}, +] + +[[package]] +name = "nvidia-cusolver-cu12" +version = "11.4.5.107" +description = "CUDA solver native runtime libraries" +optional = false +python-versions = ">=3" +groups = ["main"] +markers = "platform_system == \"Linux\" and platform_machine == \"x86_64\"" +files = [ + {file = "nvidia_cusolver_cu12-11.4.5.107-py3-none-manylinux1_x86_64.whl", hash = "sha256:8a7ec542f0412294b15072fa7dab71d31334014a69f953004ea7a118206fe0dd"}, + {file = "nvidia_cusolver_cu12-11.4.5.107-py3-none-win_amd64.whl", hash = "sha256:74e0c3a24c78612192a74fcd90dd117f1cf21dea4822e66d89e8ea80e3cd2da5"}, +] + +[package.dependencies] +nvidia-cublas-cu12 = "*" +nvidia-cusparse-cu12 = "*" +nvidia-nvjitlink-cu12 = "*" + +[[package]] +name = "nvidia-cusparse-cu12" +version = "12.1.0.106" +description = "CUSPARSE native runtime libraries" +optional = false +python-versions = ">=3" +groups = ["main"] +markers = "platform_system == \"Linux\" and platform_machine == \"x86_64\"" +files = [ + {file = "nvidia_cusparse_cu12-12.1.0.106-py3-none-manylinux1_x86_64.whl", hash = "sha256:f3b50f42cf363f86ab21f720998517a659a48131e8d538dc02f8768237bd884c"}, + {file = "nvidia_cusparse_cu12-12.1.0.106-py3-none-win_amd64.whl", hash = "sha256:b798237e81b9719373e8fae8d4f091b70a0cf09d9d85c95a557e11df2d8e9a5a"}, +] + +[package.dependencies] +nvidia-nvjitlink-cu12 = "*" + +[[package]] +name = "nvidia-nccl-cu12" +version = "2.18.1" +description = "NVIDIA Collective Communication Library (NCCL) Runtime" +optional = false +python-versions = ">=3" +groups = ["main"] +markers = "platform_system == \"Linux\" and platform_machine == \"x86_64\"" +files = [ + {file = "nvidia_nccl_cu12-2.18.1-py3-none-manylinux1_x86_64.whl", hash = "sha256:1a6c4acefcbebfa6de320f412bf7866de856e786e0462326ba1bac40de0b5e71"}, +] + +[[package]] +name = "nvidia-nvjitlink-cu12" +version = "12.8.61" +description = "Nvidia JIT LTO Library" +optional = false +python-versions = ">=3" +groups = ["main"] +markers = "platform_system == \"Linux\" and platform_machine == \"x86_64\"" +files = [ + {file = "nvidia_nvjitlink_cu12-12.8.61-py3-none-manylinux2010_x86_64.manylinux_2_12_x86_64.whl", hash = "sha256:45fd79f2ae20bd67e8bc411055939049873bfd8fac70ff13bd4865e0b9bdab17"}, + {file = "nvidia_nvjitlink_cu12-12.8.61-py3-none-manylinux2014_aarch64.manylinux_2_17_aarch64.whl", hash = "sha256:9b80ecab31085dda3ce3b41d043be0ec739216c3fc633b8abe212d5a30026df0"}, + {file = "nvidia_nvjitlink_cu12-12.8.61-py3-none-win_amd64.whl", hash = "sha256:1166a964d25fdc0eae497574d38824305195a5283324a21ccb0ce0c802cbf41c"}, +] + +[[package]] +name = "nvidia-nvtx-cu12" +version = "12.1.105" +description = "NVIDIA Tools Extension" +optional = false +python-versions = ">=3" +groups = ["main"] +markers = "platform_system == \"Linux\" and platform_machine == \"x86_64\"" +files = [ + {file = "nvidia_nvtx_cu12-12.1.105-py3-none-manylinux1_x86_64.whl", hash = "sha256:dc21cf308ca5691e7c04d962e213f8a4aa9bbfa23d95412f452254c2caeb09e5"}, + {file = "nvidia_nvtx_cu12-12.1.105-py3-none-win_amd64.whl", hash = "sha256:65f4d98982b31b60026e0e6de73fbdfc09d08a96f4656dd3665ca616a11e1e82"}, +] + [[package]] name = "oauthlib" version = "3.2.2" description = "A generic, spec-compliant, thorough implementation of the OAuth request-signing logic" optional = false python-versions = ">=3.6" +groups = ["main"] +markers = "platform_system == \"Linux\" and platform_machine == \"aarch64\" and sys_platform != \"linux\"" files = [ {file = "oauthlib-3.2.2-py3-none-any.whl", hash = "sha256:8139f29aac13e25d502680e9e19963e83f16838d48a0d71c287fe40e7067fbca"}, {file = "oauthlib-3.2.2.tar.gz", hash = "sha256:9859c40929662bec5d64f34d01c99e093149682a3f38915dc0655d5a633dd918"}, @@ -2423,6 +2876,8 @@ version = "4.7.0.72" description = "Wrapper package for OpenCV python bindings." optional = true python-versions = ">=3.6" +groups = ["main"] +markers = "platform_system == \"Linux\" and platform_machine == \"aarch64\" and (extra == \"atari\" or extra == \"dqn-atari\" or extra == \"dqn-atari-jax\" or extra == \"c51-atari\" or extra == \"c51-atari-jax\" or extra == \"ppo-atari-envpool-xla-jax-scan\" or extra == \"qdagger-dqn-atari-impalacnn\" or extra == \"qdagger-dqn-atari-jax-impalacnn\") and sys_platform != \"linux\"" files = [ {file = "opencv-python-4.7.0.72.tar.gz", hash = "sha256:3424794a711f33284581f3c1e4b071cfc827d02b99d6fd9a35391f517c453306"}, {file = "opencv_python-4.7.0.72-cp37-abi3-macosx_10_16_x86_64.whl", hash = "sha256:d4f8880440c433a0025d78804dda6901d1e8e541a561dda66892d90290aef881"}, @@ -2435,11 +2890,10 @@ files = [ [package.dependencies] numpy = [ - {version = ">=1.21.0", markers = "python_version <= \"3.9\" and platform_system == \"Darwin\" and platform_machine == \"arm64\" and python_version >= \"3.8\""}, + {version = ">=1.21.0", markers = "python_version == \"3.9\" and platform_system == \"Darwin\" and platform_machine == \"arm64\""}, {version = ">=1.21.4", markers = "python_version >= \"3.10\" and platform_system == \"Darwin\""}, {version = ">=1.21.2", markers = "platform_system != \"Darwin\" and python_version >= \"3.10\""}, - {version = ">=1.19.3", markers = "platform_system == \"Linux\" and platform_machine == \"aarch64\" and python_version >= \"3.8\" and python_version < \"3.10\" or python_version > \"3.9\" and python_version < \"3.10\" or python_version >= \"3.9\" and platform_system != \"Darwin\" and python_version < \"3.10\" or python_version >= \"3.9\" and platform_machine != \"arm64\" and python_version < \"3.10\""}, - {version = ">=1.17.3", markers = "(platform_system != \"Darwin\" and platform_system != \"Linux\") and python_version >= \"3.8\" and python_version < \"3.9\" or platform_system != \"Darwin\" and python_version >= \"3.8\" and python_version < \"3.9\" and platform_machine != \"aarch64\" or platform_machine != \"arm64\" and python_version >= \"3.8\" and python_version < \"3.9\" and platform_system != \"Linux\" or (platform_machine != \"arm64\" and platform_machine != \"aarch64\") and python_version >= \"3.8\" and python_version < \"3.9\""}, + {version = ">=1.19.3", markers = "(platform_system == \"Linux\" or python_version == \"3.9\") and (platform_system != \"Darwin\" or platform_machine != \"arm64\" or python_version > \"3.9\") and python_version < \"3.10\" and (platform_machine == \"aarch64\" or python_version == \"3.9\") and python_version >= \"3.8\""}, ] [[package]] @@ -2448,6 +2902,8 @@ version = "0.1.1b4" description = "" optional = true python-versions = ">=3.7.1,<4.0.0" +groups = ["main"] +markers = "extra == \"docs\"" files = [ {file = "openrlbenchmark-0.1.1b4-py3-none-any.whl", hash = "sha256:f012fdfbac560f3a0b0f825560635eeceaeb4f97c43996a19a8e2916b95f43cb"}, {file = "openrlbenchmark-0.1.1b4.tar.gz", hash = "sha256:497d48c5a8053d9aab89bc6eacafb547ecdb5371ff98f0c0504e731d715687b4"}, @@ -2471,6 +2927,8 @@ version = "3.3.0" description = "Optimizing numpys einsum function" optional = true python-versions = ">=3.5" +groups = ["main"] +markers = "platform_system == \"Linux\" and platform_machine == \"aarch64\" and sys_platform != \"linux\"" files = [ {file = "opt_einsum-3.3.0-py3-none-any.whl", hash = "sha256:2455e59e3947d3c275477df7f5205b30635e266fe6dc300e3d9f9646bfcea147"}, {file = "opt_einsum-3.3.0.tar.gz", hash = "sha256:59f6475f77bbc37dcf7cd748519c0ec60722e91e63ca114e68821c0c54a46549"}, @@ -2489,6 +2947,8 @@ version = "0.1.4" description = "A gradient processing and optimisation library in JAX." optional = true python-versions = ">=3.7" +groups = ["main"] +markers = "platform_system == \"Linux\" and platform_machine == \"aarch64\" and sys_platform != \"linux\"" files = [ {file = "optax-0.1.4-py3-none-any.whl", hash = "sha256:12fcf33bd682f9a162a3deb097f864130c3224d76771af2ba09410de80399a9b"}, {file = "optax-0.1.4.tar.gz", hash = "sha256:fb7a0550d57a6636164a3de25986a8a19be8ff6431fcdf1225b4e05175810f22"}, @@ -2508,6 +2968,8 @@ version = "3.3.0" description = "A hyperparameter optimization framework" optional = true python-versions = ">=3.7" +groups = ["main"] +markers = "extra == \"optuna\"" files = [ {file = "optuna-3.3.0-py3-none-any.whl", hash = "sha256:3eefaed56a5fabf442036d51ef2001dbabfbe1a8ce33bc0c6b61ff5d15b30c82"}, {file = "optuna-3.3.0.tar.gz", hash = "sha256:76126c6e52354892488e75fc7743eaddcd397c5aba8fa1f964a1c5b5f942eaf6"}, @@ -2527,9 +2989,9 @@ tqdm = "*" benchmark = ["asv (>=0.5.0)", "botorch", "cma", "scikit-optimize", "virtualenv"] checking = ["black", "blackdoc", "flake8", "isort", "mypy", "mypy-boto3-s3", "types-PyYAML", "types-redis", "types-setuptools", "types-tqdm", "typing-extensions (>=3.10.0.0)"] document = ["botorch", "cma", "distributed", "fvcore", "lightgbm", "matplotlib (!=3.6.0)", "mlflow", "pandas", "pillow", "plotly (>=4.9.0)", "scikit-learn", "scikit-optimize", "sphinx", "sphinx-copybutton", "sphinx-gallery", "sphinx-plotly-directive", "sphinx-rtd-theme (>=1.2.0)", "torch", "torchaudio", "torchvision"] -integration = ["botorch (>=0.4.0)", "catboost (>=0.26)", "catboost (>=0.26,<1.2)", "cma", "distributed", "fastai", "lightgbm", "mlflow", "pandas", "pytorch-ignite", "pytorch-lightning (>=1.6.0)", "scikit-learn (>=0.24.2)", "scikit-optimize", "shap", "tensorflow", "torch", "torchaudio", "torchvision", "wandb", "xgboost"] +integration = ["botorch (>=0.4.0)", "catboost (>=0.26) ; sys_platform != \"darwin\"", "catboost (>=0.26,<1.2) ; sys_platform == \"darwin\"", "cma", "distributed", "fastai", "lightgbm", "mlflow", "pandas", "pytorch-ignite", "pytorch-lightning (>=1.6.0)", "scikit-learn (>=0.24.2)", "scikit-optimize", "shap", "tensorflow", "torch", "torchaudio", "torchvision", "wandb", "xgboost"] optional = ["boto3", "botorch", "matplotlib (!=3.6.0)", "pandas", "plotly (>=4.9.0)", "redis", "scikit-learn (>=0.24.2)"] -test = ["coverage", "fakeredis[lua]", "kaleido", "moto", "pytest", "scipy (>=1.9.2)"] +test = ["coverage", "fakeredis[lua]", "kaleido", "moto", "pytest", "scipy (>=1.9.2) ; python_version >= \"3.8\""] [[package]] name = "optuna-dashboard" @@ -2537,6 +2999,8 @@ version = "0.7.3" description = "Real-time dashboard for Optuna" optional = true python-versions = ">=3.6" +groups = ["main"] +markers = "extra == \"optuna\"" files = [ {file = "optuna-dashboard-0.7.3.tar.gz", hash = "sha256:3ccf6d21ea691eb009fddd3207d271a5618698d100021e78502ae9a93aa663c2"}, {file = "optuna_dashboard-0.7.3-py3-none-any.whl", hash = "sha256:cd79f349b147d076b176bc2c899bb935559dd6a9fd60be9aa6443c229d3365e5"}, @@ -2554,6 +3018,8 @@ version = "0.1.0" description = "Orbax" optional = true python-versions = ">=3.7" +groups = ["main"] +markers = "platform_system == \"Linux\" and platform_machine == \"aarch64\" and (extra == \"jax\" or extra == \"dqn-jax\" or extra == \"dqn-atari-jax\" or extra == \"c51-jax\" or extra == \"c51-atari-jax\" or extra == \"ppo-atari-envpool-xla-jax-scan\" or extra == \"qdagger-dqn-atari-jax-impalacnn\") and sys_platform != \"linux\"" files = [ {file = "orbax-0.1.0-py3-none-any.whl", hash = "sha256:df2b5534cb379e1c72a8829bbb62a2c7ebc0e06567ad98e4b06e6aced5d231b1"}, {file = "orbax-0.1.0.tar.gz", hash = "sha256:317fae101b504dfea9204d667fd79ad7039395b123356995e13a01332e996595"}, @@ -2581,6 +3047,8 @@ version = "23.1" description = "Core utilities for Python packages" optional = false python-versions = ">=3.7" +groups = ["main"] +markers = "platform_system == \"Linux\" and platform_machine == \"aarch64\" and sys_platform != \"linux\"" files = [ {file = "packaging-23.1-py3-none-any.whl", hash = "sha256:994793af429502c4ea2ebf6bf664629d07c1a9fe974af92966e4b8d2df7edc61"}, {file = "packaging-23.1.tar.gz", hash = "sha256:a392980d2b6cffa644431898be54b0045151319d1e7ec34f0cfed48767dd334f"}, @@ -2592,6 +3060,8 @@ version = "1.3.5" description = "Powerful data structures for data analysis, time series, and statistics" optional = false python-versions = ">=3.7.1" +groups = ["main"] +markers = "platform_system == \"Linux\" and platform_machine == \"aarch64\" and sys_platform != \"linux\"" files = [ {file = "pandas-1.3.5-cp310-cp310-macosx_10_9_universal2.whl", hash = "sha256:62d5b5ce965bae78f12c1c0df0d387899dd4211ec0bdc52822373f13a3a022b9"}, {file = "pandas-1.3.5-cp310-cp310-macosx_10_9_x86_64.whl", hash = "sha256:adfeb11be2d54f275142c8ba9bf67acee771b7186a5745249c7d5a06c670136b"}, @@ -2624,8 +3094,8 @@ files = [ numpy = [ {version = ">=1.20.0", markers = "platform_machine == \"arm64\" and python_version < \"3.10\""}, {version = ">=1.21.0", markers = "python_version >= \"3.10\""}, + {version = ">=1.17.3", markers = "platform_machine != \"aarch64\" and platform_machine != \"arm64\" and python_version < \"3.10\""}, {version = ">=1.19.2", markers = "platform_machine == \"aarch64\" and python_version < \"3.10\""}, - {version = ">=1.17.3", markers = "(platform_machine != \"aarch64\" and platform_machine != \"arm64\") and python_version < \"3.10\""}, ] python-dateutil = ">=2.7.3" pytz = ">=2017.3" @@ -2639,6 +3109,8 @@ version = "0.1.2" description = "File system general utilities" optional = false python-versions = "*" +groups = ["main"] +markers = "platform_system == \"Linux\" and platform_machine == \"aarch64\" and sys_platform != \"linux\"" files = [ {file = "pathtools-0.1.2.tar.gz", hash = "sha256:7c35c5421a39bb82e58018febd90e3b6e5db34c5443aaaf742b3f33d4655f1c0"}, ] @@ -2649,6 +3121,8 @@ version = "1.18.1" description = "Gym for multi-agent reinforcement learning" optional = true python-versions = ">=3.7, <3.11" +groups = ["main"] +markers = "extra == \"pettingzoo\"" files = [ {file = "PettingZoo-1.18.1-py3-none-any.whl", hash = "sha256:25ae45fcfa2c623800e1f81b98ae50f5f5a1af6caabc5946764248de71a0371d"}, {file = "PettingZoo-1.18.1.tar.gz", hash = "sha256:7e6a3231dc3fc3801af83fe880f199f570d46a9acdcb990f2a223f121b6e5038"}, @@ -2675,6 +3149,8 @@ version = "9.5.0" description = "Python Imaging Library (Fork)" optional = false python-versions = ">=3.7" +groups = ["main"] +markers = "platform_system == \"Linux\" and platform_machine == \"aarch64\" and sys_platform != \"linux\"" files = [ {file = "Pillow-9.5.0-cp310-cp310-macosx_10_10_x86_64.whl", hash = "sha256:ace6ca218308447b9077c14ea4ef381ba0b67ee78d64046b3f19cf4e1139ad16"}, {file = "Pillow-9.5.0-cp310-cp310-macosx_11_0_arm64.whl", hash = "sha256:d3d403753c9d5adc04d4694d35cf0391f0f3d57c8e0030aac09d7678fa8030aa"}, @@ -2754,6 +3230,8 @@ version = "22.3.1" description = "The PyPA recommended tool for installing Python packages." optional = true python-versions = ">=3.7" +groups = ["main"] +markers = "extra == \"docs\"" files = [ {file = "pip-22.3.1-py3-none-any.whl", hash = "sha256:908c78e6bc29b676ede1c4d57981d490cb892eb45cd8c214ab6298125119e077"}, {file = "pip-22.3.1.tar.gz", hash = "sha256:65fd48317359f3af8e593943e6ae1506b66325085ea64b706a998c6e83eeaf38"}, @@ -2765,6 +3243,8 @@ version = "3.5.0" description = "A small Python package for determining appropriate platform-specific dirs, e.g. a \"user data dir\"." optional = false python-versions = ">=3.7" +groups = ["dev"] +markers = "platform_system == \"Linux\" and platform_machine == \"aarch64\" and sys_platform != \"linux\"" files = [ {file = "platformdirs-3.5.0-py3-none-any.whl", hash = "sha256:47692bc24c1958e8b0f13dd727307cff1db103fca36399f457da8e05f222fdc4"}, {file = "platformdirs-3.5.0.tar.gz", hash = "sha256:7954a68d0ba23558d753f73437c55f89027cf8f5108c19844d4b82e5af396335"}, @@ -2780,6 +3260,8 @@ version = "1.0.0" description = "plugin and hook calling mechanisms for python" optional = true python-versions = ">=3.6" +groups = ["main"] +markers = "platform_system == \"Linux\" and platform_machine == \"aarch64\" and (extra == \"pytest\" or extra == \"jax\" or extra == \"dqn-jax\" or extra == \"dqn-atari-jax\" or extra == \"c51-jax\" or extra == \"c51-atari-jax\" or extra == \"ppo-atari-envpool-xla-jax-scan\" or extra == \"qdagger-dqn-atari-jax-impalacnn\") and sys_platform != \"linux\"" files = [ {file = "pluggy-1.0.0-py2.py3-none-any.whl", hash = "sha256:74134bbf457f031a36d68416e1509f34bd5ccc019f0bcc952c7b909d06b37bd3"}, {file = "pluggy-1.0.0.tar.gz", hash = "sha256:4224373bacce55f955a878bf9cfa763c1e360858e330072059e10bad68531159"}, @@ -2795,6 +3277,8 @@ version = "2.21.0" description = "A framework for managing and maintaining multi-language pre-commit hooks." optional = false python-versions = ">=3.7" +groups = ["dev"] +markers = "platform_system == \"Linux\" and platform_machine == \"aarch64\" and sys_platform != \"linux\"" files = [ {file = "pre_commit-2.21.0-py2.py3-none-any.whl", hash = "sha256:e2f91727039fc39a92f58a588a25b87f936de6567eed4f0e673e0507edc75bad"}, {file = "pre_commit-2.21.0.tar.gz", hash = "sha256:31ef31af7e474a8d8995027fefdfcf509b5c913ff31f2015b4ec4beb26a6f658"}, @@ -2813,6 +3297,8 @@ version = "0.10.7" description = "Procedurally Generated Game-Like RL Environments" optional = true python-versions = ">=3.6.0" +groups = ["main"] +markers = "extra == \"procgen\"" files = [ {file = "procgen-0.10.7-cp310-cp310-macosx_10_9_x86_64.whl", hash = "sha256:277c0e781dc80ec568f0da428185d0b767ff1b6610304af85c7b7522d0ecfec6"}, {file = "procgen-0.10.7-cp310-cp310-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:4b594d14e42f0f2166e59a9e294477b906eb99c90c3343b570b7124cbc865f53"}, @@ -2843,6 +3329,8 @@ version = "0.1.10" description = "Log and progress bar manager for console, notebooks, web..." optional = false python-versions = "*" +groups = ["main"] +markers = "platform_system == \"Linux\" and platform_machine == \"aarch64\" and sys_platform != \"linux\"" files = [ {file = "proglog-0.1.10-py3-none-any.whl", hash = "sha256:19d5da037e8c813da480b741e3fa71fb1ac0a5b02bf21c41577c7f327485ec50"}, {file = "proglog-0.1.10.tar.gz", hash = "sha256:658c28c9c82e4caeb2f25f488fff9ceace22f8d69b15d0c1c86d64275e4ddab4"}, @@ -2857,6 +3345,8 @@ version = "3.20.3" description = "Protocol Buffers" optional = false python-versions = ">=3.7" +groups = ["main"] +markers = "platform_system == \"Linux\" and platform_machine == \"aarch64\" and sys_platform != \"linux\"" files = [ {file = "protobuf-3.20.3-cp310-cp310-manylinux2014_aarch64.whl", hash = "sha256:f4bd856d702e5b0d96a00ec6b307b0f51c1982c2bf9c0052cf9019e9a544ba99"}, {file = "protobuf-3.20.3-cp310-cp310-manylinux_2_12_x86_64.manylinux2010_x86_64.whl", hash = "sha256:9aae4406ea63d825636cc11ffb34ad3379335803216ee3a856787bcf5ccc751e"}, @@ -2888,6 +3378,8 @@ version = "5.9.5" description = "Cross-platform lib for process and system monitoring in Python." optional = false python-versions = ">=2.7, !=3.0.*, !=3.1.*, !=3.2.*, !=3.3.*" +groups = ["main"] +markers = "platform_system == \"Linux\" and platform_machine == \"aarch64\" and sys_platform != \"linux\"" files = [ {file = "psutil-5.9.5-cp27-cp27m-macosx_10_9_x86_64.whl", hash = "sha256:be8929ce4313f9f8146caad4272f6abb8bf99fc6cf59344a3167ecd74f4f203f"}, {file = "psutil-5.9.5-cp27-cp27m-manylinux2010_i686.whl", hash = "sha256:ab8ed1a1d77c95453db1ae00a3f9c50227ebd955437bcf2a574ba8adbf6a74d5"}, @@ -2906,7 +3398,7 @@ files = [ ] [package.extras] -test = ["enum34", "ipaddress", "mock", "pywin32", "wmi"] +test = ["enum34 ; python_version <= \"3.4\"", "ipaddress ; python_version < \"3.0\"", "mock ; python_version < \"3.0\"", "pywin32 ; sys_platform == \"win32\"", "wmi ; sys_platform == \"win32\""] [[package]] name = "pyasn1" @@ -2914,6 +3406,8 @@ version = "0.5.0" description = "Pure-Python implementation of ASN.1 types and DER/BER/CER codecs (X.208)" optional = false python-versions = "!=3.0.*,!=3.1.*,!=3.2.*,!=3.3.*,!=3.4.*,!=3.5.*,>=2.7" +groups = ["main"] +markers = "platform_system == \"Linux\" and platform_machine == \"aarch64\" and sys_platform != \"linux\"" files = [ {file = "pyasn1-0.5.0-py2.py3-none-any.whl", hash = "sha256:87a2121042a1ac9358cabcaf1d07680ff97ee6404333bacca15f76aa8ad01a57"}, {file = "pyasn1-0.5.0.tar.gz", hash = "sha256:97b7290ca68e62a832558ec3976f15cbf911bf5d7c7039d8b861c2a0ece69fde"}, @@ -2925,6 +3419,8 @@ version = "0.3.0" description = "A collection of ASN.1-based protocols modules" optional = false python-versions = "!=3.0.*,!=3.1.*,!=3.2.*,!=3.3.*,!=3.4.*,!=3.5.*,>=2.7" +groups = ["main"] +markers = "platform_system == \"Linux\" and platform_machine == \"aarch64\" and sys_platform != \"linux\"" files = [ {file = "pyasn1_modules-0.3.0-py2.py3-none-any.whl", hash = "sha256:d3ccd6ed470d9ffbc716be08bd90efbd44d0734bc9303818f7336070984a162d"}, {file = "pyasn1_modules-0.3.0.tar.gz", hash = "sha256:5bd01446b736eb9d31512a30d46c1ac3395d676c6f3cafa4c03eb54b9925631c"}, @@ -2939,6 +3435,8 @@ version = "2.21" description = "C parser in Python" optional = true python-versions = ">=2.7, !=3.0.*, !=3.1.*, !=3.2.*, !=3.3.*" +groups = ["main"] +markers = "extra == \"procgen\"" files = [ {file = "pycparser-2.21-py2.py3-none-any.whl", hash = "sha256:8ee45429555515e1f6b185e78100aea234072576aa43ab53aefcae078162fca9"}, {file = "pycparser-2.21.tar.gz", hash = "sha256:e644fdec12f7872f86c58ff790da456218b10f863970249516d60a5eaca77206"}, @@ -2950,6 +3448,8 @@ version = "2.1.0" description = "Python Game Development" optional = false python-versions = ">=3.6" +groups = ["main"] +markers = "platform_system == \"Linux\" and platform_machine == \"aarch64\" and sys_platform != \"linux\"" files = [ {file = "pygame-2.1.0-cp310-cp310-macosx_10_9_x86_64.whl", hash = "sha256:c84a93e6d33dafce9e25080ac557342333e15ef7e378ba84cb6181c52a8fd663"}, {file = "pygame-2.1.0-cp310-cp310-macosx_11_0_arm64.whl", hash = "sha256:a0842458b49257ab539b7b6622a242cabcddcb61178b8ae074aaceb890be75b6"}, @@ -3017,13 +3517,15 @@ version = "2.15.1" description = "Pygments is a syntax highlighting package written in Python." optional = false python-versions = ">=3.7" +groups = ["main"] +markers = "platform_system == \"Linux\" and platform_machine == \"aarch64\" and sys_platform != \"linux\"" files = [ {file = "Pygments-2.15.1-py3-none-any.whl", hash = "sha256:db2db3deb4b4179f399a09054b023b6a586b76499d36965813c71aa8ed7b5fd1"}, {file = "Pygments-2.15.1.tar.gz", hash = "sha256:8ace4d3c1dd481894b2005f560ead0f9f19ee64fe983366be1a21e171d12775c"}, ] [package.extras] -plugins = ["importlib-metadata"] +plugins = ["importlib-metadata ; python_version < \"3.8\""] [[package]] name = "pymdown-extensions" @@ -3031,6 +3533,8 @@ version = "9.11" description = "Extension pack for Python Markdown." optional = true python-versions = ">=3.7" +groups = ["main"] +markers = "extra == \"docs\"" files = [ {file = "pymdown_extensions-9.11-py3-none-any.whl", hash = "sha256:a499191d8d869f30339de86fcf072a787e86c42b6f16f280f5c2cf174182b7f3"}, {file = "pymdown_extensions-9.11.tar.gz", hash = "sha256:f7e86c1d3981f23d9dc43294488ecb54abadd05b0be4bf8f0e15efc90f7853ff"}, @@ -3046,6 +3550,8 @@ version = "3.1.6" description = "Standard OpenGL bindings for Python" optional = true python-versions = "*" +groups = ["main"] +markers = "extra == \"mujoco\" or extra == \"dm-control\"" files = [ {file = "PyOpenGL-3.1.6-py2-none-any.whl", hash = "sha256:57c597d989178e1413002df6b923619f6d29807501dece1c60cc6f12c0c8e8a7"}, {file = "PyOpenGL-3.1.6-py3-none-any.whl", hash = "sha256:a7139bc3e15d656feae1f7e3ef68c799941ed43fadc78177a23db7e946c20738"}, @@ -3058,6 +3564,8 @@ version = "3.0.9" description = "pyparsing module - Classes and methods to define and execute parsing grammars" optional = false python-versions = ">=3.6.8" +groups = ["main"] +markers = "platform_system == \"Linux\" and platform_machine == \"aarch64\" and sys_platform != \"linux\"" files = [ {file = "pyparsing-3.0.9-py3-none-any.whl", hash = "sha256:5026bae9a10eeaefb61dab2f09052b9f4307d44aee4eda64b309723d8d206bbc"}, {file = "pyparsing-3.0.9.tar.gz", hash = "sha256:2b020ecf7d21b687f219b71ecad3631f644a47f01403fa1d1036b0c6416d70fb"}, @@ -3072,6 +3580,8 @@ version = "7.3.1" description = "pytest: simple powerful testing with Python" optional = true python-versions = ">=3.7" +groups = ["main"] +markers = "platform_system == \"Linux\" and platform_machine == \"aarch64\" and (extra == \"pytest\" or extra == \"jax\" or extra == \"dqn-jax\" or extra == \"dqn-atari-jax\" or extra == \"c51-jax\" or extra == \"c51-atari-jax\" or extra == \"ppo-atari-envpool-xla-jax-scan\" or extra == \"qdagger-dqn-atari-jax-impalacnn\") and sys_platform != \"linux\"" files = [ {file = "pytest-7.3.1-py3-none-any.whl", hash = "sha256:3799fa815351fea3a5e96ac7e503a96fa51cc9942c3753cda7651b93c1cfa362"}, {file = "pytest-7.3.1.tar.gz", hash = "sha256:434afafd78b1d78ed0addf160ad2b77a30d35d4bdf8af234fe621919d9ed15e3"}, @@ -3094,6 +3604,8 @@ version = "2.8.2" description = "Extensions to the standard Python datetime module" optional = false python-versions = "!=3.0.*,!=3.1.*,!=3.2.*,>=2.7" +groups = ["main"] +markers = "platform_system == \"Linux\" and platform_machine == \"aarch64\" and sys_platform != \"linux\"" files = [ {file = "python-dateutil-2.8.2.tar.gz", hash = "sha256:0123cacc1627ae19ddf3c27a5de5bd67ee4586fbdd6440d9748f8abb483d3e86"}, {file = "python_dateutil-2.8.2-py2.py3-none-any.whl", hash = "sha256:961d03dc3453ebbc59dbdea9e4e11c5651520a876d0f4db161e8674aae935da9"}, @@ -3108,6 +3620,8 @@ version = "1.1.8" description = "Time expression parser" optional = true python-versions = "*" +groups = ["main"] +markers = "extra == \"envpool\" or extra == \"ppo-atari-envpool-xla-jax-scan\"" files = [ {file = "pytimeparse-1.1.8-py2.py3-none-any.whl", hash = "sha256:04b7be6cc8bd9f5647a6325444926c3ac34ee6bc7e69da4367ba282f076036bd"}, {file = "pytimeparse-1.1.8.tar.gz", hash = "sha256:e86136477be924d7e670646a98561957e8ca7308d44841e21f5ddea757556a0a"}, @@ -3119,6 +3633,8 @@ version = "2023.3" description = "World timezone definitions, modern and historical" optional = false python-versions = "*" +groups = ["main"] +markers = "platform_system == \"Linux\" and platform_machine == \"aarch64\" and sys_platform != \"linux\"" files = [ {file = "pytz-2023.3-py2.py3-none-any.whl", hash = "sha256:a151b3abb88eda1d4e34a9814df37de2a80e301e68ba0fd856fb9b46bfbbbffb"}, {file = "pytz-2023.3.tar.gz", hash = "sha256:1d8ce29db189191fb55338ee6d0387d82ab59f3d00eac103412d64e0ebd0c588"}, @@ -3130,6 +3646,8 @@ version = "6.0.1" description = "YAML parser and emitter for Python" optional = false python-versions = ">=3.6" +groups = ["main", "dev"] +markers = "platform_system == \"Linux\" and platform_machine == \"aarch64\" and sys_platform != \"linux\"" files = [ {file = "PyYAML-6.0.1-cp310-cp310-macosx_10_9_x86_64.whl", hash = "sha256:d858aa552c999bc8a8d57426ed01e40bef403cd8ccdd0fc5f6f04a00414cac2a"}, {file = "PyYAML-6.0.1-cp310-cp310-macosx_11_0_arm64.whl", hash = "sha256:fd66fc5d0da6d9815ba2cebeb4205f95818ff4b79c3ebe268e75d961704af52f"}, @@ -3149,6 +3667,7 @@ files = [ {file = "PyYAML-6.0.1-cp311-cp311-win_amd64.whl", hash = "sha256:bf07ee2fef7014951eeb99f56f39c9bb4af143d8aa3c21b1677805985307da34"}, {file = "PyYAML-6.0.1-cp312-cp312-macosx_10_9_x86_64.whl", hash = "sha256:855fb52b0dc35af121542a76b9a84f8d1cd886ea97c84703eaa6d88e37a2ad28"}, {file = "PyYAML-6.0.1-cp312-cp312-macosx_11_0_arm64.whl", hash = "sha256:40df9b996c2b73138957fe23a16a4f0ba614f4c0efce1e9406a184b6d07fa3a9"}, + {file = "PyYAML-6.0.1-cp312-cp312-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:a08c6f0fe150303c1c6b71ebcd7213c2858041a7e01975da3a99aed1e7a378ef"}, {file = "PyYAML-6.0.1-cp312-cp312-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:6c22bec3fbe2524cde73d7ada88f6566758a8f7227bfbf93a408a9d86bcc12a0"}, {file = "PyYAML-6.0.1-cp312-cp312-musllinux_1_1_x86_64.whl", hash = "sha256:8d4e9c88387b0f5c7d5f281e55304de64cf7f9c0021a3525bd3b1c542da3b0e4"}, {file = "PyYAML-6.0.1-cp312-cp312-win32.whl", hash = "sha256:d483d2cdf104e7c9fa60c544d92981f12ad66a457afae824d146093b8c294c54"}, @@ -3189,6 +3708,8 @@ version = "0.1" description = "A custom YAML tag for referencing environment variables in YAML files. " optional = true python-versions = ">=3.6" +groups = ["main"] +markers = "extra == \"docs\"" files = [ {file = "pyyaml_env_tag-0.1-py3-none-any.whl", hash = "sha256:af31106dec8a4d68c60207c1886031cbf839b68aa7abccdb19868200532c2069"}, {file = "pyyaml_env_tag-0.1.tar.gz", hash = "sha256:70092675bda14fdec33b31ba77e7543de9ddc88f2e5b99160396572d11525bdb"}, @@ -3203,6 +3724,8 @@ version = "2.30.0" description = "Python HTTP for Humans." optional = false python-versions = ">=3.7" +groups = ["main"] +markers = "platform_system == \"Linux\" and platform_machine == \"aarch64\" and sys_platform != \"linux\"" files = [ {file = "requests-2.30.0-py3-none-any.whl", hash = "sha256:10e94cc4f3121ee6da529d358cdaeaff2f1c409cd377dbc72b825852f2f7e294"}, {file = "requests-2.30.0.tar.gz", hash = "sha256:239d7d4458afcb28a692cdd298d87542235f4ca8d36d03a15bfc128a6559a2f4"}, @@ -3224,6 +3747,8 @@ version = "1.3.1" description = "OAuthlib authentication support for Requests." optional = false python-versions = ">=2.7, !=3.0.*, !=3.1.*, !=3.2.*, !=3.3.*" +groups = ["main"] +markers = "platform_system == \"Linux\" and platform_machine == \"aarch64\" and sys_platform != \"linux\"" files = [ {file = "requests-oauthlib-1.3.1.tar.gz", hash = "sha256:75beac4a47881eeb94d5ea5d6ad31ef88856affe2332b9aafb52c6452ccf0d7a"}, {file = "requests_oauthlib-1.3.1-py2.py3-none-any.whl", hash = "sha256:2577c501a2fb8d05a304c09d090d6e47c306fef15809d102b327cf8364bddab5"}, @@ -3242,6 +3767,8 @@ version = "11.2.0" description = "Render rich text, tables, progress bars, syntax highlighting, markdown and more to the terminal" optional = false python-versions = ">=3.6.2,<4.0.0" +groups = ["main"] +markers = "platform_system == \"Linux\" and platform_machine == \"aarch64\" and sys_platform != \"linux\"" files = [ {file = "rich-11.2.0-py3-none-any.whl", hash = "sha256:d5f49ad91fb343efcae45a2b2df04a9755e863e50413623ab8c9e74f05aee52b"}, {file = "rich-11.2.0.tar.gz", hash = "sha256:1a6266a5738115017bb64a66c59c717e7aa047b3ae49a011ede4abdeffc6536e"}, @@ -3261,6 +3788,8 @@ version = "4.7.2" description = "Pure-Python RSA implementation" optional = false python-versions = ">=3.5, <4" +groups = ["main"] +markers = "platform_system == \"Linux\" and platform_machine == \"aarch64\" and sys_platform != \"linux\"" files = [ {file = "rsa-4.7.2-py3-none-any.whl", hash = "sha256:78f9a9bf4e7be0c5ded4583326e7461e3a3c5aae24073648b4bdfa797d78c9d2"}, {file = "rsa-4.7.2.tar.gz", hash = "sha256:9d689e6ca1b3038bc82bf8d23e944b6b6037bc02301a574935b2dd946e0353b9"}, @@ -3275,6 +3804,8 @@ version = "0.8.0" description = "An Amazon S3 Transfer Manager" optional = true python-versions = ">= 3.7" +groups = ["main"] +markers = "extra == \"cloud\"" files = [ {file = "s3transfer-0.8.0-py3-none-any.whl", hash = "sha256:baa479dc2e63e5c2ed51611b4d46cdf0295e2070d8d0b86b22f335ee5b954986"}, {file = "s3transfer-0.8.0.tar.gz", hash = "sha256:e8d6bd52ffd99841e3a57b34370a54841f12d3aab072af862cdcc50955288002"}, @@ -3292,6 +3823,8 @@ version = "1.0.2" description = "A set of python modules for machine learning and data mining" optional = true python-versions = ">=3.7" +groups = ["main"] +markers = "extra == \"optuna\"" files = [ {file = "scikit-learn-1.0.2.tar.gz", hash = "sha256:b5870959a5484b614f26d31ca4c17524b1b0317522199dc985c3b4256e030767"}, {file = "scikit_learn-1.0.2-cp310-cp310-macosx_10_13_x86_64.whl", hash = "sha256:da3c84694ff693b5b3194d8752ccf935a665b8b5edc33a283122f4273ca3e687"}, @@ -3345,6 +3878,8 @@ version = "1.10.1" description = "Fundamental algorithms for scientific computing in Python" optional = true python-versions = "<3.12,>=3.8" +groups = ["main"] +markers = "platform_system == \"Linux\" and platform_machine == \"aarch64\" and sys_platform != \"linux\"" files = [ {file = "scipy-1.10.1-cp310-cp310-macosx_10_9_x86_64.whl", hash = "sha256:e7354fd7527a4b0377ce55f286805b34e8c54b91be865bac273f527e1b839019"}, {file = "scipy-1.10.1-cp310-cp310-macosx_12_0_arm64.whl", hash = "sha256:4b3f429188c66603a1a5c549fb414e4d3bdc2a24792e061ffbd607d3d75fd84e"}, @@ -3383,6 +3918,8 @@ version = "0.12.2" description = "Statistical data visualization" optional = true python-versions = ">=3.7" +groups = ["main"] +markers = "extra == \"docs\"" files = [ {file = "seaborn-0.12.2-py3-none-any.whl", hash = "sha256:ebf15355a4dba46037dfd65b7350f014ceb1f13c05e814eda2c9f5fd731afc08"}, {file = "seaborn-0.12.2.tar.gz", hash = "sha256:374645f36509d0dcab895cba5b47daf0586f77bfe3b36c97c607db7da5be0139"}, @@ -3404,6 +3941,8 @@ version = "1.22.2" description = "Python client for Sentry (https://sentry.io)" optional = false python-versions = "*" +groups = ["main"] +markers = "platform_system == \"Linux\" and platform_machine == \"aarch64\" and sys_platform != \"linux\"" files = [ {file = "sentry-sdk-1.22.2.tar.gz", hash = "sha256:5932c092c6e6035584eb74d77064e4bce3b7935dfc4a331349719a40db265840"}, {file = "sentry_sdk-1.22.2-py2.py3-none-any.whl", hash = "sha256:cf89a5063ef84278d186aceaed6fb595bfe67d099298e537634a323664265669"}, @@ -3445,6 +3984,8 @@ version = "1.3.2" description = "A Python module to customize the process title" optional = false python-versions = ">=3.7" +groups = ["main"] +markers = "platform_system == \"Linux\" and platform_machine == \"aarch64\" and sys_platform != \"linux\"" files = [ {file = "setproctitle-1.3.2-cp310-cp310-macosx_10_9_universal2.whl", hash = "sha256:288943dec88e178bb2fd868adf491197cc0fc8b6810416b1c6775e686bab87fe"}, {file = "setproctitle-1.3.2-cp310-cp310-macosx_10_9_x86_64.whl", hash = "sha256:630f6fe5e24a619ccf970c78e084319ee8be5be253ecc9b5b216b0f474f5ef18"}, @@ -3529,6 +4070,8 @@ version = "67.7.2" description = "Easily download, build, install, upgrade, and uninstall Python packages" optional = false python-versions = ">=3.7" +groups = ["main", "dev"] +markers = "platform_system == \"Linux\" and platform_machine == \"aarch64\" and sys_platform != \"linux\"" files = [ {file = "setuptools-67.7.2-py3-none-any.whl", hash = "sha256:23aaf86b85ca52ceb801d32703f12d77517b2556af839621c641fca11287952b"}, {file = "setuptools-67.7.2.tar.gz", hash = "sha256:f104fa03692a2602fa0fec6c6a9e63b6c8a968de13e17c026957dd1f53d80990"}, @@ -3536,7 +4079,7 @@ files = [ [package.extras] docs = ["furo", "jaraco.packaging (>=9)", "jaraco.tidelift (>=1.4)", "pygments-github-lexers (==0.0.5)", "rst.linker (>=1.9)", "sphinx (>=3.5)", "sphinx-favicon", "sphinx-hoverxref (<2)", "sphinx-inline-tabs", "sphinx-lint", "sphinx-notfound-page (==0.8.3)", "sphinx-reredirects", "sphinxcontrib-towncrier"] -testing = ["build[virtualenv]", "filelock (>=3.4.0)", "flake8 (<5)", "flake8-2020", "ini2toml[lite] (>=0.9)", "jaraco.envs (>=2.2)", "jaraco.path (>=3.2.0)", "pip (>=19.1)", "pip-run (>=8.8)", "pytest (>=6)", "pytest-black (>=0.3.7)", "pytest-checkdocs (>=2.4)", "pytest-cov", "pytest-enabler (>=1.3)", "pytest-flake8", "pytest-mypy (>=0.9.1)", "pytest-perf", "pytest-timeout", "pytest-xdist", "tomli-w (>=1.0.0)", "virtualenv (>=13.0.0)", "wheel"] +testing = ["build[virtualenv]", "filelock (>=3.4.0)", "flake8 (<5)", "flake8-2020", "ini2toml[lite] (>=0.9)", "jaraco.envs (>=2.2)", "jaraco.path (>=3.2.0)", "pip (>=19.1)", "pip-run (>=8.8)", "pytest (>=6)", "pytest-black (>=0.3.7) ; platform_python_implementation != \"PyPy\"", "pytest-checkdocs (>=2.4)", "pytest-cov ; platform_python_implementation != \"PyPy\"", "pytest-enabler (>=1.3)", "pytest-flake8 ; python_version < \"3.12\"", "pytest-mypy (>=0.9.1) ; platform_python_implementation != \"PyPy\"", "pytest-perf", "pytest-timeout", "pytest-xdist", "tomli-w (>=1.0.0)", "virtualenv (>=13.0.0)", "wheel"] testing-integration = ["build[virtualenv]", "filelock (>=3.4.0)", "jaraco.envs (>=2.2)", "jaraco.path (>=3.2.0)", "pytest", "pytest-enabler", "pytest-xdist", "tomli", "virtualenv (>=13.0.0)", "wheel"] [[package]] @@ -3545,6 +4088,8 @@ version = "1.1.0" description = "An API conversion tool providing Gymnasium and PettingZoo bindings for popular external reinforcement learning environments." optional = true python-versions = ">=3.7" +groups = ["main"] +markers = "extra == \"atari\" or extra == \"dm-control\"" files = [ {file = "Shimmy-1.1.0-py3-none-any.whl", hash = "sha256:0d2f44cdc3384b792336eb54002d23eb8c0ddb67580760e9c4e234fdf6077a69"}, {file = "Shimmy-1.1.0.tar.gz", hash = "sha256:028ff42861fd8fa168927631f8f8cb2bda4ffef67e65633c51bf3116792e1f88"}, @@ -3573,6 +4118,8 @@ version = "1.6.4" description = "Automagic shell tab completion for Python CLI applications" optional = false python-versions = ">=3.7" +groups = ["main"] +markers = "platform_system == \"Linux\" and platform_machine == \"aarch64\" and sys_platform != \"linux\"" files = [ {file = "shtab-1.6.4-py3-none-any.whl", hash = "sha256:4be38887a912091a1640e06f5ccbcbd24e176cf2fcb9ef0c2e011ee22d63834f"}, {file = "shtab-1.6.4.tar.gz", hash = "sha256:aba9e049bed54ffdb650cb2e02657282d8c0148024b0f500277052df124d47de"}, @@ -3587,6 +4134,8 @@ version = "1.16.0" description = "Python 2 and 3 compatibility utilities" optional = false python-versions = ">=2.7, !=3.0.*, !=3.1.*, !=3.2.*" +groups = ["main"] +markers = "platform_system == \"Linux\" and platform_machine == \"aarch64\" and sys_platform != \"linux\"" files = [ {file = "six-1.16.0-py2.py3-none-any.whl", hash = "sha256:8abb2f1d86890a2dfb989f9a77cfcfd3e47c2a354b01111771326f8aa26e0254"}, {file = "six-1.16.0.tar.gz", hash = "sha256:1e61c37477a1626458e36f7b1d82aa5c9b094fa4802892072e49de9c60c4c926"}, @@ -3598,6 +4147,8 @@ version = "5.0.0" description = "A pure Python implementation of a sliding window memory map manager" optional = false python-versions = ">=3.6" +groups = ["main"] +markers = "platform_system == \"Linux\" and platform_machine == \"aarch64\" and sys_platform != \"linux\"" files = [ {file = "smmap-5.0.0-py3-none-any.whl", hash = "sha256:2aba19d6a040e78d8b09de5c57e96207b09ed71d8e55ce0959eeee6c8e190d94"}, {file = "smmap-5.0.0.tar.gz", hash = "sha256:c840e62059cd3be204b0c9c9f74be2c09d5648eddd4580d9314c3ecde0b30936"}, @@ -3609,6 +4160,8 @@ version = "2.0.13" description = "Database Abstraction Library" optional = true python-versions = ">=3.7" +groups = ["main"] +markers = "extra == \"optuna\"" files = [ {file = "SQLAlchemy-2.0.13-cp310-cp310-macosx_10_9_x86_64.whl", hash = "sha256:7ad24c85f2a1caf0cd1ae8c2fdb668777a51a02246d9039420f94bd7dbfd37ed"}, {file = "SQLAlchemy-2.0.13-cp310-cp310-macosx_11_0_arm64.whl", hash = "sha256:db24d2738add6db19d66ca820479d2f8f96d3f5a13c223f27fa28dd2f268a4bd"}, @@ -3682,28 +4235,29 @@ sqlcipher = ["sqlcipher3-binary"] [[package]] name = "stable-baselines3" -version = "2.0.0" +version = "2.4.1" description = "Pytorch version of Stable Baselines, implementations of reinforcement learning algorithms." optional = false -python-versions = ">=3.7" +python-versions = ">=3.8" +groups = ["main"] +markers = "platform_system == \"Linux\" and platform_machine == \"aarch64\" and sys_platform != \"linux\"" files = [ - {file = "stable_baselines3-2.0.0-py3-none-any.whl", hash = "sha256:54a011a049d5cd923471e1e8c2a4c275de0a0d9257548cfa287ebf70fffa56dd"}, - {file = "stable_baselines3-2.0.0.tar.gz", hash = "sha256:0b62b5148e8045c5d67f9f34d8de15c6248b325e15e5dcd931c88f236c735193"}, + {file = "stable_baselines3-2.4.1-py3-none-any.whl", hash = "sha256:f74cde94a15c1d9d90343e73d790e1898b4c1cbb3f09eeeb580303d33f3fc4d6"}, + {file = "stable_baselines3-2.4.1.tar.gz", hash = "sha256:3bbf0e46b9aa4b1fd2696ff4c806ddb8ba719966ef0f71fba61f7a177e563c81"}, ] [package.dependencies] cloudpickle = "*" -gymnasium = "0.28.1" +gymnasium = ">=0.29.1,<1.1.0" matplotlib = "*" -numpy = ">=1.20" +numpy = ">=1.20,<2.0" pandas = "*" -torch = ">=1.11" +torch = ">=1.13" [package.extras] -docs = ["sphinx (>=5.3,<7.0)", "sphinx-autobuild", "sphinx-autodoc-typehints", "sphinx-copybutton", "sphinx-rtd-theme", "sphinxcontrib.spelling"] -extra = ["autorom[accept-rom-license] (>=0.6.0,<0.7.0)", "opencv-python", "pillow", "psutil", "pygame", "pygame (>=2.0,<2.1.3)", "rich", "shimmy[atari] (>=0.2.1,<0.3.0)", "tensorboard (>=2.9.1)", "tqdm"] -extra-no-roms = ["opencv-python", "pillow", "psutil", "pygame", "pygame (>=2.0,<2.1.3)", "rich", "shimmy[atari] (>=0.2.1,<0.3.0)", "tensorboard (>=2.9.1)", "tqdm"] -tests = ["black", "isort (>=5.0)", "mypy", "pytest", "pytest-cov", "pytest-env", "pytest-xdist", "pytype", "ruff"] +docs = ["sphinx (>=5,<9)", "sphinx-autobuild", "sphinx-rtd-theme (>=1.3.0)", "sphinx_copybutton", "sphinxcontrib.spelling"] +extra = ["ale-py (>=0.9.0)", "opencv-python", "pillow", "psutil", "pygame", "rich", "tensorboard (>=2.9.1)", "tqdm"] +tests = ["black (>=24.2.0,<25)", "mypy", "pytest", "pytest-cov", "pytest-env", "pytest-xdist", "ruff (>=0.3.1)"] [[package]] name = "supersuit" @@ -3711,6 +4265,8 @@ version = "3.4.0" description = "Wrappers for Gym and PettingZoo" optional = true python-versions = ">=3.7" +groups = ["main"] +markers = "extra == \"pettingzoo\"" files = [ {file = "SuperSuit-3.4.0-py3-none-any.whl", hash = "sha256:45b541b2b29faffd6494b53d649c8d94889966f407fd380b3e3211f9e68a49e9"}, {file = "SuperSuit-3.4.0.tar.gz", hash = "sha256:5999beec8d7923c11c9511eaa9dec8a38269cb0d7af029e17903c79234233409"}, @@ -3721,12 +4277,33 @@ gym = ">=0.22.0" pettingzoo = ">=1.15.0" tinyscaler = ">=1.0.4" +[[package]] +name = "sympy" +version = "1.13.3" +description = "Computer algebra system (CAS) in Python" +optional = false +python-versions = ">=3.8" +groups = ["main"] +markers = "platform_system == \"Linux\" and platform_machine == \"aarch64\" and sys_platform != \"linux\"" +files = [ + {file = "sympy-1.13.3-py3-none-any.whl", hash = "sha256:54612cf55a62755ee71824ce692986f23c88ffa77207b30c1368eda4a7060f73"}, + {file = "sympy-1.13.3.tar.gz", hash = "sha256:b27fd2c6530e0ab39e275fc9b683895367e51d5da91baa8d3d64db2565fec4d9"}, +] + +[package.dependencies] +mpmath = ">=1.1.0,<1.4" + +[package.extras] +dev = ["hypothesis (>=6.70.0)", "pytest (>=7.1.0)"] + [[package]] name = "tabulate" version = "0.9.0" description = "Pretty-print tabular data" optional = true python-versions = ">=3.7" +groups = ["main"] +markers = "extra == \"docs\"" files = [ {file = "tabulate-0.9.0-py3-none-any.whl", hash = "sha256:024ca478df22e9340661486f85298cff5f6dcdba14f3813e8830015b9ed1948f"}, {file = "tabulate-0.9.0.tar.gz", hash = "sha256:0095b12bf5966de529c0feb1fa08671671b3368eec77d7ef7ab114be2c068b3c"}, @@ -3741,6 +4318,8 @@ version = "8.2.3" description = "Retry code until it succeeds" optional = false python-versions = ">=3.7" +groups = ["main"] +markers = "platform_system == \"Linux\" and platform_machine == \"aarch64\" and sys_platform != \"linux\"" files = [ {file = "tenacity-8.2.3-py3-none-any.whl", hash = "sha256:ce510e327a630c9e1beaf17d42e6ffacc88185044ad85cf74c0a8887c6a0f88c"}, {file = "tenacity-8.2.3.tar.gz", hash = "sha256:5398ef0d78e63f40007c1fb4c0bff96e1911394d2fa8d194f77619c05ff6cc8a"}, @@ -3755,6 +4334,8 @@ version = "2.11.2" description = "TensorBoard lets you watch Tensors Flow" optional = false python-versions = ">=3.7" +groups = ["main"] +markers = "platform_system == \"Linux\" and platform_machine == \"aarch64\" and sys_platform != \"linux\"" files = [ {file = "tensorboard-2.11.2-py3-none-any.whl", hash = "sha256:cbaa2210c375f3af1509f8571360a19ccc3ded1d9641533414874b5deca47e89"}, ] @@ -3780,6 +4361,8 @@ version = "0.6.1" description = "Fast data loading for TensorBoard" optional = false python-versions = ">=3.6" +groups = ["main"] +markers = "platform_system == \"Linux\" and platform_machine == \"aarch64\" and sys_platform != \"linux\"" files = [ {file = "tensorboard_data_server-0.6.1-py3-none-any.whl", hash = "sha256:809fe9887682d35c1f7d1f54f0f40f98bb1f771b14265b453ca051e2ce58fca7"}, {file = "tensorboard_data_server-0.6.1-py3-none-macosx_10_9_x86_64.whl", hash = "sha256:fa8cef9be4fcae2f2363c88176638baf2da19c5ec90addb49b1cde05c95c88ee"}, @@ -3792,6 +4375,8 @@ version = "1.8.1" description = "What-If Tool TensorBoard plugin." optional = false python-versions = "*" +groups = ["main"] +markers = "platform_system == \"Linux\" and platform_machine == \"aarch64\" and sys_platform != \"linux\"" files = [ {file = "tensorboard_plugin_wit-1.8.1-py3-none-any.whl", hash = "sha256:ff26bdd583d155aa951ee3b152b3d0cffae8005dc697f72b44a8e8c2a77a8cbe"}, ] @@ -3802,6 +4387,8 @@ version = "0.1.28" description = "Read and write large, multi-dimensional arrays" optional = true python-versions = ">=3.7" +groups = ["main"] +markers = "platform_system == \"Linux\" and platform_machine == \"aarch64\" and (extra == \"jax\" or extra == \"dqn-jax\" or extra == \"dqn-atari-jax\" or extra == \"c51-jax\" or extra == \"c51-atari-jax\" or extra == \"ppo-atari-envpool-xla-jax-scan\" or extra == \"qdagger-dqn-atari-jax-impalacnn\") and sys_platform != \"linux\"" files = [ {file = "tensorstore-0.1.28-cp310-cp310-macosx_10_14_x86_64.whl", hash = "sha256:deb32f1e74ab7b836ecec02a759a558fc57522a8dea0db4f19a01a78e93abab5"}, {file = "tensorstore-0.1.28-cp310-cp310-macosx_11_0_arm64.whl", hash = "sha256:bd8615308ad3e29111238dfdd3aca1f3fb79b55c3dac1c04c96c8a319985addf"}, @@ -3830,6 +4417,8 @@ version = "3.1.0" description = "threadpoolctl" optional = true python-versions = ">=3.6" +groups = ["main"] +markers = "extra == \"optuna\"" files = [ {file = "threadpoolctl-3.1.0-py3-none-any.whl", hash = "sha256:8b99adda265feb6773280df41eece7b2e6561b772d21ffd52e372f999024907b"}, {file = "threadpoolctl-3.1.0.tar.gz", hash = "sha256:a335baacfaa4400ae1f0d8e3a58d6674d2f8828e3716bb2802c44955ad391380"}, @@ -3841,6 +4430,8 @@ version = "1.2.5" description = "A tiny, simple image scaler" optional = true python-versions = ">=3.7, <3.11" +groups = ["main"] +markers = "extra == \"pettingzoo\"" files = [ {file = "tinyscaler-1.2.5-cp310-cp310-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:0f32d794fc2b9c5e4aa3b435d040f9e75b11f55ab41b32580f2c8e8dfb350f25"}, {file = "tinyscaler-1.2.5-cp37-cp37m-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:4af0a9502e9ef118c84de80b09544407c8dbbe815af215b1abb8eb170271ab71"}, @@ -3858,6 +4449,8 @@ version = "2.0.1" description = "A lil' TOML parser" optional = true python-versions = ">=3.7" +groups = ["main"] +markers = "platform_system == \"Linux\" and platform_machine == \"aarch64\" and (extra == \"pytest\" or extra == \"jax\" or extra == \"dqn-jax\" or extra == \"dqn-atari-jax\" or extra == \"c51-jax\" or extra == \"c51-atari-jax\" or extra == \"ppo-atari-envpool-xla-jax-scan\" or extra == \"qdagger-dqn-atari-jax-impalacnn\") and sys_platform != \"linux\"" files = [ {file = "tomli-2.0.1-py3-none-any.whl", hash = "sha256:939de3e7a6161af0c887ef91b7d41a53e7c5a1ca976325f429cb46ea9bc30ecc"}, {file = "tomli-2.0.1.tar.gz", hash = "sha256:de526c12914f0c550d15924c62d72abc48d6fe7364aa87328337a31007fe8a4f"}, @@ -3869,6 +4462,8 @@ version = "0.12.0" description = "List processing tools and functional utilities" optional = true python-versions = ">=3.5" +groups = ["main"] +markers = "platform_system == \"Linux\" and platform_machine == \"aarch64\" and sys_platform != \"linux\"" files = [ {file = "toolz-0.12.0-py3-none-any.whl", hash = "sha256:2059bd4148deb1884bb0eb770a3cde70e7f954cfbbdc2285f1f2de01fd21eb6f"}, {file = "toolz-0.12.0.tar.gz", hash = "sha256:88c570861c440ee3f2f6037c4654613228ff40c93a6c25e0eba70d17282c6194"}, @@ -3876,42 +4471,67 @@ files = [ [[package]] name = "torch" -version = "1.12.1" +version = "2.1.2" description = "Tensors and Dynamic neural networks in Python with strong GPU acceleration" optional = false -python-versions = ">=3.7.0" -files = [ - {file = "torch-1.12.1-cp310-cp310-manylinux1_x86_64.whl", hash = "sha256:9c038662db894a23e49e385df13d47b2a777ffd56d9bcd5b832593fab0a7e286"}, - {file = "torch-1.12.1-cp310-cp310-manylinux2014_aarch64.whl", hash = "sha256:4e1b9c14cf13fd2ab8d769529050629a0e68a6fc5cb8e84b4a3cc1dd8c4fe541"}, - {file = "torch-1.12.1-cp310-cp310-win_amd64.whl", hash = "sha256:e9c8f4a311ac29fc7e8e955cfb7733deb5dbe1bdaabf5d4af2765695824b7e0d"}, - {file = "torch-1.12.1-cp310-none-macosx_10_9_x86_64.whl", hash = "sha256:976c3f997cea38ee91a0dd3c3a42322785414748d1761ef926b789dfa97c6134"}, - {file = "torch-1.12.1-cp310-none-macosx_11_0_arm64.whl", hash = "sha256:68104e4715a55c4bb29a85c6a8d57d820e0757da363be1ba680fa8cc5be17b52"}, - {file = "torch-1.12.1-cp37-cp37m-manylinux1_x86_64.whl", hash = "sha256:743784ccea0dc8f2a3fe6a536bec8c4763bd82c1352f314937cb4008d4805de1"}, - {file = "torch-1.12.1-cp37-cp37m-manylinux2014_aarch64.whl", hash = "sha256:b5dbcca369800ce99ba7ae6dee3466607a66958afca3b740690d88168752abcf"}, - {file = "torch-1.12.1-cp37-cp37m-win_amd64.whl", hash = "sha256:f3b52a634e62821e747e872084ab32fbcb01b7fa7dbb7471b6218279f02a178a"}, - {file = "torch-1.12.1-cp37-none-macosx_10_9_x86_64.whl", hash = "sha256:8a34a2fbbaa07c921e1b203f59d3d6e00ed379f2b384445773bd14e328a5b6c8"}, - {file = "torch-1.12.1-cp37-none-macosx_11_0_arm64.whl", hash = "sha256:42f639501928caabb9d1d55ddd17f07cd694de146686c24489ab8c615c2871f2"}, - {file = "torch-1.12.1-cp38-cp38-manylinux1_x86_64.whl", hash = "sha256:0b44601ec56f7dd44ad8afc00846051162ef9c26a8579dda0a02194327f2d55e"}, - {file = "torch-1.12.1-cp38-cp38-manylinux2014_aarch64.whl", hash = "sha256:cd26d8c5640c3a28c526d41ccdca14cf1cbca0d0f2e14e8263a7ac17194ab1d2"}, - {file = "torch-1.12.1-cp38-cp38-win_amd64.whl", hash = "sha256:42e115dab26f60c29e298559dbec88444175528b729ae994ec4c65d56fe267dd"}, - {file = "torch-1.12.1-cp38-none-macosx_10_9_x86_64.whl", hash = "sha256:a8320ba9ad87e80ca5a6a016e46ada4d1ba0c54626e135d99b2129a4541c509d"}, - {file = "torch-1.12.1-cp38-none-macosx_11_0_arm64.whl", hash = "sha256:03e31c37711db2cd201e02de5826de875529e45a55631d317aadce2f1ed45aa8"}, - {file = "torch-1.12.1-cp39-cp39-manylinux1_x86_64.whl", hash = "sha256:9b356aea223772cd754edb4d9ecf2a025909b8615a7668ac7d5130f86e7ec421"}, - {file = "torch-1.12.1-cp39-cp39-manylinux2014_aarch64.whl", hash = "sha256:6cf6f54b43c0c30335428195589bd00e764a6d27f3b9ba637aaa8c11aaf93073"}, - {file = "torch-1.12.1-cp39-cp39-win_amd64.whl", hash = "sha256:f00c721f489089dc6364a01fd84906348fe02243d0af737f944fddb36003400d"}, - {file = "torch-1.12.1-cp39-none-macosx_10_9_x86_64.whl", hash = "sha256:bfec2843daa654f04fda23ba823af03e7b6f7650a873cdb726752d0e3718dada"}, - {file = "torch-1.12.1-cp39-none-macosx_11_0_arm64.whl", hash = "sha256:69fe2cae7c39ccadd65a123793d30e0db881f1c1927945519c5c17323131437e"}, +python-versions = ">=3.8.0" +groups = ["main"] +markers = "platform_system == \"Linux\" and platform_machine == \"aarch64\" and sys_platform != \"linux\"" +files = [ + {file = "torch-2.1.2-cp310-cp310-manylinux1_x86_64.whl", hash = "sha256:3a871edd6c02dae77ad810335c0833391c1a4ce49af21ea8cf0f6a5d2096eea8"}, + {file = "torch-2.1.2-cp310-cp310-manylinux2014_aarch64.whl", hash = "sha256:bef6996c27d8f6e92ea4e13a772d89611da0e103b48790de78131e308cf73076"}, + {file = "torch-2.1.2-cp310-cp310-win_amd64.whl", hash = "sha256:0e13034fd5fb323cbbc29e56d0637a3791e50dd589616f40c79adfa36a5a35a1"}, + {file = "torch-2.1.2-cp310-none-macosx_10_9_x86_64.whl", hash = "sha256:d9b535cad0df3d13997dbe8bd68ac33e0e3ae5377639c9881948e40794a61403"}, + {file = "torch-2.1.2-cp310-none-macosx_11_0_arm64.whl", hash = "sha256:f9a55d55af02826ebfbadf4e9b682f0f27766bc33df8236b48d28d705587868f"}, + {file = "torch-2.1.2-cp311-cp311-manylinux1_x86_64.whl", hash = "sha256:a6ebbe517097ef289cc7952783588c72de071d4b15ce0f8b285093f0916b1162"}, + {file = "torch-2.1.2-cp311-cp311-manylinux2014_aarch64.whl", hash = "sha256:8f32ce591616a30304f37a7d5ea80b69ca9e1b94bba7f308184bf616fdaea155"}, + {file = "torch-2.1.2-cp311-cp311-win_amd64.whl", hash = "sha256:e0ee6cf90c8970e05760f898d58f9ac65821c37ffe8b04269ec787aa70962b69"}, + {file = "torch-2.1.2-cp311-none-macosx_10_9_x86_64.whl", hash = "sha256:76d37967c31c99548ad2c4d3f2cf191db48476f2e69b35a0937137116da356a1"}, + {file = "torch-2.1.2-cp311-none-macosx_11_0_arm64.whl", hash = "sha256:e2d83f07b4aac983453ea5bf8f9aa9dacf2278a8d31247f5d9037f37befc60e4"}, + {file = "torch-2.1.2-cp38-cp38-manylinux1_x86_64.whl", hash = "sha256:f41fe0c7ecbf903a568c73486139a75cfab287a0f6c17ed0698fdea7a1e8641d"}, + {file = "torch-2.1.2-cp38-cp38-manylinux2014_aarch64.whl", hash = "sha256:e3225f47d50bb66f756fe9196a768055d1c26b02154eb1f770ce47a2578d3aa7"}, + {file = "torch-2.1.2-cp38-cp38-win_amd64.whl", hash = "sha256:33d59cd03cb60106857f6c26b36457793637512998666ee3ce17311f217afe2b"}, + {file = "torch-2.1.2-cp38-none-macosx_10_9_x86_64.whl", hash = "sha256:8e221deccd0def6c2badff6be403e0c53491805ed9915e2c029adbcdb87ab6b5"}, + {file = "torch-2.1.2-cp38-none-macosx_11_0_arm64.whl", hash = "sha256:05b18594f60a911a0c4f023f38a8bda77131fba5fd741bda626e97dcf5a3dd0a"}, + {file = "torch-2.1.2-cp39-cp39-manylinux1_x86_64.whl", hash = "sha256:9ca96253b761e9aaf8e06fb30a66ee301aecbf15bb5a303097de1969077620b6"}, + {file = "torch-2.1.2-cp39-cp39-manylinux2014_aarch64.whl", hash = "sha256:d93ba70f67b08c2ae5598ee711cbc546a1bc8102cef938904b8c85c2089a51a0"}, + {file = "torch-2.1.2-cp39-cp39-win_amd64.whl", hash = "sha256:255b50bc0608db177e6a3cc118961d77de7e5105f07816585fa6f191f33a9ff3"}, + {file = "torch-2.1.2-cp39-none-macosx_10_9_x86_64.whl", hash = "sha256:6984cd5057c0c977b3c9757254e989d3f1124f4ce9d07caa6cb637783c71d42a"}, + {file = "torch-2.1.2-cp39-none-macosx_11_0_arm64.whl", hash = "sha256:bc195d7927feabc0eb7c110e457c955ed2ab616f3c7c28439dd4188cf589699f"}, ] [package.dependencies] +filelock = "*" +fsspec = "*" +jinja2 = "*" +networkx = "*" +nvidia-cublas-cu12 = {version = "12.1.3.1", markers = "platform_system == \"Linux\" and platform_machine == \"x86_64\""} +nvidia-cuda-cupti-cu12 = {version = "12.1.105", markers = "platform_system == \"Linux\" and platform_machine == \"x86_64\""} +nvidia-cuda-nvrtc-cu12 = {version = "12.1.105", markers = "platform_system == \"Linux\" and platform_machine == \"x86_64\""} +nvidia-cuda-runtime-cu12 = {version = "12.1.105", markers = "platform_system == \"Linux\" and platform_machine == \"x86_64\""} +nvidia-cudnn-cu12 = {version = "8.9.2.26", markers = "platform_system == \"Linux\" and platform_machine == \"x86_64\""} +nvidia-cufft-cu12 = {version = "11.0.2.54", markers = "platform_system == \"Linux\" and platform_machine == \"x86_64\""} +nvidia-curand-cu12 = {version = "10.3.2.106", markers = "platform_system == \"Linux\" and platform_machine == \"x86_64\""} +nvidia-cusolver-cu12 = {version = "11.4.5.107", markers = "platform_system == \"Linux\" and platform_machine == \"x86_64\""} +nvidia-cusparse-cu12 = {version = "12.1.0.106", markers = "platform_system == \"Linux\" and platform_machine == \"x86_64\""} +nvidia-nccl-cu12 = {version = "2.18.1", markers = "platform_system == \"Linux\" and platform_machine == \"x86_64\""} +nvidia-nvtx-cu12 = {version = "12.1.105", markers = "platform_system == \"Linux\" and platform_machine == \"x86_64\""} +sympy = "*" +triton = {version = "2.1.0", markers = "platform_system == \"Linux\" and platform_machine == \"x86_64\""} typing-extensions = "*" +[package.extras] +dynamo = ["jinja2"] +opt-einsum = ["opt-einsum (>=3.3)"] + [[package]] name = "tqdm" version = "4.65.0" description = "Fast, Extensible Progress Meter" optional = false python-versions = ">=3.7" +groups = ["main"] +markers = "platform_system == \"Linux\" and platform_machine == \"aarch64\" and sys_platform != \"linux\"" files = [ {file = "tqdm-4.65.0-py3-none-any.whl", hash = "sha256:c4f53a17fe37e132815abceec022631be8ffe1b9381c2e6e30aa70edc99e9671"}, {file = "tqdm-4.65.0.tar.gz", hash = "sha256:1871fb68a86b8fb3b59ca4cdd3dcccbc7e6d613eeed31f4c332531977b89beb5"}, @@ -3932,6 +4552,8 @@ version = "1.4.10" description = "A flexible, generalized tree-based data structure." optional = true python-versions = ">=3.7" +groups = ["main"] +markers = "extra == \"envpool\" or extra == \"ppo-atari-envpool-xla-jax-scan\"" files = [ {file = "treevalue-1.4.10-cp310-cp310-macosx_10_9_x86_64.whl", hash = "sha256:a7c8384e3de604cfe887429a90a8ac587dc93057b2cc2d7214bf0e40beaf92f7"}, {file = "treevalue-1.4.10-cp310-cp310-macosx_11_0_arm64.whl", hash = "sha256:200d1d21d2f9fcd5a97f1895193e5cb68dd2171c2f107df4d90a28ce2bc0714a"}, @@ -3979,12 +4601,41 @@ doc = ["Jinja2 (>=3.0.0,<3.1.0)", "easydict (>=1.7,<2)", "enum-tools", "ipykerne potc = ["potc-treevalue (>=0.0.1)"] test = ["coverage (>=5)", "easydict (>=1.7,<2)", "flake8 (>=3.5,<4.0)", "hbutils (>=0.6.13)", "mock (>=4.0.3)", "numpy (>=1.10)", "pytest (>=6.2.5,<6.3.0)", "pytest-benchmark (>=3.4.0,<3.5.0)", "pytest-cov (>=3.0.0,<3.1.0)", "pytest-mock (>=3.6.1,<3.7.0)", "pytest-rerunfailures (>=10.2,<11.0)", "pytest-timeout (>=2.0.2,<2.1.0)", "pytest-xdist (>=1.34.0)", "setuptools (<=59.5.0)", "testtools (>=2)"] +[[package]] +name = "triton" +version = "2.1.0" +description = "A language and compiler for custom Deep Learning operations" +optional = false +python-versions = "*" +groups = ["main"] +markers = "platform_system == \"Linux\" and platform_machine == \"x86_64\"" +files = [ + {file = "triton-2.1.0-0-cp310-cp310-manylinux2014_x86_64.manylinux_2_17_x86_64.whl", hash = "sha256:66439923a30d5d48399b08a9eae10370f6c261a5ec864a64983bae63152d39d7"}, + {file = "triton-2.1.0-0-cp311-cp311-manylinux2014_x86_64.manylinux_2_17_x86_64.whl", hash = "sha256:919b06453f0033ea52c13eaf7833de0e57db3178d23d4e04f9fc71c4f2c32bf8"}, + {file = "triton-2.1.0-0-cp37-cp37m-manylinux2014_x86_64.manylinux_2_17_x86_64.whl", hash = "sha256:ae4bb8a91de790e1866405211c4d618379781188f40d5c4c399766914e84cd94"}, + {file = "triton-2.1.0-0-cp38-cp38-manylinux2014_x86_64.manylinux_2_17_x86_64.whl", hash = "sha256:39f6fb6bdccb3e98f3152e3fbea724f1aeae7d749412bbb1fa9c441d474eba26"}, + {file = "triton-2.1.0-0-cp39-cp39-manylinux2014_x86_64.manylinux_2_17_x86_64.whl", hash = "sha256:21544e522c02005a626c8ad63d39bdff2f31d41069592919ef281e964ed26446"}, + {file = "triton-2.1.0-0-pp37-pypy37_pp73-manylinux2014_x86_64.manylinux_2_17_x86_64.whl", hash = "sha256:143582ca31dd89cd982bd3bf53666bab1c7527d41e185f9e3d8a3051ce1b663b"}, + {file = "triton-2.1.0-0-pp38-pypy38_pp73-manylinux2014_x86_64.manylinux_2_17_x86_64.whl", hash = "sha256:82fc5aeeedf6e36be4e4530cbdcba81a09d65c18e02f52dc298696d45721f3bd"}, + {file = "triton-2.1.0-0-pp39-pypy39_pp73-manylinux2014_x86_64.manylinux_2_17_x86_64.whl", hash = "sha256:81a96d110a738ff63339fc892ded095b31bd0d205e3aace262af8400d40b6fa8"}, +] + +[package.dependencies] +filelock = "*" + +[package.extras] +build = ["cmake (>=3.18)", "lit"] +tests = ["autopep8", "flake8", "isort", "numpy", "pytest", "scipy (>=1.7.1)"] +tutorials = ["matplotlib", "pandas", "tabulate"] + [[package]] name = "tueplots" version = "0.0.4" description = "Scientific plotting made easy" optional = true python-versions = ">=3.7" +groups = ["main"] +markers = "extra == \"docs\"" files = [ {file = "tueplots-0.0.4-py3-none-any.whl", hash = "sha256:9c90ea249155913820bbaa3ed1ec9b184fc4d9fdd39af958f5726bf83f364264"}, ] @@ -4003,6 +4654,8 @@ version = "2.13.3" description = "Run-time type checker for Python" optional = true python-versions = ">=3.5.3" +groups = ["main"] +markers = "extra == \"docs\"" files = [ {file = "typeguard-2.13.3-py3-none-any.whl", hash = "sha256:5e3e3be01e887e7eafae5af63d1f36c849aaa94e3a0112097312aabfa16284f1"}, {file = "typeguard-2.13.3.tar.gz", hash = "sha256:00edaa8da3a133674796cf5ea87d9f4b4c367d77476e185e80251cc13dfbb8c4"}, @@ -4010,7 +4663,7 @@ files = [ [package.extras] doc = ["sphinx-autodoc-typehints (>=1.2.0)", "sphinx-rtd-theme"] -test = ["mypy", "pytest", "typing-extensions"] +test = ["mypy ; platform_python_implementation != \"PyPy\"", "pytest", "typing-extensions"] [[package]] name = "types-protobuf" @@ -4018,6 +4671,8 @@ version = "4.23.0.1" description = "Typing stubs for protobuf" optional = true python-versions = "*" +groups = ["main"] +markers = "extra == \"envpool\" or extra == \"ppo-atari-envpool-xla-jax-scan\"" files = [ {file = "types-protobuf-4.23.0.1.tar.gz", hash = "sha256:7bd5ea122a057b11a82b785d9de464932a1e9175fe977a4128adef11d7f35547"}, {file = "types_protobuf-4.23.0.1-py3-none-any.whl", hash = "sha256:c926104f69ea62103846681b35b690d8d100ecf86c6cdda16c850a1313a272e4"}, @@ -4029,6 +4684,8 @@ version = "4.5.0" description = "Backported and Experimental Type Hints for Python 3.7+" optional = false python-versions = ">=3.7" +groups = ["main"] +markers = "platform_system == \"Linux\" and platform_machine == \"aarch64\" and sys_platform != \"linux\"" files = [ {file = "typing_extensions-4.5.0-py3-none-any.whl", hash = "sha256:fb33085c39dd998ac16d1431ebc293a8b3eedd00fd4a32de0ff79002c19511b4"}, {file = "typing_extensions-4.5.0.tar.gz", hash = "sha256:5cb5f4a79139d699607b3ef622a1dedafa84e115ab0024e0d9c044a9479ca7cb"}, @@ -4040,6 +4697,8 @@ version = "0.5.10" description = "Strongly typed, zero-effort CLI interfaces" optional = false python-versions = ">=3.7" +groups = ["main"] +markers = "platform_system == \"Linux\" and platform_machine == \"aarch64\" and sys_platform != \"linux\"" files = [ {file = "tyro-0.5.10-py3-none-any.whl", hash = "sha256:ebe0b71761dfaef4053d85201866874ec80d6d5df9b4ce27c93d09063bbc85f0"}, {file = "tyro-0.5.10.tar.gz", hash = "sha256:8d3cfecdf8a51151cc8c93c80677b91782c34cadcf3308838bb1152a81dfd074"}, @@ -4053,7 +4712,7 @@ shtab = ">=1.5.6" typing-extensions = ">=4.3.0" [package.extras] -dev = ["PyYAML (>=6.0)", "attrs (>=21.4.0)", "coverage[toml] (>=6.5.0)", "flax (>=0.6.9)", "frozendict (>=2.3.4)", "mypy (>=1.4.1)", "numpy (>=1.20.0)", "omegaconf (>=2.2.2)", "pydantic (>=2.3.0)", "pyright (>=1.1.264)", "pytest (>=7.1.2)", "pytest-cov (>=3.0.0)", "torch (>=1.10.0)"] +dev = ["PyYAML (>=6.0)", "attrs (>=21.4.0)", "coverage[toml] (>=6.5.0)", "flax (>=0.6.9) ; python_version >= \"3.8\"", "frozendict (>=2.3.4)", "mypy (>=1.4.1)", "numpy (>=1.20.0)", "omegaconf (>=2.2.2)", "pydantic (>=2.3.0)", "pyright (>=1.1.264)", "pytest (>=7.1.2)", "pytest-cov (>=3.0.0)", "torch (>=1.10.0)"] [[package]] name = "urllib3" @@ -4061,14 +4720,16 @@ version = "1.26.15" description = "HTTP library with thread-safe connection pooling, file post, and more." optional = false python-versions = ">=2.7, !=3.0.*, !=3.1.*, !=3.2.*, !=3.3.*, !=3.4.*, !=3.5.*" +groups = ["main"] +markers = "platform_system == \"Linux\" and platform_machine == \"aarch64\" and sys_platform != \"linux\"" files = [ {file = "urllib3-1.26.15-py2.py3-none-any.whl", hash = "sha256:aa751d169e23c7479ce47a0cb0da579e3ede798f994f5816a74e4f4500dcea42"}, {file = "urllib3-1.26.15.tar.gz", hash = "sha256:8a388717b9476f934a21484e8c8e61875ab60644d29b9b39e11e4b9dc1c6b305"}, ] [package.extras] -brotli = ["brotli (>=1.0.9)", "brotlicffi (>=0.8.0)", "brotlipy (>=0.6.0)"] -secure = ["certifi", "cryptography (>=1.3.4)", "idna (>=2.0.0)", "ipaddress", "pyOpenSSL (>=0.14)", "urllib3-secure-extra"] +brotli = ["brotli (>=1.0.9) ; (os_name != \"nt\" or python_version >= \"3\") and platform_python_implementation == \"CPython\"", "brotlicffi (>=0.8.0) ; (os_name != \"nt\" or python_version >= \"3\") and platform_python_implementation != \"CPython\"", "brotlipy (>=0.6.0) ; os_name == \"nt\" and python_version < \"3\""] +secure = ["certifi", "cryptography (>=1.3.4)", "idna (>=2.0.0)", "ipaddress ; python_version == \"2.7\"", "pyOpenSSL (>=0.14)", "urllib3-secure-extra"] socks = ["PySocks (>=1.5.6,!=1.5.7,<2.0)"] [[package]] @@ -4077,6 +4738,8 @@ version = "20.21.0" description = "Virtual Python Environment builder" optional = false python-versions = ">=3.7" +groups = ["dev"] +markers = "platform_system == \"Linux\" and platform_machine == \"aarch64\" and sys_platform != \"linux\"" files = [ {file = "virtualenv-20.21.0-py3-none-any.whl", hash = "sha256:31712f8f2a17bd06234fa97fdf19609e789dd4e3e4bf108c3da71d710651adbc"}, {file = "virtualenv-20.21.0.tar.gz", hash = "sha256:f50e3e60f990a0757c9b68333c9fdaa72d7188caa417f96af9e52407831a3b68"}, @@ -4097,6 +4760,8 @@ version = "0.13.11" description = "A CLI and library for interacting with the Weights and Biases API." optional = false python-versions = ">=3.6" +groups = ["main"] +markers = "platform_system == \"Linux\" and platform_machine == \"aarch64\" and sys_platform != \"linux\"" files = [ {file = "wandb-0.13.11-py3-none-any.whl", hash = "sha256:e584ac7fb0097fba8a030d5aedc5fea157286aba69a2e6e6e689b794155fcc8f"}, {file = "wandb-0.13.11.tar.gz", hash = "sha256:f2b065d1c732e8e1828fabe720dc82f12e6109d0d2bbfbcccc17eaefae0fd7c9"}, @@ -4109,9 +4774,8 @@ docker-pycreds = ">=0.4.0" GitPython = ">=1.0.0,<3.1.29 || >3.1.29" pathtools = "*" protobuf = [ - {version = ">=3.12.0,<4.21.0 || >4.21.0,<5", markers = "python_version < \"3.9\" and sys_platform == \"linux\""}, {version = ">=3.15.0,<4.21.0 || >4.21.0,<5", markers = "python_version == \"3.9\" and sys_platform == \"linux\""}, - {version = ">=3.19.0,<4.21.0 || >4.21.0,<5", markers = "python_version > \"3.9\" or sys_platform != \"linux\""}, + {version = ">=3.19.0,<4.21.0 || >4.21.0,<5", markers = "sys_platform != \"linux\""}, ] psutil = ">=5.0.0" PyYAML = "*" @@ -4138,6 +4802,8 @@ version = "3.0.0" description = "Filesystem events monitoring" optional = true python-versions = ">=3.7" +groups = ["main"] +markers = "extra == \"docs\"" files = [ {file = "watchdog-3.0.0-cp310-cp310-macosx_10_9_universal2.whl", hash = "sha256:336adfc6f5cc4e037d52db31194f7581ff744b67382eb6021c868322e32eef41"}, {file = "watchdog-3.0.0-cp310-cp310-macosx_10_9_x86_64.whl", hash = "sha256:a70a8dcde91be523c35b2bf96196edc5730edb347e374c7de7cd20c43ed95397"}, @@ -4177,6 +4843,8 @@ version = "2.2.3" description = "The comprehensive WSGI web application library." optional = false python-versions = ">=3.7" +groups = ["main"] +markers = "platform_system == \"Linux\" and platform_machine == \"aarch64\" and sys_platform != \"linux\"" files = [ {file = "Werkzeug-2.2.3-py3-none-any.whl", hash = "sha256:56433961bc1f12533306c624f3be5e744389ac61d722175d543e1751285da612"}, {file = "Werkzeug-2.2.3.tar.gz", hash = "sha256:2e1ccc9417d4da358b9de6f174e3ac094391ea1d4fbef2d667865d819dfd0afe"}, @@ -4194,6 +4862,8 @@ version = "0.40.0" description = "A built-package format for Python" optional = false python-versions = ">=3.7" +groups = ["main"] +markers = "platform_system == \"Linux\" and platform_machine == \"aarch64\" and sys_platform != \"linux\"" files = [ {file = "wheel-0.40.0-py3-none-any.whl", hash = "sha256:d236b20e7cb522daf2390fa84c55eea81c5c30190f90f29ae2ca1ad8355bf247"}, {file = "wheel-0.40.0.tar.gz", hash = "sha256:cd1196f3faee2b31968d626e1731c94f99cbdb67cf5a46e4f5656cbee7738873"}, @@ -4208,6 +4878,8 @@ version = "3.15.0" description = "Backport of pathlib-compatible object wrapper for zip files" optional = false python-versions = ">=3.7" +groups = ["main"] +markers = "extra == \"docs\" or python_version == \"3.9\" or platform_system == \"Linux\" and platform_machine == \"aarch64\" and sys_platform != \"linux\" and python_version < \"3.10\"" files = [ {file = "zipp-3.15.0-py3-none-any.whl", hash = "sha256:48904fc76a60e542af151aded95726c1a5c34ed43ab4134b597665c86d7ad556"}, {file = "zipp-3.15.0.tar.gz", hash = "sha256:112929ad649da941c23de50f356a2b5570c954b65150642bccdd66bf194d224b"}, @@ -4215,7 +4887,7 @@ files = [ [package.extras] docs = ["furo", "jaraco.packaging (>=9)", "jaraco.tidelift (>=1.4)", "rst.linker (>=1.9)", "sphinx (>=3.5)", "sphinx-lint"] -testing = ["big-O", "flake8 (<5)", "jaraco.functools", "jaraco.itertools", "more-itertools", "pytest (>=6)", "pytest-black (>=0.3.7)", "pytest-checkdocs (>=2.4)", "pytest-cov", "pytest-enabler (>=1.3)", "pytest-flake8", "pytest-mypy (>=0.9.1)"] +testing = ["big-O", "flake8 (<5)", "jaraco.functools", "jaraco.itertools", "more-itertools", "pytest (>=6)", "pytest-black (>=0.3.7) ; platform_python_implementation != \"PyPy\"", "pytest-checkdocs (>=2.4)", "pytest-cov", "pytest-enabler (>=1.3)", "pytest-flake8 ; python_version < \"3.12\"", "pytest-mypy (>=0.9.1) ; platform_python_implementation != \"PyPy\""] [extras] atari = ["AutoROM", "ale-py", "opencv-python", "shimmy"] @@ -4243,6 +4915,6 @@ qdagger-dqn-atari-impalacnn = ["AutoROM", "ale-py", "opencv-python"] qdagger-dqn-atari-jax-impalacnn = ["AutoROM", "ale-py", "flax", "jax", "jaxlib", "opencv-python"] [metadata] -lock-version = "2.0" -python-versions = ">=3.8,<3.11" -content-hash = "ce1dd6a428e94e30643d2fb0a3fd13f0132d176185a91f7685392d4ec0e7892b" +lock-version = "2.1" +python-versions = ">=3.9,<3.11" +content-hash = "a65071036de873e4fc2184efa26588d7dd5cea43bfc9bccd965c9049405129f8" diff --git a/pyproject.toml b/pyproject.toml index 49c7fabca..50be69169 100644 --- a/pyproject.toml +++ b/pyproject.toml @@ -12,13 +12,13 @@ license="MIT" readme = "README.md" [tool.poetry.dependencies] -python = ">=3.8,<3.11" +python = ">=3.9,<3.11" tensorboard = "^2.10.0" wandb = "^0.13.11" gym = "0.23.1" torch = ">=1.12.1" -stable-baselines3 = "2.0.0" -gymnasium = ">=0.28.1" +stable-baselines3 = "^2.4.0" +gymnasium = "^1.0.0" moviepy = "^1.0.3" pygame = "2.1.0" huggingface-hub = "^0.11.1" @@ -27,7 +27,7 @@ tenacity = "^8.2.2" tyro = "^0.5.10" pyyaml = "^6.0.1" -ale-py = {version = "0.8.1", optional = true} +ale-py = {version = "0.10.1", optional = true} AutoROM = {extras = ["accept-rom-license"], version = "~0.4.2", optional = true} opencv-python = {version = "^4.6.0.66", optional = true} procgen = {version = "^0.10.7", optional = true} diff --git a/requirements/requirements-atari.txt b/requirements/requirements-atari.txt index a3a54a949..8e5c183e1 100644 --- a/requirements/requirements-atari.txt +++ b/requirements/requirements-atari.txt @@ -1,82 +1,108 @@ -absl-py==1.4.0 ; python_version >= "3.8" and python_version < "3.11" -ale-py==0.8.1 ; python_version >= "3.8" and python_version < "3.11" -appdirs==1.4.4 ; python_version >= "3.8" and python_version < "3.11" -autorom-accept-rom-license==0.6.1 ; python_version >= "3.8" and python_version < "3.11" -autorom[accept-rom-license]==0.4.2 ; python_version >= "3.8" and python_version < "3.11" -cachetools==5.3.0 ; python_version >= "3.8" and python_version < "3.11" -certifi==2023.5.7 ; python_version >= "3.8" and python_version < "3.11" -charset-normalizer==3.1.0 ; python_version >= "3.8" and python_version < "3.11" -click==8.1.3 ; python_version >= "3.8" and python_version < "3.11" -cloudpickle==2.2.1 ; python_version >= "3.8" and python_version < "3.11" -colorama==0.4.4 ; python_version >= "3.8" and python_version < "3.11" -commonmark==0.9.1 ; python_version >= "3.8" and python_version < "3.11" -cycler==0.11.0 ; python_version >= "3.8" and python_version < "3.11" -decorator==4.4.2 ; python_version >= "3.8" and python_version < "3.11" -docker-pycreds==0.4.0 ; python_version >= "3.8" and python_version < "3.11" -docstring-parser==0.15 ; python_version >= "3.8" and python_version < "3.11" -farama-notifications==0.0.4 ; python_version >= "3.8" and python_version < "3.11" -filelock==3.12.0 ; python_version >= "3.8" and python_version < "3.11" -fonttools==4.38.0 ; python_version >= "3.8" and python_version < "3.11" -gitdb==4.0.10 ; python_version >= "3.8" and python_version < "3.11" -gitpython==3.1.31 ; python_version >= "3.8" and python_version < "3.11" -google-auth-oauthlib==0.4.6 ; python_version >= "3.8" and python_version < "3.11" -google-auth==2.18.0 ; python_version >= "3.8" and python_version < "3.11" -grpcio==1.54.0 ; python_version >= "3.8" and python_version < "3.11" -gym-notices==0.0.8 ; python_version >= "3.8" and python_version < "3.11" -gym==0.23.1 ; python_version >= "3.8" and python_version < "3.11" -gymnasium==0.28.1 ; python_version >= "3.8" and python_version < "3.11" -huggingface-hub==0.11.1 ; python_version >= "3.8" and python_version < "3.11" -idna==3.4 ; python_version >= "3.8" and python_version < "3.11" -imageio-ffmpeg==0.3.0 ; python_version >= "3.8" and python_version < "3.11" -imageio==2.28.1 ; python_version >= "3.8" and python_version < "3.11" -importlib-metadata==5.2.0 ; python_version >= "3.8" and python_version < "3.10" -importlib-resources==5.12.0 ; python_version >= "3.8" and python_version < "3.11" -jax-jumpy==1.0.0 ; python_version >= "3.8" and python_version < "3.11" -kiwisolver==1.4.4 ; python_version >= "3.8" and python_version < "3.11" -markdown==3.3.7 ; python_version >= "3.8" and python_version < "3.11" -markupsafe==2.1.2 ; python_version >= "3.8" and python_version < "3.11" -matplotlib==3.5.3 ; python_version >= "3.8" and python_version < "3.11" -moviepy==1.0.3 ; python_version >= "3.8" and python_version < "3.11" -numpy==1.24.4 ; python_version >= "3.8" and python_version < "3.11" -oauthlib==3.2.2 ; python_version >= "3.8" and python_version < "3.11" -opencv-python==4.7.0.72 ; python_version >= "3.8" and python_version < "3.11" -packaging==23.1 ; python_version >= "3.8" and python_version < "3.11" -pandas==1.3.5 ; python_version >= "3.8" and python_version < "3.11" -pathtools==0.1.2 ; python_version >= "3.8" and python_version < "3.11" -pillow==9.5.0 ; python_version >= "3.8" and python_version < "3.11" -proglog==0.1.10 ; python_version >= "3.8" and python_version < "3.11" -protobuf==3.20.3 ; python_version < "3.11" and python_version >= "3.8" -psutil==5.9.5 ; python_version >= "3.8" and python_version < "3.11" -pyasn1-modules==0.3.0 ; python_version >= "3.8" and python_version < "3.11" -pyasn1==0.5.0 ; python_version >= "3.8" and python_version < "3.11" -pygame==2.1.0 ; python_version >= "3.8" and python_version < "3.11" -pygments==2.15.1 ; python_version >= "3.8" and python_version < "3.11" -pyparsing==3.0.9 ; python_version >= "3.8" and python_version < "3.11" -python-dateutil==2.8.2 ; python_version >= "3.8" and python_version < "3.11" -pytz==2023.3 ; python_version >= "3.8" and python_version < "3.11" -pyyaml==6.0.1 ; python_version >= "3.8" and python_version < "3.11" -requests-oauthlib==1.3.1 ; python_version >= "3.8" and python_version < "3.11" -requests==2.30.0 ; python_version >= "3.8" and python_version < "3.11" -rich==11.2.0 ; python_version >= "3.8" and python_version < "3.11" -rsa==4.7.2 ; python_version >= "3.8" and python_version < "3.11" -sentry-sdk==1.22.2 ; python_version >= "3.8" and python_version < "3.11" -setproctitle==1.3.2 ; python_version >= "3.8" and python_version < "3.11" -setuptools==67.7.2 ; python_version >= "3.8" and python_version < "3.11" -shimmy==1.1.0 ; python_version >= "3.8" and python_version < "3.11" -shtab==1.6.4 ; python_version >= "3.8" and python_version < "3.11" -six==1.16.0 ; python_version >= "3.8" and python_version < "3.11" -smmap==5.0.0 ; python_version >= "3.8" and python_version < "3.11" -stable-baselines3==2.0.0 ; python_version >= "3.8" and python_version < "3.11" -tenacity==8.2.3 ; python_version >= "3.8" and python_version < "3.11" -tensorboard-data-server==0.6.1 ; python_version >= "3.8" and python_version < "3.11" -tensorboard-plugin-wit==1.8.1 ; python_version >= "3.8" and python_version < "3.11" -tensorboard==2.11.2 ; python_version >= "3.8" and python_version < "3.11" -torch==1.12.1 ; python_version >= "3.8" and python_version < "3.11" -tqdm==4.65.0 ; python_version >= "3.8" and python_version < "3.11" -typing-extensions==4.5.0 ; python_version >= "3.8" and python_version < "3.11" -tyro==0.5.10 ; python_version >= "3.8" and python_version < "3.11" -urllib3==1.26.15 ; python_version >= "3.8" and python_version < "3.11" -wandb==0.13.11 ; python_version >= "3.8" and python_version < "3.11" -werkzeug==2.2.3 ; python_version >= "3.8" and python_version < "3.11" -wheel==0.40.0 ; python_version >= "3.8" and python_version < "3.11" -zipp==3.15.0 ; python_version >= "3.8" and python_version < "3.10" +absl-py==1.4.0 ; python_version >= "3.9" and python_version < "3.11" and platform_system == "Linux" and platform_machine == "aarch64" and sys_platform != "linux" +ale-py==0.10.1 ; python_version >= "3.9" and python_version < "3.11" and platform_system == "Linux" and platform_machine == "aarch64" and sys_platform != "linux" +appdirs==1.4.4 ; python_version >= "3.9" and python_version < "3.11" and platform_system == "Linux" and platform_machine == "aarch64" and sys_platform != "linux" +autorom-accept-rom-license==0.6.1 ; python_version >= "3.9" and python_version < "3.11" and platform_system == "Linux" and platform_machine == "aarch64" and sys_platform != "linux" +autorom==0.4.2 ; python_version >= "3.9" and python_version < "3.11" and platform_system == "Linux" and platform_machine == "aarch64" and sys_platform != "linux" +cachetools==5.3.0 ; python_version >= "3.9" and python_version < "3.11" and platform_system == "Linux" and platform_machine == "aarch64" and sys_platform != "linux" +certifi==2023.5.7 ; python_version >= "3.9" and python_version < "3.11" and platform_system == "Linux" and platform_machine == "aarch64" and sys_platform != "linux" +charset-normalizer==3.1.0 ; python_version >= "3.9" and python_version < "3.11" and platform_system == "Linux" and platform_machine == "aarch64" and sys_platform != "linux" +chex==0.1.5 ; python_version >= "3.9" and python_version < "3.11" and platform_system == "Linux" and platform_machine == "aarch64" and sys_platform != "linux" +click==8.1.3 ; python_version >= "3.9" and python_version < "3.11" and platform_system == "Linux" and platform_machine == "aarch64" and sys_platform != "linux" +cloudpickle==2.2.1 ; python_version >= "3.9" and python_version < "3.11" and platform_system == "Linux" and platform_machine == "aarch64" and sys_platform != "linux" +colorama==0.4.4 ; python_version >= "3.9" and python_version < "3.11" and platform_system == "Linux" and platform_machine == "aarch64" and sys_platform != "linux" +commonmark==0.9.1 ; python_version >= "3.9" and python_version < "3.11" and platform_system == "Linux" and platform_machine == "aarch64" and sys_platform != "linux" +cycler==0.11.0 ; python_version >= "3.9" and python_version < "3.11" and platform_system == "Linux" and platform_machine == "aarch64" and sys_platform != "linux" +decorator==4.4.2 ; python_version >= "3.9" and python_version < "3.11" and platform_system == "Linux" and platform_machine == "aarch64" and sys_platform != "linux" +dm-tree==0.1.8 ; python_version >= "3.9" and python_version < "3.11" and platform_system == "Linux" and platform_machine == "aarch64" and sys_platform != "linux" +docker-pycreds==0.4.0 ; python_version >= "3.9" and python_version < "3.11" and platform_system == "Linux" and platform_machine == "aarch64" and sys_platform != "linux" +docstring-parser==0.15 ; python_version >= "3.9" and python_version < "3.11" and platform_system == "Linux" and platform_machine == "aarch64" and sys_platform != "linux" +farama-notifications==0.0.4 ; python_version >= "3.9" and python_version < "3.11" and platform_system == "Linux" and platform_machine == "aarch64" and sys_platform != "linux" +filelock==3.12.0 ; python_version >= "3.9" and python_version < "3.11" and platform_system == "Linux" and platform_machine == "aarch64" and sys_platform != "linux" +fonttools==4.38.0 ; python_version >= "3.9" and python_version < "3.11" and platform_system == "Linux" and platform_machine == "aarch64" and sys_platform != "linux" +fsspec==2025.2.0 ; python_version >= "3.9" and python_version < "3.11" and platform_system == "Linux" and platform_machine == "aarch64" and sys_platform != "linux" +gitdb==4.0.10 ; python_version >= "3.9" and python_version < "3.11" and platform_system == "Linux" and platform_machine == "aarch64" and sys_platform != "linux" +gitpython==3.1.31 ; python_version >= "3.9" and python_version < "3.11" and platform_system == "Linux" and platform_machine == "aarch64" and sys_platform != "linux" +google-auth-oauthlib==0.4.6 ; python_version >= "3.9" and python_version < "3.11" and platform_system == "Linux" and platform_machine == "aarch64" and sys_platform != "linux" +google-auth==2.18.0 ; python_version >= "3.9" and python_version < "3.11" and platform_system == "Linux" and platform_machine == "aarch64" and sys_platform != "linux" +grpcio==1.54.0 ; python_version >= "3.9" and python_version < "3.11" and platform_system == "Linux" and platform_machine == "aarch64" and sys_platform != "linux" +gym-notices==0.0.8 ; python_version >= "3.9" and python_version < "3.11" and platform_system == "Linux" and platform_machine == "aarch64" and sys_platform != "linux" +gym==0.23.1 ; python_version >= "3.9" and python_version < "3.11" and platform_system == "Linux" and platform_machine == "aarch64" and sys_platform != "linux" +gymnasium==1.0.0 ; python_version >= "3.9" and python_version < "3.11" and platform_system == "Linux" and platform_machine == "aarch64" and sys_platform != "linux" +huggingface-hub==0.11.1 ; python_version >= "3.9" and python_version < "3.11" and platform_system == "Linux" and platform_machine == "aarch64" and sys_platform != "linux" +idna==3.4 ; python_version >= "3.9" and python_version < "3.11" and platform_system == "Linux" and platform_machine == "aarch64" and sys_platform != "linux" +imageio-ffmpeg==0.3.0 ; python_version >= "3.9" and python_version < "3.11" and platform_system == "Linux" and platform_machine == "aarch64" and sys_platform != "linux" +imageio==2.28.1 ; python_version >= "3.9" and python_version < "3.11" and platform_system == "Linux" and platform_machine == "aarch64" and sys_platform != "linux" +importlib-metadata==5.2.0 ; python_version >= "3.9" and python_version < "3.11" +jax==0.4.8 ; python_version >= "3.9" and python_version < "3.11" and platform_system == "Linux" and platform_machine == "aarch64" and sys_platform != "linux" +jaxlib==0.4.7 ; python_version >= "3.9" and python_version < "3.11" and platform_system == "Linux" and platform_machine == "aarch64" and sys_platform != "linux" +jinja2==3.1.2 ; python_version >= "3.9" and python_version < "3.11" and platform_system == "Linux" and platform_machine == "aarch64" and sys_platform != "linux" +kiwisolver==1.4.4 ; python_version >= "3.9" and python_version < "3.11" and platform_system == "Linux" and platform_machine == "aarch64" and sys_platform != "linux" +markdown==3.3.7 ; python_version >= "3.9" and python_version < "3.11" and platform_system == "Linux" and platform_machine == "aarch64" and sys_platform != "linux" +markupsafe==2.1.2 ; python_version >= "3.9" and python_version < "3.11" and platform_system == "Linux" and platform_machine == "aarch64" and sys_platform != "linux" +matplotlib==3.5.3 ; python_version >= "3.9" and python_version < "3.11" and platform_system == "Linux" and platform_machine == "aarch64" and sys_platform != "linux" +ml-dtypes==0.2.0 ; python_version >= "3.9" and python_version < "3.11" and platform_system == "Linux" and platform_machine == "aarch64" and sys_platform != "linux" +moviepy==1.0.3 ; python_version >= "3.9" and python_version < "3.11" and platform_system == "Linux" and platform_machine == "aarch64" and sys_platform != "linux" +mpmath==1.3.0 ; python_version >= "3.9" and python_version < "3.11" and platform_system == "Linux" and platform_machine == "aarch64" and sys_platform != "linux" +networkx==3.2.1 ; python_version == "3.9" +networkx==3.4.2 ; python_version == "3.10" +numpy==1.24.4 ; python_version >= "3.9" and python_version < "3.11" and platform_system == "Linux" and platform_machine == "aarch64" and sys_platform != "linux" +nvidia-cublas-cu12==12.1.3.1 ; python_version >= "3.9" and python_version < "3.11" and platform_system == "Linux" and platform_machine == "x86_64" +nvidia-cuda-cupti-cu12==12.1.105 ; python_version >= "3.9" and python_version < "3.11" and platform_system == "Linux" and platform_machine == "x86_64" +nvidia-cuda-nvrtc-cu12==12.1.105 ; python_version >= "3.9" and python_version < "3.11" and platform_system == "Linux" and platform_machine == "x86_64" +nvidia-cuda-runtime-cu12==12.1.105 ; python_version >= "3.9" and python_version < "3.11" and platform_system == "Linux" and platform_machine == "x86_64" +nvidia-cudnn-cu12==8.9.2.26 ; python_version >= "3.9" and python_version < "3.11" and platform_system == "Linux" and platform_machine == "x86_64" +nvidia-cufft-cu12==11.0.2.54 ; python_version >= "3.9" and python_version < "3.11" and platform_system == "Linux" and platform_machine == "x86_64" +nvidia-curand-cu12==10.3.2.106 ; python_version >= "3.9" and python_version < "3.11" and platform_system == "Linux" and platform_machine == "x86_64" +nvidia-cusolver-cu12==11.4.5.107 ; python_version >= "3.9" and python_version < "3.11" and platform_system == "Linux" and platform_machine == "x86_64" +nvidia-cusparse-cu12==12.1.0.106 ; python_version >= "3.9" and python_version < "3.11" and platform_system == "Linux" and platform_machine == "x86_64" +nvidia-nccl-cu12==2.18.1 ; python_version >= "3.9" and python_version < "3.11" and platform_system == "Linux" and platform_machine == "x86_64" +nvidia-nvjitlink-cu12==12.8.61 ; python_version >= "3.9" and python_version < "3.11" and platform_system == "Linux" and platform_machine == "x86_64" +nvidia-nvtx-cu12==12.1.105 ; python_version >= "3.9" and python_version < "3.11" and platform_system == "Linux" and platform_machine == "x86_64" +oauthlib==3.2.2 ; python_version >= "3.9" and python_version < "3.11" and platform_system == "Linux" and platform_machine == "aarch64" and sys_platform != "linux" +opencv-python==4.7.0.72 ; python_version >= "3.9" and python_version < "3.11" and platform_system == "Linux" and platform_machine == "aarch64" and sys_platform != "linux" +opt-einsum==3.3.0 ; python_version >= "3.9" and python_version < "3.11" and platform_system == "Linux" and platform_machine == "aarch64" and sys_platform != "linux" +optax==0.1.4 ; python_version >= "3.9" and python_version < "3.11" and platform_system == "Linux" and platform_machine == "aarch64" and sys_platform != "linux" +packaging==23.1 ; python_version >= "3.9" and python_version < "3.11" and platform_system == "Linux" and platform_machine == "aarch64" and sys_platform != "linux" +pandas==1.3.5 ; python_version >= "3.9" and python_version < "3.11" and platform_system == "Linux" and platform_machine == "aarch64" and sys_platform != "linux" +pathtools==0.1.2 ; python_version >= "3.9" and python_version < "3.11" and platform_system == "Linux" and platform_machine == "aarch64" and sys_platform != "linux" +pillow==9.5.0 ; python_version >= "3.9" and python_version < "3.11" and platform_system == "Linux" and platform_machine == "aarch64" and sys_platform != "linux" +proglog==0.1.10 ; python_version >= "3.9" and python_version < "3.11" and platform_system == "Linux" and platform_machine == "aarch64" and sys_platform != "linux" +protobuf==3.20.3 ; python_version >= "3.9" and python_version < "3.11" and platform_system == "Linux" and platform_machine == "aarch64" and sys_platform != "linux" +psutil==5.9.5 ; python_version >= "3.9" and python_version < "3.11" and platform_system == "Linux" and platform_machine == "aarch64" and sys_platform != "linux" +pyasn1-modules==0.3.0 ; python_version >= "3.9" and python_version < "3.11" and platform_system == "Linux" and platform_machine == "aarch64" and sys_platform != "linux" +pyasn1==0.5.0 ; python_version >= "3.9" and python_version < "3.11" and platform_system == "Linux" and platform_machine == "aarch64" and sys_platform != "linux" +pygame==2.1.0 ; python_version >= "3.9" and python_version < "3.11" and platform_system == "Linux" and platform_machine == "aarch64" and sys_platform != "linux" +pygments==2.15.1 ; python_version >= "3.9" and python_version < "3.11" and platform_system == "Linux" and platform_machine == "aarch64" and sys_platform != "linux" +pyparsing==3.0.9 ; python_version >= "3.9" and python_version < "3.11" and platform_system == "Linux" and platform_machine == "aarch64" and sys_platform != "linux" +python-dateutil==2.8.2 ; python_version >= "3.9" and python_version < "3.11" and platform_system == "Linux" and platform_machine == "aarch64" and sys_platform != "linux" +pytz==2023.3 ; python_version >= "3.9" and python_version < "3.11" and platform_system == "Linux" and platform_machine == "aarch64" and sys_platform != "linux" +pyyaml==6.0.1 ; python_version >= "3.9" and python_version < "3.11" and platform_system == "Linux" and platform_machine == "aarch64" and sys_platform != "linux" +requests-oauthlib==1.3.1 ; python_version >= "3.9" and python_version < "3.11" and platform_system == "Linux" and platform_machine == "aarch64" and sys_platform != "linux" +requests==2.30.0 ; python_version >= "3.9" and python_version < "3.11" and platform_system == "Linux" and platform_machine == "aarch64" and sys_platform != "linux" +rich==11.2.0 ; python_version >= "3.9" and python_version < "3.11" and platform_system == "Linux" and platform_machine == "aarch64" and sys_platform != "linux" +rsa==4.7.2 ; python_version >= "3.9" and python_version < "3.11" and platform_system == "Linux" and platform_machine == "aarch64" and sys_platform != "linux" +scipy==1.10.1 ; python_version >= "3.9" and python_version < "3.11" and platform_system == "Linux" and platform_machine == "aarch64" and sys_platform != "linux" +sentry-sdk==1.22.2 ; python_version >= "3.9" and python_version < "3.11" and platform_system == "Linux" and platform_machine == "aarch64" and sys_platform != "linux" +setproctitle==1.3.2 ; python_version >= "3.9" and python_version < "3.11" and platform_system == "Linux" and platform_machine == "aarch64" and sys_platform != "linux" +setuptools==67.7.2 ; python_version >= "3.9" and python_version < "3.11" and platform_system == "Linux" and platform_machine == "aarch64" and sys_platform != "linux" +shimmy==1.1.0 ; python_version >= "3.9" and python_version < "3.11" +shtab==1.6.4 ; python_version >= "3.9" and python_version < "3.11" and platform_system == "Linux" and platform_machine == "aarch64" and sys_platform != "linux" +six==1.16.0 ; python_version >= "3.9" and python_version < "3.11" and platform_system == "Linux" and platform_machine == "aarch64" and sys_platform != "linux" +smmap==5.0.0 ; python_version >= "3.9" and python_version < "3.11" and platform_system == "Linux" and platform_machine == "aarch64" and sys_platform != "linux" +stable-baselines3==2.4.1 ; python_version >= "3.9" and python_version < "3.11" and platform_system == "Linux" and platform_machine == "aarch64" and sys_platform != "linux" +sympy==1.13.3 ; python_version >= "3.9" and python_version < "3.11" and platform_system == "Linux" and platform_machine == "aarch64" and sys_platform != "linux" +tenacity==8.2.3 ; python_version >= "3.9" and python_version < "3.11" and platform_system == "Linux" and platform_machine == "aarch64" and sys_platform != "linux" +tensorboard-data-server==0.6.1 ; python_version >= "3.9" and python_version < "3.11" and platform_system == "Linux" and platform_machine == "aarch64" and sys_platform != "linux" +tensorboard-plugin-wit==1.8.1 ; python_version >= "3.9" and python_version < "3.11" and platform_system == "Linux" and platform_machine == "aarch64" and sys_platform != "linux" +tensorboard==2.11.2 ; python_version >= "3.9" and python_version < "3.11" and platform_system == "Linux" and platform_machine == "aarch64" and sys_platform != "linux" +toolz==0.12.0 ; python_version >= "3.9" and python_version < "3.11" and platform_system == "Linux" and platform_machine == "aarch64" and sys_platform != "linux" +torch==2.1.2 ; python_version >= "3.9" and python_version < "3.11" and platform_system == "Linux" and platform_machine == "aarch64" and sys_platform != "linux" +tqdm==4.65.0 ; python_version >= "3.9" and python_version < "3.11" and platform_system == "Linux" and platform_machine == "aarch64" and sys_platform != "linux" +triton==2.1.0 ; python_version >= "3.9" and python_version < "3.11" and platform_system == "Linux" and platform_machine == "x86_64" +typing-extensions==4.5.0 ; python_version >= "3.9" and python_version < "3.11" and platform_system == "Linux" and platform_machine == "aarch64" and sys_platform != "linux" +tyro==0.5.10 ; python_version >= "3.9" and python_version < "3.11" and platform_system == "Linux" and platform_machine == "aarch64" and sys_platform != "linux" +urllib3==1.26.15 ; python_version >= "3.9" and python_version < "3.11" and platform_system == "Linux" and platform_machine == "aarch64" and sys_platform != "linux" +wandb==0.13.11 ; python_version >= "3.9" and python_version < "3.11" and platform_system == "Linux" and platform_machine == "aarch64" and sys_platform != "linux" +werkzeug==2.2.3 ; python_version >= "3.9" and python_version < "3.11" and platform_system == "Linux" and platform_machine == "aarch64" and sys_platform != "linux" +wheel==0.40.0 ; python_version >= "3.9" and python_version < "3.11" and platform_system == "Linux" and platform_machine == "aarch64" and sys_platform != "linux" +zipp==3.15.0 ; python_version >= "3.9" and python_version < "3.11" diff --git a/requirements/requirements-cloud.txt b/requirements/requirements-cloud.txt index 4c8e0292d..fcb4224d9 100644 --- a/requirements/requirements-cloud.txt +++ b/requirements/requirements-cloud.txt @@ -1,82 +1,109 @@ -absl-py==1.4.0 ; python_version >= "3.8" and python_version < "3.11" -appdirs==1.4.4 ; python_version >= "3.8" and python_version < "3.11" -awscli==1.31.0 ; python_version >= "3.8" and python_version < "3.11" -boto3==1.33.0 ; python_version >= "3.8" and python_version < "3.11" -botocore==1.33.0 ; python_version >= "3.8" and python_version < "3.11" -cachetools==5.3.0 ; python_version >= "3.8" and python_version < "3.11" -certifi==2023.5.7 ; python_version >= "3.8" and python_version < "3.11" -charset-normalizer==3.1.0 ; python_version >= "3.8" and python_version < "3.11" -click==8.1.3 ; python_version >= "3.8" and python_version < "3.11" -cloudpickle==2.2.1 ; python_version >= "3.8" and python_version < "3.11" -colorama==0.4.4 ; python_version >= "3.8" and python_version < "3.11" -commonmark==0.9.1 ; python_version >= "3.8" and python_version < "3.11" -cycler==0.11.0 ; python_version >= "3.8" and python_version < "3.11" -decorator==4.4.2 ; python_version >= "3.8" and python_version < "3.11" -docker-pycreds==0.4.0 ; python_version >= "3.8" and python_version < "3.11" -docstring-parser==0.15 ; python_version >= "3.8" and python_version < "3.11" -docutils==0.16 ; python_version >= "3.8" and python_version < "3.11" -farama-notifications==0.0.4 ; python_version >= "3.8" and python_version < "3.11" -filelock==3.12.0 ; python_version >= "3.8" and python_version < "3.11" -fonttools==4.38.0 ; python_version >= "3.8" and python_version < "3.11" -gitdb==4.0.10 ; python_version >= "3.8" and python_version < "3.11" -gitpython==3.1.31 ; python_version >= "3.8" and python_version < "3.11" -google-auth-oauthlib==0.4.6 ; python_version >= "3.8" and python_version < "3.11" -google-auth==2.18.0 ; python_version >= "3.8" and python_version < "3.11" -grpcio==1.54.0 ; python_version >= "3.8" and python_version < "3.11" -gym-notices==0.0.8 ; python_version >= "3.8" and python_version < "3.11" -gym==0.23.1 ; python_version >= "3.8" and python_version < "3.11" -gymnasium==0.28.1 ; python_version >= "3.8" and python_version < "3.11" -huggingface-hub==0.11.1 ; python_version >= "3.8" and python_version < "3.11" -idna==3.4 ; python_version >= "3.8" and python_version < "3.11" -imageio-ffmpeg==0.3.0 ; python_version >= "3.8" and python_version < "3.11" -imageio==2.28.1 ; python_version >= "3.8" and python_version < "3.11" -importlib-metadata==5.2.0 ; python_version >= "3.8" and python_version < "3.10" -jax-jumpy==1.0.0 ; python_version >= "3.8" and python_version < "3.11" -jmespath==1.0.1 ; python_version >= "3.8" and python_version < "3.11" -kiwisolver==1.4.4 ; python_version >= "3.8" and python_version < "3.11" -markdown==3.3.7 ; python_version >= "3.8" and python_version < "3.11" -markupsafe==2.1.2 ; python_version >= "3.8" and python_version < "3.11" -matplotlib==3.5.3 ; python_version >= "3.8" and python_version < "3.11" -moviepy==1.0.3 ; python_version >= "3.8" and python_version < "3.11" -numpy==1.24.4 ; python_version >= "3.8" and python_version < "3.11" -oauthlib==3.2.2 ; python_version >= "3.8" and python_version < "3.11" -packaging==23.1 ; python_version >= "3.8" and python_version < "3.11" -pandas==1.3.5 ; python_version >= "3.8" and python_version < "3.11" -pathtools==0.1.2 ; python_version >= "3.8" and python_version < "3.11" -pillow==9.5.0 ; python_version >= "3.8" and python_version < "3.11" -proglog==0.1.10 ; python_version >= "3.8" and python_version < "3.11" -protobuf==3.20.3 ; python_version < "3.11" and python_version >= "3.8" -psutil==5.9.5 ; python_version >= "3.8" and python_version < "3.11" -pyasn1-modules==0.3.0 ; python_version >= "3.8" and python_version < "3.11" -pyasn1==0.5.0 ; python_version >= "3.8" and python_version < "3.11" -pygame==2.1.0 ; python_version >= "3.8" and python_version < "3.11" -pygments==2.15.1 ; python_version >= "3.8" and python_version < "3.11" -pyparsing==3.0.9 ; python_version >= "3.8" and python_version < "3.11" -python-dateutil==2.8.2 ; python_version >= "3.8" and python_version < "3.11" -pytz==2023.3 ; python_version >= "3.8" and python_version < "3.11" -pyyaml==6.0.1 ; python_version >= "3.8" and python_version < "3.11" -requests-oauthlib==1.3.1 ; python_version >= "3.8" and python_version < "3.11" -requests==2.30.0 ; python_version >= "3.8" and python_version < "3.11" -rich==11.2.0 ; python_version >= "3.8" and python_version < "3.11" -rsa==4.7.2 ; python_version >= "3.8" and python_version < "3.11" -s3transfer==0.8.0 ; python_version >= "3.8" and python_version < "3.11" -sentry-sdk==1.22.2 ; python_version >= "3.8" and python_version < "3.11" -setproctitle==1.3.2 ; python_version >= "3.8" and python_version < "3.11" -setuptools==67.7.2 ; python_version >= "3.8" and python_version < "3.11" -shtab==1.6.4 ; python_version >= "3.8" and python_version < "3.11" -six==1.16.0 ; python_version >= "3.8" and python_version < "3.11" -smmap==5.0.0 ; python_version >= "3.8" and python_version < "3.11" -stable-baselines3==2.0.0 ; python_version >= "3.8" and python_version < "3.11" -tenacity==8.2.3 ; python_version >= "3.8" and python_version < "3.11" -tensorboard-data-server==0.6.1 ; python_version >= "3.8" and python_version < "3.11" -tensorboard-plugin-wit==1.8.1 ; python_version >= "3.8" and python_version < "3.11" -tensorboard==2.11.2 ; python_version >= "3.8" and python_version < "3.11" -torch==1.12.1 ; python_version >= "3.8" and python_version < "3.11" -tqdm==4.65.0 ; python_version >= "3.8" and python_version < "3.11" -typing-extensions==4.5.0 ; python_version >= "3.8" and python_version < "3.11" -tyro==0.5.10 ; python_version >= "3.8" and python_version < "3.11" -urllib3==1.26.15 ; python_version < "3.11" and python_version >= "3.8" -wandb==0.13.11 ; python_version >= "3.8" and python_version < "3.11" -werkzeug==2.2.3 ; python_version >= "3.8" and python_version < "3.11" -wheel==0.40.0 ; python_version >= "3.8" and python_version < "3.11" -zipp==3.15.0 ; python_version >= "3.8" and python_version < "3.10" +absl-py==1.4.0 ; python_version >= "3.9" and python_version < "3.11" and platform_system == "Linux" and platform_machine == "aarch64" and sys_platform != "linux" +appdirs==1.4.4 ; python_version >= "3.9" and python_version < "3.11" and platform_system == "Linux" and platform_machine == "aarch64" and sys_platform != "linux" +awscli==1.31.0 ; python_version >= "3.9" and python_version < "3.11" +boto3==1.33.0 ; python_version >= "3.9" and python_version < "3.11" +botocore==1.33.0 ; python_version >= "3.9" and python_version < "3.11" +cachetools==5.3.0 ; python_version >= "3.9" and python_version < "3.11" and platform_system == "Linux" and platform_machine == "aarch64" and sys_platform != "linux" +certifi==2023.5.7 ; python_version >= "3.9" and python_version < "3.11" and platform_system == "Linux" and platform_machine == "aarch64" and sys_platform != "linux" +charset-normalizer==3.1.0 ; python_version >= "3.9" and python_version < "3.11" and platform_system == "Linux" and platform_machine == "aarch64" and sys_platform != "linux" +chex==0.1.5 ; python_version >= "3.9" and python_version < "3.11" and platform_system == "Linux" and platform_machine == "aarch64" and sys_platform != "linux" +click==8.1.3 ; python_version >= "3.9" and python_version < "3.11" and platform_system == "Linux" and platform_machine == "aarch64" and sys_platform != "linux" +cloudpickle==2.2.1 ; python_version >= "3.9" and python_version < "3.11" and platform_system == "Linux" and platform_machine == "aarch64" and sys_platform != "linux" +colorama==0.4.4 ; python_version >= "3.9" and python_version < "3.11" and platform_system == "Linux" and platform_machine == "aarch64" and sys_platform != "linux" +commonmark==0.9.1 ; python_version >= "3.9" and python_version < "3.11" and platform_system == "Linux" and platform_machine == "aarch64" and sys_platform != "linux" +cycler==0.11.0 ; python_version >= "3.9" and python_version < "3.11" and platform_system == "Linux" and platform_machine == "aarch64" and sys_platform != "linux" +decorator==4.4.2 ; python_version >= "3.9" and python_version < "3.11" and platform_system == "Linux" and platform_machine == "aarch64" and sys_platform != "linux" +dm-tree==0.1.8 ; python_version >= "3.9" and python_version < "3.11" and platform_system == "Linux" and platform_machine == "aarch64" and sys_platform != "linux" +docker-pycreds==0.4.0 ; python_version >= "3.9" and python_version < "3.11" and platform_system == "Linux" and platform_machine == "aarch64" and sys_platform != "linux" +docstring-parser==0.15 ; python_version >= "3.9" and python_version < "3.11" and platform_system == "Linux" and platform_machine == "aarch64" and sys_platform != "linux" +docutils==0.16 ; python_version >= "3.9" and python_version < "3.11" +farama-notifications==0.0.4 ; python_version >= "3.9" and python_version < "3.11" and platform_system == "Linux" and platform_machine == "aarch64" and sys_platform != "linux" +filelock==3.12.0 ; python_version >= "3.9" and python_version < "3.11" and platform_system == "Linux" and platform_machine == "aarch64" and sys_platform != "linux" +fonttools==4.38.0 ; python_version >= "3.9" and python_version < "3.11" and platform_system == "Linux" and platform_machine == "aarch64" and sys_platform != "linux" +fsspec==2025.2.0 ; python_version >= "3.9" and python_version < "3.11" and platform_system == "Linux" and platform_machine == "aarch64" and sys_platform != "linux" +gitdb==4.0.10 ; python_version >= "3.9" and python_version < "3.11" and platform_system == "Linux" and platform_machine == "aarch64" and sys_platform != "linux" +gitpython==3.1.31 ; python_version >= "3.9" and python_version < "3.11" and platform_system == "Linux" and platform_machine == "aarch64" and sys_platform != "linux" +google-auth-oauthlib==0.4.6 ; python_version >= "3.9" and python_version < "3.11" and platform_system == "Linux" and platform_machine == "aarch64" and sys_platform != "linux" +google-auth==2.18.0 ; python_version >= "3.9" and python_version < "3.11" and platform_system == "Linux" and platform_machine == "aarch64" and sys_platform != "linux" +grpcio==1.54.0 ; python_version >= "3.9" and python_version < "3.11" and platform_system == "Linux" and platform_machine == "aarch64" and sys_platform != "linux" +gym-notices==0.0.8 ; python_version >= "3.9" and python_version < "3.11" and platform_system == "Linux" and platform_machine == "aarch64" and sys_platform != "linux" +gym==0.23.1 ; python_version >= "3.9" and python_version < "3.11" and platform_system == "Linux" and platform_machine == "aarch64" and sys_platform != "linux" +gymnasium==1.0.0 ; python_version >= "3.9" and python_version < "3.11" and platform_system == "Linux" and platform_machine == "aarch64" and sys_platform != "linux" +huggingface-hub==0.11.1 ; python_version >= "3.9" and python_version < "3.11" and platform_system == "Linux" and platform_machine == "aarch64" and sys_platform != "linux" +idna==3.4 ; python_version >= "3.9" and python_version < "3.11" and platform_system == "Linux" and platform_machine == "aarch64" and sys_platform != "linux" +imageio-ffmpeg==0.3.0 ; python_version >= "3.9" and python_version < "3.11" and platform_system == "Linux" and platform_machine == "aarch64" and sys_platform != "linux" +imageio==2.28.1 ; python_version >= "3.9" and python_version < "3.11" and platform_system == "Linux" and platform_machine == "aarch64" and sys_platform != "linux" +importlib-metadata==5.2.0 ; python_version >= "3.9" and python_version < "3.11" +jax==0.4.8 ; python_version >= "3.9" and python_version < "3.11" and platform_system == "Linux" and platform_machine == "aarch64" and sys_platform != "linux" +jaxlib==0.4.7 ; python_version >= "3.9" and python_version < "3.11" and platform_system == "Linux" and platform_machine == "aarch64" and sys_platform != "linux" +jinja2==3.1.2 ; python_version >= "3.9" and python_version < "3.11" and platform_system == "Linux" and platform_machine == "aarch64" and sys_platform != "linux" +jmespath==1.0.1 ; python_version >= "3.9" and python_version < "3.11" +kiwisolver==1.4.4 ; python_version >= "3.9" and python_version < "3.11" and platform_system == "Linux" and platform_machine == "aarch64" and sys_platform != "linux" +markdown==3.3.7 ; python_version >= "3.9" and python_version < "3.11" and platform_system == "Linux" and platform_machine == "aarch64" and sys_platform != "linux" +markupsafe==2.1.2 ; python_version >= "3.9" and python_version < "3.11" and platform_system == "Linux" and platform_machine == "aarch64" and sys_platform != "linux" +matplotlib==3.5.3 ; python_version >= "3.9" and python_version < "3.11" and platform_system == "Linux" and platform_machine == "aarch64" and sys_platform != "linux" +ml-dtypes==0.2.0 ; python_version >= "3.9" and python_version < "3.11" and platform_system == "Linux" and platform_machine == "aarch64" and sys_platform != "linux" +moviepy==1.0.3 ; python_version >= "3.9" and python_version < "3.11" and platform_system == "Linux" and platform_machine == "aarch64" and sys_platform != "linux" +mpmath==1.3.0 ; python_version >= "3.9" and python_version < "3.11" and platform_system == "Linux" and platform_machine == "aarch64" and sys_platform != "linux" +networkx==3.2.1 ; python_version == "3.9" +networkx==3.4.2 ; python_version == "3.10" +numpy==1.24.4 ; python_version >= "3.9" and python_version < "3.11" and platform_system == "Linux" and platform_machine == "aarch64" and sys_platform != "linux" +nvidia-cublas-cu12==12.1.3.1 ; python_version >= "3.9" and python_version < "3.11" and platform_system == "Linux" and platform_machine == "x86_64" +nvidia-cuda-cupti-cu12==12.1.105 ; python_version >= "3.9" and python_version < "3.11" and platform_system == "Linux" and platform_machine == "x86_64" +nvidia-cuda-nvrtc-cu12==12.1.105 ; python_version >= "3.9" and python_version < "3.11" and platform_system == "Linux" and platform_machine == "x86_64" +nvidia-cuda-runtime-cu12==12.1.105 ; python_version >= "3.9" and python_version < "3.11" and platform_system == "Linux" and platform_machine == "x86_64" +nvidia-cudnn-cu12==8.9.2.26 ; python_version >= "3.9" and python_version < "3.11" and platform_system == "Linux" and platform_machine == "x86_64" +nvidia-cufft-cu12==11.0.2.54 ; python_version >= "3.9" and python_version < "3.11" and platform_system == "Linux" and platform_machine == "x86_64" +nvidia-curand-cu12==10.3.2.106 ; python_version >= "3.9" and python_version < "3.11" and platform_system == "Linux" and platform_machine == "x86_64" +nvidia-cusolver-cu12==11.4.5.107 ; python_version >= "3.9" and python_version < "3.11" and platform_system == "Linux" and platform_machine == "x86_64" +nvidia-cusparse-cu12==12.1.0.106 ; python_version >= "3.9" and python_version < "3.11" and platform_system == "Linux" and platform_machine == "x86_64" +nvidia-nccl-cu12==2.18.1 ; python_version >= "3.9" and python_version < "3.11" and platform_system == "Linux" and platform_machine == "x86_64" +nvidia-nvjitlink-cu12==12.8.61 ; python_version >= "3.9" and python_version < "3.11" and platform_system == "Linux" and platform_machine == "x86_64" +nvidia-nvtx-cu12==12.1.105 ; python_version >= "3.9" and python_version < "3.11" and platform_system == "Linux" and platform_machine == "x86_64" +oauthlib==3.2.2 ; python_version >= "3.9" and python_version < "3.11" and platform_system == "Linux" and platform_machine == "aarch64" and sys_platform != "linux" +opt-einsum==3.3.0 ; python_version >= "3.9" and python_version < "3.11" and platform_system == "Linux" and platform_machine == "aarch64" and sys_platform != "linux" +optax==0.1.4 ; python_version >= "3.9" and python_version < "3.11" and platform_system == "Linux" and platform_machine == "aarch64" and sys_platform != "linux" +packaging==23.1 ; python_version >= "3.9" and python_version < "3.11" and platform_system == "Linux" and platform_machine == "aarch64" and sys_platform != "linux" +pandas==1.3.5 ; python_version >= "3.9" and python_version < "3.11" and platform_system == "Linux" and platform_machine == "aarch64" and sys_platform != "linux" +pathtools==0.1.2 ; python_version >= "3.9" and python_version < "3.11" and platform_system == "Linux" and platform_machine == "aarch64" and sys_platform != "linux" +pillow==9.5.0 ; python_version >= "3.9" and python_version < "3.11" and platform_system == "Linux" and platform_machine == "aarch64" and sys_platform != "linux" +proglog==0.1.10 ; python_version >= "3.9" and python_version < "3.11" and platform_system == "Linux" and platform_machine == "aarch64" and sys_platform != "linux" +protobuf==3.20.3 ; python_version >= "3.9" and python_version < "3.11" and platform_system == "Linux" and platform_machine == "aarch64" and sys_platform != "linux" +psutil==5.9.5 ; python_version >= "3.9" and python_version < "3.11" and platform_system == "Linux" and platform_machine == "aarch64" and sys_platform != "linux" +pyasn1-modules==0.3.0 ; python_version >= "3.9" and python_version < "3.11" and platform_system == "Linux" and platform_machine == "aarch64" and sys_platform != "linux" +pyasn1==0.5.0 ; python_version >= "3.9" and python_version < "3.11" and platform_system == "Linux" and platform_machine == "aarch64" and sys_platform != "linux" +pygame==2.1.0 ; python_version >= "3.9" and python_version < "3.11" and platform_system == "Linux" and platform_machine == "aarch64" and sys_platform != "linux" +pygments==2.15.1 ; python_version >= "3.9" and python_version < "3.11" and platform_system == "Linux" and platform_machine == "aarch64" and sys_platform != "linux" +pyparsing==3.0.9 ; python_version >= "3.9" and python_version < "3.11" and platform_system == "Linux" and platform_machine == "aarch64" and sys_platform != "linux" +python-dateutil==2.8.2 ; python_version >= "3.9" and python_version < "3.11" and platform_system == "Linux" and platform_machine == "aarch64" and sys_platform != "linux" +pytz==2023.3 ; python_version >= "3.9" and python_version < "3.11" and platform_system == "Linux" and platform_machine == "aarch64" and sys_platform != "linux" +pyyaml==6.0.1 ; python_version >= "3.9" and python_version < "3.11" and platform_system == "Linux" and platform_machine == "aarch64" and sys_platform != "linux" +requests-oauthlib==1.3.1 ; python_version >= "3.9" and python_version < "3.11" and platform_system == "Linux" and platform_machine == "aarch64" and sys_platform != "linux" +requests==2.30.0 ; python_version >= "3.9" and python_version < "3.11" and platform_system == "Linux" and platform_machine == "aarch64" and sys_platform != "linux" +rich==11.2.0 ; python_version >= "3.9" and python_version < "3.11" and platform_system == "Linux" and platform_machine == "aarch64" and sys_platform != "linux" +rsa==4.7.2 ; python_version >= "3.9" and python_version < "3.11" and platform_system == "Linux" and platform_machine == "aarch64" and sys_platform != "linux" +s3transfer==0.8.0 ; python_version >= "3.9" and python_version < "3.11" +scipy==1.10.1 ; python_version >= "3.9" and python_version < "3.11" and platform_system == "Linux" and platform_machine == "aarch64" and sys_platform != "linux" +sentry-sdk==1.22.2 ; python_version >= "3.9" and python_version < "3.11" and platform_system == "Linux" and platform_machine == "aarch64" and sys_platform != "linux" +setproctitle==1.3.2 ; python_version >= "3.9" and python_version < "3.11" and platform_system == "Linux" and platform_machine == "aarch64" and sys_platform != "linux" +setuptools==67.7.2 ; python_version >= "3.9" and python_version < "3.11" and platform_system == "Linux" and platform_machine == "aarch64" and sys_platform != "linux" +shtab==1.6.4 ; python_version >= "3.9" and python_version < "3.11" and platform_system == "Linux" and platform_machine == "aarch64" and sys_platform != "linux" +six==1.16.0 ; python_version >= "3.9" and python_version < "3.11" and platform_system == "Linux" and platform_machine == "aarch64" and sys_platform != "linux" +smmap==5.0.0 ; python_version >= "3.9" and python_version < "3.11" and platform_system == "Linux" and platform_machine == "aarch64" and sys_platform != "linux" +stable-baselines3==2.4.1 ; python_version >= "3.9" and python_version < "3.11" and platform_system == "Linux" and platform_machine == "aarch64" and sys_platform != "linux" +sympy==1.13.3 ; python_version >= "3.9" and python_version < "3.11" and platform_system == "Linux" and platform_machine == "aarch64" and sys_platform != "linux" +tenacity==8.2.3 ; python_version >= "3.9" and python_version < "3.11" and platform_system == "Linux" and platform_machine == "aarch64" and sys_platform != "linux" +tensorboard-data-server==0.6.1 ; python_version >= "3.9" and python_version < "3.11" and platform_system == "Linux" and platform_machine == "aarch64" and sys_platform != "linux" +tensorboard-plugin-wit==1.8.1 ; python_version >= "3.9" and python_version < "3.11" and platform_system == "Linux" and platform_machine == "aarch64" and sys_platform != "linux" +tensorboard==2.11.2 ; python_version >= "3.9" and python_version < "3.11" and platform_system == "Linux" and platform_machine == "aarch64" and sys_platform != "linux" +toolz==0.12.0 ; python_version >= "3.9" and python_version < "3.11" and platform_system == "Linux" and platform_machine == "aarch64" and sys_platform != "linux" +torch==2.1.2 ; python_version >= "3.9" and python_version < "3.11" and platform_system == "Linux" and platform_machine == "aarch64" and sys_platform != "linux" +tqdm==4.65.0 ; python_version >= "3.9" and python_version < "3.11" and platform_system == "Linux" and platform_machine == "aarch64" and sys_platform != "linux" +triton==2.1.0 ; python_version >= "3.9" and python_version < "3.11" and platform_system == "Linux" and platform_machine == "x86_64" +typing-extensions==4.5.0 ; python_version >= "3.9" and python_version < "3.11" and platform_system == "Linux" and platform_machine == "aarch64" and sys_platform != "linux" +tyro==0.5.10 ; python_version >= "3.9" and python_version < "3.11" and platform_system == "Linux" and platform_machine == "aarch64" and sys_platform != "linux" +urllib3==1.26.15 ; python_version >= "3.9" and python_version < "3.11" and platform_system == "Linux" and platform_machine == "aarch64" and sys_platform != "linux" +wandb==0.13.11 ; python_version >= "3.9" and python_version < "3.11" and platform_system == "Linux" and platform_machine == "aarch64" and sys_platform != "linux" +werkzeug==2.2.3 ; python_version >= "3.9" and python_version < "3.11" and platform_system == "Linux" and platform_machine == "aarch64" and sys_platform != "linux" +wheel==0.40.0 ; python_version >= "3.9" and python_version < "3.11" and platform_system == "Linux" and platform_machine == "aarch64" and sys_platform != "linux" +zipp==3.15.0 ; python_version >= "3.9" and python_version < "3.11" diff --git a/requirements/requirements-dm_control.txt b/requirements/requirements-dm_control.txt index 4653ae249..e8b6f4bc2 100644 --- a/requirements/requirements-dm_control.txt +++ b/requirements/requirements-dm_control.txt @@ -1,87 +1,112 @@ -absl-py==1.4.0 ; python_version >= "3.8" and python_version < "3.11" -appdirs==1.4.4 ; python_version >= "3.8" and python_version < "3.11" -cachetools==5.3.0 ; python_version >= "3.8" and python_version < "3.11" -certifi==2023.5.7 ; python_version >= "3.8" and python_version < "3.11" -charset-normalizer==3.1.0 ; python_version >= "3.8" and python_version < "3.11" -click==8.1.3 ; python_version >= "3.8" and python_version < "3.11" -cloudpickle==2.2.1 ; python_version >= "3.8" and python_version < "3.11" -colorama==0.4.4 ; python_version >= "3.8" and python_version < "3.11" -commonmark==0.9.1 ; python_version >= "3.8" and python_version < "3.11" -cycler==0.11.0 ; python_version >= "3.8" and python_version < "3.11" -decorator==4.4.2 ; python_version >= "3.8" and python_version < "3.11" -dm-control==1.0.11 ; python_version >= "3.8" and python_version < "3.11" -dm-env==1.6 ; python_version >= "3.8" and python_version < "3.11" -dm-tree==0.1.8 ; python_version >= "3.8" and python_version < "3.11" -docker-pycreds==0.4.0 ; python_version >= "3.8" and python_version < "3.11" -docstring-parser==0.15 ; python_version >= "3.8" and python_version < "3.11" -farama-notifications==0.0.4 ; python_version >= "3.8" and python_version < "3.11" -filelock==3.12.0 ; python_version >= "3.8" and python_version < "3.11" -fonttools==4.38.0 ; python_version >= "3.8" and python_version < "3.11" -gitdb==4.0.10 ; python_version >= "3.8" and python_version < "3.11" -gitpython==3.1.31 ; python_version >= "3.8" and python_version < "3.11" -glfw==1.12.0 ; python_version >= "3.8" and python_version < "3.11" -google-auth-oauthlib==0.4.6 ; python_version >= "3.8" and python_version < "3.11" -google-auth==2.18.0 ; python_version >= "3.8" and python_version < "3.11" -grpcio==1.54.0 ; python_version >= "3.8" and python_version < "3.11" -gym-notices==0.0.8 ; python_version >= "3.8" and python_version < "3.11" -gym==0.23.1 ; python_version >= "3.8" and python_version < "3.11" -gymnasium==0.28.1 ; python_version >= "3.8" and python_version < "3.11" -h5py==3.8.0 ; python_version >= "3.8" and python_version < "3.11" -huggingface-hub==0.11.1 ; python_version >= "3.8" and python_version < "3.11" -idna==3.4 ; python_version >= "3.8" and python_version < "3.11" -imageio-ffmpeg==0.3.0 ; python_version >= "3.8" and python_version < "3.11" -imageio==2.28.1 ; python_version >= "3.8" and python_version < "3.11" -importlib-metadata==5.2.0 ; python_version >= "3.8" and python_version < "3.10" -jax-jumpy==1.0.0 ; python_version >= "3.8" and python_version < "3.11" -kiwisolver==1.4.4 ; python_version >= "3.8" and python_version < "3.11" -labmaze==1.0.6 ; python_version >= "3.8" and python_version < "3.11" -lxml==4.9.3 ; python_version >= "3.8" and python_version < "3.11" -markdown==3.3.7 ; python_version >= "3.8" and python_version < "3.11" -markupsafe==2.1.2 ; python_version >= "3.8" and python_version < "3.11" -matplotlib==3.5.3 ; python_version >= "3.8" and python_version < "3.11" -moviepy==1.0.3 ; python_version >= "3.8" and python_version < "3.11" -mujoco==2.3.3 ; python_version >= "3.8" and python_version < "3.11" -numpy==1.24.4 ; python_version >= "3.8" and python_version < "3.11" -oauthlib==3.2.2 ; python_version >= "3.8" and python_version < "3.11" -packaging==23.1 ; python_version >= "3.8" and python_version < "3.11" -pandas==1.3.5 ; python_version >= "3.8" and python_version < "3.11" -pathtools==0.1.2 ; python_version >= "3.8" and python_version < "3.11" -pillow==9.5.0 ; python_version >= "3.8" and python_version < "3.11" -proglog==0.1.10 ; python_version >= "3.8" and python_version < "3.11" -protobuf==3.20.3 ; python_version < "3.11" and python_version >= "3.8" -psutil==5.9.5 ; python_version >= "3.8" and python_version < "3.11" -pyasn1-modules==0.3.0 ; python_version >= "3.8" and python_version < "3.11" -pyasn1==0.5.0 ; python_version >= "3.8" and python_version < "3.11" -pygame==2.1.0 ; python_version >= "3.8" and python_version < "3.11" -pygments==2.15.1 ; python_version >= "3.8" and python_version < "3.11" -pyopengl==3.1.6 ; python_version >= "3.8" and python_version < "3.11" -pyparsing==3.0.9 ; python_version >= "3.8" and python_version < "3.11" -python-dateutil==2.8.2 ; python_version >= "3.8" and python_version < "3.11" -pytz==2023.3 ; python_version >= "3.8" and python_version < "3.11" -pyyaml==6.0.1 ; python_version >= "3.8" and python_version < "3.11" -requests-oauthlib==1.3.1 ; python_version >= "3.8" and python_version < "3.11" -requests==2.30.0 ; python_version >= "3.8" and python_version < "3.11" -rich==11.2.0 ; python_version >= "3.8" and python_version < "3.11" -rsa==4.7.2 ; python_version >= "3.8" and python_version < "3.11" -scipy==1.10.1 ; python_version >= "3.8" and python_version < "3.11" -sentry-sdk==1.22.2 ; python_version >= "3.8" and python_version < "3.11" -setproctitle==1.3.2 ; python_version >= "3.8" and python_version < "3.11" -setuptools==67.7.2 ; python_version >= "3.8" and python_version < "3.11" -shimmy==1.1.0 ; python_version >= "3.8" and python_version < "3.11" -shtab==1.6.4 ; python_version >= "3.8" and python_version < "3.11" -six==1.16.0 ; python_version >= "3.8" and python_version < "3.11" -smmap==5.0.0 ; python_version >= "3.8" and python_version < "3.11" -stable-baselines3==2.0.0 ; python_version >= "3.8" and python_version < "3.11" -tenacity==8.2.3 ; python_version >= "3.8" and python_version < "3.11" -tensorboard-data-server==0.6.1 ; python_version >= "3.8" and python_version < "3.11" -tensorboard-plugin-wit==1.8.1 ; python_version >= "3.8" and python_version < "3.11" -tensorboard==2.11.2 ; python_version >= "3.8" and python_version < "3.11" -torch==1.12.1 ; python_version >= "3.8" and python_version < "3.11" -tqdm==4.65.0 ; python_version >= "3.8" and python_version < "3.11" -typing-extensions==4.5.0 ; python_version >= "3.8" and python_version < "3.11" -tyro==0.5.10 ; python_version >= "3.8" and python_version < "3.11" -urllib3==1.26.15 ; python_version >= "3.8" and python_version < "3.11" -wandb==0.13.11 ; python_version >= "3.8" and python_version < "3.11" -werkzeug==2.2.3 ; python_version >= "3.8" and python_version < "3.11" -wheel==0.40.0 ; python_version >= "3.8" and python_version < "3.11" -zipp==3.15.0 ; python_version >= "3.8" and python_version < "3.10" +absl-py==1.4.0 ; python_version >= "3.9" and python_version < "3.11" and platform_system == "Linux" and platform_machine == "aarch64" and sys_platform != "linux" +appdirs==1.4.4 ; python_version >= "3.9" and python_version < "3.11" and platform_system == "Linux" and platform_machine == "aarch64" and sys_platform != "linux" +cachetools==5.3.0 ; python_version >= "3.9" and python_version < "3.11" and platform_system == "Linux" and platform_machine == "aarch64" and sys_platform != "linux" +certifi==2023.5.7 ; python_version >= "3.9" and python_version < "3.11" and platform_system == "Linux" and platform_machine == "aarch64" and sys_platform != "linux" +charset-normalizer==3.1.0 ; python_version >= "3.9" and python_version < "3.11" and platform_system == "Linux" and platform_machine == "aarch64" and sys_platform != "linux" +chex==0.1.5 ; python_version >= "3.9" and python_version < "3.11" and platform_system == "Linux" and platform_machine == "aarch64" and sys_platform != "linux" +click==8.1.3 ; python_version >= "3.9" and python_version < "3.11" and platform_system == "Linux" and platform_machine == "aarch64" and sys_platform != "linux" +cloudpickle==2.2.1 ; python_version >= "3.9" and python_version < "3.11" and platform_system == "Linux" and platform_machine == "aarch64" and sys_platform != "linux" +colorama==0.4.4 ; python_version >= "3.9" and python_version < "3.11" and platform_system == "Linux" and platform_machine == "aarch64" and sys_platform != "linux" +commonmark==0.9.1 ; python_version >= "3.9" and python_version < "3.11" and platform_system == "Linux" and platform_machine == "aarch64" and sys_platform != "linux" +cycler==0.11.0 ; python_version >= "3.9" and python_version < "3.11" and platform_system == "Linux" and platform_machine == "aarch64" and sys_platform != "linux" +decorator==4.4.2 ; python_version >= "3.9" and python_version < "3.11" and platform_system == "Linux" and platform_machine == "aarch64" and sys_platform != "linux" +dm-control==1.0.11 ; python_version >= "3.9" and python_version < "3.11" +dm-env==1.6 ; python_version >= "3.9" and python_version < "3.11" and platform_system == "Linux" and platform_machine == "aarch64" and sys_platform != "linux" +dm-tree==0.1.8 ; python_version >= "3.9" and python_version < "3.11" and platform_system == "Linux" and platform_machine == "aarch64" and sys_platform != "linux" +docker-pycreds==0.4.0 ; python_version >= "3.9" and python_version < "3.11" and platform_system == "Linux" and platform_machine == "aarch64" and sys_platform != "linux" +docstring-parser==0.15 ; python_version >= "3.9" and python_version < "3.11" and platform_system == "Linux" and platform_machine == "aarch64" and sys_platform != "linux" +farama-notifications==0.0.4 ; python_version >= "3.9" and python_version < "3.11" and platform_system == "Linux" and platform_machine == "aarch64" and sys_platform != "linux" +filelock==3.12.0 ; python_version >= "3.9" and python_version < "3.11" and platform_system == "Linux" and platform_machine == "aarch64" and sys_platform != "linux" +fonttools==4.38.0 ; python_version >= "3.9" and python_version < "3.11" and platform_system == "Linux" and platform_machine == "aarch64" and sys_platform != "linux" +fsspec==2025.2.0 ; python_version >= "3.9" and python_version < "3.11" and platform_system == "Linux" and platform_machine == "aarch64" and sys_platform != "linux" +gitdb==4.0.10 ; python_version >= "3.9" and python_version < "3.11" and platform_system == "Linux" and platform_machine == "aarch64" and sys_platform != "linux" +gitpython==3.1.31 ; python_version >= "3.9" and python_version < "3.11" and platform_system == "Linux" and platform_machine == "aarch64" and sys_platform != "linux" +glfw==1.12.0 ; python_version >= "3.9" and python_version < "3.11" and platform_system == "Linux" and platform_machine == "aarch64" and sys_platform != "linux" +google-auth-oauthlib==0.4.6 ; python_version >= "3.9" and python_version < "3.11" and platform_system == "Linux" and platform_machine == "aarch64" and sys_platform != "linux" +google-auth==2.18.0 ; python_version >= "3.9" and python_version < "3.11" and platform_system == "Linux" and platform_machine == "aarch64" and sys_platform != "linux" +grpcio==1.54.0 ; python_version >= "3.9" and python_version < "3.11" and platform_system == "Linux" and platform_machine == "aarch64" and sys_platform != "linux" +gym-notices==0.0.8 ; python_version >= "3.9" and python_version < "3.11" and platform_system == "Linux" and platform_machine == "aarch64" and sys_platform != "linux" +gym==0.23.1 ; python_version >= "3.9" and python_version < "3.11" and platform_system == "Linux" and platform_machine == "aarch64" and sys_platform != "linux" +gymnasium==1.0.0 ; python_version >= "3.9" and python_version < "3.11" and platform_system == "Linux" and platform_machine == "aarch64" and sys_platform != "linux" +h5py==3.8.0 ; python_version >= "3.9" and python_version < "3.11" +huggingface-hub==0.11.1 ; python_version >= "3.9" and python_version < "3.11" and platform_system == "Linux" and platform_machine == "aarch64" and sys_platform != "linux" +idna==3.4 ; python_version >= "3.9" and python_version < "3.11" and platform_system == "Linux" and platform_machine == "aarch64" and sys_platform != "linux" +imageio-ffmpeg==0.3.0 ; python_version >= "3.9" and python_version < "3.11" and platform_system == "Linux" and platform_machine == "aarch64" and sys_platform != "linux" +imageio==2.28.1 ; python_version >= "3.9" and python_version < "3.11" and platform_system == "Linux" and platform_machine == "aarch64" and sys_platform != "linux" +importlib-metadata==5.2.0 ; python_version >= "3.9" and python_version < "3.11" +jax==0.4.8 ; python_version >= "3.9" and python_version < "3.11" and platform_system == "Linux" and platform_machine == "aarch64" and sys_platform != "linux" +jaxlib==0.4.7 ; python_version >= "3.9" and python_version < "3.11" and platform_system == "Linux" and platform_machine == "aarch64" and sys_platform != "linux" +jinja2==3.1.2 ; python_version >= "3.9" and python_version < "3.11" and platform_system == "Linux" and platform_machine == "aarch64" and sys_platform != "linux" +kiwisolver==1.4.4 ; python_version >= "3.9" and python_version < "3.11" and platform_system == "Linux" and platform_machine == "aarch64" and sys_platform != "linux" +labmaze==1.0.6 ; python_version >= "3.9" and python_version < "3.11" +lxml==4.9.3 ; python_version >= "3.9" and python_version < "3.11" +markdown==3.3.7 ; python_version >= "3.9" and python_version < "3.11" and platform_system == "Linux" and platform_machine == "aarch64" and sys_platform != "linux" +markupsafe==2.1.2 ; python_version >= "3.9" and python_version < "3.11" and platform_system == "Linux" and platform_machine == "aarch64" and sys_platform != "linux" +matplotlib==3.5.3 ; python_version >= "3.9" and python_version < "3.11" and platform_system == "Linux" and platform_machine == "aarch64" and sys_platform != "linux" +ml-dtypes==0.2.0 ; python_version >= "3.9" and python_version < "3.11" and platform_system == "Linux" and platform_machine == "aarch64" and sys_platform != "linux" +moviepy==1.0.3 ; python_version >= "3.9" and python_version < "3.11" and platform_system == "Linux" and platform_machine == "aarch64" and sys_platform != "linux" +mpmath==1.3.0 ; python_version >= "3.9" and python_version < "3.11" and platform_system == "Linux" and platform_machine == "aarch64" and sys_platform != "linux" +mujoco==2.3.3 ; python_version >= "3.9" and python_version < "3.11" +networkx==3.2.1 ; python_version == "3.9" +networkx==3.4.2 ; python_version == "3.10" +numpy==1.24.4 ; python_version >= "3.9" and python_version < "3.11" and platform_system == "Linux" and platform_machine == "aarch64" and sys_platform != "linux" +nvidia-cublas-cu12==12.1.3.1 ; python_version >= "3.9" and python_version < "3.11" and platform_system == "Linux" and platform_machine == "x86_64" +nvidia-cuda-cupti-cu12==12.1.105 ; python_version >= "3.9" and python_version < "3.11" and platform_system == "Linux" and platform_machine == "x86_64" +nvidia-cuda-nvrtc-cu12==12.1.105 ; python_version >= "3.9" and python_version < "3.11" and platform_system == "Linux" and platform_machine == "x86_64" +nvidia-cuda-runtime-cu12==12.1.105 ; python_version >= "3.9" and python_version < "3.11" and platform_system == "Linux" and platform_machine == "x86_64" +nvidia-cudnn-cu12==8.9.2.26 ; python_version >= "3.9" and python_version < "3.11" and platform_system == "Linux" and platform_machine == "x86_64" +nvidia-cufft-cu12==11.0.2.54 ; python_version >= "3.9" and python_version < "3.11" and platform_system == "Linux" and platform_machine == "x86_64" +nvidia-curand-cu12==10.3.2.106 ; python_version >= "3.9" and python_version < "3.11" and platform_system == "Linux" and platform_machine == "x86_64" +nvidia-cusolver-cu12==11.4.5.107 ; python_version >= "3.9" and python_version < "3.11" and platform_system == "Linux" and platform_machine == "x86_64" +nvidia-cusparse-cu12==12.1.0.106 ; python_version >= "3.9" and python_version < "3.11" and platform_system == "Linux" and platform_machine == "x86_64" +nvidia-nccl-cu12==2.18.1 ; python_version >= "3.9" and python_version < "3.11" and platform_system == "Linux" and platform_machine == "x86_64" +nvidia-nvjitlink-cu12==12.8.61 ; python_version >= "3.9" and python_version < "3.11" and platform_system == "Linux" and platform_machine == "x86_64" +nvidia-nvtx-cu12==12.1.105 ; python_version >= "3.9" and python_version < "3.11" and platform_system == "Linux" and platform_machine == "x86_64" +oauthlib==3.2.2 ; python_version >= "3.9" and python_version < "3.11" and platform_system == "Linux" and platform_machine == "aarch64" and sys_platform != "linux" +opt-einsum==3.3.0 ; python_version >= "3.9" and python_version < "3.11" and platform_system == "Linux" and platform_machine == "aarch64" and sys_platform != "linux" +optax==0.1.4 ; python_version >= "3.9" and python_version < "3.11" and platform_system == "Linux" and platform_machine == "aarch64" and sys_platform != "linux" +packaging==23.1 ; python_version >= "3.9" and python_version < "3.11" and platform_system == "Linux" and platform_machine == "aarch64" and sys_platform != "linux" +pandas==1.3.5 ; python_version >= "3.9" and python_version < "3.11" and platform_system == "Linux" and platform_machine == "aarch64" and sys_platform != "linux" +pathtools==0.1.2 ; python_version >= "3.9" and python_version < "3.11" and platform_system == "Linux" and platform_machine == "aarch64" and sys_platform != "linux" +pillow==9.5.0 ; python_version >= "3.9" and python_version < "3.11" and platform_system == "Linux" and platform_machine == "aarch64" and sys_platform != "linux" +proglog==0.1.10 ; python_version >= "3.9" and python_version < "3.11" and platform_system == "Linux" and platform_machine == "aarch64" and sys_platform != "linux" +protobuf==3.20.3 ; python_version >= "3.9" and python_version < "3.11" and platform_system == "Linux" and platform_machine == "aarch64" and sys_platform != "linux" +psutil==5.9.5 ; python_version >= "3.9" and python_version < "3.11" and platform_system == "Linux" and platform_machine == "aarch64" and sys_platform != "linux" +pyasn1-modules==0.3.0 ; python_version >= "3.9" and python_version < "3.11" and platform_system == "Linux" and platform_machine == "aarch64" and sys_platform != "linux" +pyasn1==0.5.0 ; python_version >= "3.9" and python_version < "3.11" and platform_system == "Linux" and platform_machine == "aarch64" and sys_platform != "linux" +pygame==2.1.0 ; python_version >= "3.9" and python_version < "3.11" and platform_system == "Linux" and platform_machine == "aarch64" and sys_platform != "linux" +pygments==2.15.1 ; python_version >= "3.9" and python_version < "3.11" and platform_system == "Linux" and platform_machine == "aarch64" and sys_platform != "linux" +pyopengl==3.1.6 ; python_version >= "3.9" and python_version < "3.11" +pyparsing==3.0.9 ; python_version >= "3.9" and python_version < "3.11" and platform_system == "Linux" and platform_machine == "aarch64" and sys_platform != "linux" +python-dateutil==2.8.2 ; python_version >= "3.9" and python_version < "3.11" and platform_system == "Linux" and platform_machine == "aarch64" and sys_platform != "linux" +pytz==2023.3 ; python_version >= "3.9" and python_version < "3.11" and platform_system == "Linux" and platform_machine == "aarch64" and sys_platform != "linux" +pyyaml==6.0.1 ; python_version >= "3.9" and python_version < "3.11" and platform_system == "Linux" and platform_machine == "aarch64" and sys_platform != "linux" +requests-oauthlib==1.3.1 ; python_version >= "3.9" and python_version < "3.11" and platform_system == "Linux" and platform_machine == "aarch64" and sys_platform != "linux" +requests==2.30.0 ; python_version >= "3.9" and python_version < "3.11" and platform_system == "Linux" and platform_machine == "aarch64" and sys_platform != "linux" +rich==11.2.0 ; python_version >= "3.9" and python_version < "3.11" and platform_system == "Linux" and platform_machine == "aarch64" and sys_platform != "linux" +rsa==4.7.2 ; python_version >= "3.9" and python_version < "3.11" and platform_system == "Linux" and platform_machine == "aarch64" and sys_platform != "linux" +scipy==1.10.1 ; python_version >= "3.9" and python_version < "3.11" and platform_system == "Linux" and platform_machine == "aarch64" and sys_platform != "linux" +sentry-sdk==1.22.2 ; python_version >= "3.9" and python_version < "3.11" and platform_system == "Linux" and platform_machine == "aarch64" and sys_platform != "linux" +setproctitle==1.3.2 ; python_version >= "3.9" and python_version < "3.11" and platform_system == "Linux" and platform_machine == "aarch64" and sys_platform != "linux" +setuptools==67.7.2 ; python_version >= "3.9" and python_version < "3.11" and platform_system == "Linux" and platform_machine == "aarch64" and sys_platform != "linux" +shimmy==1.1.0 ; python_version >= "3.9" and python_version < "3.11" +shtab==1.6.4 ; python_version >= "3.9" and python_version < "3.11" and platform_system == "Linux" and platform_machine == "aarch64" and sys_platform != "linux" +six==1.16.0 ; python_version >= "3.9" and python_version < "3.11" and platform_system == "Linux" and platform_machine == "aarch64" and sys_platform != "linux" +smmap==5.0.0 ; python_version >= "3.9" and python_version < "3.11" and platform_system == "Linux" and platform_machine == "aarch64" and sys_platform != "linux" +stable-baselines3==2.4.1 ; python_version >= "3.9" and python_version < "3.11" and platform_system == "Linux" and platform_machine == "aarch64" and sys_platform != "linux" +sympy==1.13.3 ; python_version >= "3.9" and python_version < "3.11" and platform_system == "Linux" and platform_machine == "aarch64" and sys_platform != "linux" +tenacity==8.2.3 ; python_version >= "3.9" and python_version < "3.11" and platform_system == "Linux" and platform_machine == "aarch64" and sys_platform != "linux" +tensorboard-data-server==0.6.1 ; python_version >= "3.9" and python_version < "3.11" and platform_system == "Linux" and platform_machine == "aarch64" and sys_platform != "linux" +tensorboard-plugin-wit==1.8.1 ; python_version >= "3.9" and python_version < "3.11" and platform_system == "Linux" and platform_machine == "aarch64" and sys_platform != "linux" +tensorboard==2.11.2 ; python_version >= "3.9" and python_version < "3.11" and platform_system == "Linux" and platform_machine == "aarch64" and sys_platform != "linux" +toolz==0.12.0 ; python_version >= "3.9" and python_version < "3.11" and platform_system == "Linux" and platform_machine == "aarch64" and sys_platform != "linux" +torch==2.1.2 ; python_version >= "3.9" and python_version < "3.11" and platform_system == "Linux" and platform_machine == "aarch64" and sys_platform != "linux" +tqdm==4.65.0 ; python_version >= "3.9" and python_version < "3.11" and platform_system == "Linux" and platform_machine == "aarch64" and sys_platform != "linux" +triton==2.1.0 ; python_version >= "3.9" and python_version < "3.11" and platform_system == "Linux" and platform_machine == "x86_64" +typing-extensions==4.5.0 ; python_version >= "3.9" and python_version < "3.11" and platform_system == "Linux" and platform_machine == "aarch64" and sys_platform != "linux" +tyro==0.5.10 ; python_version >= "3.9" and python_version < "3.11" and platform_system == "Linux" and platform_machine == "aarch64" and sys_platform != "linux" +urllib3==1.26.15 ; python_version >= "3.9" and python_version < "3.11" and platform_system == "Linux" and platform_machine == "aarch64" and sys_platform != "linux" +wandb==0.13.11 ; python_version >= "3.9" and python_version < "3.11" and platform_system == "Linux" and platform_machine == "aarch64" and sys_platform != "linux" +werkzeug==2.2.3 ; python_version >= "3.9" and python_version < "3.11" and platform_system == "Linux" and platform_machine == "aarch64" and sys_platform != "linux" +wheel==0.40.0 ; python_version >= "3.9" and python_version < "3.11" and platform_system == "Linux" and platform_machine == "aarch64" and sys_platform != "linux" +zipp==3.15.0 ; python_version >= "3.9" and python_version < "3.11" diff --git a/requirements/requirements-docs.txt b/requirements/requirements-docs.txt index fe65f4879..172954004 100644 --- a/requirements/requirements-docs.txt +++ b/requirements/requirements-docs.txt @@ -1,97 +1,122 @@ -absl-py==1.4.0 ; python_version >= "3.8" and python_version < "3.11" -appdirs==1.4.4 ; python_version >= "3.8" and python_version < "3.11" -cachetools==5.3.0 ; python_version >= "3.8" and python_version < "3.11" -certifi==2023.5.7 ; python_version >= "3.8" and python_version < "3.11" -charset-normalizer==3.1.0 ; python_version >= "3.8" and python_version < "3.11" -click==8.1.3 ; python_version >= "3.8" and python_version < "3.11" -cloudpickle==2.2.1 ; python_version >= "3.8" and python_version < "3.11" -colorama==0.4.4 ; python_version >= "3.8" and python_version < "3.11" -commonmark==0.9.1 ; python_version >= "3.8" and python_version < "3.11" -cycler==0.11.0 ; python_version >= "3.8" and python_version < "3.11" -dataclasses==0.6 ; python_version >= "3.8" and python_version < "3.11" -decorator==4.4.2 ; python_version >= "3.8" and python_version < "3.11" -dill==0.3.6 ; python_version >= "3.8" and python_version < "3.11" -docker-pycreds==0.4.0 ; python_version >= "3.8" and python_version < "3.11" -docstring-parser==0.15 ; python_version >= "3.8" and python_version < "3.11" -expt==0.4.1 ; python_version >= "3.8" and python_version < "3.11" -farama-notifications==0.0.4 ; python_version >= "3.8" and python_version < "3.11" -filelock==3.12.0 ; python_version >= "3.8" and python_version < "3.11" -fonttools==4.38.0 ; python_version >= "3.8" and python_version < "3.11" -ghp-import==2.1.0 ; python_version >= "3.8" and python_version < "3.11" -gitdb==4.0.10 ; python_version >= "3.8" and python_version < "3.11" -gitpython==3.1.31 ; python_version >= "3.8" and python_version < "3.11" -google-auth-oauthlib==0.4.6 ; python_version >= "3.8" and python_version < "3.11" -google-auth==2.18.0 ; python_version >= "3.8" and python_version < "3.11" -grpcio==1.54.0 ; python_version >= "3.8" and python_version < "3.11" -gym-notices==0.0.8 ; python_version >= "3.8" and python_version < "3.11" -gym==0.23.1 ; python_version >= "3.8" and python_version < "3.11" -gymnasium==0.28.1 ; python_version >= "3.8" and python_version < "3.11" -huggingface-hub==0.11.1 ; python_version >= "3.8" and python_version < "3.11" -idna==3.4 ; python_version >= "3.8" and python_version < "3.11" -imageio-ffmpeg==0.3.0 ; python_version >= "3.8" and python_version < "3.11" -imageio==2.28.1 ; python_version >= "3.8" and python_version < "3.11" -importlib-metadata==5.2.0 ; python_version >= "3.8" and python_version < "3.11" -jax-jumpy==1.0.0 ; python_version >= "3.8" and python_version < "3.11" -jinja2==3.1.2 ; python_version >= "3.8" and python_version < "3.11" -kiwisolver==1.4.4 ; python_version >= "3.8" and python_version < "3.11" -markdown-include==0.7.2 ; python_version >= "3.8" and python_version < "3.11" -markdown==3.3.7 ; python_version >= "3.8" and python_version < "3.11" -markupsafe==2.1.2 ; python_version >= "3.8" and python_version < "3.11" -matplotlib==3.5.3 ; python_version >= "3.8" and python_version < "3.11" -mergedeep==1.3.4 ; python_version >= "3.8" and python_version < "3.11" -mkdocs-material-extensions==1.1.1 ; python_version >= "3.8" and python_version < "3.11" -mkdocs-material==8.5.11 ; python_version >= "3.8" and python_version < "3.11" -mkdocs==1.4.3 ; python_version >= "3.8" and python_version < "3.11" -moviepy==1.0.3 ; python_version >= "3.8" and python_version < "3.11" -multiprocess==0.70.14 ; python_version >= "3.8" and python_version < "3.11" -numpy==1.24.4 ; python_version >= "3.8" and python_version < "3.11" -oauthlib==3.2.2 ; python_version >= "3.8" and python_version < "3.11" -openrlbenchmark==0.1.1b4 ; python_version >= "3.8" and python_version < "3.11" -packaging==23.1 ; python_version >= "3.8" and python_version < "3.11" -pandas==1.3.5 ; python_version >= "3.8" and python_version < "3.11" -pathtools==0.1.2 ; python_version >= "3.8" and python_version < "3.11" -pillow==9.5.0 ; python_version >= "3.8" and python_version < "3.11" -pip==22.3.1 ; python_version >= "3.8" and python_version < "3.11" -proglog==0.1.10 ; python_version >= "3.8" and python_version < "3.11" -protobuf==3.20.3 ; python_version < "3.11" and python_version >= "3.8" -psutil==5.9.5 ; python_version >= "3.8" and python_version < "3.11" -pyasn1-modules==0.3.0 ; python_version >= "3.8" and python_version < "3.11" -pyasn1==0.5.0 ; python_version >= "3.8" and python_version < "3.11" -pygame==2.1.0 ; python_version >= "3.8" and python_version < "3.11" -pygments==2.15.1 ; python_version >= "3.8" and python_version < "3.11" -pymdown-extensions==9.11 ; python_version >= "3.8" and python_version < "3.11" -pyparsing==3.0.9 ; python_version >= "3.8" and python_version < "3.11" -python-dateutil==2.8.2 ; python_version >= "3.8" and python_version < "3.11" -pytz==2023.3 ; python_version >= "3.8" and python_version < "3.11" -pyyaml-env-tag==0.1 ; python_version >= "3.8" and python_version < "3.11" -pyyaml==6.0.1 ; python_version >= "3.8" and python_version < "3.11" -requests-oauthlib==1.3.1 ; python_version >= "3.8" and python_version < "3.11" -requests==2.30.0 ; python_version >= "3.8" and python_version < "3.11" -rich==11.2.0 ; python_version >= "3.8" and python_version < "3.11" -rsa==4.7.2 ; python_version >= "3.8" and python_version < "3.11" -scipy==1.10.1 ; python_version >= "3.8" and python_version < "3.11" -seaborn==0.12.2 ; python_version >= "3.8" and python_version < "3.11" -sentry-sdk==1.22.2 ; python_version >= "3.8" and python_version < "3.11" -setproctitle==1.3.2 ; python_version >= "3.8" and python_version < "3.11" -setuptools==67.7.2 ; python_version >= "3.8" and python_version < "3.11" -shtab==1.6.4 ; python_version >= "3.8" and python_version < "3.11" -six==1.16.0 ; python_version >= "3.8" and python_version < "3.11" -smmap==5.0.0 ; python_version >= "3.8" and python_version < "3.11" -stable-baselines3==2.0.0 ; python_version >= "3.8" and python_version < "3.11" -tabulate==0.9.0 ; python_version >= "3.8" and python_version < "3.11" -tenacity==8.2.3 ; python_version >= "3.8" and python_version < "3.11" -tensorboard-data-server==0.6.1 ; python_version >= "3.8" and python_version < "3.11" -tensorboard-plugin-wit==1.8.1 ; python_version >= "3.8" and python_version < "3.11" -tensorboard==2.11.2 ; python_version >= "3.8" and python_version < "3.11" -torch==1.12.1 ; python_version >= "3.8" and python_version < "3.11" -tqdm==4.65.0 ; python_version >= "3.8" and python_version < "3.11" -tueplots==0.0.4 ; python_version >= "3.8" and python_version < "3.11" -typeguard==2.13.3 ; python_version >= "3.8" and python_version < "3.11" -typing-extensions==4.5.0 ; python_version >= "3.8" and python_version < "3.11" -tyro==0.5.10 ; python_version >= "3.8" and python_version < "3.11" -urllib3==1.26.15 ; python_version >= "3.8" and python_version < "3.11" -wandb==0.13.11 ; python_version >= "3.8" and python_version < "3.11" -watchdog==3.0.0 ; python_version >= "3.8" and python_version < "3.11" -werkzeug==2.2.3 ; python_version >= "3.8" and python_version < "3.11" -wheel==0.40.0 ; python_version >= "3.8" and python_version < "3.11" -zipp==3.15.0 ; python_version >= "3.8" and python_version < "3.11" +absl-py==1.4.0 ; python_version >= "3.9" and python_version < "3.11" and platform_system == "Linux" and platform_machine == "aarch64" and sys_platform != "linux" +appdirs==1.4.4 ; python_version >= "3.9" and python_version < "3.11" and platform_system == "Linux" and platform_machine == "aarch64" and sys_platform != "linux" +cachetools==5.3.0 ; python_version >= "3.9" and python_version < "3.11" and platform_system == "Linux" and platform_machine == "aarch64" and sys_platform != "linux" +certifi==2023.5.7 ; python_version >= "3.9" and python_version < "3.11" and platform_system == "Linux" and platform_machine == "aarch64" and sys_platform != "linux" +charset-normalizer==3.1.0 ; python_version >= "3.9" and python_version < "3.11" and platform_system == "Linux" and platform_machine == "aarch64" and sys_platform != "linux" +chex==0.1.5 ; python_version >= "3.9" and python_version < "3.11" and platform_system == "Linux" and platform_machine == "aarch64" and sys_platform != "linux" +click==8.1.3 ; python_version >= "3.9" and python_version < "3.11" and platform_system == "Linux" and platform_machine == "aarch64" and sys_platform != "linux" +cloudpickle==2.2.1 ; python_version >= "3.9" and python_version < "3.11" and platform_system == "Linux" and platform_machine == "aarch64" and sys_platform != "linux" +colorama==0.4.4 ; python_version >= "3.9" and python_version < "3.11" and platform_system == "Linux" and platform_machine == "aarch64" and sys_platform != "linux" +commonmark==0.9.1 ; python_version >= "3.9" and python_version < "3.11" and platform_system == "Linux" and platform_machine == "aarch64" and sys_platform != "linux" +cycler==0.11.0 ; python_version >= "3.9" and python_version < "3.11" and platform_system == "Linux" and platform_machine == "aarch64" and sys_platform != "linux" +dataclasses==0.6 ; python_version >= "3.9" and python_version < "3.11" +decorator==4.4.2 ; python_version >= "3.9" and python_version < "3.11" and platform_system == "Linux" and platform_machine == "aarch64" and sys_platform != "linux" +dill==0.3.6 ; python_version >= "3.9" and python_version < "3.11" and platform_system == "Linux" and platform_machine == "aarch64" and sys_platform != "linux" +dm-tree==0.1.8 ; python_version >= "3.9" and python_version < "3.11" and platform_system == "Linux" and platform_machine == "aarch64" and sys_platform != "linux" +docker-pycreds==0.4.0 ; python_version >= "3.9" and python_version < "3.11" and platform_system == "Linux" and platform_machine == "aarch64" and sys_platform != "linux" +docstring-parser==0.15 ; python_version >= "3.9" and python_version < "3.11" and platform_system == "Linux" and platform_machine == "aarch64" and sys_platform != "linux" +expt==0.4.1 ; python_version >= "3.9" and python_version < "3.11" +farama-notifications==0.0.4 ; python_version >= "3.9" and python_version < "3.11" and platform_system == "Linux" and platform_machine == "aarch64" and sys_platform != "linux" +filelock==3.12.0 ; python_version >= "3.9" and python_version < "3.11" and platform_system == "Linux" and platform_machine == "aarch64" and sys_platform != "linux" +fonttools==4.38.0 ; python_version >= "3.9" and python_version < "3.11" and platform_system == "Linux" and platform_machine == "aarch64" and sys_platform != "linux" +fsspec==2025.2.0 ; python_version >= "3.9" and python_version < "3.11" and platform_system == "Linux" and platform_machine == "aarch64" and sys_platform != "linux" +ghp-import==2.1.0 ; python_version >= "3.9" and python_version < "3.11" +gitdb==4.0.10 ; python_version >= "3.9" and python_version < "3.11" and platform_system == "Linux" and platform_machine == "aarch64" and sys_platform != "linux" +gitpython==3.1.31 ; python_version >= "3.9" and python_version < "3.11" and platform_system == "Linux" and platform_machine == "aarch64" and sys_platform != "linux" +google-auth-oauthlib==0.4.6 ; python_version >= "3.9" and python_version < "3.11" and platform_system == "Linux" and platform_machine == "aarch64" and sys_platform != "linux" +google-auth==2.18.0 ; python_version >= "3.9" and python_version < "3.11" and platform_system == "Linux" and platform_machine == "aarch64" and sys_platform != "linux" +grpcio==1.54.0 ; python_version >= "3.9" and python_version < "3.11" and platform_system == "Linux" and platform_machine == "aarch64" and sys_platform != "linux" +gym-notices==0.0.8 ; python_version >= "3.9" and python_version < "3.11" and platform_system == "Linux" and platform_machine == "aarch64" and sys_platform != "linux" +gym==0.23.1 ; python_version >= "3.9" and python_version < "3.11" and platform_system == "Linux" and platform_machine == "aarch64" and sys_platform != "linux" +gymnasium==1.0.0 ; python_version >= "3.9" and python_version < "3.11" and platform_system == "Linux" and platform_machine == "aarch64" and sys_platform != "linux" +huggingface-hub==0.11.1 ; python_version >= "3.9" and python_version < "3.11" and platform_system == "Linux" and platform_machine == "aarch64" and sys_platform != "linux" +idna==3.4 ; python_version >= "3.9" and python_version < "3.11" and platform_system == "Linux" and platform_machine == "aarch64" and sys_platform != "linux" +imageio-ffmpeg==0.3.0 ; python_version >= "3.9" and python_version < "3.11" and platform_system == "Linux" and platform_machine == "aarch64" and sys_platform != "linux" +imageio==2.28.1 ; python_version >= "3.9" and python_version < "3.11" and platform_system == "Linux" and platform_machine == "aarch64" and sys_platform != "linux" +importlib-metadata==5.2.0 ; python_version >= "3.9" and python_version < "3.11" +jax==0.4.8 ; python_version >= "3.9" and python_version < "3.11" and platform_system == "Linux" and platform_machine == "aarch64" and sys_platform != "linux" +jaxlib==0.4.7 ; python_version >= "3.9" and python_version < "3.11" and platform_system == "Linux" and platform_machine == "aarch64" and sys_platform != "linux" +jinja2==3.1.2 ; python_version >= "3.9" and python_version < "3.11" and platform_system == "Linux" and platform_machine == "aarch64" and sys_platform != "linux" +kiwisolver==1.4.4 ; python_version >= "3.9" and python_version < "3.11" and platform_system == "Linux" and platform_machine == "aarch64" and sys_platform != "linux" +markdown-include==0.7.2 ; python_version >= "3.9" and python_version < "3.11" +markdown==3.3.7 ; python_version >= "3.9" and python_version < "3.11" and platform_system == "Linux" and platform_machine == "aarch64" and sys_platform != "linux" +markupsafe==2.1.2 ; python_version >= "3.9" and python_version < "3.11" and platform_system == "Linux" and platform_machine == "aarch64" and sys_platform != "linux" +matplotlib==3.5.3 ; python_version >= "3.9" and python_version < "3.11" and platform_system == "Linux" and platform_machine == "aarch64" and sys_platform != "linux" +mergedeep==1.3.4 ; python_version >= "3.9" and python_version < "3.11" +mkdocs-material-extensions==1.1.1 ; python_version >= "3.9" and python_version < "3.11" +mkdocs-material==8.5.11 ; python_version >= "3.9" and python_version < "3.11" +mkdocs==1.4.3 ; python_version >= "3.9" and python_version < "3.11" +ml-dtypes==0.2.0 ; python_version >= "3.9" and python_version < "3.11" and platform_system == "Linux" and platform_machine == "aarch64" and sys_platform != "linux" +moviepy==1.0.3 ; python_version >= "3.9" and python_version < "3.11" and platform_system == "Linux" and platform_machine == "aarch64" and sys_platform != "linux" +mpmath==1.3.0 ; python_version >= "3.9" and python_version < "3.11" and platform_system == "Linux" and platform_machine == "aarch64" and sys_platform != "linux" +multiprocess==0.70.14 ; python_version >= "3.9" and python_version < "3.11" +networkx==3.2.1 ; python_version == "3.9" +networkx==3.4.2 ; python_version == "3.10" +numpy==1.24.4 ; python_version >= "3.9" and python_version < "3.11" and platform_system == "Linux" and platform_machine == "aarch64" and sys_platform != "linux" +nvidia-cublas-cu12==12.1.3.1 ; python_version >= "3.9" and python_version < "3.11" and platform_system == "Linux" and platform_machine == "x86_64" +nvidia-cuda-cupti-cu12==12.1.105 ; python_version >= "3.9" and python_version < "3.11" and platform_system == "Linux" and platform_machine == "x86_64" +nvidia-cuda-nvrtc-cu12==12.1.105 ; python_version >= "3.9" and python_version < "3.11" and platform_system == "Linux" and platform_machine == "x86_64" +nvidia-cuda-runtime-cu12==12.1.105 ; python_version >= "3.9" and python_version < "3.11" and platform_system == "Linux" and platform_machine == "x86_64" +nvidia-cudnn-cu12==8.9.2.26 ; python_version >= "3.9" and python_version < "3.11" and platform_system == "Linux" and platform_machine == "x86_64" +nvidia-cufft-cu12==11.0.2.54 ; python_version >= "3.9" and python_version < "3.11" and platform_system == "Linux" and platform_machine == "x86_64" +nvidia-curand-cu12==10.3.2.106 ; python_version >= "3.9" and python_version < "3.11" and platform_system == "Linux" and platform_machine == "x86_64" +nvidia-cusolver-cu12==11.4.5.107 ; python_version >= "3.9" and python_version < "3.11" and platform_system == "Linux" and platform_machine == "x86_64" +nvidia-cusparse-cu12==12.1.0.106 ; python_version >= "3.9" and python_version < "3.11" and platform_system == "Linux" and platform_machine == "x86_64" +nvidia-nccl-cu12==2.18.1 ; python_version >= "3.9" and python_version < "3.11" and platform_system == "Linux" and platform_machine == "x86_64" +nvidia-nvjitlink-cu12==12.8.61 ; python_version >= "3.9" and python_version < "3.11" and platform_system == "Linux" and platform_machine == "x86_64" +nvidia-nvtx-cu12==12.1.105 ; python_version >= "3.9" and python_version < "3.11" and platform_system == "Linux" and platform_machine == "x86_64" +oauthlib==3.2.2 ; python_version >= "3.9" and python_version < "3.11" and platform_system == "Linux" and platform_machine == "aarch64" and sys_platform != "linux" +openrlbenchmark==0.1.1b4 ; python_version >= "3.9" and python_version < "3.11" +opt-einsum==3.3.0 ; python_version >= "3.9" and python_version < "3.11" and platform_system == "Linux" and platform_machine == "aarch64" and sys_platform != "linux" +optax==0.1.4 ; python_version >= "3.9" and python_version < "3.11" and platform_system == "Linux" and platform_machine == "aarch64" and sys_platform != "linux" +packaging==23.1 ; python_version >= "3.9" and python_version < "3.11" and platform_system == "Linux" and platform_machine == "aarch64" and sys_platform != "linux" +pandas==1.3.5 ; python_version >= "3.9" and python_version < "3.11" and platform_system == "Linux" and platform_machine == "aarch64" and sys_platform != "linux" +pathtools==0.1.2 ; python_version >= "3.9" and python_version < "3.11" and platform_system == "Linux" and platform_machine == "aarch64" and sys_platform != "linux" +pillow==9.5.0 ; python_version >= "3.9" and python_version < "3.11" and platform_system == "Linux" and platform_machine == "aarch64" and sys_platform != "linux" +pip==22.3.1 ; python_version >= "3.9" and python_version < "3.11" +proglog==0.1.10 ; python_version >= "3.9" and python_version < "3.11" and platform_system == "Linux" and platform_machine == "aarch64" and sys_platform != "linux" +protobuf==3.20.3 ; python_version >= "3.9" and python_version < "3.11" and platform_system == "Linux" and platform_machine == "aarch64" and sys_platform != "linux" +psutil==5.9.5 ; python_version >= "3.9" and python_version < "3.11" and platform_system == "Linux" and platform_machine == "aarch64" and sys_platform != "linux" +pyasn1-modules==0.3.0 ; python_version >= "3.9" and python_version < "3.11" and platform_system == "Linux" and platform_machine == "aarch64" and sys_platform != "linux" +pyasn1==0.5.0 ; python_version >= "3.9" and python_version < "3.11" and platform_system == "Linux" and platform_machine == "aarch64" and sys_platform != "linux" +pygame==2.1.0 ; python_version >= "3.9" and python_version < "3.11" and platform_system == "Linux" and platform_machine == "aarch64" and sys_platform != "linux" +pygments==2.15.1 ; python_version >= "3.9" and python_version < "3.11" and platform_system == "Linux" and platform_machine == "aarch64" and sys_platform != "linux" +pymdown-extensions==9.11 ; python_version >= "3.9" and python_version < "3.11" +pyparsing==3.0.9 ; python_version >= "3.9" and python_version < "3.11" and platform_system == "Linux" and platform_machine == "aarch64" and sys_platform != "linux" +python-dateutil==2.8.2 ; python_version >= "3.9" and python_version < "3.11" and platform_system == "Linux" and platform_machine == "aarch64" and sys_platform != "linux" +pytz==2023.3 ; python_version >= "3.9" and python_version < "3.11" and platform_system == "Linux" and platform_machine == "aarch64" and sys_platform != "linux" +pyyaml-env-tag==0.1 ; python_version >= "3.9" and python_version < "3.11" +pyyaml==6.0.1 ; python_version >= "3.9" and python_version < "3.11" and platform_system == "Linux" and platform_machine == "aarch64" and sys_platform != "linux" +requests-oauthlib==1.3.1 ; python_version >= "3.9" and python_version < "3.11" and platform_system == "Linux" and platform_machine == "aarch64" and sys_platform != "linux" +requests==2.30.0 ; python_version >= "3.9" and python_version < "3.11" and platform_system == "Linux" and platform_machine == "aarch64" and sys_platform != "linux" +rich==11.2.0 ; python_version >= "3.9" and python_version < "3.11" and platform_system == "Linux" and platform_machine == "aarch64" and sys_platform != "linux" +rsa==4.7.2 ; python_version >= "3.9" and python_version < "3.11" and platform_system == "Linux" and platform_machine == "aarch64" and sys_platform != "linux" +scipy==1.10.1 ; python_version >= "3.9" and python_version < "3.11" and platform_system == "Linux" and platform_machine == "aarch64" and sys_platform != "linux" +seaborn==0.12.2 ; python_version >= "3.9" and python_version < "3.11" +sentry-sdk==1.22.2 ; python_version >= "3.9" and python_version < "3.11" and platform_system == "Linux" and platform_machine == "aarch64" and sys_platform != "linux" +setproctitle==1.3.2 ; python_version >= "3.9" and python_version < "3.11" and platform_system == "Linux" and platform_machine == "aarch64" and sys_platform != "linux" +setuptools==67.7.2 ; python_version >= "3.9" and python_version < "3.11" and platform_system == "Linux" and platform_machine == "aarch64" and sys_platform != "linux" +shtab==1.6.4 ; python_version >= "3.9" and python_version < "3.11" and platform_system == "Linux" and platform_machine == "aarch64" and sys_platform != "linux" +six==1.16.0 ; python_version >= "3.9" and python_version < "3.11" and platform_system == "Linux" and platform_machine == "aarch64" and sys_platform != "linux" +smmap==5.0.0 ; python_version >= "3.9" and python_version < "3.11" and platform_system == "Linux" and platform_machine == "aarch64" and sys_platform != "linux" +stable-baselines3==2.4.1 ; python_version >= "3.9" and python_version < "3.11" and platform_system == "Linux" and platform_machine == "aarch64" and sys_platform != "linux" +sympy==1.13.3 ; python_version >= "3.9" and python_version < "3.11" and platform_system == "Linux" and platform_machine == "aarch64" and sys_platform != "linux" +tabulate==0.9.0 ; python_version >= "3.9" and python_version < "3.11" +tenacity==8.2.3 ; python_version >= "3.9" and python_version < "3.11" and platform_system == "Linux" and platform_machine == "aarch64" and sys_platform != "linux" +tensorboard-data-server==0.6.1 ; python_version >= "3.9" and python_version < "3.11" and platform_system == "Linux" and platform_machine == "aarch64" and sys_platform != "linux" +tensorboard-plugin-wit==1.8.1 ; python_version >= "3.9" and python_version < "3.11" and platform_system == "Linux" and platform_machine == "aarch64" and sys_platform != "linux" +tensorboard==2.11.2 ; python_version >= "3.9" and python_version < "3.11" and platform_system == "Linux" and platform_machine == "aarch64" and sys_platform != "linux" +toolz==0.12.0 ; python_version >= "3.9" and python_version < "3.11" and platform_system == "Linux" and platform_machine == "aarch64" and sys_platform != "linux" +torch==2.1.2 ; python_version >= "3.9" and python_version < "3.11" and platform_system == "Linux" and platform_machine == "aarch64" and sys_platform != "linux" +tqdm==4.65.0 ; python_version >= "3.9" and python_version < "3.11" and platform_system == "Linux" and platform_machine == "aarch64" and sys_platform != "linux" +triton==2.1.0 ; python_version >= "3.9" and python_version < "3.11" and platform_system == "Linux" and platform_machine == "x86_64" +tueplots==0.0.4 ; python_version >= "3.9" and python_version < "3.11" +typeguard==2.13.3 ; python_version >= "3.9" and python_version < "3.11" +typing-extensions==4.5.0 ; python_version >= "3.9" and python_version < "3.11" and platform_system == "Linux" and platform_machine == "aarch64" and sys_platform != "linux" +tyro==0.5.10 ; python_version >= "3.9" and python_version < "3.11" and platform_system == "Linux" and platform_machine == "aarch64" and sys_platform != "linux" +urllib3==1.26.15 ; python_version >= "3.9" and python_version < "3.11" and platform_system == "Linux" and platform_machine == "aarch64" and sys_platform != "linux" +wandb==0.13.11 ; python_version >= "3.9" and python_version < "3.11" and platform_system == "Linux" and platform_machine == "aarch64" and sys_platform != "linux" +watchdog==3.0.0 ; python_version >= "3.9" and python_version < "3.11" +werkzeug==2.2.3 ; python_version >= "3.9" and python_version < "3.11" and platform_system == "Linux" and platform_machine == "aarch64" and sys_platform != "linux" +wheel==0.40.0 ; python_version >= "3.9" and python_version < "3.11" and platform_system == "Linux" and platform_machine == "aarch64" and sys_platform != "linux" +zipp==3.15.0 ; python_version >= "3.9" and python_version < "3.11" diff --git a/requirements/requirements-envpool.txt b/requirements/requirements-envpool.txt index 1d491f4dd..1cfd424c7 100644 --- a/requirements/requirements-envpool.txt +++ b/requirements/requirements-envpool.txt @@ -1,88 +1,114 @@ -absl-py==1.4.0 ; python_version >= "3.8" and python_version < "3.11" -appdirs==1.4.4 ; python_version >= "3.8" and python_version < "3.11" -bitmath==1.3.3.1 ; python_version >= "3.8" and python_version < "3.11" -cachetools==5.3.0 ; python_version >= "3.8" and python_version < "3.11" -certifi==2023.5.7 ; python_version >= "3.8" and python_version < "3.11" -chardet==4.0.0 ; python_version >= "3.8" and python_version < "3.11" -charset-normalizer==3.1.0 ; python_version >= "3.8" and python_version < "3.11" -click==8.1.3 ; python_version >= "3.8" and python_version < "3.11" -cloudpickle==2.2.1 ; python_version >= "3.8" and python_version < "3.11" -colorama==0.4.4 ; python_version >= "3.8" and python_version < "3.11" -commonmark==0.9.1 ; python_version >= "3.8" and python_version < "3.11" -cycler==0.11.0 ; python_version >= "3.8" and python_version < "3.11" -decorator==4.4.2 ; python_version >= "3.8" and python_version < "3.11" -dill==0.3.6 ; python_version >= "3.8" and python_version < "3.11" -dm-env==1.6 ; python_version >= "3.8" and python_version < "3.11" -dm-tree==0.1.8 ; python_version >= "3.8" and python_version < "3.11" -docker-pycreds==0.4.0 ; python_version >= "3.8" and python_version < "3.11" -docstring-parser==0.15 ; python_version >= "3.8" and python_version < "3.11" -enum-tools==0.9.0.post1 ; python_version >= "3.8" and python_version < "3.11" -envpool==0.6.6 ; python_version >= "3.8" and python_version < "3.11" -farama-notifications==0.0.4 ; python_version >= "3.8" and python_version < "3.11" -filelock==3.12.0 ; python_version >= "3.8" and python_version < "3.11" -fonttools==4.38.0 ; python_version >= "3.8" and python_version < "3.11" -gitdb==4.0.10 ; python_version >= "3.8" and python_version < "3.11" -gitpython==3.1.31 ; python_version >= "3.8" and python_version < "3.11" -google-auth-oauthlib==0.4.6 ; python_version >= "3.8" and python_version < "3.11" -google-auth==2.18.0 ; python_version >= "3.8" and python_version < "3.11" -graphviz==0.20.1 ; python_version >= "3.8" and python_version < "3.11" -grpcio==1.54.0 ; python_version >= "3.8" and python_version < "3.11" -gym-notices==0.0.8 ; python_version >= "3.8" and python_version < "3.11" -gym==0.23.1 ; python_version >= "3.8" and python_version < "3.11" -gymnasium==0.28.1 ; python_version >= "3.8" and python_version < "3.11" -hbutils==0.8.6 ; python_version >= "3.8" and python_version < "3.11" -huggingface-hub==0.11.1 ; python_version >= "3.8" and python_version < "3.11" -idna==3.4 ; python_version >= "3.8" and python_version < "3.11" -imageio-ffmpeg==0.3.0 ; python_version >= "3.8" and python_version < "3.11" -imageio==2.28.1 ; python_version >= "3.8" and python_version < "3.11" -importlib-metadata==5.2.0 ; python_version >= "3.8" and python_version < "3.10" -jax-jumpy==1.0.0 ; python_version >= "3.8" and python_version < "3.11" -kiwisolver==1.4.4 ; python_version >= "3.8" and python_version < "3.11" -markdown==3.3.7 ; python_version >= "3.8" and python_version < "3.11" -markupsafe==2.1.2 ; python_version >= "3.8" and python_version < "3.11" -matplotlib==3.5.3 ; python_version >= "3.8" and python_version < "3.11" -moviepy==1.0.3 ; python_version >= "3.8" and python_version < "3.11" -numpy==1.24.4 ; python_version >= "3.8" and python_version < "3.11" -oauthlib==3.2.2 ; python_version >= "3.8" and python_version < "3.11" -packaging==23.1 ; python_version >= "3.8" and python_version < "3.11" -pandas==1.3.5 ; python_version >= "3.8" and python_version < "3.11" -pathtools==0.1.2 ; python_version >= "3.8" and python_version < "3.11" -pillow==9.5.0 ; python_version >= "3.8" and python_version < "3.11" -proglog==0.1.10 ; python_version >= "3.8" and python_version < "3.11" -protobuf==3.20.3 ; python_version < "3.11" and python_version >= "3.8" -psutil==5.9.5 ; python_version >= "3.8" and python_version < "3.11" -pyasn1-modules==0.3.0 ; python_version >= "3.8" and python_version < "3.11" -pyasn1==0.5.0 ; python_version >= "3.8" and python_version < "3.11" -pygame==2.1.0 ; python_version >= "3.8" and python_version < "3.11" -pygments==2.15.1 ; python_version >= "3.8" and python_version < "3.11" -pyparsing==3.0.9 ; python_version >= "3.8" and python_version < "3.11" -python-dateutil==2.8.2 ; python_version >= "3.8" and python_version < "3.11" -pytimeparse==1.1.8 ; python_version >= "3.8" and python_version < "3.11" -pytz==2023.3 ; python_version >= "3.8" and python_version < "3.11" -pyyaml==6.0.1 ; python_version >= "3.8" and python_version < "3.11" -requests-oauthlib==1.3.1 ; python_version >= "3.8" and python_version < "3.11" -requests==2.30.0 ; python_version >= "3.8" and python_version < "3.11" -rich==11.2.0 ; python_version >= "3.8" and python_version < "3.11" -rsa==4.7.2 ; python_version >= "3.8" and python_version < "3.11" -sentry-sdk==1.22.2 ; python_version >= "3.8" and python_version < "3.11" -setproctitle==1.3.2 ; python_version >= "3.8" and python_version < "3.11" -setuptools==67.7.2 ; python_version >= "3.8" and python_version < "3.11" -shtab==1.6.4 ; python_version >= "3.8" and python_version < "3.11" -six==1.16.0 ; python_version >= "3.8" and python_version < "3.11" -smmap==5.0.0 ; python_version >= "3.8" and python_version < "3.11" -stable-baselines3==2.0.0 ; python_version >= "3.8" and python_version < "3.11" -tenacity==8.2.3 ; python_version >= "3.8" and python_version < "3.11" -tensorboard-data-server==0.6.1 ; python_version >= "3.8" and python_version < "3.11" -tensorboard-plugin-wit==1.8.1 ; python_version >= "3.8" and python_version < "3.11" -tensorboard==2.11.2 ; python_version >= "3.8" and python_version < "3.11" -torch==1.12.1 ; python_version >= "3.8" and python_version < "3.11" -tqdm==4.65.0 ; python_version >= "3.8" and python_version < "3.11" -treevalue==1.4.10 ; python_version >= "3.8" and python_version < "3.11" -types-protobuf==4.23.0.1 ; python_version >= "3.8" and python_version < "3.11" -typing-extensions==4.5.0 ; python_version >= "3.8" and python_version < "3.11" -tyro==0.5.10 ; python_version >= "3.8" and python_version < "3.11" -urllib3==1.26.15 ; python_version >= "3.8" and python_version < "3.11" -wandb==0.13.11 ; python_version >= "3.8" and python_version < "3.11" -werkzeug==2.2.3 ; python_version >= "3.8" and python_version < "3.11" -wheel==0.40.0 ; python_version >= "3.8" and python_version < "3.11" -zipp==3.15.0 ; python_version >= "3.8" and python_version < "3.10" +absl-py==1.4.0 ; python_version >= "3.9" and python_version < "3.11" and platform_system == "Linux" and platform_machine == "aarch64" and sys_platform != "linux" +appdirs==1.4.4 ; python_version >= "3.9" and python_version < "3.11" and platform_system == "Linux" and platform_machine == "aarch64" and sys_platform != "linux" +bitmath==1.3.3.1 ; python_version >= "3.9" and python_version < "3.11" +cachetools==5.3.0 ; python_version >= "3.9" and python_version < "3.11" and platform_system == "Linux" and platform_machine == "aarch64" and sys_platform != "linux" +certifi==2023.5.7 ; python_version >= "3.9" and python_version < "3.11" and platform_system == "Linux" and platform_machine == "aarch64" and sys_platform != "linux" +chardet==4.0.0 ; python_version >= "3.9" and python_version < "3.11" +charset-normalizer==3.1.0 ; python_version >= "3.9" and python_version < "3.11" and platform_system == "Linux" and platform_machine == "aarch64" and sys_platform != "linux" +chex==0.1.5 ; python_version >= "3.9" and python_version < "3.11" and platform_system == "Linux" and platform_machine == "aarch64" and sys_platform != "linux" +click==8.1.3 ; python_version >= "3.9" and python_version < "3.11" and platform_system == "Linux" and platform_machine == "aarch64" and sys_platform != "linux" +cloudpickle==2.2.1 ; python_version >= "3.9" and python_version < "3.11" and platform_system == "Linux" and platform_machine == "aarch64" and sys_platform != "linux" +colorama==0.4.4 ; python_version >= "3.9" and python_version < "3.11" and platform_system == "Linux" and platform_machine == "aarch64" and sys_platform != "linux" +commonmark==0.9.1 ; python_version >= "3.9" and python_version < "3.11" and platform_system == "Linux" and platform_machine == "aarch64" and sys_platform != "linux" +cycler==0.11.0 ; python_version >= "3.9" and python_version < "3.11" and platform_system == "Linux" and platform_machine == "aarch64" and sys_platform != "linux" +decorator==4.4.2 ; python_version >= "3.9" and python_version < "3.11" and platform_system == "Linux" and platform_machine == "aarch64" and sys_platform != "linux" +dill==0.3.6 ; python_version >= "3.9" and python_version < "3.11" and platform_system == "Linux" and platform_machine == "aarch64" and sys_platform != "linux" +dm-env==1.6 ; python_version >= "3.9" and python_version < "3.11" and platform_system == "Linux" and platform_machine == "aarch64" and sys_platform != "linux" +dm-tree==0.1.8 ; python_version >= "3.9" and python_version < "3.11" and platform_system == "Linux" and platform_machine == "aarch64" and sys_platform != "linux" +docker-pycreds==0.4.0 ; python_version >= "3.9" and python_version < "3.11" and platform_system == "Linux" and platform_machine == "aarch64" and sys_platform != "linux" +docstring-parser==0.15 ; python_version >= "3.9" and python_version < "3.11" and platform_system == "Linux" and platform_machine == "aarch64" and sys_platform != "linux" +enum-tools==0.9.0.post1 ; python_version >= "3.9" and python_version < "3.11" +envpool==0.6.6 ; python_version >= "3.9" and python_version < "3.11" +farama-notifications==0.0.4 ; python_version >= "3.9" and python_version < "3.11" and platform_system == "Linux" and platform_machine == "aarch64" and sys_platform != "linux" +filelock==3.12.0 ; python_version >= "3.9" and python_version < "3.11" and platform_system == "Linux" and platform_machine == "aarch64" and sys_platform != "linux" +fonttools==4.38.0 ; python_version >= "3.9" and python_version < "3.11" and platform_system == "Linux" and platform_machine == "aarch64" and sys_platform != "linux" +fsspec==2025.2.0 ; python_version >= "3.9" and python_version < "3.11" and platform_system == "Linux" and platform_machine == "aarch64" and sys_platform != "linux" +gitdb==4.0.10 ; python_version >= "3.9" and python_version < "3.11" and platform_system == "Linux" and platform_machine == "aarch64" and sys_platform != "linux" +gitpython==3.1.31 ; python_version >= "3.9" and python_version < "3.11" and platform_system == "Linux" and platform_machine == "aarch64" and sys_platform != "linux" +google-auth-oauthlib==0.4.6 ; python_version >= "3.9" and python_version < "3.11" and platform_system == "Linux" and platform_machine == "aarch64" and sys_platform != "linux" +google-auth==2.18.0 ; python_version >= "3.9" and python_version < "3.11" and platform_system == "Linux" and platform_machine == "aarch64" and sys_platform != "linux" +graphviz==0.20.1 ; python_version >= "3.9" and python_version < "3.11" +grpcio==1.54.0 ; python_version >= "3.9" and python_version < "3.11" and platform_system == "Linux" and platform_machine == "aarch64" and sys_platform != "linux" +gym-notices==0.0.8 ; python_version >= "3.9" and python_version < "3.11" and platform_system == "Linux" and platform_machine == "aarch64" and sys_platform != "linux" +gym==0.23.1 ; python_version >= "3.9" and python_version < "3.11" and platform_system == "Linux" and platform_machine == "aarch64" and sys_platform != "linux" +gymnasium==1.0.0 ; python_version >= "3.9" and python_version < "3.11" and platform_system == "Linux" and platform_machine == "aarch64" and sys_platform != "linux" +hbutils==0.8.6 ; python_version >= "3.9" and python_version < "3.11" +huggingface-hub==0.11.1 ; python_version >= "3.9" and python_version < "3.11" and platform_system == "Linux" and platform_machine == "aarch64" and sys_platform != "linux" +idna==3.4 ; python_version >= "3.9" and python_version < "3.11" and platform_system == "Linux" and platform_machine == "aarch64" and sys_platform != "linux" +imageio-ffmpeg==0.3.0 ; python_version >= "3.9" and python_version < "3.11" and platform_system == "Linux" and platform_machine == "aarch64" and sys_platform != "linux" +imageio==2.28.1 ; python_version >= "3.9" and python_version < "3.11" and platform_system == "Linux" and platform_machine == "aarch64" and sys_platform != "linux" +importlib-metadata==5.2.0 ; python_version >= "3.9" and python_version < "3.11" +jax==0.4.8 ; python_version >= "3.9" and python_version < "3.11" and platform_system == "Linux" and platform_machine == "aarch64" and sys_platform != "linux" +jaxlib==0.4.7 ; python_version >= "3.9" and python_version < "3.11" and platform_system == "Linux" and platform_machine == "aarch64" and sys_platform != "linux" +jinja2==3.1.2 ; python_version >= "3.9" and python_version < "3.11" and platform_system == "Linux" and platform_machine == "aarch64" and sys_platform != "linux" +kiwisolver==1.4.4 ; python_version >= "3.9" and python_version < "3.11" and platform_system == "Linux" and platform_machine == "aarch64" and sys_platform != "linux" +markdown==3.3.7 ; python_version >= "3.9" and python_version < "3.11" and platform_system == "Linux" and platform_machine == "aarch64" and sys_platform != "linux" +markupsafe==2.1.2 ; python_version >= "3.9" and python_version < "3.11" and platform_system == "Linux" and platform_machine == "aarch64" and sys_platform != "linux" +matplotlib==3.5.3 ; python_version >= "3.9" and python_version < "3.11" and platform_system == "Linux" and platform_machine == "aarch64" and sys_platform != "linux" +ml-dtypes==0.2.0 ; python_version >= "3.9" and python_version < "3.11" and platform_system == "Linux" and platform_machine == "aarch64" and sys_platform != "linux" +moviepy==1.0.3 ; python_version >= "3.9" and python_version < "3.11" and platform_system == "Linux" and platform_machine == "aarch64" and sys_platform != "linux" +mpmath==1.3.0 ; python_version >= "3.9" and python_version < "3.11" and platform_system == "Linux" and platform_machine == "aarch64" and sys_platform != "linux" +networkx==3.2.1 ; python_version == "3.9" +networkx==3.4.2 ; python_version == "3.10" +numpy==1.24.4 ; python_version >= "3.9" and python_version < "3.11" and platform_system == "Linux" and platform_machine == "aarch64" and sys_platform != "linux" +nvidia-cublas-cu12==12.1.3.1 ; python_version >= "3.9" and python_version < "3.11" and platform_system == "Linux" and platform_machine == "x86_64" +nvidia-cuda-cupti-cu12==12.1.105 ; python_version >= "3.9" and python_version < "3.11" and platform_system == "Linux" and platform_machine == "x86_64" +nvidia-cuda-nvrtc-cu12==12.1.105 ; python_version >= "3.9" and python_version < "3.11" and platform_system == "Linux" and platform_machine == "x86_64" +nvidia-cuda-runtime-cu12==12.1.105 ; python_version >= "3.9" and python_version < "3.11" and platform_system == "Linux" and platform_machine == "x86_64" +nvidia-cudnn-cu12==8.9.2.26 ; python_version >= "3.9" and python_version < "3.11" and platform_system == "Linux" and platform_machine == "x86_64" +nvidia-cufft-cu12==11.0.2.54 ; python_version >= "3.9" and python_version < "3.11" and platform_system == "Linux" and platform_machine == "x86_64" +nvidia-curand-cu12==10.3.2.106 ; python_version >= "3.9" and python_version < "3.11" and platform_system == "Linux" and platform_machine == "x86_64" +nvidia-cusolver-cu12==11.4.5.107 ; python_version >= "3.9" and python_version < "3.11" and platform_system == "Linux" and platform_machine == "x86_64" +nvidia-cusparse-cu12==12.1.0.106 ; python_version >= "3.9" and python_version < "3.11" and platform_system == "Linux" and platform_machine == "x86_64" +nvidia-nccl-cu12==2.18.1 ; python_version >= "3.9" and python_version < "3.11" and platform_system == "Linux" and platform_machine == "x86_64" +nvidia-nvjitlink-cu12==12.8.61 ; python_version >= "3.9" and python_version < "3.11" and platform_system == "Linux" and platform_machine == "x86_64" +nvidia-nvtx-cu12==12.1.105 ; python_version >= "3.9" and python_version < "3.11" and platform_system == "Linux" and platform_machine == "x86_64" +oauthlib==3.2.2 ; python_version >= "3.9" and python_version < "3.11" and platform_system == "Linux" and platform_machine == "aarch64" and sys_platform != "linux" +opt-einsum==3.3.0 ; python_version >= "3.9" and python_version < "3.11" and platform_system == "Linux" and platform_machine == "aarch64" and sys_platform != "linux" +optax==0.1.4 ; python_version >= "3.9" and python_version < "3.11" and platform_system == "Linux" and platform_machine == "aarch64" and sys_platform != "linux" +packaging==23.1 ; python_version >= "3.9" and python_version < "3.11" and platform_system == "Linux" and platform_machine == "aarch64" and sys_platform != "linux" +pandas==1.3.5 ; python_version >= "3.9" and python_version < "3.11" and platform_system == "Linux" and platform_machine == "aarch64" and sys_platform != "linux" +pathtools==0.1.2 ; python_version >= "3.9" and python_version < "3.11" and platform_system == "Linux" and platform_machine == "aarch64" and sys_platform != "linux" +pillow==9.5.0 ; python_version >= "3.9" and python_version < "3.11" and platform_system == "Linux" and platform_machine == "aarch64" and sys_platform != "linux" +proglog==0.1.10 ; python_version >= "3.9" and python_version < "3.11" and platform_system == "Linux" and platform_machine == "aarch64" and sys_platform != "linux" +protobuf==3.20.3 ; python_version >= "3.9" and python_version < "3.11" and platform_system == "Linux" and platform_machine == "aarch64" and sys_platform != "linux" +psutil==5.9.5 ; python_version >= "3.9" and python_version < "3.11" and platform_system == "Linux" and platform_machine == "aarch64" and sys_platform != "linux" +pyasn1-modules==0.3.0 ; python_version >= "3.9" and python_version < "3.11" and platform_system == "Linux" and platform_machine == "aarch64" and sys_platform != "linux" +pyasn1==0.5.0 ; python_version >= "3.9" and python_version < "3.11" and platform_system == "Linux" and platform_machine == "aarch64" and sys_platform != "linux" +pygame==2.1.0 ; python_version >= "3.9" and python_version < "3.11" and platform_system == "Linux" and platform_machine == "aarch64" and sys_platform != "linux" +pygments==2.15.1 ; python_version >= "3.9" and python_version < "3.11" and platform_system == "Linux" and platform_machine == "aarch64" and sys_platform != "linux" +pyparsing==3.0.9 ; python_version >= "3.9" and python_version < "3.11" and platform_system == "Linux" and platform_machine == "aarch64" and sys_platform != "linux" +python-dateutil==2.8.2 ; python_version >= "3.9" and python_version < "3.11" and platform_system == "Linux" and platform_machine == "aarch64" and sys_platform != "linux" +pytimeparse==1.1.8 ; python_version >= "3.9" and python_version < "3.11" +pytz==2023.3 ; python_version >= "3.9" and python_version < "3.11" and platform_system == "Linux" and platform_machine == "aarch64" and sys_platform != "linux" +pyyaml==6.0.1 ; python_version >= "3.9" and python_version < "3.11" and platform_system == "Linux" and platform_machine == "aarch64" and sys_platform != "linux" +requests-oauthlib==1.3.1 ; python_version >= "3.9" and python_version < "3.11" and platform_system == "Linux" and platform_machine == "aarch64" and sys_platform != "linux" +requests==2.30.0 ; python_version >= "3.9" and python_version < "3.11" and platform_system == "Linux" and platform_machine == "aarch64" and sys_platform != "linux" +rich==11.2.0 ; python_version >= "3.9" and python_version < "3.11" and platform_system == "Linux" and platform_machine == "aarch64" and sys_platform != "linux" +rsa==4.7.2 ; python_version >= "3.9" and python_version < "3.11" and platform_system == "Linux" and platform_machine == "aarch64" and sys_platform != "linux" +scipy==1.10.1 ; python_version >= "3.9" and python_version < "3.11" and platform_system == "Linux" and platform_machine == "aarch64" and sys_platform != "linux" +sentry-sdk==1.22.2 ; python_version >= "3.9" and python_version < "3.11" and platform_system == "Linux" and platform_machine == "aarch64" and sys_platform != "linux" +setproctitle==1.3.2 ; python_version >= "3.9" and python_version < "3.11" and platform_system == "Linux" and platform_machine == "aarch64" and sys_platform != "linux" +setuptools==67.7.2 ; python_version >= "3.9" and python_version < "3.11" and platform_system == "Linux" and platform_machine == "aarch64" and sys_platform != "linux" +shtab==1.6.4 ; python_version >= "3.9" and python_version < "3.11" and platform_system == "Linux" and platform_machine == "aarch64" and sys_platform != "linux" +six==1.16.0 ; python_version >= "3.9" and python_version < "3.11" and platform_system == "Linux" and platform_machine == "aarch64" and sys_platform != "linux" +smmap==5.0.0 ; python_version >= "3.9" and python_version < "3.11" and platform_system == "Linux" and platform_machine == "aarch64" and sys_platform != "linux" +stable-baselines3==2.4.1 ; python_version >= "3.9" and python_version < "3.11" and platform_system == "Linux" and platform_machine == "aarch64" and sys_platform != "linux" +sympy==1.13.3 ; python_version >= "3.9" and python_version < "3.11" and platform_system == "Linux" and platform_machine == "aarch64" and sys_platform != "linux" +tenacity==8.2.3 ; python_version >= "3.9" and python_version < "3.11" and platform_system == "Linux" and platform_machine == "aarch64" and sys_platform != "linux" +tensorboard-data-server==0.6.1 ; python_version >= "3.9" and python_version < "3.11" and platform_system == "Linux" and platform_machine == "aarch64" and sys_platform != "linux" +tensorboard-plugin-wit==1.8.1 ; python_version >= "3.9" and python_version < "3.11" and platform_system == "Linux" and platform_machine == "aarch64" and sys_platform != "linux" +tensorboard==2.11.2 ; python_version >= "3.9" and python_version < "3.11" and platform_system == "Linux" and platform_machine == "aarch64" and sys_platform != "linux" +toolz==0.12.0 ; python_version >= "3.9" and python_version < "3.11" and platform_system == "Linux" and platform_machine == "aarch64" and sys_platform != "linux" +torch==2.1.2 ; python_version >= "3.9" and python_version < "3.11" and platform_system == "Linux" and platform_machine == "aarch64" and sys_platform != "linux" +tqdm==4.65.0 ; python_version >= "3.9" and python_version < "3.11" and platform_system == "Linux" and platform_machine == "aarch64" and sys_platform != "linux" +treevalue==1.4.10 ; python_version >= "3.9" and python_version < "3.11" +triton==2.1.0 ; python_version >= "3.9" and python_version < "3.11" and platform_system == "Linux" and platform_machine == "x86_64" +types-protobuf==4.23.0.1 ; python_version >= "3.9" and python_version < "3.11" +typing-extensions==4.5.0 ; python_version >= "3.9" and python_version < "3.11" and platform_system == "Linux" and platform_machine == "aarch64" and sys_platform != "linux" +tyro==0.5.10 ; python_version >= "3.9" and python_version < "3.11" and platform_system == "Linux" and platform_machine == "aarch64" and sys_platform != "linux" +urllib3==1.26.15 ; python_version >= "3.9" and python_version < "3.11" and platform_system == "Linux" and platform_machine == "aarch64" and sys_platform != "linux" +wandb==0.13.11 ; python_version >= "3.9" and python_version < "3.11" and platform_system == "Linux" and platform_machine == "aarch64" and sys_platform != "linux" +werkzeug==2.2.3 ; python_version >= "3.9" and python_version < "3.11" and platform_system == "Linux" and platform_machine == "aarch64" and sys_platform != "linux" +wheel==0.40.0 ; python_version >= "3.9" and python_version < "3.11" and platform_system == "Linux" and platform_machine == "aarch64" and sys_platform != "linux" +zipp==3.15.0 ; python_version >= "3.9" and python_version < "3.11" diff --git a/requirements/requirements-jax.txt b/requirements/requirements-jax.txt index 12a3d0861..acf26de6b 100644 --- a/requirements/requirements-jax.txt +++ b/requirements/requirements-jax.txt @@ -1,97 +1,115 @@ -absl-py==1.4.0 ; python_version >= "3.8" and python_version < "3.11" -appdirs==1.4.4 ; python_version >= "3.8" and python_version < "3.11" -cached-property==1.5.2 ; python_version >= "3.8" and python_version < "3.11" -cachetools==5.3.0 ; python_version >= "3.8" and python_version < "3.11" -certifi==2023.5.7 ; python_version >= "3.8" and python_version < "3.11" -charset-normalizer==3.1.0 ; python_version >= "3.8" and python_version < "3.11" -chex==0.1.5 ; python_version >= "3.8" and python_version < "3.11" -click==8.1.3 ; python_version >= "3.8" and python_version < "3.11" -cloudpickle==2.2.1 ; python_version >= "3.8" and python_version < "3.11" -colorama==0.4.4 ; python_version >= "3.8" and python_version < "3.11" -commonmark==0.9.1 ; python_version >= "3.8" and python_version < "3.11" -cycler==0.11.0 ; python_version >= "3.8" and python_version < "3.11" -decorator==4.4.2 ; python_version >= "3.8" and python_version < "3.11" -dm-tree==0.1.8 ; python_version >= "3.8" and python_version < "3.11" -docker-pycreds==0.4.0 ; python_version >= "3.8" and python_version < "3.11" -docstring-parser==0.15 ; python_version >= "3.8" and python_version < "3.11" -etils==0.9.0 ; python_version >= "3.8" and python_version < "3.11" -exceptiongroup==1.1.1 ; python_version >= "3.8" and python_version < "3.11" -farama-notifications==0.0.4 ; python_version >= "3.8" and python_version < "3.11" -filelock==3.12.0 ; python_version >= "3.8" and python_version < "3.11" -flax==0.6.8 ; python_version >= "3.8" and python_version < "3.11" -fonttools==4.38.0 ; python_version >= "3.8" and python_version < "3.11" -gitdb==4.0.10 ; python_version >= "3.8" and python_version < "3.11" -gitpython==3.1.31 ; python_version >= "3.8" and python_version < "3.11" -google-auth-oauthlib==0.4.6 ; python_version >= "3.8" and python_version < "3.11" -google-auth==2.18.0 ; python_version >= "3.8" and python_version < "3.11" -grpcio==1.54.0 ; python_version >= "3.8" and python_version < "3.11" -gym-notices==0.0.8 ; python_version >= "3.8" and python_version < "3.11" -gym==0.23.1 ; python_version >= "3.8" and python_version < "3.11" -gymnasium==0.28.1 ; python_version >= "3.8" and python_version < "3.11" -huggingface-hub==0.11.1 ; python_version >= "3.8" and python_version < "3.11" -idna==3.4 ; python_version >= "3.8" and python_version < "3.11" -imageio-ffmpeg==0.3.0 ; python_version >= "3.8" and python_version < "3.11" -imageio==2.28.1 ; python_version >= "3.8" and python_version < "3.11" -importlib-metadata==5.2.0 ; python_version >= "3.8" and python_version < "3.10" -importlib-resources==5.12.0 ; python_version >= "3.8" and python_version < "3.11" -iniconfig==2.0.0 ; python_version >= "3.8" and python_version < "3.11" -jax-jumpy==1.0.0 ; python_version >= "3.8" and python_version < "3.11" -jax==0.4.8 ; python_version >= "3.8" and python_version < "3.11" -jaxlib==0.4.7 ; python_version >= "3.8" and python_version < "3.11" -kiwisolver==1.4.4 ; python_version >= "3.8" and python_version < "3.11" -markdown==3.3.7 ; python_version >= "3.8" and python_version < "3.11" -markupsafe==2.1.2 ; python_version >= "3.8" and python_version < "3.11" -matplotlib==3.5.3 ; python_version >= "3.8" and python_version < "3.11" -ml-dtypes==0.2.0 ; python_version >= "3.8" and python_version < "3.11" -moviepy==1.0.3 ; python_version >= "3.8" and python_version < "3.11" -msgpack==1.0.5 ; python_version >= "3.8" and python_version < "3.11" -numpy==1.24.4 ; python_version < "3.11" and python_version >= "3.8" -oauthlib==3.2.2 ; python_version >= "3.8" and python_version < "3.11" -opt-einsum==3.3.0 ; python_version >= "3.8" and python_version < "3.11" -optax==0.1.4 ; python_version >= "3.8" and python_version < "3.11" -orbax==0.1.0 ; python_version >= "3.8" and python_version < "3.11" -packaging==23.1 ; python_version >= "3.8" and python_version < "3.11" -pandas==1.3.5 ; python_version >= "3.8" and python_version < "3.11" -pathtools==0.1.2 ; python_version >= "3.8" and python_version < "3.11" -pillow==9.5.0 ; python_version >= "3.8" and python_version < "3.11" -pluggy==1.0.0 ; python_version >= "3.8" and python_version < "3.11" -proglog==0.1.10 ; python_version >= "3.8" and python_version < "3.11" -protobuf==3.20.3 ; python_version < "3.11" and python_version >= "3.8" -psutil==5.9.5 ; python_version >= "3.8" and python_version < "3.11" -pyasn1-modules==0.3.0 ; python_version >= "3.8" and python_version < "3.11" -pyasn1==0.5.0 ; python_version >= "3.8" and python_version < "3.11" -pygame==2.1.0 ; python_version >= "3.8" and python_version < "3.11" -pygments==2.15.1 ; python_version >= "3.8" and python_version < "3.11" -pyparsing==3.0.9 ; python_version >= "3.8" and python_version < "3.11" -pytest==7.3.1 ; python_version >= "3.8" and python_version < "3.11" -python-dateutil==2.8.2 ; python_version >= "3.8" and python_version < "3.11" -pytz==2023.3 ; python_version >= "3.8" and python_version < "3.11" -pyyaml==6.0.1 ; python_version >= "3.8" and python_version < "3.11" -requests-oauthlib==1.3.1 ; python_version >= "3.8" and python_version < "3.11" -requests==2.30.0 ; python_version >= "3.8" and python_version < "3.11" -rich==11.2.0 ; python_version >= "3.8" and python_version < "3.11" -rsa==4.7.2 ; python_version >= "3.8" and python_version < "3.11" -scipy==1.10.1 ; python_version >= "3.8" and python_version < "3.11" -sentry-sdk==1.22.2 ; python_version >= "3.8" and python_version < "3.11" -setproctitle==1.3.2 ; python_version >= "3.8" and python_version < "3.11" -setuptools==67.7.2 ; python_version >= "3.8" and python_version < "3.11" -shtab==1.6.4 ; python_version >= "3.8" and python_version < "3.11" -six==1.16.0 ; python_version >= "3.8" and python_version < "3.11" -smmap==5.0.0 ; python_version >= "3.8" and python_version < "3.11" -stable-baselines3==2.0.0 ; python_version >= "3.8" and python_version < "3.11" -tenacity==8.2.3 ; python_version >= "3.8" and python_version < "3.11" -tensorboard-data-server==0.6.1 ; python_version >= "3.8" and python_version < "3.11" -tensorboard-plugin-wit==1.8.1 ; python_version >= "3.8" and python_version < "3.11" -tensorboard==2.11.2 ; python_version >= "3.8" and python_version < "3.11" -tensorstore==0.1.28 ; python_version >= "3.8" and python_version < "3.11" -tomli==2.0.1 ; python_version >= "3.8" and python_version < "3.11" -toolz==0.12.0 ; python_version >= "3.8" and python_version < "3.11" -torch==1.12.1 ; python_version >= "3.8" and python_version < "3.11" -tqdm==4.65.0 ; python_version >= "3.8" and python_version < "3.11" -typing-extensions==4.5.0 ; python_version >= "3.8" and python_version < "3.11" -tyro==0.5.10 ; python_version >= "3.8" and python_version < "3.11" -urllib3==1.26.15 ; python_version >= "3.8" and python_version < "3.11" -wandb==0.13.11 ; python_version >= "3.8" and python_version < "3.11" -werkzeug==2.2.3 ; python_version >= "3.8" and python_version < "3.11" -wheel==0.40.0 ; python_version >= "3.8" and python_version < "3.11" -zipp==3.15.0 ; python_version >= "3.8" and python_version < "3.10" +absl-py==1.4.0 ; python_version >= "3.9" and python_version < "3.11" and platform_system == "Linux" and platform_machine == "aarch64" and sys_platform != "linux" +appdirs==1.4.4 ; python_version >= "3.9" and python_version < "3.11" and platform_system == "Linux" and platform_machine == "aarch64" and sys_platform != "linux" +cached-property==1.5.2 ; python_version >= "3.9" and python_version < "3.11" and platform_system == "Linux" and platform_machine == "aarch64" and sys_platform != "linux" +cachetools==5.3.0 ; python_version >= "3.9" and python_version < "3.11" and platform_system == "Linux" and platform_machine == "aarch64" and sys_platform != "linux" +certifi==2023.5.7 ; python_version >= "3.9" and python_version < "3.11" and platform_system == "Linux" and platform_machine == "aarch64" and sys_platform != "linux" +charset-normalizer==3.1.0 ; python_version >= "3.9" and python_version < "3.11" and platform_system == "Linux" and platform_machine == "aarch64" and sys_platform != "linux" +chex==0.1.5 ; python_version >= "3.9" and python_version < "3.11" and platform_system == "Linux" and platform_machine == "aarch64" and sys_platform != "linux" +click==8.1.3 ; python_version >= "3.9" and python_version < "3.11" and platform_system == "Linux" and platform_machine == "aarch64" and sys_platform != "linux" +cloudpickle==2.2.1 ; python_version >= "3.9" and python_version < "3.11" and platform_system == "Linux" and platform_machine == "aarch64" and sys_platform != "linux" +colorama==0.4.4 ; python_version >= "3.9" and python_version < "3.11" and platform_system == "Linux" and platform_machine == "aarch64" and sys_platform != "linux" +commonmark==0.9.1 ; python_version >= "3.9" and python_version < "3.11" and platform_system == "Linux" and platform_machine == "aarch64" and sys_platform != "linux" +cycler==0.11.0 ; python_version >= "3.9" and python_version < "3.11" and platform_system == "Linux" and platform_machine == "aarch64" and sys_platform != "linux" +decorator==4.4.2 ; python_version >= "3.9" and python_version < "3.11" and platform_system == "Linux" and platform_machine == "aarch64" and sys_platform != "linux" +dm-tree==0.1.8 ; python_version >= "3.9" and python_version < "3.11" and platform_system == "Linux" and platform_machine == "aarch64" and sys_platform != "linux" +docker-pycreds==0.4.0 ; python_version >= "3.9" and python_version < "3.11" and platform_system == "Linux" and platform_machine == "aarch64" and sys_platform != "linux" +docstring-parser==0.15 ; python_version >= "3.9" and python_version < "3.11" and platform_system == "Linux" and platform_machine == "aarch64" and sys_platform != "linux" +etils==0.9.0 ; python_version >= "3.9" and python_version < "3.11" and platform_system == "Linux" and platform_machine == "aarch64" and sys_platform != "linux" +exceptiongroup==1.1.1 ; python_version >= "3.9" and python_version < "3.11" and platform_system == "Linux" and platform_machine == "aarch64" and sys_platform != "linux" +farama-notifications==0.0.4 ; python_version >= "3.9" and python_version < "3.11" and platform_system == "Linux" and platform_machine == "aarch64" and sys_platform != "linux" +filelock==3.12.0 ; python_version >= "3.9" and python_version < "3.11" and platform_system == "Linux" and platform_machine == "aarch64" and sys_platform != "linux" +flax==0.6.8 ; python_version >= "3.9" and python_version < "3.11" and platform_system == "Linux" and platform_machine == "aarch64" and sys_platform != "linux" +fonttools==4.38.0 ; python_version >= "3.9" and python_version < "3.11" and platform_system == "Linux" and platform_machine == "aarch64" and sys_platform != "linux" +fsspec==2025.2.0 ; python_version >= "3.9" and python_version < "3.11" and platform_system == "Linux" and platform_machine == "aarch64" and sys_platform != "linux" +gitdb==4.0.10 ; python_version >= "3.9" and python_version < "3.11" and platform_system == "Linux" and platform_machine == "aarch64" and sys_platform != "linux" +gitpython==3.1.31 ; python_version >= "3.9" and python_version < "3.11" and platform_system == "Linux" and platform_machine == "aarch64" and sys_platform != "linux" +google-auth-oauthlib==0.4.6 ; python_version >= "3.9" and python_version < "3.11" and platform_system == "Linux" and platform_machine == "aarch64" and sys_platform != "linux" +google-auth==2.18.0 ; python_version >= "3.9" and python_version < "3.11" and platform_system == "Linux" and platform_machine == "aarch64" and sys_platform != "linux" +grpcio==1.54.0 ; python_version >= "3.9" and python_version < "3.11" and platform_system == "Linux" and platform_machine == "aarch64" and sys_platform != "linux" +gym-notices==0.0.8 ; python_version >= "3.9" and python_version < "3.11" and platform_system == "Linux" and platform_machine == "aarch64" and sys_platform != "linux" +gym==0.23.1 ; python_version >= "3.9" and python_version < "3.11" and platform_system == "Linux" and platform_machine == "aarch64" and sys_platform != "linux" +gymnasium==1.0.0 ; python_version >= "3.9" and python_version < "3.11" and platform_system == "Linux" and platform_machine == "aarch64" and sys_platform != "linux" +huggingface-hub==0.11.1 ; python_version >= "3.9" and python_version < "3.11" and platform_system == "Linux" and platform_machine == "aarch64" and sys_platform != "linux" +idna==3.4 ; python_version >= "3.9" and python_version < "3.11" and platform_system == "Linux" and platform_machine == "aarch64" and sys_platform != "linux" +imageio-ffmpeg==0.3.0 ; python_version >= "3.9" and python_version < "3.11" and platform_system == "Linux" and platform_machine == "aarch64" and sys_platform != "linux" +imageio==2.28.1 ; python_version >= "3.9" and python_version < "3.11" and platform_system == "Linux" and platform_machine == "aarch64" and sys_platform != "linux" +importlib-metadata==5.2.0 ; python_version >= "3.9" and python_version < "3.11" +importlib-resources==5.12.0 ; python_version >= "3.9" and python_version < "3.11" and platform_system == "Linux" and platform_machine == "aarch64" and sys_platform != "linux" +iniconfig==2.0.0 ; python_version >= "3.9" and python_version < "3.11" and platform_system == "Linux" and platform_machine == "aarch64" and sys_platform != "linux" +jax==0.4.8 ; python_version >= "3.9" and python_version < "3.11" and platform_system == "Linux" and platform_machine == "aarch64" and sys_platform != "linux" +jaxlib==0.4.7 ; python_version >= "3.9" and python_version < "3.11" and platform_system == "Linux" and platform_machine == "aarch64" and sys_platform != "linux" +jinja2==3.1.2 ; python_version >= "3.9" and python_version < "3.11" and platform_system == "Linux" and platform_machine == "aarch64" and sys_platform != "linux" +kiwisolver==1.4.4 ; python_version >= "3.9" and python_version < "3.11" and platform_system == "Linux" and platform_machine == "aarch64" and sys_platform != "linux" +markdown==3.3.7 ; python_version >= "3.9" and python_version < "3.11" and platform_system == "Linux" and platform_machine == "aarch64" and sys_platform != "linux" +markupsafe==2.1.2 ; python_version >= "3.9" and python_version < "3.11" and platform_system == "Linux" and platform_machine == "aarch64" and sys_platform != "linux" +matplotlib==3.5.3 ; python_version >= "3.9" and python_version < "3.11" and platform_system == "Linux" and platform_machine == "aarch64" and sys_platform != "linux" +ml-dtypes==0.2.0 ; python_version >= "3.9" and python_version < "3.11" and platform_system == "Linux" and platform_machine == "aarch64" and sys_platform != "linux" +moviepy==1.0.3 ; python_version >= "3.9" and python_version < "3.11" and platform_system == "Linux" and platform_machine == "aarch64" and sys_platform != "linux" +mpmath==1.3.0 ; python_version >= "3.9" and python_version < "3.11" and platform_system == "Linux" and platform_machine == "aarch64" and sys_platform != "linux" +msgpack==1.0.5 ; python_version >= "3.9" and python_version < "3.11" and platform_system == "Linux" and platform_machine == "aarch64" and sys_platform != "linux" +networkx==3.2.1 ; python_version == "3.9" +networkx==3.4.2 ; python_version == "3.10" +numpy==1.24.4 ; python_version >= "3.9" and python_version < "3.11" and platform_system == "Linux" and platform_machine == "aarch64" and sys_platform != "linux" +nvidia-cublas-cu12==12.1.3.1 ; python_version >= "3.9" and python_version < "3.11" and platform_system == "Linux" and platform_machine == "x86_64" +nvidia-cuda-cupti-cu12==12.1.105 ; python_version >= "3.9" and python_version < "3.11" and platform_system == "Linux" and platform_machine == "x86_64" +nvidia-cuda-nvrtc-cu12==12.1.105 ; python_version >= "3.9" and python_version < "3.11" and platform_system == "Linux" and platform_machine == "x86_64" +nvidia-cuda-runtime-cu12==12.1.105 ; python_version >= "3.9" and python_version < "3.11" and platform_system == "Linux" and platform_machine == "x86_64" +nvidia-cudnn-cu12==8.9.2.26 ; python_version >= "3.9" and python_version < "3.11" and platform_system == "Linux" and platform_machine == "x86_64" +nvidia-cufft-cu12==11.0.2.54 ; python_version >= "3.9" and python_version < "3.11" and platform_system == "Linux" and platform_machine == "x86_64" +nvidia-curand-cu12==10.3.2.106 ; python_version >= "3.9" and python_version < "3.11" and platform_system == "Linux" and platform_machine == "x86_64" +nvidia-cusolver-cu12==11.4.5.107 ; python_version >= "3.9" and python_version < "3.11" and platform_system == "Linux" and platform_machine == "x86_64" +nvidia-cusparse-cu12==12.1.0.106 ; python_version >= "3.9" and python_version < "3.11" and platform_system == "Linux" and platform_machine == "x86_64" +nvidia-nccl-cu12==2.18.1 ; python_version >= "3.9" and python_version < "3.11" and platform_system == "Linux" and platform_machine == "x86_64" +nvidia-nvjitlink-cu12==12.8.61 ; python_version >= "3.9" and python_version < "3.11" and platform_system == "Linux" and platform_machine == "x86_64" +nvidia-nvtx-cu12==12.1.105 ; python_version >= "3.9" and python_version < "3.11" and platform_system == "Linux" and platform_machine == "x86_64" +oauthlib==3.2.2 ; python_version >= "3.9" and python_version < "3.11" and platform_system == "Linux" and platform_machine == "aarch64" and sys_platform != "linux" +opt-einsum==3.3.0 ; python_version >= "3.9" and python_version < "3.11" and platform_system == "Linux" and platform_machine == "aarch64" and sys_platform != "linux" +optax==0.1.4 ; python_version >= "3.9" and python_version < "3.11" and platform_system == "Linux" and platform_machine == "aarch64" and sys_platform != "linux" +orbax==0.1.0 ; python_version >= "3.9" and python_version < "3.11" and platform_system == "Linux" and platform_machine == "aarch64" and sys_platform != "linux" +packaging==23.1 ; python_version >= "3.9" and python_version < "3.11" and platform_system == "Linux" and platform_machine == "aarch64" and sys_platform != "linux" +pandas==1.3.5 ; python_version >= "3.9" and python_version < "3.11" and platform_system == "Linux" and platform_machine == "aarch64" and sys_platform != "linux" +pathtools==0.1.2 ; python_version >= "3.9" and python_version < "3.11" and platform_system == "Linux" and platform_machine == "aarch64" and sys_platform != "linux" +pillow==9.5.0 ; python_version >= "3.9" and python_version < "3.11" and platform_system == "Linux" and platform_machine == "aarch64" and sys_platform != "linux" +pluggy==1.0.0 ; python_version >= "3.9" and python_version < "3.11" and platform_system == "Linux" and platform_machine == "aarch64" and sys_platform != "linux" +proglog==0.1.10 ; python_version >= "3.9" and python_version < "3.11" and platform_system == "Linux" and platform_machine == "aarch64" and sys_platform != "linux" +protobuf==3.20.3 ; python_version >= "3.9" and python_version < "3.11" and platform_system == "Linux" and platform_machine == "aarch64" and sys_platform != "linux" +psutil==5.9.5 ; python_version >= "3.9" and python_version < "3.11" and platform_system == "Linux" and platform_machine == "aarch64" and sys_platform != "linux" +pyasn1-modules==0.3.0 ; python_version >= "3.9" and python_version < "3.11" and platform_system == "Linux" and platform_machine == "aarch64" and sys_platform != "linux" +pyasn1==0.5.0 ; python_version >= "3.9" and python_version < "3.11" and platform_system == "Linux" and platform_machine == "aarch64" and sys_platform != "linux" +pygame==2.1.0 ; python_version >= "3.9" and python_version < "3.11" and platform_system == "Linux" and platform_machine == "aarch64" and sys_platform != "linux" +pygments==2.15.1 ; python_version >= "3.9" and python_version < "3.11" and platform_system == "Linux" and platform_machine == "aarch64" and sys_platform != "linux" +pyparsing==3.0.9 ; python_version >= "3.9" and python_version < "3.11" and platform_system == "Linux" and platform_machine == "aarch64" and sys_platform != "linux" +pytest==7.3.1 ; python_version >= "3.9" and python_version < "3.11" and platform_system == "Linux" and platform_machine == "aarch64" and sys_platform != "linux" +python-dateutil==2.8.2 ; python_version >= "3.9" and python_version < "3.11" and platform_system == "Linux" and platform_machine == "aarch64" and sys_platform != "linux" +pytz==2023.3 ; python_version >= "3.9" and python_version < "3.11" and platform_system == "Linux" and platform_machine == "aarch64" and sys_platform != "linux" +pyyaml==6.0.1 ; python_version >= "3.9" and python_version < "3.11" and platform_system == "Linux" and platform_machine == "aarch64" and sys_platform != "linux" +requests-oauthlib==1.3.1 ; python_version >= "3.9" and python_version < "3.11" and platform_system == "Linux" and platform_machine == "aarch64" and sys_platform != "linux" +requests==2.30.0 ; python_version >= "3.9" and python_version < "3.11" and platform_system == "Linux" and platform_machine == "aarch64" and sys_platform != "linux" +rich==11.2.0 ; python_version >= "3.9" and python_version < "3.11" and platform_system == "Linux" and platform_machine == "aarch64" and sys_platform != "linux" +rsa==4.7.2 ; python_version >= "3.9" and python_version < "3.11" and platform_system == "Linux" and platform_machine == "aarch64" and sys_platform != "linux" +scipy==1.10.1 ; python_version >= "3.9" and python_version < "3.11" and platform_system == "Linux" and platform_machine == "aarch64" and sys_platform != "linux" +sentry-sdk==1.22.2 ; python_version >= "3.9" and python_version < "3.11" and platform_system == "Linux" and platform_machine == "aarch64" and sys_platform != "linux" +setproctitle==1.3.2 ; python_version >= "3.9" and python_version < "3.11" and platform_system == "Linux" and platform_machine == "aarch64" and sys_platform != "linux" +setuptools==67.7.2 ; python_version >= "3.9" and python_version < "3.11" and platform_system == "Linux" and platform_machine == "aarch64" and sys_platform != "linux" +shtab==1.6.4 ; python_version >= "3.9" and python_version < "3.11" and platform_system == "Linux" and platform_machine == "aarch64" and sys_platform != "linux" +six==1.16.0 ; python_version >= "3.9" and python_version < "3.11" and platform_system == "Linux" and platform_machine == "aarch64" and sys_platform != "linux" +smmap==5.0.0 ; python_version >= "3.9" and python_version < "3.11" and platform_system == "Linux" and platform_machine == "aarch64" and sys_platform != "linux" +stable-baselines3==2.4.1 ; python_version >= "3.9" and python_version < "3.11" and platform_system == "Linux" and platform_machine == "aarch64" and sys_platform != "linux" +sympy==1.13.3 ; python_version >= "3.9" and python_version < "3.11" and platform_system == "Linux" and platform_machine == "aarch64" and sys_platform != "linux" +tenacity==8.2.3 ; python_version >= "3.9" and python_version < "3.11" and platform_system == "Linux" and platform_machine == "aarch64" and sys_platform != "linux" +tensorboard-data-server==0.6.1 ; python_version >= "3.9" and python_version < "3.11" and platform_system == "Linux" and platform_machine == "aarch64" and sys_platform != "linux" +tensorboard-plugin-wit==1.8.1 ; python_version >= "3.9" and python_version < "3.11" and platform_system == "Linux" and platform_machine == "aarch64" and sys_platform != "linux" +tensorboard==2.11.2 ; python_version >= "3.9" and python_version < "3.11" and platform_system == "Linux" and platform_machine == "aarch64" and sys_platform != "linux" +tensorstore==0.1.28 ; python_version >= "3.9" and python_version < "3.11" and platform_system == "Linux" and platform_machine == "aarch64" and sys_platform != "linux" +tomli==2.0.1 ; python_version >= "3.9" and python_version < "3.11" and platform_system == "Linux" and platform_machine == "aarch64" and sys_platform != "linux" +toolz==0.12.0 ; python_version >= "3.9" and python_version < "3.11" and platform_system == "Linux" and platform_machine == "aarch64" and sys_platform != "linux" +torch==2.1.2 ; python_version >= "3.9" and python_version < "3.11" and platform_system == "Linux" and platform_machine == "aarch64" and sys_platform != "linux" +tqdm==4.65.0 ; python_version >= "3.9" and python_version < "3.11" and platform_system == "Linux" and platform_machine == "aarch64" and sys_platform != "linux" +triton==2.1.0 ; python_version >= "3.9" and python_version < "3.11" and platform_system == "Linux" and platform_machine == "x86_64" +typing-extensions==4.5.0 ; python_version >= "3.9" and python_version < "3.11" and platform_system == "Linux" and platform_machine == "aarch64" and sys_platform != "linux" +tyro==0.5.10 ; python_version >= "3.9" and python_version < "3.11" and platform_system == "Linux" and platform_machine == "aarch64" and sys_platform != "linux" +urllib3==1.26.15 ; python_version >= "3.9" and python_version < "3.11" and platform_system == "Linux" and platform_machine == "aarch64" and sys_platform != "linux" +wandb==0.13.11 ; python_version >= "3.9" and python_version < "3.11" and platform_system == "Linux" and platform_machine == "aarch64" and sys_platform != "linux" +werkzeug==2.2.3 ; python_version >= "3.9" and python_version < "3.11" and platform_system == "Linux" and platform_machine == "aarch64" and sys_platform != "linux" +wheel==0.40.0 ; python_version >= "3.9" and python_version < "3.11" and platform_system == "Linux" and platform_machine == "aarch64" and sys_platform != "linux" +zipp==3.15.0 ; python_version >= "3.9" and python_version < "3.11" diff --git a/requirements/requirements-mujoco.txt b/requirements/requirements-mujoco.txt index ac8aa1a23..72b0a825c 100644 --- a/requirements/requirements-mujoco.txt +++ b/requirements/requirements-mujoco.txt @@ -1,79 +1,106 @@ -absl-py==1.4.0 ; python_version >= "3.8" and python_version < "3.11" -appdirs==1.4.4 ; python_version >= "3.8" and python_version < "3.11" -cachetools==5.3.0 ; python_version >= "3.8" and python_version < "3.11" -certifi==2023.5.7 ; python_version >= "3.8" and python_version < "3.11" -charset-normalizer==3.1.0 ; python_version >= "3.8" and python_version < "3.11" -click==8.1.3 ; python_version >= "3.8" and python_version < "3.11" -cloudpickle==2.2.1 ; python_version >= "3.8" and python_version < "3.11" -colorama==0.4.4 ; python_version >= "3.8" and python_version < "3.11" -commonmark==0.9.1 ; python_version >= "3.8" and python_version < "3.11" -cycler==0.11.0 ; python_version >= "3.8" and python_version < "3.11" -decorator==4.4.2 ; python_version >= "3.8" and python_version < "3.11" -docker-pycreds==0.4.0 ; python_version >= "3.8" and python_version < "3.11" -docstring-parser==0.15 ; python_version >= "3.8" and python_version < "3.11" -farama-notifications==0.0.4 ; python_version >= "3.8" and python_version < "3.11" -filelock==3.12.0 ; python_version >= "3.8" and python_version < "3.11" -fonttools==4.38.0 ; python_version >= "3.8" and python_version < "3.11" -gitdb==4.0.10 ; python_version >= "3.8" and python_version < "3.11" -gitpython==3.1.31 ; python_version >= "3.8" and python_version < "3.11" -glfw==1.12.0 ; python_version >= "3.8" and python_version < "3.11" -google-auth-oauthlib==0.4.6 ; python_version >= "3.8" and python_version < "3.11" -google-auth==2.18.0 ; python_version >= "3.8" and python_version < "3.11" -grpcio==1.54.0 ; python_version >= "3.8" and python_version < "3.11" -gym-notices==0.0.8 ; python_version >= "3.8" and python_version < "3.11" -gym==0.23.1 ; python_version >= "3.8" and python_version < "3.11" -gymnasium==0.28.1 ; python_version >= "3.8" and python_version < "3.11" -huggingface-hub==0.11.1 ; python_version >= "3.8" and python_version < "3.11" -idna==3.4 ; python_version >= "3.8" and python_version < "3.11" -imageio-ffmpeg==0.3.0 ; python_version >= "3.8" and python_version < "3.11" -imageio==2.28.1 ; python_version >= "3.8" and python_version < "3.11" -importlib-metadata==5.2.0 ; python_version >= "3.8" and python_version < "3.10" -jax-jumpy==1.0.0 ; python_version >= "3.8" and python_version < "3.11" -kiwisolver==1.4.4 ; python_version >= "3.8" and python_version < "3.11" -markdown==3.3.7 ; python_version >= "3.8" and python_version < "3.11" -markupsafe==2.1.2 ; python_version >= "3.8" and python_version < "3.11" -matplotlib==3.5.3 ; python_version >= "3.8" and python_version < "3.11" -moviepy==1.0.3 ; python_version >= "3.8" and python_version < "3.11" -mujoco==2.3.3 ; python_version >= "3.8" and python_version < "3.11" -numpy==1.24.4 ; python_version >= "3.8" and python_version < "3.11" -oauthlib==3.2.2 ; python_version >= "3.8" and python_version < "3.11" -packaging==23.1 ; python_version >= "3.8" and python_version < "3.11" -pandas==1.3.5 ; python_version >= "3.8" and python_version < "3.11" -pathtools==0.1.2 ; python_version >= "3.8" and python_version < "3.11" -pillow==9.5.0 ; python_version >= "3.8" and python_version < "3.11" -proglog==0.1.10 ; python_version >= "3.8" and python_version < "3.11" -protobuf==3.20.3 ; python_version < "3.11" and python_version >= "3.8" -psutil==5.9.5 ; python_version >= "3.8" and python_version < "3.11" -pyasn1-modules==0.3.0 ; python_version >= "3.8" and python_version < "3.11" -pyasn1==0.5.0 ; python_version >= "3.8" and python_version < "3.11" -pygame==2.1.0 ; python_version >= "3.8" and python_version < "3.11" -pygments==2.15.1 ; python_version >= "3.8" and python_version < "3.11" -pyopengl==3.1.6 ; python_version >= "3.8" and python_version < "3.11" -pyparsing==3.0.9 ; python_version >= "3.8" and python_version < "3.11" -python-dateutil==2.8.2 ; python_version >= "3.8" and python_version < "3.11" -pytz==2023.3 ; python_version >= "3.8" and python_version < "3.11" -pyyaml==6.0.1 ; python_version >= "3.8" and python_version < "3.11" -requests-oauthlib==1.3.1 ; python_version >= "3.8" and python_version < "3.11" -requests==2.30.0 ; python_version >= "3.8" and python_version < "3.11" -rich==11.2.0 ; python_version >= "3.8" and python_version < "3.11" -rsa==4.7.2 ; python_version >= "3.8" and python_version < "3.11" -sentry-sdk==1.22.2 ; python_version >= "3.8" and python_version < "3.11" -setproctitle==1.3.2 ; python_version >= "3.8" and python_version < "3.11" -setuptools==67.7.2 ; python_version >= "3.8" and python_version < "3.11" -shtab==1.6.4 ; python_version >= "3.8" and python_version < "3.11" -six==1.16.0 ; python_version >= "3.8" and python_version < "3.11" -smmap==5.0.0 ; python_version >= "3.8" and python_version < "3.11" -stable-baselines3==2.0.0 ; python_version >= "3.8" and python_version < "3.11" -tenacity==8.2.3 ; python_version >= "3.8" and python_version < "3.11" -tensorboard-data-server==0.6.1 ; python_version >= "3.8" and python_version < "3.11" -tensorboard-plugin-wit==1.8.1 ; python_version >= "3.8" and python_version < "3.11" -tensorboard==2.11.2 ; python_version >= "3.8" and python_version < "3.11" -torch==1.12.1 ; python_version >= "3.8" and python_version < "3.11" -tqdm==4.65.0 ; python_version >= "3.8" and python_version < "3.11" -typing-extensions==4.5.0 ; python_version >= "3.8" and python_version < "3.11" -tyro==0.5.10 ; python_version >= "3.8" and python_version < "3.11" -urllib3==1.26.15 ; python_version >= "3.8" and python_version < "3.11" -wandb==0.13.11 ; python_version >= "3.8" and python_version < "3.11" -werkzeug==2.2.3 ; python_version >= "3.8" and python_version < "3.11" -wheel==0.40.0 ; python_version >= "3.8" and python_version < "3.11" -zipp==3.15.0 ; python_version >= "3.8" and python_version < "3.10" +absl-py==1.4.0 ; python_version >= "3.9" and python_version < "3.11" and platform_system == "Linux" and platform_machine == "aarch64" and sys_platform != "linux" +appdirs==1.4.4 ; python_version >= "3.9" and python_version < "3.11" and platform_system == "Linux" and platform_machine == "aarch64" and sys_platform != "linux" +cachetools==5.3.0 ; python_version >= "3.9" and python_version < "3.11" and platform_system == "Linux" and platform_machine == "aarch64" and sys_platform != "linux" +certifi==2023.5.7 ; python_version >= "3.9" and python_version < "3.11" and platform_system == "Linux" and platform_machine == "aarch64" and sys_platform != "linux" +charset-normalizer==3.1.0 ; python_version >= "3.9" and python_version < "3.11" and platform_system == "Linux" and platform_machine == "aarch64" and sys_platform != "linux" +chex==0.1.5 ; python_version >= "3.9" and python_version < "3.11" and platform_system == "Linux" and platform_machine == "aarch64" and sys_platform != "linux" +click==8.1.3 ; python_version >= "3.9" and python_version < "3.11" and platform_system == "Linux" and platform_machine == "aarch64" and sys_platform != "linux" +cloudpickle==2.2.1 ; python_version >= "3.9" and python_version < "3.11" and platform_system == "Linux" and platform_machine == "aarch64" and sys_platform != "linux" +colorama==0.4.4 ; python_version >= "3.9" and python_version < "3.11" and platform_system == "Linux" and platform_machine == "aarch64" and sys_platform != "linux" +commonmark==0.9.1 ; python_version >= "3.9" and python_version < "3.11" and platform_system == "Linux" and platform_machine == "aarch64" and sys_platform != "linux" +cycler==0.11.0 ; python_version >= "3.9" and python_version < "3.11" and platform_system == "Linux" and platform_machine == "aarch64" and sys_platform != "linux" +decorator==4.4.2 ; python_version >= "3.9" and python_version < "3.11" and platform_system == "Linux" and platform_machine == "aarch64" and sys_platform != "linux" +dm-tree==0.1.8 ; python_version >= "3.9" and python_version < "3.11" and platform_system == "Linux" and platform_machine == "aarch64" and sys_platform != "linux" +docker-pycreds==0.4.0 ; python_version >= "3.9" and python_version < "3.11" and platform_system == "Linux" and platform_machine == "aarch64" and sys_platform != "linux" +docstring-parser==0.15 ; python_version >= "3.9" and python_version < "3.11" and platform_system == "Linux" and platform_machine == "aarch64" and sys_platform != "linux" +farama-notifications==0.0.4 ; python_version >= "3.9" and python_version < "3.11" and platform_system == "Linux" and platform_machine == "aarch64" and sys_platform != "linux" +filelock==3.12.0 ; python_version >= "3.9" and python_version < "3.11" and platform_system == "Linux" and platform_machine == "aarch64" and sys_platform != "linux" +fonttools==4.38.0 ; python_version >= "3.9" and python_version < "3.11" and platform_system == "Linux" and platform_machine == "aarch64" and sys_platform != "linux" +fsspec==2025.2.0 ; python_version >= "3.9" and python_version < "3.11" and platform_system == "Linux" and platform_machine == "aarch64" and sys_platform != "linux" +gitdb==4.0.10 ; python_version >= "3.9" and python_version < "3.11" and platform_system == "Linux" and platform_machine == "aarch64" and sys_platform != "linux" +gitpython==3.1.31 ; python_version >= "3.9" and python_version < "3.11" and platform_system == "Linux" and platform_machine == "aarch64" and sys_platform != "linux" +glfw==1.12.0 ; python_version >= "3.9" and python_version < "3.11" and platform_system == "Linux" and platform_machine == "aarch64" and sys_platform != "linux" +google-auth-oauthlib==0.4.6 ; python_version >= "3.9" and python_version < "3.11" and platform_system == "Linux" and platform_machine == "aarch64" and sys_platform != "linux" +google-auth==2.18.0 ; python_version >= "3.9" and python_version < "3.11" and platform_system == "Linux" and platform_machine == "aarch64" and sys_platform != "linux" +grpcio==1.54.0 ; python_version >= "3.9" and python_version < "3.11" and platform_system == "Linux" and platform_machine == "aarch64" and sys_platform != "linux" +gym-notices==0.0.8 ; python_version >= "3.9" and python_version < "3.11" and platform_system == "Linux" and platform_machine == "aarch64" and sys_platform != "linux" +gym==0.23.1 ; python_version >= "3.9" and python_version < "3.11" and platform_system == "Linux" and platform_machine == "aarch64" and sys_platform != "linux" +gymnasium==1.0.0 ; python_version >= "3.9" and python_version < "3.11" and platform_system == "Linux" and platform_machine == "aarch64" and sys_platform != "linux" +huggingface-hub==0.11.1 ; python_version >= "3.9" and python_version < "3.11" and platform_system == "Linux" and platform_machine == "aarch64" and sys_platform != "linux" +idna==3.4 ; python_version >= "3.9" and python_version < "3.11" and platform_system == "Linux" and platform_machine == "aarch64" and sys_platform != "linux" +imageio-ffmpeg==0.3.0 ; python_version >= "3.9" and python_version < "3.11" and platform_system == "Linux" and platform_machine == "aarch64" and sys_platform != "linux" +imageio==2.28.1 ; python_version >= "3.9" and python_version < "3.11" and platform_system == "Linux" and platform_machine == "aarch64" and sys_platform != "linux" +importlib-metadata==5.2.0 ; python_version >= "3.9" and python_version < "3.11" +jax==0.4.8 ; python_version >= "3.9" and python_version < "3.11" and platform_system == "Linux" and platform_machine == "aarch64" and sys_platform != "linux" +jaxlib==0.4.7 ; python_version >= "3.9" and python_version < "3.11" and platform_system == "Linux" and platform_machine == "aarch64" and sys_platform != "linux" +jinja2==3.1.2 ; python_version >= "3.9" and python_version < "3.11" and platform_system == "Linux" and platform_machine == "aarch64" and sys_platform != "linux" +kiwisolver==1.4.4 ; python_version >= "3.9" and python_version < "3.11" and platform_system == "Linux" and platform_machine == "aarch64" and sys_platform != "linux" +markdown==3.3.7 ; python_version >= "3.9" and python_version < "3.11" and platform_system == "Linux" and platform_machine == "aarch64" and sys_platform != "linux" +markupsafe==2.1.2 ; python_version >= "3.9" and python_version < "3.11" and platform_system == "Linux" and platform_machine == "aarch64" and sys_platform != "linux" +matplotlib==3.5.3 ; python_version >= "3.9" and python_version < "3.11" and platform_system == "Linux" and platform_machine == "aarch64" and sys_platform != "linux" +ml-dtypes==0.2.0 ; python_version >= "3.9" and python_version < "3.11" and platform_system == "Linux" and platform_machine == "aarch64" and sys_platform != "linux" +moviepy==1.0.3 ; python_version >= "3.9" and python_version < "3.11" and platform_system == "Linux" and platform_machine == "aarch64" and sys_platform != "linux" +mpmath==1.3.0 ; python_version >= "3.9" and python_version < "3.11" and platform_system == "Linux" and platform_machine == "aarch64" and sys_platform != "linux" +mujoco==2.3.3 ; python_version >= "3.9" and python_version < "3.11" +networkx==3.2.1 ; python_version == "3.9" +networkx==3.4.2 ; python_version == "3.10" +numpy==1.24.4 ; python_version >= "3.9" and python_version < "3.11" and platform_system == "Linux" and platform_machine == "aarch64" and sys_platform != "linux" +nvidia-cublas-cu12==12.1.3.1 ; python_version >= "3.9" and python_version < "3.11" and platform_system == "Linux" and platform_machine == "x86_64" +nvidia-cuda-cupti-cu12==12.1.105 ; python_version >= "3.9" and python_version < "3.11" and platform_system == "Linux" and platform_machine == "x86_64" +nvidia-cuda-nvrtc-cu12==12.1.105 ; python_version >= "3.9" and python_version < "3.11" and platform_system == "Linux" and platform_machine == "x86_64" +nvidia-cuda-runtime-cu12==12.1.105 ; python_version >= "3.9" and python_version < "3.11" and platform_system == "Linux" and platform_machine == "x86_64" +nvidia-cudnn-cu12==8.9.2.26 ; python_version >= "3.9" and python_version < "3.11" and platform_system == "Linux" and platform_machine == "x86_64" +nvidia-cufft-cu12==11.0.2.54 ; python_version >= "3.9" and python_version < "3.11" and platform_system == "Linux" and platform_machine == "x86_64" +nvidia-curand-cu12==10.3.2.106 ; python_version >= "3.9" and python_version < "3.11" and platform_system == "Linux" and platform_machine == "x86_64" +nvidia-cusolver-cu12==11.4.5.107 ; python_version >= "3.9" and python_version < "3.11" and platform_system == "Linux" and platform_machine == "x86_64" +nvidia-cusparse-cu12==12.1.0.106 ; python_version >= "3.9" and python_version < "3.11" and platform_system == "Linux" and platform_machine == "x86_64" +nvidia-nccl-cu12==2.18.1 ; python_version >= "3.9" and python_version < "3.11" and platform_system == "Linux" and platform_machine == "x86_64" +nvidia-nvjitlink-cu12==12.8.61 ; python_version >= "3.9" and python_version < "3.11" and platform_system == "Linux" and platform_machine == "x86_64" +nvidia-nvtx-cu12==12.1.105 ; python_version >= "3.9" and python_version < "3.11" and platform_system == "Linux" and platform_machine == "x86_64" +oauthlib==3.2.2 ; python_version >= "3.9" and python_version < "3.11" and platform_system == "Linux" and platform_machine == "aarch64" and sys_platform != "linux" +opt-einsum==3.3.0 ; python_version >= "3.9" and python_version < "3.11" and platform_system == "Linux" and platform_machine == "aarch64" and sys_platform != "linux" +optax==0.1.4 ; python_version >= "3.9" and python_version < "3.11" and platform_system == "Linux" and platform_machine == "aarch64" and sys_platform != "linux" +packaging==23.1 ; python_version >= "3.9" and python_version < "3.11" and platform_system == "Linux" and platform_machine == "aarch64" and sys_platform != "linux" +pandas==1.3.5 ; python_version >= "3.9" and python_version < "3.11" and platform_system == "Linux" and platform_machine == "aarch64" and sys_platform != "linux" +pathtools==0.1.2 ; python_version >= "3.9" and python_version < "3.11" and platform_system == "Linux" and platform_machine == "aarch64" and sys_platform != "linux" +pillow==9.5.0 ; python_version >= "3.9" and python_version < "3.11" and platform_system == "Linux" and platform_machine == "aarch64" and sys_platform != "linux" +proglog==0.1.10 ; python_version >= "3.9" and python_version < "3.11" and platform_system == "Linux" and platform_machine == "aarch64" and sys_platform != "linux" +protobuf==3.20.3 ; python_version >= "3.9" and python_version < "3.11" and platform_system == "Linux" and platform_machine == "aarch64" and sys_platform != "linux" +psutil==5.9.5 ; python_version >= "3.9" and python_version < "3.11" and platform_system == "Linux" and platform_machine == "aarch64" and sys_platform != "linux" +pyasn1-modules==0.3.0 ; python_version >= "3.9" and python_version < "3.11" and platform_system == "Linux" and platform_machine == "aarch64" and sys_platform != "linux" +pyasn1==0.5.0 ; python_version >= "3.9" and python_version < "3.11" and platform_system == "Linux" and platform_machine == "aarch64" and sys_platform != "linux" +pygame==2.1.0 ; python_version >= "3.9" and python_version < "3.11" and platform_system == "Linux" and platform_machine == "aarch64" and sys_platform != "linux" +pygments==2.15.1 ; python_version >= "3.9" and python_version < "3.11" and platform_system == "Linux" and platform_machine == "aarch64" and sys_platform != "linux" +pyopengl==3.1.6 ; python_version >= "3.9" and python_version < "3.11" +pyparsing==3.0.9 ; python_version >= "3.9" and python_version < "3.11" and platform_system == "Linux" and platform_machine == "aarch64" and sys_platform != "linux" +python-dateutil==2.8.2 ; python_version >= "3.9" and python_version < "3.11" and platform_system == "Linux" and platform_machine == "aarch64" and sys_platform != "linux" +pytz==2023.3 ; python_version >= "3.9" and python_version < "3.11" and platform_system == "Linux" and platform_machine == "aarch64" and sys_platform != "linux" +pyyaml==6.0.1 ; python_version >= "3.9" and python_version < "3.11" and platform_system == "Linux" and platform_machine == "aarch64" and sys_platform != "linux" +requests-oauthlib==1.3.1 ; python_version >= "3.9" and python_version < "3.11" and platform_system == "Linux" and platform_machine == "aarch64" and sys_platform != "linux" +requests==2.30.0 ; python_version >= "3.9" and python_version < "3.11" and platform_system == "Linux" and platform_machine == "aarch64" and sys_platform != "linux" +rich==11.2.0 ; python_version >= "3.9" and python_version < "3.11" and platform_system == "Linux" and platform_machine == "aarch64" and sys_platform != "linux" +rsa==4.7.2 ; python_version >= "3.9" and python_version < "3.11" and platform_system == "Linux" and platform_machine == "aarch64" and sys_platform != "linux" +scipy==1.10.1 ; python_version >= "3.9" and python_version < "3.11" and platform_system == "Linux" and platform_machine == "aarch64" and sys_platform != "linux" +sentry-sdk==1.22.2 ; python_version >= "3.9" and python_version < "3.11" and platform_system == "Linux" and platform_machine == "aarch64" and sys_platform != "linux" +setproctitle==1.3.2 ; python_version >= "3.9" and python_version < "3.11" and platform_system == "Linux" and platform_machine == "aarch64" and sys_platform != "linux" +setuptools==67.7.2 ; python_version >= "3.9" and python_version < "3.11" and platform_system == "Linux" and platform_machine == "aarch64" and sys_platform != "linux" +shtab==1.6.4 ; python_version >= "3.9" and python_version < "3.11" and platform_system == "Linux" and platform_machine == "aarch64" and sys_platform != "linux" +six==1.16.0 ; python_version >= "3.9" and python_version < "3.11" and platform_system == "Linux" and platform_machine == "aarch64" and sys_platform != "linux" +smmap==5.0.0 ; python_version >= "3.9" and python_version < "3.11" and platform_system == "Linux" and platform_machine == "aarch64" and sys_platform != "linux" +stable-baselines3==2.4.1 ; python_version >= "3.9" and python_version < "3.11" and platform_system == "Linux" and platform_machine == "aarch64" and sys_platform != "linux" +sympy==1.13.3 ; python_version >= "3.9" and python_version < "3.11" and platform_system == "Linux" and platform_machine == "aarch64" and sys_platform != "linux" +tenacity==8.2.3 ; python_version >= "3.9" and python_version < "3.11" and platform_system == "Linux" and platform_machine == "aarch64" and sys_platform != "linux" +tensorboard-data-server==0.6.1 ; python_version >= "3.9" and python_version < "3.11" and platform_system == "Linux" and platform_machine == "aarch64" and sys_platform != "linux" +tensorboard-plugin-wit==1.8.1 ; python_version >= "3.9" and python_version < "3.11" and platform_system == "Linux" and platform_machine == "aarch64" and sys_platform != "linux" +tensorboard==2.11.2 ; python_version >= "3.9" and python_version < "3.11" and platform_system == "Linux" and platform_machine == "aarch64" and sys_platform != "linux" +toolz==0.12.0 ; python_version >= "3.9" and python_version < "3.11" and platform_system == "Linux" and platform_machine == "aarch64" and sys_platform != "linux" +torch==2.1.2 ; python_version >= "3.9" and python_version < "3.11" and platform_system == "Linux" and platform_machine == "aarch64" and sys_platform != "linux" +tqdm==4.65.0 ; python_version >= "3.9" and python_version < "3.11" and platform_system == "Linux" and platform_machine == "aarch64" and sys_platform != "linux" +triton==2.1.0 ; python_version >= "3.9" and python_version < "3.11" and platform_system == "Linux" and platform_machine == "x86_64" +typing-extensions==4.5.0 ; python_version >= "3.9" and python_version < "3.11" and platform_system == "Linux" and platform_machine == "aarch64" and sys_platform != "linux" +tyro==0.5.10 ; python_version >= "3.9" and python_version < "3.11" and platform_system == "Linux" and platform_machine == "aarch64" and sys_platform != "linux" +urllib3==1.26.15 ; python_version >= "3.9" and python_version < "3.11" and platform_system == "Linux" and platform_machine == "aarch64" and sys_platform != "linux" +wandb==0.13.11 ; python_version >= "3.9" and python_version < "3.11" and platform_system == "Linux" and platform_machine == "aarch64" and sys_platform != "linux" +werkzeug==2.2.3 ; python_version >= "3.9" and python_version < "3.11" and platform_system == "Linux" and platform_machine == "aarch64" and sys_platform != "linux" +wheel==0.40.0 ; python_version >= "3.9" and python_version < "3.11" and platform_system == "Linux" and platform_machine == "aarch64" and sys_platform != "linux" +zipp==3.15.0 ; python_version >= "3.9" and python_version < "3.11" diff --git a/requirements/requirements-optuna.txt b/requirements/requirements-optuna.txt index 3b9f3a2e4..abea4c313 100644 --- a/requirements/requirements-optuna.txt +++ b/requirements/requirements-optuna.txt @@ -1,90 +1,115 @@ -absl-py==1.4.0 ; python_version >= "3.8" and python_version < "3.11" -alembic==1.10.4 ; python_version >= "3.8" and python_version < "3.11" -appdirs==1.4.4 ; python_version >= "3.8" and python_version < "3.11" -bottle==0.12.25 ; python_version >= "3.8" and python_version < "3.11" -cachetools==5.3.0 ; python_version >= "3.8" and python_version < "3.11" -certifi==2023.5.7 ; python_version >= "3.8" and python_version < "3.11" -charset-normalizer==3.1.0 ; python_version >= "3.8" and python_version < "3.11" -click==8.1.3 ; python_version >= "3.8" and python_version < "3.11" -cloudpickle==2.2.1 ; python_version >= "3.8" and python_version < "3.11" -cmaes==0.10.0 ; python_version >= "3.8" and python_version < "3.11" -colorama==0.4.4 ; python_version >= "3.8" and python_version < "3.11" -colorlog==6.7.0 ; python_version >= "3.8" and python_version < "3.11" -commonmark==0.9.1 ; python_version >= "3.8" and python_version < "3.11" -cycler==0.11.0 ; python_version >= "3.8" and python_version < "3.11" -decorator==4.4.2 ; python_version >= "3.8" and python_version < "3.11" -docker-pycreds==0.4.0 ; python_version >= "3.8" and python_version < "3.11" -docstring-parser==0.15 ; python_version >= "3.8" and python_version < "3.11" -farama-notifications==0.0.4 ; python_version >= "3.8" and python_version < "3.11" -filelock==3.12.0 ; python_version >= "3.8" and python_version < "3.11" -fonttools==4.38.0 ; python_version >= "3.8" and python_version < "3.11" -gitdb==4.0.10 ; python_version >= "3.8" and python_version < "3.11" -gitpython==3.1.31 ; python_version >= "3.8" and python_version < "3.11" -google-auth-oauthlib==0.4.6 ; python_version >= "3.8" and python_version < "3.11" -google-auth==2.18.0 ; python_version >= "3.8" and python_version < "3.11" -greenlet==2.0.2 ; python_version >= "3.8" and python_version < "3.11" and platform_machine == "aarch64" or python_version >= "3.8" and python_version < "3.11" and platform_machine == "ppc64le" or python_version >= "3.8" and python_version < "3.11" and platform_machine == "x86_64" or python_version >= "3.8" and python_version < "3.11" and platform_machine == "amd64" or python_version >= "3.8" and python_version < "3.11" and platform_machine == "AMD64" or python_version >= "3.8" and python_version < "3.11" and platform_machine == "win32" or python_version >= "3.8" and python_version < "3.11" and platform_machine == "WIN32" -grpcio==1.54.0 ; python_version >= "3.8" and python_version < "3.11" -gym-notices==0.0.8 ; python_version >= "3.8" and python_version < "3.11" -gym==0.23.1 ; python_version >= "3.8" and python_version < "3.11" -gymnasium==0.28.1 ; python_version >= "3.8" and python_version < "3.11" -huggingface-hub==0.11.1 ; python_version >= "3.8" and python_version < "3.11" -idna==3.4 ; python_version >= "3.8" and python_version < "3.11" -imageio-ffmpeg==0.3.0 ; python_version >= "3.8" and python_version < "3.11" -imageio==2.28.1 ; python_version >= "3.8" and python_version < "3.11" -importlib-metadata==5.2.0 ; python_version >= "3.8" and python_version < "3.10" -importlib-resources==5.12.0 ; python_version >= "3.8" and python_version < "3.9" -jax-jumpy==1.0.0 ; python_version >= "3.8" and python_version < "3.11" -joblib==1.2.0 ; python_version >= "3.8" and python_version < "3.11" -kiwisolver==1.4.4 ; python_version >= "3.8" and python_version < "3.11" -mako==1.2.4 ; python_version >= "3.8" and python_version < "3.11" -markdown==3.3.7 ; python_version >= "3.8" and python_version < "3.11" -markupsafe==2.1.2 ; python_version >= "3.8" and python_version < "3.11" -matplotlib==3.5.3 ; python_version >= "3.8" and python_version < "3.11" -moviepy==1.0.3 ; python_version >= "3.8" and python_version < "3.11" -numpy==1.24.4 ; python_version >= "3.8" and python_version < "3.11" -oauthlib==3.2.2 ; python_version >= "3.8" and python_version < "3.11" -optuna-dashboard==0.7.3 ; python_version >= "3.8" and python_version < "3.11" -optuna==3.3.0 ; python_version >= "3.8" and python_version < "3.11" -packaging==23.1 ; python_version >= "3.8" and python_version < "3.11" -pandas==1.3.5 ; python_version >= "3.8" and python_version < "3.11" -pathtools==0.1.2 ; python_version >= "3.8" and python_version < "3.11" -pillow==9.5.0 ; python_version >= "3.8" and python_version < "3.11" -proglog==0.1.10 ; python_version >= "3.8" and python_version < "3.11" -protobuf==3.20.3 ; python_version < "3.11" and python_version >= "3.8" -psutil==5.9.5 ; python_version >= "3.8" and python_version < "3.11" -pyasn1-modules==0.3.0 ; python_version >= "3.8" and python_version < "3.11" -pyasn1==0.5.0 ; python_version >= "3.8" and python_version < "3.11" -pygame==2.1.0 ; python_version >= "3.8" and python_version < "3.11" -pygments==2.15.1 ; python_version >= "3.8" and python_version < "3.11" -pyparsing==3.0.9 ; python_version >= "3.8" and python_version < "3.11" -python-dateutil==2.8.2 ; python_version >= "3.8" and python_version < "3.11" -pytz==2023.3 ; python_version >= "3.8" and python_version < "3.11" -pyyaml==6.0.1 ; python_version >= "3.8" and python_version < "3.11" -requests-oauthlib==1.3.1 ; python_version >= "3.8" and python_version < "3.11" -requests==2.30.0 ; python_version >= "3.8" and python_version < "3.11" -rich==11.2.0 ; python_version >= "3.8" and python_version < "3.11" -rsa==4.7.2 ; python_version >= "3.8" and python_version < "3.11" -scikit-learn==1.0.2 ; python_version >= "3.8" and python_version < "3.11" -scipy==1.10.1 ; python_version >= "3.8" and python_version < "3.11" -sentry-sdk==1.22.2 ; python_version >= "3.8" and python_version < "3.11" -setproctitle==1.3.2 ; python_version >= "3.8" and python_version < "3.11" -setuptools==67.7.2 ; python_version >= "3.8" and python_version < "3.11" -shtab==1.6.4 ; python_version >= "3.8" and python_version < "3.11" -six==1.16.0 ; python_version >= "3.8" and python_version < "3.11" -smmap==5.0.0 ; python_version >= "3.8" and python_version < "3.11" -sqlalchemy==2.0.13 ; python_version >= "3.8" and python_version < "3.11" -stable-baselines3==2.0.0 ; python_version >= "3.8" and python_version < "3.11" -tenacity==8.2.3 ; python_version >= "3.8" and python_version < "3.11" -tensorboard-data-server==0.6.1 ; python_version >= "3.8" and python_version < "3.11" -tensorboard-plugin-wit==1.8.1 ; python_version >= "3.8" and python_version < "3.11" -tensorboard==2.11.2 ; python_version >= "3.8" and python_version < "3.11" -threadpoolctl==3.1.0 ; python_version >= "3.8" and python_version < "3.11" -torch==1.12.1 ; python_version >= "3.8" and python_version < "3.11" -tqdm==4.65.0 ; python_version >= "3.8" and python_version < "3.11" -typing-extensions==4.5.0 ; python_version >= "3.8" and python_version < "3.11" -tyro==0.5.10 ; python_version >= "3.8" and python_version < "3.11" -urllib3==1.26.15 ; python_version >= "3.8" and python_version < "3.11" -wandb==0.13.11 ; python_version >= "3.8" and python_version < "3.11" -werkzeug==2.2.3 ; python_version >= "3.8" and python_version < "3.11" -wheel==0.40.0 ; python_version >= "3.8" and python_version < "3.11" -zipp==3.15.0 ; python_version >= "3.8" and python_version < "3.10" +absl-py==1.4.0 ; python_version >= "3.9" and python_version < "3.11" and platform_system == "Linux" and platform_machine == "aarch64" and sys_platform != "linux" +alembic==1.10.4 ; python_version >= "3.9" and python_version < "3.11" +appdirs==1.4.4 ; python_version >= "3.9" and python_version < "3.11" and platform_system == "Linux" and platform_machine == "aarch64" and sys_platform != "linux" +bottle==0.12.25 ; python_version >= "3.9" and python_version < "3.11" +cachetools==5.3.0 ; python_version >= "3.9" and python_version < "3.11" and platform_system == "Linux" and platform_machine == "aarch64" and sys_platform != "linux" +certifi==2023.5.7 ; python_version >= "3.9" and python_version < "3.11" and platform_system == "Linux" and platform_machine == "aarch64" and sys_platform != "linux" +charset-normalizer==3.1.0 ; python_version >= "3.9" and python_version < "3.11" and platform_system == "Linux" and platform_machine == "aarch64" and sys_platform != "linux" +chex==0.1.5 ; python_version >= "3.9" and python_version < "3.11" and platform_system == "Linux" and platform_machine == "aarch64" and sys_platform != "linux" +click==8.1.3 ; python_version >= "3.9" and python_version < "3.11" and platform_system == "Linux" and platform_machine == "aarch64" and sys_platform != "linux" +cloudpickle==2.2.1 ; python_version >= "3.9" and python_version < "3.11" and platform_system == "Linux" and platform_machine == "aarch64" and sys_platform != "linux" +cmaes==0.10.0 ; python_version >= "3.9" and python_version < "3.11" +colorama==0.4.4 ; python_version >= "3.9" and python_version < "3.11" and platform_system == "Linux" and platform_machine == "aarch64" and sys_platform != "linux" +colorlog==6.7.0 ; python_version >= "3.9" and python_version < "3.11" +commonmark==0.9.1 ; python_version >= "3.9" and python_version < "3.11" and platform_system == "Linux" and platform_machine == "aarch64" and sys_platform != "linux" +cycler==0.11.0 ; python_version >= "3.9" and python_version < "3.11" and platform_system == "Linux" and platform_machine == "aarch64" and sys_platform != "linux" +decorator==4.4.2 ; python_version >= "3.9" and python_version < "3.11" and platform_system == "Linux" and platform_machine == "aarch64" and sys_platform != "linux" +dm-tree==0.1.8 ; python_version >= "3.9" and python_version < "3.11" and platform_system == "Linux" and platform_machine == "aarch64" and sys_platform != "linux" +docker-pycreds==0.4.0 ; python_version >= "3.9" and python_version < "3.11" and platform_system == "Linux" and platform_machine == "aarch64" and sys_platform != "linux" +docstring-parser==0.15 ; python_version >= "3.9" and python_version < "3.11" and platform_system == "Linux" and platform_machine == "aarch64" and sys_platform != "linux" +farama-notifications==0.0.4 ; python_version >= "3.9" and python_version < "3.11" and platform_system == "Linux" and platform_machine == "aarch64" and sys_platform != "linux" +filelock==3.12.0 ; python_version >= "3.9" and python_version < "3.11" and platform_system == "Linux" and platform_machine == "aarch64" and sys_platform != "linux" +fonttools==4.38.0 ; python_version >= "3.9" and python_version < "3.11" and platform_system == "Linux" and platform_machine == "aarch64" and sys_platform != "linux" +fsspec==2025.2.0 ; python_version >= "3.9" and python_version < "3.11" and platform_system == "Linux" and platform_machine == "aarch64" and sys_platform != "linux" +gitdb==4.0.10 ; python_version >= "3.9" and python_version < "3.11" and platform_system == "Linux" and platform_machine == "aarch64" and sys_platform != "linux" +gitpython==3.1.31 ; python_version >= "3.9" and python_version < "3.11" and platform_system == "Linux" and platform_machine == "aarch64" and sys_platform != "linux" +google-auth-oauthlib==0.4.6 ; python_version >= "3.9" and python_version < "3.11" and platform_system == "Linux" and platform_machine == "aarch64" and sys_platform != "linux" +google-auth==2.18.0 ; python_version >= "3.9" and python_version < "3.11" and platform_system == "Linux" and platform_machine == "aarch64" and sys_platform != "linux" +greenlet==2.0.2 ; python_version >= "3.9" and python_version < "3.11" and (platform_machine == "aarch64" or platform_machine == "ppc64le" or platform_machine == "x86_64" or platform_machine == "amd64" or platform_machine == "AMD64" or platform_machine == "win32" or platform_machine == "WIN32") +grpcio==1.54.0 ; python_version >= "3.9" and python_version < "3.11" and platform_system == "Linux" and platform_machine == "aarch64" and sys_platform != "linux" +gym-notices==0.0.8 ; python_version >= "3.9" and python_version < "3.11" and platform_system == "Linux" and platform_machine == "aarch64" and sys_platform != "linux" +gym==0.23.1 ; python_version >= "3.9" and python_version < "3.11" and platform_system == "Linux" and platform_machine == "aarch64" and sys_platform != "linux" +gymnasium==1.0.0 ; python_version >= "3.9" and python_version < "3.11" and platform_system == "Linux" and platform_machine == "aarch64" and sys_platform != "linux" +huggingface-hub==0.11.1 ; python_version >= "3.9" and python_version < "3.11" and platform_system == "Linux" and platform_machine == "aarch64" and sys_platform != "linux" +idna==3.4 ; python_version >= "3.9" and python_version < "3.11" and platform_system == "Linux" and platform_machine == "aarch64" and sys_platform != "linux" +imageio-ffmpeg==0.3.0 ; python_version >= "3.9" and python_version < "3.11" and platform_system == "Linux" and platform_machine == "aarch64" and sys_platform != "linux" +imageio==2.28.1 ; python_version >= "3.9" and python_version < "3.11" and platform_system == "Linux" and platform_machine == "aarch64" and sys_platform != "linux" +importlib-metadata==5.2.0 ; python_version >= "3.9" and python_version < "3.11" +jax==0.4.8 ; python_version >= "3.9" and python_version < "3.11" and platform_system == "Linux" and platform_machine == "aarch64" and sys_platform != "linux" +jaxlib==0.4.7 ; python_version >= "3.9" and python_version < "3.11" and platform_system == "Linux" and platform_machine == "aarch64" and sys_platform != "linux" +jinja2==3.1.2 ; python_version >= "3.9" and python_version < "3.11" and platform_system == "Linux" and platform_machine == "aarch64" and sys_platform != "linux" +joblib==1.2.0 ; python_version >= "3.9" and python_version < "3.11" +kiwisolver==1.4.4 ; python_version >= "3.9" and python_version < "3.11" and platform_system == "Linux" and platform_machine == "aarch64" and sys_platform != "linux" +mako==1.2.4 ; python_version >= "3.9" and python_version < "3.11" +markdown==3.3.7 ; python_version >= "3.9" and python_version < "3.11" and platform_system == "Linux" and platform_machine == "aarch64" and sys_platform != "linux" +markupsafe==2.1.2 ; python_version >= "3.9" and python_version < "3.11" and platform_system == "Linux" and platform_machine == "aarch64" and sys_platform != "linux" +matplotlib==3.5.3 ; python_version >= "3.9" and python_version < "3.11" and platform_system == "Linux" and platform_machine == "aarch64" and sys_platform != "linux" +ml-dtypes==0.2.0 ; python_version >= "3.9" and python_version < "3.11" and platform_system == "Linux" and platform_machine == "aarch64" and sys_platform != "linux" +moviepy==1.0.3 ; python_version >= "3.9" and python_version < "3.11" and platform_system == "Linux" and platform_machine == "aarch64" and sys_platform != "linux" +mpmath==1.3.0 ; python_version >= "3.9" and python_version < "3.11" and platform_system == "Linux" and platform_machine == "aarch64" and sys_platform != "linux" +networkx==3.2.1 ; python_version == "3.9" +networkx==3.4.2 ; python_version == "3.10" +numpy==1.24.4 ; python_version >= "3.9" and python_version < "3.11" and platform_system == "Linux" and platform_machine == "aarch64" and sys_platform != "linux" +nvidia-cublas-cu12==12.1.3.1 ; python_version >= "3.9" and python_version < "3.11" and platform_system == "Linux" and platform_machine == "x86_64" +nvidia-cuda-cupti-cu12==12.1.105 ; python_version >= "3.9" and python_version < "3.11" and platform_system == "Linux" and platform_machine == "x86_64" +nvidia-cuda-nvrtc-cu12==12.1.105 ; python_version >= "3.9" and python_version < "3.11" and platform_system == "Linux" and platform_machine == "x86_64" +nvidia-cuda-runtime-cu12==12.1.105 ; python_version >= "3.9" and python_version < "3.11" and platform_system == "Linux" and platform_machine == "x86_64" +nvidia-cudnn-cu12==8.9.2.26 ; python_version >= "3.9" and python_version < "3.11" and platform_system == "Linux" and platform_machine == "x86_64" +nvidia-cufft-cu12==11.0.2.54 ; python_version >= "3.9" and python_version < "3.11" and platform_system == "Linux" and platform_machine == "x86_64" +nvidia-curand-cu12==10.3.2.106 ; python_version >= "3.9" and python_version < "3.11" and platform_system == "Linux" and platform_machine == "x86_64" +nvidia-cusolver-cu12==11.4.5.107 ; python_version >= "3.9" and python_version < "3.11" and platform_system == "Linux" and platform_machine == "x86_64" +nvidia-cusparse-cu12==12.1.0.106 ; python_version >= "3.9" and python_version < "3.11" and platform_system == "Linux" and platform_machine == "x86_64" +nvidia-nccl-cu12==2.18.1 ; python_version >= "3.9" and python_version < "3.11" and platform_system == "Linux" and platform_machine == "x86_64" +nvidia-nvjitlink-cu12==12.8.61 ; python_version >= "3.9" and python_version < "3.11" and platform_system == "Linux" and platform_machine == "x86_64" +nvidia-nvtx-cu12==12.1.105 ; python_version >= "3.9" and python_version < "3.11" and platform_system == "Linux" and platform_machine == "x86_64" +oauthlib==3.2.2 ; python_version >= "3.9" and python_version < "3.11" and platform_system == "Linux" and platform_machine == "aarch64" and sys_platform != "linux" +opt-einsum==3.3.0 ; python_version >= "3.9" and python_version < "3.11" and platform_system == "Linux" and platform_machine == "aarch64" and sys_platform != "linux" +optax==0.1.4 ; python_version >= "3.9" and python_version < "3.11" and platform_system == "Linux" and platform_machine == "aarch64" and sys_platform != "linux" +optuna-dashboard==0.7.3 ; python_version >= "3.9" and python_version < "3.11" +optuna==3.3.0 ; python_version >= "3.9" and python_version < "3.11" +packaging==23.1 ; python_version >= "3.9" and python_version < "3.11" and platform_system == "Linux" and platform_machine == "aarch64" and sys_platform != "linux" +pandas==1.3.5 ; python_version >= "3.9" and python_version < "3.11" and platform_system == "Linux" and platform_machine == "aarch64" and sys_platform != "linux" +pathtools==0.1.2 ; python_version >= "3.9" and python_version < "3.11" and platform_system == "Linux" and platform_machine == "aarch64" and sys_platform != "linux" +pillow==9.5.0 ; python_version >= "3.9" and python_version < "3.11" and platform_system == "Linux" and platform_machine == "aarch64" and sys_platform != "linux" +proglog==0.1.10 ; python_version >= "3.9" and python_version < "3.11" and platform_system == "Linux" and platform_machine == "aarch64" and sys_platform != "linux" +protobuf==3.20.3 ; python_version >= "3.9" and python_version < "3.11" and platform_system == "Linux" and platform_machine == "aarch64" and sys_platform != "linux" +psutil==5.9.5 ; python_version >= "3.9" and python_version < "3.11" and platform_system == "Linux" and platform_machine == "aarch64" and sys_platform != "linux" +pyasn1-modules==0.3.0 ; python_version >= "3.9" and python_version < "3.11" and platform_system == "Linux" and platform_machine == "aarch64" and sys_platform != "linux" +pyasn1==0.5.0 ; python_version >= "3.9" and python_version < "3.11" and platform_system == "Linux" and platform_machine == "aarch64" and sys_platform != "linux" +pygame==2.1.0 ; python_version >= "3.9" and python_version < "3.11" and platform_system == "Linux" and platform_machine == "aarch64" and sys_platform != "linux" +pygments==2.15.1 ; python_version >= "3.9" and python_version < "3.11" and platform_system == "Linux" and platform_machine == "aarch64" and sys_platform != "linux" +pyparsing==3.0.9 ; python_version >= "3.9" and python_version < "3.11" and platform_system == "Linux" and platform_machine == "aarch64" and sys_platform != "linux" +python-dateutil==2.8.2 ; python_version >= "3.9" and python_version < "3.11" and platform_system == "Linux" and platform_machine == "aarch64" and sys_platform != "linux" +pytz==2023.3 ; python_version >= "3.9" and python_version < "3.11" and platform_system == "Linux" and platform_machine == "aarch64" and sys_platform != "linux" +pyyaml==6.0.1 ; python_version >= "3.9" and python_version < "3.11" and platform_system == "Linux" and platform_machine == "aarch64" and sys_platform != "linux" +requests-oauthlib==1.3.1 ; python_version >= "3.9" and python_version < "3.11" and platform_system == "Linux" and platform_machine == "aarch64" and sys_platform != "linux" +requests==2.30.0 ; python_version >= "3.9" and python_version < "3.11" and platform_system == "Linux" and platform_machine == "aarch64" and sys_platform != "linux" +rich==11.2.0 ; python_version >= "3.9" and python_version < "3.11" and platform_system == "Linux" and platform_machine == "aarch64" and sys_platform != "linux" +rsa==4.7.2 ; python_version >= "3.9" and python_version < "3.11" and platform_system == "Linux" and platform_machine == "aarch64" and sys_platform != "linux" +scikit-learn==1.0.2 ; python_version >= "3.9" and python_version < "3.11" +scipy==1.10.1 ; python_version >= "3.9" and python_version < "3.11" and platform_system == "Linux" and platform_machine == "aarch64" and sys_platform != "linux" +sentry-sdk==1.22.2 ; python_version >= "3.9" and python_version < "3.11" and platform_system == "Linux" and platform_machine == "aarch64" and sys_platform != "linux" +setproctitle==1.3.2 ; python_version >= "3.9" and python_version < "3.11" and platform_system == "Linux" and platform_machine == "aarch64" and sys_platform != "linux" +setuptools==67.7.2 ; python_version >= "3.9" and python_version < "3.11" and platform_system == "Linux" and platform_machine == "aarch64" and sys_platform != "linux" +shtab==1.6.4 ; python_version >= "3.9" and python_version < "3.11" and platform_system == "Linux" and platform_machine == "aarch64" and sys_platform != "linux" +six==1.16.0 ; python_version >= "3.9" and python_version < "3.11" and platform_system == "Linux" and platform_machine == "aarch64" and sys_platform != "linux" +smmap==5.0.0 ; python_version >= "3.9" and python_version < "3.11" and platform_system == "Linux" and platform_machine == "aarch64" and sys_platform != "linux" +sqlalchemy==2.0.13 ; python_version >= "3.9" and python_version < "3.11" +stable-baselines3==2.4.1 ; python_version >= "3.9" and python_version < "3.11" and platform_system == "Linux" and platform_machine == "aarch64" and sys_platform != "linux" +sympy==1.13.3 ; python_version >= "3.9" and python_version < "3.11" and platform_system == "Linux" and platform_machine == "aarch64" and sys_platform != "linux" +tenacity==8.2.3 ; python_version >= "3.9" and python_version < "3.11" and platform_system == "Linux" and platform_machine == "aarch64" and sys_platform != "linux" +tensorboard-data-server==0.6.1 ; python_version >= "3.9" and python_version < "3.11" and platform_system == "Linux" and platform_machine == "aarch64" and sys_platform != "linux" +tensorboard-plugin-wit==1.8.1 ; python_version >= "3.9" and python_version < "3.11" and platform_system == "Linux" and platform_machine == "aarch64" and sys_platform != "linux" +tensorboard==2.11.2 ; python_version >= "3.9" and python_version < "3.11" and platform_system == "Linux" and platform_machine == "aarch64" and sys_platform != "linux" +threadpoolctl==3.1.0 ; python_version >= "3.9" and python_version < "3.11" +toolz==0.12.0 ; python_version >= "3.9" and python_version < "3.11" and platform_system == "Linux" and platform_machine == "aarch64" and sys_platform != "linux" +torch==2.1.2 ; python_version >= "3.9" and python_version < "3.11" and platform_system == "Linux" and platform_machine == "aarch64" and sys_platform != "linux" +tqdm==4.65.0 ; python_version >= "3.9" and python_version < "3.11" and platform_system == "Linux" and platform_machine == "aarch64" and sys_platform != "linux" +triton==2.1.0 ; python_version >= "3.9" and python_version < "3.11" and platform_system == "Linux" and platform_machine == "x86_64" +typing-extensions==4.5.0 ; python_version >= "3.9" and python_version < "3.11" and platform_system == "Linux" and platform_machine == "aarch64" and sys_platform != "linux" +tyro==0.5.10 ; python_version >= "3.9" and python_version < "3.11" and platform_system == "Linux" and platform_machine == "aarch64" and sys_platform != "linux" +urllib3==1.26.15 ; python_version >= "3.9" and python_version < "3.11" and platform_system == "Linux" and platform_machine == "aarch64" and sys_platform != "linux" +wandb==0.13.11 ; python_version >= "3.9" and python_version < "3.11" and platform_system == "Linux" and platform_machine == "aarch64" and sys_platform != "linux" +werkzeug==2.2.3 ; python_version >= "3.9" and python_version < "3.11" and platform_system == "Linux" and platform_machine == "aarch64" and sys_platform != "linux" +wheel==0.40.0 ; python_version >= "3.9" and python_version < "3.11" and platform_system == "Linux" and platform_machine == "aarch64" and sys_platform != "linux" +zipp==3.15.0 ; python_version >= "3.9" and python_version < "3.11" diff --git a/requirements/requirements-pettingzoo.txt b/requirements/requirements-pettingzoo.txt index 461c6023f..0f18378bd 100644 --- a/requirements/requirements-pettingzoo.txt +++ b/requirements/requirements-pettingzoo.txt @@ -1,80 +1,107 @@ -absl-py==1.4.0 ; python_version >= "3.8" and python_version < "3.11" -appdirs==1.4.4 ; python_version >= "3.8" and python_version < "3.11" -cachetools==5.3.0 ; python_version >= "3.8" and python_version < "3.11" -certifi==2023.5.7 ; python_version >= "3.8" and python_version < "3.11" -charset-normalizer==3.1.0 ; python_version >= "3.8" and python_version < "3.11" -click==8.1.3 ; python_version >= "3.8" and python_version < "3.11" -cloudpickle==2.2.1 ; python_version >= "3.8" and python_version < "3.11" -colorama==0.4.4 ; python_version >= "3.8" and python_version < "3.11" -commonmark==0.9.1 ; python_version >= "3.8" and python_version < "3.11" -cycler==0.11.0 ; python_version >= "3.8" and python_version < "3.11" -decorator==4.4.2 ; python_version >= "3.8" and python_version < "3.11" -docker-pycreds==0.4.0 ; python_version >= "3.8" and python_version < "3.11" -docstring-parser==0.15 ; python_version >= "3.8" and python_version < "3.11" -farama-notifications==0.0.4 ; python_version >= "3.8" and python_version < "3.11" -filelock==3.12.0 ; python_version >= "3.8" and python_version < "3.11" -fonttools==4.38.0 ; python_version >= "3.8" and python_version < "3.11" -gitdb==4.0.10 ; python_version >= "3.8" and python_version < "3.11" -gitpython==3.1.31 ; python_version >= "3.8" and python_version < "3.11" -google-auth-oauthlib==0.4.6 ; python_version >= "3.8" and python_version < "3.11" -google-auth==2.18.0 ; python_version >= "3.8" and python_version < "3.11" -grpcio==1.54.0 ; python_version >= "3.8" and python_version < "3.11" -gym-notices==0.0.8 ; python_version >= "3.8" and python_version < "3.11" -gym==0.23.1 ; python_version >= "3.8" and python_version < "3.11" -gymnasium==0.28.1 ; python_version >= "3.8" and python_version < "3.11" -huggingface-hub==0.11.1 ; python_version >= "3.8" and python_version < "3.11" -idna==3.4 ; python_version >= "3.8" and python_version < "3.11" -imageio-ffmpeg==0.3.0 ; python_version >= "3.8" and python_version < "3.11" -imageio==2.28.1 ; python_version >= "3.8" and python_version < "3.11" -importlib-metadata==5.2.0 ; python_version >= "3.8" and python_version < "3.10" -jax-jumpy==1.0.0 ; python_version >= "3.8" and python_version < "3.11" -kiwisolver==1.4.4 ; python_version >= "3.8" and python_version < "3.11" -markdown==3.3.7 ; python_version >= "3.8" and python_version < "3.11" -markupsafe==2.1.2 ; python_version >= "3.8" and python_version < "3.11" -matplotlib==3.5.3 ; python_version >= "3.8" and python_version < "3.11" -moviepy==1.0.3 ; python_version >= "3.8" and python_version < "3.11" -multi-agent-ale-py==0.1.11 ; python_version >= "3.8" and python_version < "3.11" -numpy==1.24.4 ; python_version >= "3.8" and python_version < "3.11" -oauthlib==3.2.2 ; python_version >= "3.8" and python_version < "3.11" -packaging==23.1 ; python_version >= "3.8" and python_version < "3.11" -pandas==1.3.5 ; python_version >= "3.8" and python_version < "3.11" -pathtools==0.1.2 ; python_version >= "3.8" and python_version < "3.11" -pettingzoo==1.18.1 ; python_version >= "3.8" and python_version < "3.11" -pillow==9.5.0 ; python_version >= "3.8" and python_version < "3.11" -proglog==0.1.10 ; python_version >= "3.8" and python_version < "3.11" -protobuf==3.20.3 ; python_version < "3.11" and python_version >= "3.8" -psutil==5.9.5 ; python_version >= "3.8" and python_version < "3.11" -pyasn1-modules==0.3.0 ; python_version >= "3.8" and python_version < "3.11" -pyasn1==0.5.0 ; python_version >= "3.8" and python_version < "3.11" -pygame==2.1.0 ; python_version >= "3.8" and python_version < "3.11" -pygments==2.15.1 ; python_version >= "3.8" and python_version < "3.11" -pyparsing==3.0.9 ; python_version >= "3.8" and python_version < "3.11" -python-dateutil==2.8.2 ; python_version >= "3.8" and python_version < "3.11" -pytz==2023.3 ; python_version >= "3.8" and python_version < "3.11" -pyyaml==6.0.1 ; python_version >= "3.8" and python_version < "3.11" -requests-oauthlib==1.3.1 ; python_version >= "3.8" and python_version < "3.11" -requests==2.30.0 ; python_version >= "3.8" and python_version < "3.11" -rich==11.2.0 ; python_version >= "3.8" and python_version < "3.11" -rsa==4.7.2 ; python_version >= "3.8" and python_version < "3.11" -sentry-sdk==1.22.2 ; python_version >= "3.8" and python_version < "3.11" -setproctitle==1.3.2 ; python_version >= "3.8" and python_version < "3.11" -setuptools==67.7.2 ; python_version >= "3.8" and python_version < "3.11" -shtab==1.6.4 ; python_version >= "3.8" and python_version < "3.11" -six==1.16.0 ; python_version >= "3.8" and python_version < "3.11" -smmap==5.0.0 ; python_version >= "3.8" and python_version < "3.11" -stable-baselines3==2.0.0 ; python_version >= "3.8" and python_version < "3.11" -supersuit==3.4.0 ; python_version >= "3.8" and python_version < "3.11" -tenacity==8.2.3 ; python_version >= "3.8" and python_version < "3.11" -tensorboard-data-server==0.6.1 ; python_version >= "3.8" and python_version < "3.11" -tensorboard-plugin-wit==1.8.1 ; python_version >= "3.8" and python_version < "3.11" -tensorboard==2.11.2 ; python_version >= "3.8" and python_version < "3.11" -tinyscaler==1.2.5 ; python_version >= "3.8" and python_version < "3.11" -torch==1.12.1 ; python_version >= "3.8" and python_version < "3.11" -tqdm==4.65.0 ; python_version >= "3.8" and python_version < "3.11" -typing-extensions==4.5.0 ; python_version >= "3.8" and python_version < "3.11" -tyro==0.5.10 ; python_version >= "3.8" and python_version < "3.11" -urllib3==1.26.15 ; python_version >= "3.8" and python_version < "3.11" -wandb==0.13.11 ; python_version >= "3.8" and python_version < "3.11" -werkzeug==2.2.3 ; python_version >= "3.8" and python_version < "3.11" -wheel==0.40.0 ; python_version >= "3.8" and python_version < "3.11" -zipp==3.15.0 ; python_version >= "3.8" and python_version < "3.10" +absl-py==1.4.0 ; python_version >= "3.9" and python_version < "3.11" and platform_system == "Linux" and platform_machine == "aarch64" and sys_platform != "linux" +appdirs==1.4.4 ; python_version >= "3.9" and python_version < "3.11" and platform_system == "Linux" and platform_machine == "aarch64" and sys_platform != "linux" +cachetools==5.3.0 ; python_version >= "3.9" and python_version < "3.11" and platform_system == "Linux" and platform_machine == "aarch64" and sys_platform != "linux" +certifi==2023.5.7 ; python_version >= "3.9" and python_version < "3.11" and platform_system == "Linux" and platform_machine == "aarch64" and sys_platform != "linux" +charset-normalizer==3.1.0 ; python_version >= "3.9" and python_version < "3.11" and platform_system == "Linux" and platform_machine == "aarch64" and sys_platform != "linux" +chex==0.1.5 ; python_version >= "3.9" and python_version < "3.11" and platform_system == "Linux" and platform_machine == "aarch64" and sys_platform != "linux" +click==8.1.3 ; python_version >= "3.9" and python_version < "3.11" and platform_system == "Linux" and platform_machine == "aarch64" and sys_platform != "linux" +cloudpickle==2.2.1 ; python_version >= "3.9" and python_version < "3.11" and platform_system == "Linux" and platform_machine == "aarch64" and sys_platform != "linux" +colorama==0.4.4 ; python_version >= "3.9" and python_version < "3.11" and platform_system == "Linux" and platform_machine == "aarch64" and sys_platform != "linux" +commonmark==0.9.1 ; python_version >= "3.9" and python_version < "3.11" and platform_system == "Linux" and platform_machine == "aarch64" and sys_platform != "linux" +cycler==0.11.0 ; python_version >= "3.9" and python_version < "3.11" and platform_system == "Linux" and platform_machine == "aarch64" and sys_platform != "linux" +decorator==4.4.2 ; python_version >= "3.9" and python_version < "3.11" and platform_system == "Linux" and platform_machine == "aarch64" and sys_platform != "linux" +dm-tree==0.1.8 ; python_version >= "3.9" and python_version < "3.11" and platform_system == "Linux" and platform_machine == "aarch64" and sys_platform != "linux" +docker-pycreds==0.4.0 ; python_version >= "3.9" and python_version < "3.11" and platform_system == "Linux" and platform_machine == "aarch64" and sys_platform != "linux" +docstring-parser==0.15 ; python_version >= "3.9" and python_version < "3.11" and platform_system == "Linux" and platform_machine == "aarch64" and sys_platform != "linux" +farama-notifications==0.0.4 ; python_version >= "3.9" and python_version < "3.11" and platform_system == "Linux" and platform_machine == "aarch64" and sys_platform != "linux" +filelock==3.12.0 ; python_version >= "3.9" and python_version < "3.11" and platform_system == "Linux" and platform_machine == "aarch64" and sys_platform != "linux" +fonttools==4.38.0 ; python_version >= "3.9" and python_version < "3.11" and platform_system == "Linux" and platform_machine == "aarch64" and sys_platform != "linux" +fsspec==2025.2.0 ; python_version >= "3.9" and python_version < "3.11" and platform_system == "Linux" and platform_machine == "aarch64" and sys_platform != "linux" +gitdb==4.0.10 ; python_version >= "3.9" and python_version < "3.11" and platform_system == "Linux" and platform_machine == "aarch64" and sys_platform != "linux" +gitpython==3.1.31 ; python_version >= "3.9" and python_version < "3.11" and platform_system == "Linux" and platform_machine == "aarch64" and sys_platform != "linux" +google-auth-oauthlib==0.4.6 ; python_version >= "3.9" and python_version < "3.11" and platform_system == "Linux" and platform_machine == "aarch64" and sys_platform != "linux" +google-auth==2.18.0 ; python_version >= "3.9" and python_version < "3.11" and platform_system == "Linux" and platform_machine == "aarch64" and sys_platform != "linux" +grpcio==1.54.0 ; python_version >= "3.9" and python_version < "3.11" and platform_system == "Linux" and platform_machine == "aarch64" and sys_platform != "linux" +gym-notices==0.0.8 ; python_version >= "3.9" and python_version < "3.11" and platform_system == "Linux" and platform_machine == "aarch64" and sys_platform != "linux" +gym==0.23.1 ; python_version >= "3.9" and python_version < "3.11" and platform_system == "Linux" and platform_machine == "aarch64" and sys_platform != "linux" +gymnasium==1.0.0 ; python_version >= "3.9" and python_version < "3.11" and platform_system == "Linux" and platform_machine == "aarch64" and sys_platform != "linux" +huggingface-hub==0.11.1 ; python_version >= "3.9" and python_version < "3.11" and platform_system == "Linux" and platform_machine == "aarch64" and sys_platform != "linux" +idna==3.4 ; python_version >= "3.9" and python_version < "3.11" and platform_system == "Linux" and platform_machine == "aarch64" and sys_platform != "linux" +imageio-ffmpeg==0.3.0 ; python_version >= "3.9" and python_version < "3.11" and platform_system == "Linux" and platform_machine == "aarch64" and sys_platform != "linux" +imageio==2.28.1 ; python_version >= "3.9" and python_version < "3.11" and platform_system == "Linux" and platform_machine == "aarch64" and sys_platform != "linux" +importlib-metadata==5.2.0 ; python_version >= "3.9" and python_version < "3.11" +jax==0.4.8 ; python_version >= "3.9" and python_version < "3.11" and platform_system == "Linux" and platform_machine == "aarch64" and sys_platform != "linux" +jaxlib==0.4.7 ; python_version >= "3.9" and python_version < "3.11" and platform_system == "Linux" and platform_machine == "aarch64" and sys_platform != "linux" +jinja2==3.1.2 ; python_version >= "3.9" and python_version < "3.11" and platform_system == "Linux" and platform_machine == "aarch64" and sys_platform != "linux" +kiwisolver==1.4.4 ; python_version >= "3.9" and python_version < "3.11" and platform_system == "Linux" and platform_machine == "aarch64" and sys_platform != "linux" +markdown==3.3.7 ; python_version >= "3.9" and python_version < "3.11" and platform_system == "Linux" and platform_machine == "aarch64" and sys_platform != "linux" +markupsafe==2.1.2 ; python_version >= "3.9" and python_version < "3.11" and platform_system == "Linux" and platform_machine == "aarch64" and sys_platform != "linux" +matplotlib==3.5.3 ; python_version >= "3.9" and python_version < "3.11" and platform_system == "Linux" and platform_machine == "aarch64" and sys_platform != "linux" +ml-dtypes==0.2.0 ; python_version >= "3.9" and python_version < "3.11" and platform_system == "Linux" and platform_machine == "aarch64" and sys_platform != "linux" +moviepy==1.0.3 ; python_version >= "3.9" and python_version < "3.11" and platform_system == "Linux" and platform_machine == "aarch64" and sys_platform != "linux" +mpmath==1.3.0 ; python_version >= "3.9" and python_version < "3.11" and platform_system == "Linux" and platform_machine == "aarch64" and sys_platform != "linux" +multi-agent-ale-py==0.1.11 ; python_version >= "3.9" and python_version < "3.11" +networkx==3.2.1 ; python_version == "3.9" +networkx==3.4.2 ; python_version == "3.10" +numpy==1.24.4 ; python_version >= "3.9" and python_version < "3.11" and platform_system == "Linux" and platform_machine == "aarch64" and sys_platform != "linux" +nvidia-cublas-cu12==12.1.3.1 ; python_version >= "3.9" and python_version < "3.11" and platform_system == "Linux" and platform_machine == "x86_64" +nvidia-cuda-cupti-cu12==12.1.105 ; python_version >= "3.9" and python_version < "3.11" and platform_system == "Linux" and platform_machine == "x86_64" +nvidia-cuda-nvrtc-cu12==12.1.105 ; python_version >= "3.9" and python_version < "3.11" and platform_system == "Linux" and platform_machine == "x86_64" +nvidia-cuda-runtime-cu12==12.1.105 ; python_version >= "3.9" and python_version < "3.11" and platform_system == "Linux" and platform_machine == "x86_64" +nvidia-cudnn-cu12==8.9.2.26 ; python_version >= "3.9" and python_version < "3.11" and platform_system == "Linux" and platform_machine == "x86_64" +nvidia-cufft-cu12==11.0.2.54 ; python_version >= "3.9" and python_version < "3.11" and platform_system == "Linux" and platform_machine == "x86_64" +nvidia-curand-cu12==10.3.2.106 ; python_version >= "3.9" and python_version < "3.11" and platform_system == "Linux" and platform_machine == "x86_64" +nvidia-cusolver-cu12==11.4.5.107 ; python_version >= "3.9" and python_version < "3.11" and platform_system == "Linux" and platform_machine == "x86_64" +nvidia-cusparse-cu12==12.1.0.106 ; python_version >= "3.9" and python_version < "3.11" and platform_system == "Linux" and platform_machine == "x86_64" +nvidia-nccl-cu12==2.18.1 ; python_version >= "3.9" and python_version < "3.11" and platform_system == "Linux" and platform_machine == "x86_64" +nvidia-nvjitlink-cu12==12.8.61 ; python_version >= "3.9" and python_version < "3.11" and platform_system == "Linux" and platform_machine == "x86_64" +nvidia-nvtx-cu12==12.1.105 ; python_version >= "3.9" and python_version < "3.11" and platform_system == "Linux" and platform_machine == "x86_64" +oauthlib==3.2.2 ; python_version >= "3.9" and python_version < "3.11" and platform_system == "Linux" and platform_machine == "aarch64" and sys_platform != "linux" +opt-einsum==3.3.0 ; python_version >= "3.9" and python_version < "3.11" and platform_system == "Linux" and platform_machine == "aarch64" and sys_platform != "linux" +optax==0.1.4 ; python_version >= "3.9" and python_version < "3.11" and platform_system == "Linux" and platform_machine == "aarch64" and sys_platform != "linux" +packaging==23.1 ; python_version >= "3.9" and python_version < "3.11" and platform_system == "Linux" and platform_machine == "aarch64" and sys_platform != "linux" +pandas==1.3.5 ; python_version >= "3.9" and python_version < "3.11" and platform_system == "Linux" and platform_machine == "aarch64" and sys_platform != "linux" +pathtools==0.1.2 ; python_version >= "3.9" and python_version < "3.11" and platform_system == "Linux" and platform_machine == "aarch64" and sys_platform != "linux" +pettingzoo==1.18.1 ; python_version >= "3.9" and python_version < "3.11" +pillow==9.5.0 ; python_version >= "3.9" and python_version < "3.11" and platform_system == "Linux" and platform_machine == "aarch64" and sys_platform != "linux" +proglog==0.1.10 ; python_version >= "3.9" and python_version < "3.11" and platform_system == "Linux" and platform_machine == "aarch64" and sys_platform != "linux" +protobuf==3.20.3 ; python_version >= "3.9" and python_version < "3.11" and platform_system == "Linux" and platform_machine == "aarch64" and sys_platform != "linux" +psutil==5.9.5 ; python_version >= "3.9" and python_version < "3.11" and platform_system == "Linux" and platform_machine == "aarch64" and sys_platform != "linux" +pyasn1-modules==0.3.0 ; python_version >= "3.9" and python_version < "3.11" and platform_system == "Linux" and platform_machine == "aarch64" and sys_platform != "linux" +pyasn1==0.5.0 ; python_version >= "3.9" and python_version < "3.11" and platform_system == "Linux" and platform_machine == "aarch64" and sys_platform != "linux" +pygame==2.1.0 ; python_version >= "3.9" and python_version < "3.11" and platform_system == "Linux" and platform_machine == "aarch64" and sys_platform != "linux" +pygments==2.15.1 ; python_version >= "3.9" and python_version < "3.11" and platform_system == "Linux" and platform_machine == "aarch64" and sys_platform != "linux" +pyparsing==3.0.9 ; python_version >= "3.9" and python_version < "3.11" and platform_system == "Linux" and platform_machine == "aarch64" and sys_platform != "linux" +python-dateutil==2.8.2 ; python_version >= "3.9" and python_version < "3.11" and platform_system == "Linux" and platform_machine == "aarch64" and sys_platform != "linux" +pytz==2023.3 ; python_version >= "3.9" and python_version < "3.11" and platform_system == "Linux" and platform_machine == "aarch64" and sys_platform != "linux" +pyyaml==6.0.1 ; python_version >= "3.9" and python_version < "3.11" and platform_system == "Linux" and platform_machine == "aarch64" and sys_platform != "linux" +requests-oauthlib==1.3.1 ; python_version >= "3.9" and python_version < "3.11" and platform_system == "Linux" and platform_machine == "aarch64" and sys_platform != "linux" +requests==2.30.0 ; python_version >= "3.9" and python_version < "3.11" and platform_system == "Linux" and platform_machine == "aarch64" and sys_platform != "linux" +rich==11.2.0 ; python_version >= "3.9" and python_version < "3.11" and platform_system == "Linux" and platform_machine == "aarch64" and sys_platform != "linux" +rsa==4.7.2 ; python_version >= "3.9" and python_version < "3.11" and platform_system == "Linux" and platform_machine == "aarch64" and sys_platform != "linux" +scipy==1.10.1 ; python_version >= "3.9" and python_version < "3.11" and platform_system == "Linux" and platform_machine == "aarch64" and sys_platform != "linux" +sentry-sdk==1.22.2 ; python_version >= "3.9" and python_version < "3.11" and platform_system == "Linux" and platform_machine == "aarch64" and sys_platform != "linux" +setproctitle==1.3.2 ; python_version >= "3.9" and python_version < "3.11" and platform_system == "Linux" and platform_machine == "aarch64" and sys_platform != "linux" +setuptools==67.7.2 ; python_version >= "3.9" and python_version < "3.11" and platform_system == "Linux" and platform_machine == "aarch64" and sys_platform != "linux" +shtab==1.6.4 ; python_version >= "3.9" and python_version < "3.11" and platform_system == "Linux" and platform_machine == "aarch64" and sys_platform != "linux" +six==1.16.0 ; python_version >= "3.9" and python_version < "3.11" and platform_system == "Linux" and platform_machine == "aarch64" and sys_platform != "linux" +smmap==5.0.0 ; python_version >= "3.9" and python_version < "3.11" and platform_system == "Linux" and platform_machine == "aarch64" and sys_platform != "linux" +stable-baselines3==2.4.1 ; python_version >= "3.9" and python_version < "3.11" and platform_system == "Linux" and platform_machine == "aarch64" and sys_platform != "linux" +supersuit==3.4.0 ; python_version >= "3.9" and python_version < "3.11" +sympy==1.13.3 ; python_version >= "3.9" and python_version < "3.11" and platform_system == "Linux" and platform_machine == "aarch64" and sys_platform != "linux" +tenacity==8.2.3 ; python_version >= "3.9" and python_version < "3.11" and platform_system == "Linux" and platform_machine == "aarch64" and sys_platform != "linux" +tensorboard-data-server==0.6.1 ; python_version >= "3.9" and python_version < "3.11" and platform_system == "Linux" and platform_machine == "aarch64" and sys_platform != "linux" +tensorboard-plugin-wit==1.8.1 ; python_version >= "3.9" and python_version < "3.11" and platform_system == "Linux" and platform_machine == "aarch64" and sys_platform != "linux" +tensorboard==2.11.2 ; python_version >= "3.9" and python_version < "3.11" and platform_system == "Linux" and platform_machine == "aarch64" and sys_platform != "linux" +tinyscaler==1.2.5 ; python_version >= "3.9" and python_version < "3.11" +toolz==0.12.0 ; python_version >= "3.9" and python_version < "3.11" and platform_system == "Linux" and platform_machine == "aarch64" and sys_platform != "linux" +torch==2.1.2 ; python_version >= "3.9" and python_version < "3.11" and platform_system == "Linux" and platform_machine == "aarch64" and sys_platform != "linux" +tqdm==4.65.0 ; python_version >= "3.9" and python_version < "3.11" and platform_system == "Linux" and platform_machine == "aarch64" and sys_platform != "linux" +triton==2.1.0 ; python_version >= "3.9" and python_version < "3.11" and platform_system == "Linux" and platform_machine == "x86_64" +typing-extensions==4.5.0 ; python_version >= "3.9" and python_version < "3.11" and platform_system == "Linux" and platform_machine == "aarch64" and sys_platform != "linux" +tyro==0.5.10 ; python_version >= "3.9" and python_version < "3.11" and platform_system == "Linux" and platform_machine == "aarch64" and sys_platform != "linux" +urllib3==1.26.15 ; python_version >= "3.9" and python_version < "3.11" and platform_system == "Linux" and platform_machine == "aarch64" and sys_platform != "linux" +wandb==0.13.11 ; python_version >= "3.9" and python_version < "3.11" and platform_system == "Linux" and platform_machine == "aarch64" and sys_platform != "linux" +werkzeug==2.2.3 ; python_version >= "3.9" and python_version < "3.11" and platform_system == "Linux" and platform_machine == "aarch64" and sys_platform != "linux" +wheel==0.40.0 ; python_version >= "3.9" and python_version < "3.11" and platform_system == "Linux" and platform_machine == "aarch64" and sys_platform != "linux" +zipp==3.15.0 ; python_version >= "3.9" and python_version < "3.11" diff --git a/requirements/requirements-procgen.txt b/requirements/requirements-procgen.txt index f62fa2026..46b0864c8 100644 --- a/requirements/requirements-procgen.txt +++ b/requirements/requirements-procgen.txt @@ -1,83 +1,110 @@ -absl-py==1.4.0 ; python_version >= "3.8" and python_version < "3.11" -appdirs==1.4.4 ; python_version >= "3.8" and python_version < "3.11" -cachetools==5.3.0 ; python_version >= "3.8" and python_version < "3.11" -certifi==2023.5.7 ; python_version >= "3.8" and python_version < "3.11" -cffi==1.15.1 ; python_version >= "3.8" and python_version < "3.11" -charset-normalizer==3.1.0 ; python_version >= "3.8" and python_version < "3.11" -click==8.1.3 ; python_version >= "3.8" and python_version < "3.11" -cloudpickle==2.2.1 ; python_version >= "3.8" and python_version < "3.11" -colorama==0.4.4 ; python_version >= "3.8" and python_version < "3.11" -commonmark==0.9.1 ; python_version >= "3.8" and python_version < "3.11" -cycler==0.11.0 ; python_version >= "3.8" and python_version < "3.11" -decorator==4.4.2 ; python_version >= "3.8" and python_version < "3.11" -docker-pycreds==0.4.0 ; python_version >= "3.8" and python_version < "3.11" -docstring-parser==0.15 ; python_version >= "3.8" and python_version < "3.11" -farama-notifications==0.0.4 ; python_version >= "3.8" and python_version < "3.11" -filelock==3.12.0 ; python_version >= "3.8" and python_version < "3.11" -fonttools==4.38.0 ; python_version >= "3.8" and python_version < "3.11" -gitdb==4.0.10 ; python_version >= "3.8" and python_version < "3.11" -gitpython==3.1.31 ; python_version >= "3.8" and python_version < "3.11" -glcontext==2.3.7 ; python_version >= "3.8" and python_version < "3.11" -glfw==1.12.0 ; python_version >= "3.8" and python_version < "3.11" -google-auth-oauthlib==0.4.6 ; python_version >= "3.8" and python_version < "3.11" -google-auth==2.18.0 ; python_version >= "3.8" and python_version < "3.11" -grpcio==1.54.0 ; python_version >= "3.8" and python_version < "3.11" -gym-notices==0.0.8 ; python_version >= "3.8" and python_version < "3.11" -gym3==0.3.3 ; python_version >= "3.8" and python_version < "3.11" -gym==0.23.1 ; python_version >= "3.8" and python_version < "3.11" -gymnasium==0.28.1 ; python_version >= "3.8" and python_version < "3.11" -huggingface-hub==0.11.1 ; python_version >= "3.8" and python_version < "3.11" -idna==3.4 ; python_version >= "3.8" and python_version < "3.11" -imageio-ffmpeg==0.3.0 ; python_version >= "3.8" and python_version < "3.11" -imageio==2.28.1 ; python_version >= "3.8" and python_version < "3.11" -importlib-metadata==5.2.0 ; python_version >= "3.8" and python_version < "3.10" -jax-jumpy==1.0.0 ; python_version >= "3.8" and python_version < "3.11" -kiwisolver==1.4.4 ; python_version >= "3.8" and python_version < "3.11" -markdown==3.3.7 ; python_version >= "3.8" and python_version < "3.11" -markupsafe==2.1.2 ; python_version >= "3.8" and python_version < "3.11" -matplotlib==3.5.3 ; python_version >= "3.8" and python_version < "3.11" -moderngl==5.8.2 ; python_version >= "3.8" and python_version < "3.11" -moviepy==1.0.3 ; python_version >= "3.8" and python_version < "3.11" -numpy==1.24.4 ; python_version >= "3.8" and python_version < "3.11" -oauthlib==3.2.2 ; python_version >= "3.8" and python_version < "3.11" -packaging==23.1 ; python_version >= "3.8" and python_version < "3.11" -pandas==1.3.5 ; python_version >= "3.8" and python_version < "3.11" -pathtools==0.1.2 ; python_version >= "3.8" and python_version < "3.11" -pillow==9.5.0 ; python_version >= "3.8" and python_version < "3.11" -procgen==0.10.7 ; python_version >= "3.8" and python_version < "3.11" -proglog==0.1.10 ; python_version >= "3.8" and python_version < "3.11" -protobuf==3.20.3 ; python_version < "3.11" and python_version >= "3.8" -psutil==5.9.5 ; python_version >= "3.8" and python_version < "3.11" -pyasn1-modules==0.3.0 ; python_version >= "3.8" and python_version < "3.11" -pyasn1==0.5.0 ; python_version >= "3.8" and python_version < "3.11" -pycparser==2.21 ; python_version >= "3.8" and python_version < "3.11" -pygame==2.1.0 ; python_version >= "3.8" and python_version < "3.11" -pygments==2.15.1 ; python_version >= "3.8" and python_version < "3.11" -pyparsing==3.0.9 ; python_version >= "3.8" and python_version < "3.11" -python-dateutil==2.8.2 ; python_version >= "3.8" and python_version < "3.11" -pytz==2023.3 ; python_version >= "3.8" and python_version < "3.11" -pyyaml==6.0.1 ; python_version >= "3.8" and python_version < "3.11" -requests-oauthlib==1.3.1 ; python_version >= "3.8" and python_version < "3.11" -requests==2.30.0 ; python_version >= "3.8" and python_version < "3.11" -rich==11.2.0 ; python_version >= "3.8" and python_version < "3.11" -rsa==4.7.2 ; python_version >= "3.8" and python_version < "3.11" -sentry-sdk==1.22.2 ; python_version >= "3.8" and python_version < "3.11" -setproctitle==1.3.2 ; python_version >= "3.8" and python_version < "3.11" -setuptools==67.7.2 ; python_version >= "3.8" and python_version < "3.11" -shtab==1.6.4 ; python_version >= "3.8" and python_version < "3.11" -six==1.16.0 ; python_version >= "3.8" and python_version < "3.11" -smmap==5.0.0 ; python_version >= "3.8" and python_version < "3.11" -stable-baselines3==2.0.0 ; python_version >= "3.8" and python_version < "3.11" -tenacity==8.2.3 ; python_version >= "3.8" and python_version < "3.11" -tensorboard-data-server==0.6.1 ; python_version >= "3.8" and python_version < "3.11" -tensorboard-plugin-wit==1.8.1 ; python_version >= "3.8" and python_version < "3.11" -tensorboard==2.11.2 ; python_version >= "3.8" and python_version < "3.11" -torch==1.12.1 ; python_version >= "3.8" and python_version < "3.11" -tqdm==4.65.0 ; python_version >= "3.8" and python_version < "3.11" -typing-extensions==4.5.0 ; python_version >= "3.8" and python_version < "3.11" -tyro==0.5.10 ; python_version >= "3.8" and python_version < "3.11" -urllib3==1.26.15 ; python_version >= "3.8" and python_version < "3.11" -wandb==0.13.11 ; python_version >= "3.8" and python_version < "3.11" -werkzeug==2.2.3 ; python_version >= "3.8" and python_version < "3.11" -wheel==0.40.0 ; python_version >= "3.8" and python_version < "3.11" -zipp==3.15.0 ; python_version >= "3.8" and python_version < "3.10" +absl-py==1.4.0 ; python_version >= "3.9" and python_version < "3.11" and platform_system == "Linux" and platform_machine == "aarch64" and sys_platform != "linux" +appdirs==1.4.4 ; python_version >= "3.9" and python_version < "3.11" and platform_system == "Linux" and platform_machine == "aarch64" and sys_platform != "linux" +cachetools==5.3.0 ; python_version >= "3.9" and python_version < "3.11" and platform_system == "Linux" and platform_machine == "aarch64" and sys_platform != "linux" +certifi==2023.5.7 ; python_version >= "3.9" and python_version < "3.11" and platform_system == "Linux" and platform_machine == "aarch64" and sys_platform != "linux" +cffi==1.15.1 ; python_version >= "3.9" and python_version < "3.11" +charset-normalizer==3.1.0 ; python_version >= "3.9" and python_version < "3.11" and platform_system == "Linux" and platform_machine == "aarch64" and sys_platform != "linux" +chex==0.1.5 ; python_version >= "3.9" and python_version < "3.11" and platform_system == "Linux" and platform_machine == "aarch64" and sys_platform != "linux" +click==8.1.3 ; python_version >= "3.9" and python_version < "3.11" and platform_system == "Linux" and platform_machine == "aarch64" and sys_platform != "linux" +cloudpickle==2.2.1 ; python_version >= "3.9" and python_version < "3.11" and platform_system == "Linux" and platform_machine == "aarch64" and sys_platform != "linux" +colorama==0.4.4 ; python_version >= "3.9" and python_version < "3.11" and platform_system == "Linux" and platform_machine == "aarch64" and sys_platform != "linux" +commonmark==0.9.1 ; python_version >= "3.9" and python_version < "3.11" and platform_system == "Linux" and platform_machine == "aarch64" and sys_platform != "linux" +cycler==0.11.0 ; python_version >= "3.9" and python_version < "3.11" and platform_system == "Linux" and platform_machine == "aarch64" and sys_platform != "linux" +decorator==4.4.2 ; python_version >= "3.9" and python_version < "3.11" and platform_system == "Linux" and platform_machine == "aarch64" and sys_platform != "linux" +dm-tree==0.1.8 ; python_version >= "3.9" and python_version < "3.11" and platform_system == "Linux" and platform_machine == "aarch64" and sys_platform != "linux" +docker-pycreds==0.4.0 ; python_version >= "3.9" and python_version < "3.11" and platform_system == "Linux" and platform_machine == "aarch64" and sys_platform != "linux" +docstring-parser==0.15 ; python_version >= "3.9" and python_version < "3.11" and platform_system == "Linux" and platform_machine == "aarch64" and sys_platform != "linux" +farama-notifications==0.0.4 ; python_version >= "3.9" and python_version < "3.11" and platform_system == "Linux" and platform_machine == "aarch64" and sys_platform != "linux" +filelock==3.12.0 ; python_version >= "3.9" and python_version < "3.11" and platform_system == "Linux" and platform_machine == "aarch64" and sys_platform != "linux" +fonttools==4.38.0 ; python_version >= "3.9" and python_version < "3.11" and platform_system == "Linux" and platform_machine == "aarch64" and sys_platform != "linux" +fsspec==2025.2.0 ; python_version >= "3.9" and python_version < "3.11" and platform_system == "Linux" and platform_machine == "aarch64" and sys_platform != "linux" +gitdb==4.0.10 ; python_version >= "3.9" and python_version < "3.11" and platform_system == "Linux" and platform_machine == "aarch64" and sys_platform != "linux" +gitpython==3.1.31 ; python_version >= "3.9" and python_version < "3.11" and platform_system == "Linux" and platform_machine == "aarch64" and sys_platform != "linux" +glcontext==2.3.7 ; python_version >= "3.9" and python_version < "3.11" +glfw==1.12.0 ; python_version >= "3.9" and python_version < "3.11" and platform_system == "Linux" and platform_machine == "aarch64" and sys_platform != "linux" +google-auth-oauthlib==0.4.6 ; python_version >= "3.9" and python_version < "3.11" and platform_system == "Linux" and platform_machine == "aarch64" and sys_platform != "linux" +google-auth==2.18.0 ; python_version >= "3.9" and python_version < "3.11" and platform_system == "Linux" and platform_machine == "aarch64" and sys_platform != "linux" +grpcio==1.54.0 ; python_version >= "3.9" and python_version < "3.11" and platform_system == "Linux" and platform_machine == "aarch64" and sys_platform != "linux" +gym-notices==0.0.8 ; python_version >= "3.9" and python_version < "3.11" and platform_system == "Linux" and platform_machine == "aarch64" and sys_platform != "linux" +gym3==0.3.3 ; python_version >= "3.9" and python_version < "3.11" +gym==0.23.1 ; python_version >= "3.9" and python_version < "3.11" and platform_system == "Linux" and platform_machine == "aarch64" and sys_platform != "linux" +gymnasium==1.0.0 ; python_version >= "3.9" and python_version < "3.11" and platform_system == "Linux" and platform_machine == "aarch64" and sys_platform != "linux" +huggingface-hub==0.11.1 ; python_version >= "3.9" and python_version < "3.11" and platform_system == "Linux" and platform_machine == "aarch64" and sys_platform != "linux" +idna==3.4 ; python_version >= "3.9" and python_version < "3.11" and platform_system == "Linux" and platform_machine == "aarch64" and sys_platform != "linux" +imageio-ffmpeg==0.3.0 ; python_version >= "3.9" and python_version < "3.11" and platform_system == "Linux" and platform_machine == "aarch64" and sys_platform != "linux" +imageio==2.28.1 ; python_version >= "3.9" and python_version < "3.11" and platform_system == "Linux" and platform_machine == "aarch64" and sys_platform != "linux" +importlib-metadata==5.2.0 ; python_version >= "3.9" and python_version < "3.11" +jax==0.4.8 ; python_version >= "3.9" and python_version < "3.11" and platform_system == "Linux" and platform_machine == "aarch64" and sys_platform != "linux" +jaxlib==0.4.7 ; python_version >= "3.9" and python_version < "3.11" and platform_system == "Linux" and platform_machine == "aarch64" and sys_platform != "linux" +jinja2==3.1.2 ; python_version >= "3.9" and python_version < "3.11" and platform_system == "Linux" and platform_machine == "aarch64" and sys_platform != "linux" +kiwisolver==1.4.4 ; python_version >= "3.9" and python_version < "3.11" and platform_system == "Linux" and platform_machine == "aarch64" and sys_platform != "linux" +markdown==3.3.7 ; python_version >= "3.9" and python_version < "3.11" and platform_system == "Linux" and platform_machine == "aarch64" and sys_platform != "linux" +markupsafe==2.1.2 ; python_version >= "3.9" and python_version < "3.11" and platform_system == "Linux" and platform_machine == "aarch64" and sys_platform != "linux" +matplotlib==3.5.3 ; python_version >= "3.9" and python_version < "3.11" and platform_system == "Linux" and platform_machine == "aarch64" and sys_platform != "linux" +ml-dtypes==0.2.0 ; python_version >= "3.9" and python_version < "3.11" and platform_system == "Linux" and platform_machine == "aarch64" and sys_platform != "linux" +moderngl==5.8.2 ; python_version >= "3.9" and python_version < "3.11" +moviepy==1.0.3 ; python_version >= "3.9" and python_version < "3.11" and platform_system == "Linux" and platform_machine == "aarch64" and sys_platform != "linux" +mpmath==1.3.0 ; python_version >= "3.9" and python_version < "3.11" and platform_system == "Linux" and platform_machine == "aarch64" and sys_platform != "linux" +networkx==3.2.1 ; python_version == "3.9" +networkx==3.4.2 ; python_version == "3.10" +numpy==1.24.4 ; python_version >= "3.9" and python_version < "3.11" and platform_system == "Linux" and platform_machine == "aarch64" and sys_platform != "linux" +nvidia-cublas-cu12==12.1.3.1 ; python_version >= "3.9" and python_version < "3.11" and platform_system == "Linux" and platform_machine == "x86_64" +nvidia-cuda-cupti-cu12==12.1.105 ; python_version >= "3.9" and python_version < "3.11" and platform_system == "Linux" and platform_machine == "x86_64" +nvidia-cuda-nvrtc-cu12==12.1.105 ; python_version >= "3.9" and python_version < "3.11" and platform_system == "Linux" and platform_machine == "x86_64" +nvidia-cuda-runtime-cu12==12.1.105 ; python_version >= "3.9" and python_version < "3.11" and platform_system == "Linux" and platform_machine == "x86_64" +nvidia-cudnn-cu12==8.9.2.26 ; python_version >= "3.9" and python_version < "3.11" and platform_system == "Linux" and platform_machine == "x86_64" +nvidia-cufft-cu12==11.0.2.54 ; python_version >= "3.9" and python_version < "3.11" and platform_system == "Linux" and platform_machine == "x86_64" +nvidia-curand-cu12==10.3.2.106 ; python_version >= "3.9" and python_version < "3.11" and platform_system == "Linux" and platform_machine == "x86_64" +nvidia-cusolver-cu12==11.4.5.107 ; python_version >= "3.9" and python_version < "3.11" and platform_system == "Linux" and platform_machine == "x86_64" +nvidia-cusparse-cu12==12.1.0.106 ; python_version >= "3.9" and python_version < "3.11" and platform_system == "Linux" and platform_machine == "x86_64" +nvidia-nccl-cu12==2.18.1 ; python_version >= "3.9" and python_version < "3.11" and platform_system == "Linux" and platform_machine == "x86_64" +nvidia-nvjitlink-cu12==12.8.61 ; python_version >= "3.9" and python_version < "3.11" and platform_system == "Linux" and platform_machine == "x86_64" +nvidia-nvtx-cu12==12.1.105 ; python_version >= "3.9" and python_version < "3.11" and platform_system == "Linux" and platform_machine == "x86_64" +oauthlib==3.2.2 ; python_version >= "3.9" and python_version < "3.11" and platform_system == "Linux" and platform_machine == "aarch64" and sys_platform != "linux" +opt-einsum==3.3.0 ; python_version >= "3.9" and python_version < "3.11" and platform_system == "Linux" and platform_machine == "aarch64" and sys_platform != "linux" +optax==0.1.4 ; python_version >= "3.9" and python_version < "3.11" and platform_system == "Linux" and platform_machine == "aarch64" and sys_platform != "linux" +packaging==23.1 ; python_version >= "3.9" and python_version < "3.11" and platform_system == "Linux" and platform_machine == "aarch64" and sys_platform != "linux" +pandas==1.3.5 ; python_version >= "3.9" and python_version < "3.11" and platform_system == "Linux" and platform_machine == "aarch64" and sys_platform != "linux" +pathtools==0.1.2 ; python_version >= "3.9" and python_version < "3.11" and platform_system == "Linux" and platform_machine == "aarch64" and sys_platform != "linux" +pillow==9.5.0 ; python_version >= "3.9" and python_version < "3.11" and platform_system == "Linux" and platform_machine == "aarch64" and sys_platform != "linux" +procgen==0.10.7 ; python_version >= "3.9" and python_version < "3.11" +proglog==0.1.10 ; python_version >= "3.9" and python_version < "3.11" and platform_system == "Linux" and platform_machine == "aarch64" and sys_platform != "linux" +protobuf==3.20.3 ; python_version >= "3.9" and python_version < "3.11" and platform_system == "Linux" and platform_machine == "aarch64" and sys_platform != "linux" +psutil==5.9.5 ; python_version >= "3.9" and python_version < "3.11" and platform_system == "Linux" and platform_machine == "aarch64" and sys_platform != "linux" +pyasn1-modules==0.3.0 ; python_version >= "3.9" and python_version < "3.11" and platform_system == "Linux" and platform_machine == "aarch64" and sys_platform != "linux" +pyasn1==0.5.0 ; python_version >= "3.9" and python_version < "3.11" and platform_system == "Linux" and platform_machine == "aarch64" and sys_platform != "linux" +pycparser==2.21 ; python_version >= "3.9" and python_version < "3.11" +pygame==2.1.0 ; python_version >= "3.9" and python_version < "3.11" and platform_system == "Linux" and platform_machine == "aarch64" and sys_platform != "linux" +pygments==2.15.1 ; python_version >= "3.9" and python_version < "3.11" and platform_system == "Linux" and platform_machine == "aarch64" and sys_platform != "linux" +pyparsing==3.0.9 ; python_version >= "3.9" and python_version < "3.11" and platform_system == "Linux" and platform_machine == "aarch64" and sys_platform != "linux" +python-dateutil==2.8.2 ; python_version >= "3.9" and python_version < "3.11" and platform_system == "Linux" and platform_machine == "aarch64" and sys_platform != "linux" +pytz==2023.3 ; python_version >= "3.9" and python_version < "3.11" and platform_system == "Linux" and platform_machine == "aarch64" and sys_platform != "linux" +pyyaml==6.0.1 ; python_version >= "3.9" and python_version < "3.11" and platform_system == "Linux" and platform_machine == "aarch64" and sys_platform != "linux" +requests-oauthlib==1.3.1 ; python_version >= "3.9" and python_version < "3.11" and platform_system == "Linux" and platform_machine == "aarch64" and sys_platform != "linux" +requests==2.30.0 ; python_version >= "3.9" and python_version < "3.11" and platform_system == "Linux" and platform_machine == "aarch64" and sys_platform != "linux" +rich==11.2.0 ; python_version >= "3.9" and python_version < "3.11" and platform_system == "Linux" and platform_machine == "aarch64" and sys_platform != "linux" +rsa==4.7.2 ; python_version >= "3.9" and python_version < "3.11" and platform_system == "Linux" and platform_machine == "aarch64" and sys_platform != "linux" +scipy==1.10.1 ; python_version >= "3.9" and python_version < "3.11" and platform_system == "Linux" and platform_machine == "aarch64" and sys_platform != "linux" +sentry-sdk==1.22.2 ; python_version >= "3.9" and python_version < "3.11" and platform_system == "Linux" and platform_machine == "aarch64" and sys_platform != "linux" +setproctitle==1.3.2 ; python_version >= "3.9" and python_version < "3.11" and platform_system == "Linux" and platform_machine == "aarch64" and sys_platform != "linux" +setuptools==67.7.2 ; python_version >= "3.9" and python_version < "3.11" and platform_system == "Linux" and platform_machine == "aarch64" and sys_platform != "linux" +shtab==1.6.4 ; python_version >= "3.9" and python_version < "3.11" and platform_system == "Linux" and platform_machine == "aarch64" and sys_platform != "linux" +six==1.16.0 ; python_version >= "3.9" and python_version < "3.11" and platform_system == "Linux" and platform_machine == "aarch64" and sys_platform != "linux" +smmap==5.0.0 ; python_version >= "3.9" and python_version < "3.11" and platform_system == "Linux" and platform_machine == "aarch64" and sys_platform != "linux" +stable-baselines3==2.4.1 ; python_version >= "3.9" and python_version < "3.11" and platform_system == "Linux" and platform_machine == "aarch64" and sys_platform != "linux" +sympy==1.13.3 ; python_version >= "3.9" and python_version < "3.11" and platform_system == "Linux" and platform_machine == "aarch64" and sys_platform != "linux" +tenacity==8.2.3 ; python_version >= "3.9" and python_version < "3.11" and platform_system == "Linux" and platform_machine == "aarch64" and sys_platform != "linux" +tensorboard-data-server==0.6.1 ; python_version >= "3.9" and python_version < "3.11" and platform_system == "Linux" and platform_machine == "aarch64" and sys_platform != "linux" +tensorboard-plugin-wit==1.8.1 ; python_version >= "3.9" and python_version < "3.11" and platform_system == "Linux" and platform_machine == "aarch64" and sys_platform != "linux" +tensorboard==2.11.2 ; python_version >= "3.9" and python_version < "3.11" and platform_system == "Linux" and platform_machine == "aarch64" and sys_platform != "linux" +toolz==0.12.0 ; python_version >= "3.9" and python_version < "3.11" and platform_system == "Linux" and platform_machine == "aarch64" and sys_platform != "linux" +torch==2.1.2 ; python_version >= "3.9" and python_version < "3.11" and platform_system == "Linux" and platform_machine == "aarch64" and sys_platform != "linux" +tqdm==4.65.0 ; python_version >= "3.9" and python_version < "3.11" and platform_system == "Linux" and platform_machine == "aarch64" and sys_platform != "linux" +triton==2.1.0 ; python_version >= "3.9" and python_version < "3.11" and platform_system == "Linux" and platform_machine == "x86_64" +typing-extensions==4.5.0 ; python_version >= "3.9" and python_version < "3.11" and platform_system == "Linux" and platform_machine == "aarch64" and sys_platform != "linux" +tyro==0.5.10 ; python_version >= "3.9" and python_version < "3.11" and platform_system == "Linux" and platform_machine == "aarch64" and sys_platform != "linux" +urllib3==1.26.15 ; python_version >= "3.9" and python_version < "3.11" and platform_system == "Linux" and platform_machine == "aarch64" and sys_platform != "linux" +wandb==0.13.11 ; python_version >= "3.9" and python_version < "3.11" and platform_system == "Linux" and platform_machine == "aarch64" and sys_platform != "linux" +werkzeug==2.2.3 ; python_version >= "3.9" and python_version < "3.11" and platform_system == "Linux" and platform_machine == "aarch64" and sys_platform != "linux" +wheel==0.40.0 ; python_version >= "3.9" and python_version < "3.11" and platform_system == "Linux" and platform_machine == "aarch64" and sys_platform != "linux" +zipp==3.15.0 ; python_version >= "3.9" and python_version < "3.11" diff --git a/requirements/requirements.txt b/requirements/requirements.txt index 5cdc73d10..b88dc6b1e 100644 --- a/requirements/requirements.txt +++ b/requirements/requirements.txt @@ -1,76 +1,103 @@ -absl-py==1.4.0 ; python_version >= "3.8" and python_version < "3.11" -appdirs==1.4.4 ; python_version >= "3.8" and python_version < "3.11" -cachetools==5.3.0 ; python_version >= "3.8" and python_version < "3.11" -certifi==2023.5.7 ; python_version >= "3.8" and python_version < "3.11" -charset-normalizer==3.1.0 ; python_version >= "3.8" and python_version < "3.11" -click==8.1.3 ; python_version >= "3.8" and python_version < "3.11" -cloudpickle==2.2.1 ; python_version >= "3.8" and python_version < "3.11" -colorama==0.4.4 ; python_version >= "3.8" and python_version < "3.11" -commonmark==0.9.1 ; python_version >= "3.8" and python_version < "3.11" -cycler==0.11.0 ; python_version >= "3.8" and python_version < "3.11" -decorator==4.4.2 ; python_version >= "3.8" and python_version < "3.11" -docker-pycreds==0.4.0 ; python_version >= "3.8" and python_version < "3.11" -docstring-parser==0.15 ; python_version >= "3.8" and python_version < "3.11" -farama-notifications==0.0.4 ; python_version >= "3.8" and python_version < "3.11" -filelock==3.12.0 ; python_version >= "3.8" and python_version < "3.11" -fonttools==4.38.0 ; python_version >= "3.8" and python_version < "3.11" -gitdb==4.0.10 ; python_version >= "3.8" and python_version < "3.11" -gitpython==3.1.31 ; python_version >= "3.8" and python_version < "3.11" -google-auth-oauthlib==0.4.6 ; python_version >= "3.8" and python_version < "3.11" -google-auth==2.18.0 ; python_version >= "3.8" and python_version < "3.11" -grpcio==1.54.0 ; python_version >= "3.8" and python_version < "3.11" -gym-notices==0.0.8 ; python_version >= "3.8" and python_version < "3.11" -gym==0.23.1 ; python_version >= "3.8" and python_version < "3.11" -gymnasium==0.28.1 ; python_version >= "3.8" and python_version < "3.11" -huggingface-hub==0.11.1 ; python_version >= "3.8" and python_version < "3.11" -idna==3.4 ; python_version >= "3.8" and python_version < "3.11" -imageio-ffmpeg==0.3.0 ; python_version >= "3.8" and python_version < "3.11" -imageio==2.28.1 ; python_version >= "3.8" and python_version < "3.11" -importlib-metadata==5.2.0 ; python_version >= "3.8" and python_version < "3.10" -jax-jumpy==1.0.0 ; python_version >= "3.8" and python_version < "3.11" -kiwisolver==1.4.4 ; python_version >= "3.8" and python_version < "3.11" -markdown==3.3.7 ; python_version >= "3.8" and python_version < "3.11" -markupsafe==2.1.2 ; python_version >= "3.8" and python_version < "3.11" -matplotlib==3.5.3 ; python_version >= "3.8" and python_version < "3.11" -moviepy==1.0.3 ; python_version >= "3.8" and python_version < "3.11" -numpy==1.24.4 ; python_version >= "3.8" and python_version < "3.11" -oauthlib==3.2.2 ; python_version >= "3.8" and python_version < "3.11" -packaging==23.1 ; python_version >= "3.8" and python_version < "3.11" -pandas==1.3.5 ; python_version >= "3.8" and python_version < "3.11" -pathtools==0.1.2 ; python_version >= "3.8" and python_version < "3.11" -pillow==9.5.0 ; python_version >= "3.8" and python_version < "3.11" -proglog==0.1.10 ; python_version >= "3.8" and python_version < "3.11" -protobuf==3.20.3 ; python_version < "3.11" and python_version >= "3.8" -psutil==5.9.5 ; python_version >= "3.8" and python_version < "3.11" -pyasn1-modules==0.3.0 ; python_version >= "3.8" and python_version < "3.11" -pyasn1==0.5.0 ; python_version >= "3.8" and python_version < "3.11" -pygame==2.1.0 ; python_version >= "3.8" and python_version < "3.11" -pygments==2.15.1 ; python_version >= "3.8" and python_version < "3.11" -pyparsing==3.0.9 ; python_version >= "3.8" and python_version < "3.11" -python-dateutil==2.8.2 ; python_version >= "3.8" and python_version < "3.11" -pytz==2023.3 ; python_version >= "3.8" and python_version < "3.11" -pyyaml==6.0.1 ; python_version >= "3.8" and python_version < "3.11" -requests-oauthlib==1.3.1 ; python_version >= "3.8" and python_version < "3.11" -requests==2.30.0 ; python_version >= "3.8" and python_version < "3.11" -rich==11.2.0 ; python_version >= "3.8" and python_version < "3.11" -rsa==4.7.2 ; python_version >= "3.8" and python_version < "3.11" -sentry-sdk==1.22.2 ; python_version >= "3.8" and python_version < "3.11" -setproctitle==1.3.2 ; python_version >= "3.8" and python_version < "3.11" -setuptools==67.7.2 ; python_version >= "3.8" and python_version < "3.11" -shtab==1.6.4 ; python_version >= "3.8" and python_version < "3.11" -six==1.16.0 ; python_version >= "3.8" and python_version < "3.11" -smmap==5.0.0 ; python_version >= "3.8" and python_version < "3.11" -stable-baselines3==2.0.0 ; python_version >= "3.8" and python_version < "3.11" -tenacity==8.2.3 ; python_version >= "3.8" and python_version < "3.11" -tensorboard-data-server==0.6.1 ; python_version >= "3.8" and python_version < "3.11" -tensorboard-plugin-wit==1.8.1 ; python_version >= "3.8" and python_version < "3.11" -tensorboard==2.11.2 ; python_version >= "3.8" and python_version < "3.11" -torch==1.12.1 ; python_version >= "3.8" and python_version < "3.11" -tqdm==4.65.0 ; python_version >= "3.8" and python_version < "3.11" -typing-extensions==4.5.0 ; python_version >= "3.8" and python_version < "3.11" -tyro==0.5.10 ; python_version >= "3.8" and python_version < "3.11" -urllib3==1.26.15 ; python_version >= "3.8" and python_version < "3.11" -wandb==0.13.11 ; python_version >= "3.8" and python_version < "3.11" -werkzeug==2.2.3 ; python_version >= "3.8" and python_version < "3.11" -wheel==0.40.0 ; python_version >= "3.8" and python_version < "3.11" -zipp==3.15.0 ; python_version >= "3.8" and python_version < "3.10" +absl-py==1.4.0 ; python_version >= "3.9" and python_version < "3.11" and platform_system == "Linux" and platform_machine == "aarch64" and sys_platform != "linux" +appdirs==1.4.4 ; python_version >= "3.9" and python_version < "3.11" and platform_system == "Linux" and platform_machine == "aarch64" and sys_platform != "linux" +cachetools==5.3.0 ; python_version >= "3.9" and python_version < "3.11" and platform_system == "Linux" and platform_machine == "aarch64" and sys_platform != "linux" +certifi==2023.5.7 ; python_version >= "3.9" and python_version < "3.11" and platform_system == "Linux" and platform_machine == "aarch64" and sys_platform != "linux" +charset-normalizer==3.1.0 ; python_version >= "3.9" and python_version < "3.11" and platform_system == "Linux" and platform_machine == "aarch64" and sys_platform != "linux" +chex==0.1.5 ; python_version >= "3.9" and python_version < "3.11" and platform_system == "Linux" and platform_machine == "aarch64" and sys_platform != "linux" +click==8.1.3 ; python_version >= "3.9" and python_version < "3.11" and platform_system == "Linux" and platform_machine == "aarch64" and sys_platform != "linux" +cloudpickle==2.2.1 ; python_version >= "3.9" and python_version < "3.11" and platform_system == "Linux" and platform_machine == "aarch64" and sys_platform != "linux" +colorama==0.4.4 ; python_version >= "3.9" and python_version < "3.11" and platform_system == "Linux" and platform_machine == "aarch64" and sys_platform != "linux" +commonmark==0.9.1 ; python_version >= "3.9" and python_version < "3.11" and platform_system == "Linux" and platform_machine == "aarch64" and sys_platform != "linux" +cycler==0.11.0 ; python_version >= "3.9" and python_version < "3.11" and platform_system == "Linux" and platform_machine == "aarch64" and sys_platform != "linux" +decorator==4.4.2 ; python_version >= "3.9" and python_version < "3.11" and platform_system == "Linux" and platform_machine == "aarch64" and sys_platform != "linux" +dm-tree==0.1.8 ; python_version >= "3.9" and python_version < "3.11" and platform_system == "Linux" and platform_machine == "aarch64" and sys_platform != "linux" +docker-pycreds==0.4.0 ; python_version >= "3.9" and python_version < "3.11" and platform_system == "Linux" and platform_machine == "aarch64" and sys_platform != "linux" +docstring-parser==0.15 ; python_version >= "3.9" and python_version < "3.11" and platform_system == "Linux" and platform_machine == "aarch64" and sys_platform != "linux" +farama-notifications==0.0.4 ; python_version >= "3.9" and python_version < "3.11" and platform_system == "Linux" and platform_machine == "aarch64" and sys_platform != "linux" +filelock==3.12.0 ; python_version >= "3.9" and python_version < "3.11" and platform_system == "Linux" and platform_machine == "aarch64" and sys_platform != "linux" +fonttools==4.38.0 ; python_version >= "3.9" and python_version < "3.11" and platform_system == "Linux" and platform_machine == "aarch64" and sys_platform != "linux" +fsspec==2025.2.0 ; python_version >= "3.9" and python_version < "3.11" and platform_system == "Linux" and platform_machine == "aarch64" and sys_platform != "linux" +gitdb==4.0.10 ; python_version >= "3.9" and python_version < "3.11" and platform_system == "Linux" and platform_machine == "aarch64" and sys_platform != "linux" +gitpython==3.1.31 ; python_version >= "3.9" and python_version < "3.11" and platform_system == "Linux" and platform_machine == "aarch64" and sys_platform != "linux" +google-auth-oauthlib==0.4.6 ; python_version >= "3.9" and python_version < "3.11" and platform_system == "Linux" and platform_machine == "aarch64" and sys_platform != "linux" +google-auth==2.18.0 ; python_version >= "3.9" and python_version < "3.11" and platform_system == "Linux" and platform_machine == "aarch64" and sys_platform != "linux" +grpcio==1.54.0 ; python_version >= "3.9" and python_version < "3.11" and platform_system == "Linux" and platform_machine == "aarch64" and sys_platform != "linux" +gym-notices==0.0.8 ; python_version >= "3.9" and python_version < "3.11" and platform_system == "Linux" and platform_machine == "aarch64" and sys_platform != "linux" +gym==0.23.1 ; python_version >= "3.9" and python_version < "3.11" and platform_system == "Linux" and platform_machine == "aarch64" and sys_platform != "linux" +gymnasium==1.0.0 ; python_version >= "3.9" and python_version < "3.11" and platform_system == "Linux" and platform_machine == "aarch64" and sys_platform != "linux" +huggingface-hub==0.11.1 ; python_version >= "3.9" and python_version < "3.11" and platform_system == "Linux" and platform_machine == "aarch64" and sys_platform != "linux" +idna==3.4 ; python_version >= "3.9" and python_version < "3.11" and platform_system == "Linux" and platform_machine == "aarch64" and sys_platform != "linux" +imageio-ffmpeg==0.3.0 ; python_version >= "3.9" and python_version < "3.11" and platform_system == "Linux" and platform_machine == "aarch64" and sys_platform != "linux" +imageio==2.28.1 ; python_version >= "3.9" and python_version < "3.11" and platform_system == "Linux" and platform_machine == "aarch64" and sys_platform != "linux" +importlib-metadata==5.2.0 ; python_version >= "3.9" and python_version < "3.11" +jax==0.4.8 ; python_version >= "3.9" and python_version < "3.11" and platform_system == "Linux" and platform_machine == "aarch64" and sys_platform != "linux" +jaxlib==0.4.7 ; python_version >= "3.9" and python_version < "3.11" and platform_system == "Linux" and platform_machine == "aarch64" and sys_platform != "linux" +jinja2==3.1.2 ; python_version >= "3.9" and python_version < "3.11" and platform_system == "Linux" and platform_machine == "aarch64" and sys_platform != "linux" +kiwisolver==1.4.4 ; python_version >= "3.9" and python_version < "3.11" and platform_system == "Linux" and platform_machine == "aarch64" and sys_platform != "linux" +markdown==3.3.7 ; python_version >= "3.9" and python_version < "3.11" and platform_system == "Linux" and platform_machine == "aarch64" and sys_platform != "linux" +markupsafe==2.1.2 ; python_version >= "3.9" and python_version < "3.11" and platform_system == "Linux" and platform_machine == "aarch64" and sys_platform != "linux" +matplotlib==3.5.3 ; python_version >= "3.9" and python_version < "3.11" and platform_system == "Linux" and platform_machine == "aarch64" and sys_platform != "linux" +ml-dtypes==0.2.0 ; python_version >= "3.9" and python_version < "3.11" and platform_system == "Linux" and platform_machine == "aarch64" and sys_platform != "linux" +moviepy==1.0.3 ; python_version >= "3.9" and python_version < "3.11" and platform_system == "Linux" and platform_machine == "aarch64" and sys_platform != "linux" +mpmath==1.3.0 ; python_version >= "3.9" and python_version < "3.11" and platform_system == "Linux" and platform_machine == "aarch64" and sys_platform != "linux" +networkx==3.2.1 ; python_version == "3.9" +networkx==3.4.2 ; python_version == "3.10" +numpy==1.24.4 ; python_version >= "3.9" and python_version < "3.11" and platform_system == "Linux" and platform_machine == "aarch64" and sys_platform != "linux" +nvidia-cublas-cu12==12.1.3.1 ; python_version >= "3.9" and python_version < "3.11" and platform_system == "Linux" and platform_machine == "x86_64" +nvidia-cuda-cupti-cu12==12.1.105 ; python_version >= "3.9" and python_version < "3.11" and platform_system == "Linux" and platform_machine == "x86_64" +nvidia-cuda-nvrtc-cu12==12.1.105 ; python_version >= "3.9" and python_version < "3.11" and platform_system == "Linux" and platform_machine == "x86_64" +nvidia-cuda-runtime-cu12==12.1.105 ; python_version >= "3.9" and python_version < "3.11" and platform_system == "Linux" and platform_machine == "x86_64" +nvidia-cudnn-cu12==8.9.2.26 ; python_version >= "3.9" and python_version < "3.11" and platform_system == "Linux" and platform_machine == "x86_64" +nvidia-cufft-cu12==11.0.2.54 ; python_version >= "3.9" and python_version < "3.11" and platform_system == "Linux" and platform_machine == "x86_64" +nvidia-curand-cu12==10.3.2.106 ; python_version >= "3.9" and python_version < "3.11" and platform_system == "Linux" and platform_machine == "x86_64" +nvidia-cusolver-cu12==11.4.5.107 ; python_version >= "3.9" and python_version < "3.11" and platform_system == "Linux" and platform_machine == "x86_64" +nvidia-cusparse-cu12==12.1.0.106 ; python_version >= "3.9" and python_version < "3.11" and platform_system == "Linux" and platform_machine == "x86_64" +nvidia-nccl-cu12==2.18.1 ; python_version >= "3.9" and python_version < "3.11" and platform_system == "Linux" and platform_machine == "x86_64" +nvidia-nvjitlink-cu12==12.8.61 ; python_version >= "3.9" and python_version < "3.11" and platform_system == "Linux" and platform_machine == "x86_64" +nvidia-nvtx-cu12==12.1.105 ; python_version >= "3.9" and python_version < "3.11" and platform_system == "Linux" and platform_machine == "x86_64" +oauthlib==3.2.2 ; python_version >= "3.9" and python_version < "3.11" and platform_system == "Linux" and platform_machine == "aarch64" and sys_platform != "linux" +opt-einsum==3.3.0 ; python_version >= "3.9" and python_version < "3.11" and platform_system == "Linux" and platform_machine == "aarch64" and sys_platform != "linux" +optax==0.1.4 ; python_version >= "3.9" and python_version < "3.11" and platform_system == "Linux" and platform_machine == "aarch64" and sys_platform != "linux" +packaging==23.1 ; python_version >= "3.9" and python_version < "3.11" and platform_system == "Linux" and platform_machine == "aarch64" and sys_platform != "linux" +pandas==1.3.5 ; python_version >= "3.9" and python_version < "3.11" and platform_system == "Linux" and platform_machine == "aarch64" and sys_platform != "linux" +pathtools==0.1.2 ; python_version >= "3.9" and python_version < "3.11" and platform_system == "Linux" and platform_machine == "aarch64" and sys_platform != "linux" +pillow==9.5.0 ; python_version >= "3.9" and python_version < "3.11" and platform_system == "Linux" and platform_machine == "aarch64" and sys_platform != "linux" +proglog==0.1.10 ; python_version >= "3.9" and python_version < "3.11" and platform_system == "Linux" and platform_machine == "aarch64" and sys_platform != "linux" +protobuf==3.20.3 ; python_version >= "3.9" and python_version < "3.11" and platform_system == "Linux" and platform_machine == "aarch64" and sys_platform != "linux" +psutil==5.9.5 ; python_version >= "3.9" and python_version < "3.11" and platform_system == "Linux" and platform_machine == "aarch64" and sys_platform != "linux" +pyasn1-modules==0.3.0 ; python_version >= "3.9" and python_version < "3.11" and platform_system == "Linux" and platform_machine == "aarch64" and sys_platform != "linux" +pyasn1==0.5.0 ; python_version >= "3.9" and python_version < "3.11" and platform_system == "Linux" and platform_machine == "aarch64" and sys_platform != "linux" +pygame==2.1.0 ; python_version >= "3.9" and python_version < "3.11" and platform_system == "Linux" and platform_machine == "aarch64" and sys_platform != "linux" +pygments==2.15.1 ; python_version >= "3.9" and python_version < "3.11" and platform_system == "Linux" and platform_machine == "aarch64" and sys_platform != "linux" +pyparsing==3.0.9 ; python_version >= "3.9" and python_version < "3.11" and platform_system == "Linux" and platform_machine == "aarch64" and sys_platform != "linux" +python-dateutil==2.8.2 ; python_version >= "3.9" and python_version < "3.11" and platform_system == "Linux" and platform_machine == "aarch64" and sys_platform != "linux" +pytz==2023.3 ; python_version >= "3.9" and python_version < "3.11" and platform_system == "Linux" and platform_machine == "aarch64" and sys_platform != "linux" +pyyaml==6.0.1 ; python_version >= "3.9" and python_version < "3.11" and platform_system == "Linux" and platform_machine == "aarch64" and sys_platform != "linux" +requests-oauthlib==1.3.1 ; python_version >= "3.9" and python_version < "3.11" and platform_system == "Linux" and platform_machine == "aarch64" and sys_platform != "linux" +requests==2.30.0 ; python_version >= "3.9" and python_version < "3.11" and platform_system == "Linux" and platform_machine == "aarch64" and sys_platform != "linux" +rich==11.2.0 ; python_version >= "3.9" and python_version < "3.11" and platform_system == "Linux" and platform_machine == "aarch64" and sys_platform != "linux" +rsa==4.7.2 ; python_version >= "3.9" and python_version < "3.11" and platform_system == "Linux" and platform_machine == "aarch64" and sys_platform != "linux" +scipy==1.10.1 ; python_version >= "3.9" and python_version < "3.11" and platform_system == "Linux" and platform_machine == "aarch64" and sys_platform != "linux" +sentry-sdk==1.22.2 ; python_version >= "3.9" and python_version < "3.11" and platform_system == "Linux" and platform_machine == "aarch64" and sys_platform != "linux" +setproctitle==1.3.2 ; python_version >= "3.9" and python_version < "3.11" and platform_system == "Linux" and platform_machine == "aarch64" and sys_platform != "linux" +setuptools==67.7.2 ; python_version >= "3.9" and python_version < "3.11" and platform_system == "Linux" and platform_machine == "aarch64" and sys_platform != "linux" +shtab==1.6.4 ; python_version >= "3.9" and python_version < "3.11" and platform_system == "Linux" and platform_machine == "aarch64" and sys_platform != "linux" +six==1.16.0 ; python_version >= "3.9" and python_version < "3.11" and platform_system == "Linux" and platform_machine == "aarch64" and sys_platform != "linux" +smmap==5.0.0 ; python_version >= "3.9" and python_version < "3.11" and platform_system == "Linux" and platform_machine == "aarch64" and sys_platform != "linux" +stable-baselines3==2.4.1 ; python_version >= "3.9" and python_version < "3.11" and platform_system == "Linux" and platform_machine == "aarch64" and sys_platform != "linux" +sympy==1.13.3 ; python_version >= "3.9" and python_version < "3.11" and platform_system == "Linux" and platform_machine == "aarch64" and sys_platform != "linux" +tenacity==8.2.3 ; python_version >= "3.9" and python_version < "3.11" and platform_system == "Linux" and platform_machine == "aarch64" and sys_platform != "linux" +tensorboard-data-server==0.6.1 ; python_version >= "3.9" and python_version < "3.11" and platform_system == "Linux" and platform_machine == "aarch64" and sys_platform != "linux" +tensorboard-plugin-wit==1.8.1 ; python_version >= "3.9" and python_version < "3.11" and platform_system == "Linux" and platform_machine == "aarch64" and sys_platform != "linux" +tensorboard==2.11.2 ; python_version >= "3.9" and python_version < "3.11" and platform_system == "Linux" and platform_machine == "aarch64" and sys_platform != "linux" +toolz==0.12.0 ; python_version >= "3.9" and python_version < "3.11" and platform_system == "Linux" and platform_machine == "aarch64" and sys_platform != "linux" +torch==2.1.2 ; python_version >= "3.9" and python_version < "3.11" and platform_system == "Linux" and platform_machine == "aarch64" and sys_platform != "linux" +tqdm==4.65.0 ; python_version >= "3.9" and python_version < "3.11" and platform_system == "Linux" and platform_machine == "aarch64" and sys_platform != "linux" +triton==2.1.0 ; python_version >= "3.9" and python_version < "3.11" and platform_system == "Linux" and platform_machine == "x86_64" +typing-extensions==4.5.0 ; python_version >= "3.9" and python_version < "3.11" and platform_system == "Linux" and platform_machine == "aarch64" and sys_platform != "linux" +tyro==0.5.10 ; python_version >= "3.9" and python_version < "3.11" and platform_system == "Linux" and platform_machine == "aarch64" and sys_platform != "linux" +urllib3==1.26.15 ; python_version >= "3.9" and python_version < "3.11" and platform_system == "Linux" and platform_machine == "aarch64" and sys_platform != "linux" +wandb==0.13.11 ; python_version >= "3.9" and python_version < "3.11" and platform_system == "Linux" and platform_machine == "aarch64" and sys_platform != "linux" +werkzeug==2.2.3 ; python_version >= "3.9" and python_version < "3.11" and platform_system == "Linux" and platform_machine == "aarch64" and sys_platform != "linux" +wheel==0.40.0 ; python_version >= "3.9" and python_version < "3.11" and platform_system == "Linux" and platform_machine == "aarch64" and sys_platform != "linux" +zipp==3.15.0 ; python_version >= "3.9" and python_version < "3.11"