From 220af379f07549e6623f9a3e341f2270979956c9 Mon Sep 17 00:00:00 2001 From: Yicheng Luo Date: Wed, 21 Feb 2024 01:20:35 +0000 Subject: [PATCH 1/3] Fix some typing issues --- corax/agents/agent.py | 3 ++- corax/agents/jax/decision_transformer/dataset.py | 6 +++--- corax/datasets/reverb.py | 1 + projects/baselines/baselines/iql/train.py | 2 +- pyproject.toml | 8 +++++++- 5 files changed, 14 insertions(+), 6 deletions(-) diff --git a/corax/agents/agent.py b/corax/agents/agent.py index 26248e4..581a20e 100644 --- a/corax/agents/agent.py +++ b/corax/agents/agent.py @@ -89,7 +89,8 @@ def observe(self, action: types.NestedArray, next_timestep: dm_env.TimeStep): self._actor.observe(action, next_timestep) def _has_data_for_training(self): - if self._iterator.ready(): # type: ignore + assert self._replay_tables is not None and self._iterator is not None + if self._iterator.ready(): return True for table, batch_size in zip( self._replay_tables, diff --git a/corax/agents/jax/decision_transformer/dataset.py b/corax/agents/jax/decision_transformer/dataset.py index 0772d6d..5815ea3 100644 --- a/corax/agents/jax/decision_transformer/dataset.py +++ b/corax/agents/jax/decision_transformer/dataset.py @@ -54,7 +54,7 @@ def add_return_to_go(episode): return episode def _pad_along_axis(x, padded_size, axis=0, value=0): - pad_width = padded_size - tf.shape(x)[axis] + pad_width = padded_size - tf.shape(x)[axis] # type: ignore if pad_width <= 0: return x padding = [(0, 0)] * len(x.shape.as_list()) @@ -72,10 +72,10 @@ def pad_steps(steps, max_len): padded_discounts = _pad_along_axis(steps["discount"], max_len, 0, 2) padded_timesteps = _pad_along_axis(steps["timestep"], max_len, 0, 0) mask = _pad_along_axis( - tf.ones(tf.shape(steps["reward"])[0], dtype=bool), + tf.ones(tf.shape(steps["reward"])[0], dtype=bool), # type: ignore max_len, 0, - False, # type: ignore + False, ) return { "observation": padded_obs, diff --git a/corax/datasets/reverb.py b/corax/datasets/reverb.py index 4ab80d9..d1cfcd6 100644 --- a/corax/datasets/reverb.py +++ b/corax/datasets/reverb.py @@ -99,6 +99,7 @@ def _make_dataset(unused_idx: tf.Tensor) -> tf.data.Dataset: datasets, weights=tables.values() ) else: + assert len(datasets) == 1 dataset = datasets[0] # Post-process each element if a post-processing function is passed, e.g. diff --git a/projects/baselines/baselines/iql/train.py b/projects/baselines/baselines/iql/train.py index 8347ea6..d35e885 100644 --- a/projects/baselines/baselines/iql/train.py +++ b/projects/baselines/baselines/iql/train.py @@ -41,7 +41,7 @@ def make_d4rl_transition_dataset( num_parallel_calls=tf.data.AUTOTUNE, ) episode_returns = ( - episode_returns.batch(int(dataset.cardinality())) + episode_returns.batch(int(dataset.cardinality())) # type: ignore .get_single_element() .numpy() # type: ignore ) diff --git a/pyproject.toml b/pyproject.toml index 8f851d0..737ec25 100644 --- a/pyproject.toml +++ b/pyproject.toml @@ -100,10 +100,16 @@ ban-relative-imports = "all" [tool.pyright] include = ["corax"] exclude = ["**/node_modules", "**/__pycache__"] -ignore = ["corax/adders", "corax/datasets/tfds"] +ignore = [ + "corax/adders", + "corax/datasets/tfds", + "corax/agents/jax/actor_core.py", # chex dataclass + "corax/**/*_test.py" # skip tests +] reportMissingImports = true reportMissingTypeStubs = false +reportIncompatibleMethodOverride = false pythonVersion = "3.10" pythonPlatform = "Linux" From 2e062f94d04372a31cc0dff0a4e8a33c74332eab Mon Sep 17 00:00:00 2001 From: Yicheng Luo Date: Wed, 21 Feb 2024 01:35:11 +0000 Subject: [PATCH 2/3] Fix more warning messages --- corax/jax/running_statistics_test.py | 6 +- corax/utils/counting_test.py | 2 +- corax/utils/loggers/base.py | 2 +- pyproject.toml | 1 + requirements/base.in | 20 ++ requirements/base.txt | 283 +++++++++++++++++++ requirements/baselines.in | 10 + requirements/baselines.txt | 406 +++++++++++++++++++++++++++ requirements/dev.in | 5 + requirements/dev.txt | 124 ++++++++ requirements/test.in | 13 + requirements/test.txt | 181 ++++++++++++ tools/compile_requirements.sh | 7 + 13 files changed, 1055 insertions(+), 5 deletions(-) create mode 100644 requirements/base.in create mode 100644 requirements/base.txt create mode 100644 requirements/baselines.in create mode 100644 requirements/baselines.txt create mode 100644 requirements/dev.in create mode 100644 requirements/dev.txt create mode 100644 requirements/test.in create mode 100644 requirements/test.txt create mode 100755 tools/compile_requirements.sh diff --git a/corax/jax/running_statistics_test.py b/corax/jax/running_statistics_test.py index 9f733fc..5e61038 100644 --- a/corax/jax/running_statistics_test.py +++ b/corax/jax/running_statistics_test.py @@ -20,7 +20,7 @@ from absl.testing import absltest import jax -from jax.config import config as jax_config # type: ignore +from jax import config as jax_config import jax.numpy as jnp import numpy as np import tree @@ -31,7 +31,7 @@ update_and_validate = functools.partial(running_statistics.update, validate_shapes=True) -class TestNestedSpec(NamedTuple): +class _TestNestedSpec(NamedTuple): # Note: the fields are intentionally in reverse order to test ordering. a: specs.Array b: specs.Array @@ -183,7 +183,7 @@ def test_pmap_update_nested(self): tree.map_structure(lambda x: self.assert_allclose(x, jnp.ones_like(x)), std) def test_different_structure_normalize(self): - spec = TestNestedSpec( + spec = _TestNestedSpec( a=specs.Array((5,), jnp.float32), b=specs.Array((2,), jnp.float32) ) state = running_statistics.init_state(spec) diff --git a/corax/utils/counting_test.py b/corax/utils/counting_test.py index 3a187a2..0a9de99 100644 --- a/corax/utils/counting_test.py +++ b/corax/utils/counting_test.py @@ -38,7 +38,7 @@ def wait(self): """Waits on the barrier until all threads have called this method.""" with self._cond: self._count += 1 - self._cond.notifyAll() + self._cond.notify_all() while self._count < self._num_threads: self._cond.wait() diff --git a/corax/utils/loggers/base.py b/corax/utils/loggers/base.py index 6c1394e..1aff72a 100644 --- a/corax/utils/loggers/base.py +++ b/corax/utils/loggers/base.py @@ -68,7 +68,7 @@ def close(self): def tensor_to_numpy(value: Any): if hasattr(value, "numpy"): return value.numpy() # tf.Tensor (TF2). - if hasattr(value, "device_buffer"): + if hasattr(value, "addressable_data"): return np.asarray(value) # jnp.DeviceArray. return value diff --git a/pyproject.toml b/pyproject.toml index 737ec25..4e479a3 100644 --- a/pyproject.toml +++ b/pyproject.toml @@ -126,4 +126,5 @@ filterwarnings = [ "ignore::DeprecationWarning:tensorflow.*:", "ignore::DeprecationWarning:pkg_resources.*:", "ignore::DeprecationWarning:ott.*:", + "ignore::DeprecationWarning:gymnasium.*:", ] diff --git a/requirements/base.in b/requirements/base.in new file mode 100644 index 0000000..201d463 --- /dev/null +++ b/requirements/base.in @@ -0,0 +1,20 @@ +absl-py +dm-env +dm_env_wrappers +numpy +dm-tree + +# TF +tensorflow-cpu~=2.14.0 +tensorflow-probability~=0.22.1 +tensorflow-datasets>=4.9.3 +dm-reverb~=0.13.0 +rlds + +# JAX +chex +dm-haiku +flax +jax +optax +rlax diff --git a/requirements/base.txt b/requirements/base.txt new file mode 100644 index 0000000..48db14c --- /dev/null +++ b/requirements/base.txt @@ -0,0 +1,283 @@ +# This file was autogenerated by uv via the following command: +# uv pip compile requirements/base.in -o requirements/base.txt +absl-py==2.1.0 + # via + # array-record + # chex + # distrax + # dm-env + # dm-haiku + # etils + # optax + # orbax-checkpoint + # rlax + # rlds + # tensorboard + # tensorflow-cpu + # tensorflow-datasets + # tensorflow-probability +array-record==0.5.0 + # via tensorflow-datasets +astunparse==1.6.3 + # via tensorflow-cpu +cachetools==5.3.2 + # via google-auth +certifi==2024.2.2 + # via requests +charset-normalizer==3.3.2 + # via requests +chex==0.1.85 + # via + # distrax + # optax + # rlax +click==8.1.7 + # via tensorflow-datasets +cloudpickle==3.0.0 + # via tensorflow-probability +decorator==5.1.1 + # via tensorflow-probability +distrax==0.1.5 + # via rlax +dm-env==1.6 + # via + # dm-env-wrappers + # rlax +dm-env-wrappers==0.0.13 +dm-haiku==0.0.11 +dm-reverb==0.13.0 +dm-tree==0.1.8 + # via + # dm-env + # dm-reverb + # tensorflow-datasets + # tensorflow-probability +etils==1.7.0 + # via + # array-record + # orbax-checkpoint + # tensorflow-datasets +flatbuffers==23.5.26 + # via tensorflow-cpu +flax==0.8.1 + # via dm-haiku +fsspec==2024.2.0 + # via etils +gast==0.5.4 + # via + # tensorflow-cpu + # tensorflow-probability +google-auth==2.28.0 + # via + # google-auth-oauthlib + # tensorboard +google-auth-oauthlib==1.0.0 + # via tensorboard +google-pasta==0.2.0 + # via tensorflow-cpu +googleapis-common-protos==1.62.0 + # via tensorflow-metadata +grpcio==1.60.1 + # via + # tensorboard + # tensorflow-cpu +h5py==3.10.0 + # via tensorflow-cpu +idna==3.6 + # via requests +imageio==2.34.0 + # via dm-env-wrappers +imageio-ffmpeg==0.4.9 + # via dm-env-wrappers +importlib-resources==6.1.1 + # via etils +jax==0.4.24 + # via + # chex + # distrax + # flax + # optax + # orbax-checkpoint + # rlax +jaxlib==0.4.24 + # via + # chex + # distrax + # optax + # orbax-checkpoint + # rlax +jmp==0.0.4 + # via dm-haiku +keras==2.14.0 + # via tensorflow-cpu +libclang==16.0.6 + # via tensorflow-cpu +markdown==3.5.2 + # via tensorboard +markdown-it-py==3.0.0 + # via rich +markupsafe==2.1.5 + # via werkzeug +mdurl==0.1.2 + # via markdown-it-py +ml-dtypes==0.2.0 + # via + # jax + # jaxlib + # tensorflow-cpu +msgpack==1.0.7 + # via + # flax + # orbax-checkpoint +nest-asyncio==1.6.0 + # via orbax-checkpoint +numpy==1.26.4 + # via + # chex + # distrax + # dm-env + # dm-env-wrappers + # dm-haiku + # etils + # flax + # h5py + # imageio + # jax + # jaxlib + # jmp + # ml-dtypes + # opt-einsum + # optax + # orbax-checkpoint + # rlax + # rlds + # scipy + # tensorboard + # tensorflow-cpu + # tensorflow-datasets + # tensorflow-probability + # tensorstore +oauthlib==3.2.2 + # via requests-oauthlib +opt-einsum==3.3.0 + # via + # jax + # tensorflow-cpu +optax==0.1.9 + # via flax +orbax-checkpoint==0.4.4 + # via flax +packaging==23.2 + # via tensorflow-cpu +pillow==10.2.0 + # via imageio +portpicker==1.6.0 + # via dm-reverb +promise==2.3 + # via tensorflow-datasets +protobuf==3.20.3 + # via + # googleapis-common-protos + # orbax-checkpoint + # tensorboard + # tensorflow-cpu + # tensorflow-datasets + # tensorflow-metadata +psutil==5.9.8 + # via + # portpicker + # tensorflow-datasets +pyasn1==0.5.1 + # via + # pyasn1-modules + # rsa +pyasn1-modules==0.3.0 + # via google-auth +pygments==2.17.2 + # via rich +pyyaml==6.0.1 + # via + # flax + # orbax-checkpoint +requests==2.31.0 + # via + # requests-oauthlib + # tensorboard + # tensorflow-datasets +requests-oauthlib==1.3.1 + # via google-auth-oauthlib +rich==13.7.0 + # via flax +rlax==0.1.6 +rlds==0.1.8 +rsa==4.9 + # via google-auth +scipy==1.12.0 + # via + # dm-env-wrappers + # jax + # jaxlib +setuptools==69.1.0 + # via + # imageio-ffmpeg + # tensorboard + # tensorflow-cpu +six==1.16.0 + # via + # astunparse + # google-pasta + # promise + # tensorboard + # tensorflow-cpu + # tensorflow-probability +tabulate==0.9.0 + # via dm-haiku +tensorboard==2.14.1 + # via tensorflow-cpu +tensorboard-data-server==0.7.2 + # via tensorboard +tensorflow-cpu==2.14.1 +tensorflow-datasets==4.9.4 +tensorflow-estimator==2.14.0 + # via tensorflow-cpu +tensorflow-io-gcs-filesystem==0.36.0 + # via tensorflow-cpu +tensorflow-metadata==0.22.2 + # via tensorflow-datasets +tensorflow-probability==0.22.1 + # via distrax +tensorstore==0.1.45 + # via + # flax + # orbax-checkpoint +termcolor==2.4.0 + # via + # tensorflow-cpu + # tensorflow-datasets +toml==0.10.2 + # via tensorflow-datasets +toolz==0.12.1 + # via chex +tqdm==4.66.2 + # via + # etils + # tensorflow-datasets +typing-extensions==4.9.0 + # via + # chex + # etils + # flax + # orbax-checkpoint + # tensorflow-cpu +urllib3==2.2.1 + # via requests +werkzeug==3.0.1 + # via tensorboard +wheel==0.42.0 + # via astunparse +wrapt==1.14.1 + # via + # tensorflow-cpu + # tensorflow-datasets +zipp==3.17.0 + # via etils diff --git a/requirements/baselines.in b/requirements/baselines.in new file mode 100644 index 0000000..cc43232 --- /dev/null +++ b/requirements/baselines.in @@ -0,0 +1,10 @@ +--find-links https://storage.googleapis.com/jax-releases/jax_cuda_releases.html + +-r base.in +jax[cuda11_pip] +d4rl @ git+https://github.com/Farama-Foundation/d4rl@71a9549#egg=d4rl +mujoco_py @ git+https://github.com/ethanluoyc/mujoco-py@v2.1.2.14-patch +mjrl @ git+https://github.com/aravindr93/mjrl@master#egg=mjrl +dm-control +gymnasium +wandb diff --git a/requirements/baselines.txt b/requirements/baselines.txt new file mode 100644 index 0000000..35a579b --- /dev/null +++ b/requirements/baselines.txt @@ -0,0 +1,406 @@ +# This file was autogenerated by uv via the following command: +# uv pip compile requirements/baselines.in --emit-find-links -o requirements/baselines.txt +--find-links https://storage.googleapis.com/jax-releases/jax_cuda_releases.html + +absl-py==2.1.0 + # via + # array-record + # chex + # distrax + # dm-control + # dm-env + # dm-haiku + # etils + # labmaze + # mujoco + # optax + # orbax-checkpoint + # rlax + # rlds + # tensorboard + # tensorflow-cpu + # tensorflow-datasets + # tensorflow-probability +appdirs==1.4.4 + # via wandb +array-record==0.5.0 + # via tensorflow-datasets +astunparse==1.6.3 + # via tensorflow-cpu +cachetools==5.3.2 + # via google-auth +certifi==2024.2.2 + # via + # requests + # sentry-sdk +cffi==1.16.0 + # via mujoco-py +charset-normalizer==3.3.2 + # via requests +chex==0.1.85 + # via + # distrax + # optax + # rlax +click==8.1.7 + # via + # d4rl + # tensorflow-datasets + # wandb +cloudpickle==3.0.0 + # via + # gym + # gymnasium + # tensorflow-probability +cython==0.29.37 + # via mujoco-py +d4rl @ git+https://github.com/Farama-Foundation/d4rl@71a9549f2091accff93eeff68f1f3ab2c0e0a288 +decorator==5.1.1 + # via tensorflow-probability +distrax==0.1.5 + # via rlax +dm-control==1.0.16 + # via d4rl +dm-env==1.6 + # via + # dm-control + # dm-env-wrappers + # rlax +dm-env-wrappers==0.0.13 +dm-haiku==0.0.11 +dm-reverb==0.13.0 +dm-tree==0.1.8 + # via + # dm-control + # dm-env + # dm-reverb + # tensorflow-datasets + # tensorflow-probability +docker-pycreds==0.4.0 + # via wandb +etils==1.7.0 + # via + # array-record + # mujoco + # orbax-checkpoint + # tensorflow-datasets +farama-notifications==0.0.4 + # via gymnasium +fasteners==0.19 + # via mujoco-py +flatbuffers==23.5.26 + # via tensorflow-cpu +flax==0.8.1 + # via dm-haiku +fsspec==2024.2.0 + # via etils +gast==0.5.4 + # via + # tensorflow-cpu + # tensorflow-probability +gitdb==4.0.11 + # via gitpython +gitpython==3.1.42 + # via wandb +glfw==2.6.5 + # via + # dm-control + # mujoco + # mujoco-py +google-auth==2.28.0 + # via + # google-auth-oauthlib + # tensorboard +google-auth-oauthlib==1.0.0 + # via tensorboard +google-pasta==0.2.0 + # via tensorflow-cpu +googleapis-common-protos==1.62.0 + # via tensorflow-metadata +grpcio==1.60.1 + # via + # tensorboard + # tensorflow-cpu +gym==0.23.1 + # via d4rl +gym-notices==0.0.8 + # via gym +gymnasium==0.29.1 +h5py==3.10.0 + # via + # d4rl + # tensorflow-cpu +idna==3.6 + # via requests +imageio==2.34.0 + # via + # dm-env-wrappers + # mujoco-py +imageio-ffmpeg==0.4.9 + # via dm-env-wrappers +importlib-resources==6.1.1 + # via etils +jax==0.4.24 + # via + # chex + # distrax + # flax + # optax + # orbax-checkpoint + # rlax +jaxlib==0.4.24+cuda11.cudnn86 + # via + # chex + # distrax + # jax + # optax + # orbax-checkpoint + # rlax +jmp==0.0.4 + # via dm-haiku +keras==2.14.0 + # via tensorflow-cpu +labmaze==1.0.6 + # via dm-control +libclang==16.0.6 + # via tensorflow-cpu +lxml==5.1.0 + # via dm-control +markdown==3.5.2 + # via tensorboard +markdown-it-py==3.0.0 + # via rich +markupsafe==2.1.5 + # via werkzeug +mdurl==0.1.2 + # via markdown-it-py +mjrl @ git+https://github.com/aravindr93/mjrl@3871d93763d3b49c4741e6daeaebbc605fe140dc + # via d4rl +ml-dtypes==0.2.0 + # via + # jax + # jaxlib + # tensorflow-cpu +msgpack==1.0.7 + # via + # flax + # orbax-checkpoint +mujoco==3.1.2 + # via dm-control +mujoco-py @ git+https://github.com/ethanluoyc/mujoco-py@c9e11272e3344e8fe2da3ab8ec5b96a9d43bc360 + # via d4rl +nest-asyncio==1.6.0 + # via orbax-checkpoint +numpy==1.26.4 + # via + # chex + # d4rl + # distrax + # dm-control + # dm-env + # dm-env-wrappers + # dm-haiku + # etils + # flax + # gym + # gymnasium + # h5py + # imageio + # jax + # jaxlib + # jmp + # labmaze + # ml-dtypes + # mujoco + # mujoco-py + # opt-einsum + # optax + # orbax-checkpoint + # rlax + # rlds + # scipy + # tensorboard + # tensorflow-cpu + # tensorflow-datasets + # tensorflow-probability + # tensorstore +nvidia-cublas-cu11==11.11.3.6 + # via + # jax + # nvidia-cudnn-cu11 + # nvidia-cusolver-cu11 +nvidia-cuda-cupti-cu11==11.8.87 + # via jax +nvidia-cuda-nvcc-cu11==11.8.89 + # via jax +nvidia-cuda-nvrtc-cu11==11.8.89 + # via nvidia-cudnn-cu11 +nvidia-cuda-runtime-cu11==11.8.89 + # via jax +nvidia-cudnn-cu11==8.9.6.50 + # via jax +nvidia-cufft-cu11==10.9.0.58 + # via jax +nvidia-cusolver-cu11==11.4.1.48 + # via jax +nvidia-cusparse-cu11==11.7.5.86 + # via jax +nvidia-nccl-cu11==2.19.3 + # via jax +oauthlib==3.2.2 + # via requests-oauthlib +opt-einsum==3.3.0 + # via + # jax + # tensorflow-cpu +optax==0.1.9 + # via flax +orbax-checkpoint==0.4.4 + # via flax +packaging==23.2 + # via tensorflow-cpu +pillow==10.2.0 + # via imageio +portpicker==1.6.0 + # via dm-reverb +promise==2.3 + # via tensorflow-datasets +protobuf==3.20.3 + # via + # dm-control + # googleapis-common-protos + # orbax-checkpoint + # tensorboard + # tensorflow-cpu + # tensorflow-datasets + # tensorflow-metadata + # wandb +psutil==5.9.8 + # via + # portpicker + # tensorflow-datasets + # wandb +pyasn1==0.5.1 + # via + # pyasn1-modules + # rsa +pyasn1-modules==0.3.0 + # via google-auth +pybullet==3.2.6 + # via d4rl +pycparser==2.21 + # via cffi +pygments==2.17.2 + # via rich +pyopengl==3.1.7 + # via + # dm-control + # mujoco +pyparsing==3.1.1 + # via dm-control +pyyaml==6.0.1 + # via + # flax + # orbax-checkpoint + # wandb +requests==2.31.0 + # via + # dm-control + # requests-oauthlib + # tensorboard + # tensorflow-datasets + # wandb +requests-oauthlib==1.3.1 + # via google-auth-oauthlib +rich==13.7.0 + # via flax +rlax==0.1.6 +rlds==0.1.8 +rsa==4.9 + # via google-auth +scipy==1.12.0 + # via + # dm-control + # dm-env-wrappers + # jax + # jaxlib +sentry-sdk==1.40.5 + # via wandb +setproctitle==1.3.3 + # via wandb +setuptools==69.1.0 + # via + # dm-control + # imageio-ffmpeg + # labmaze + # tensorboard + # tensorflow-cpu + # wandb +six==1.16.0 + # via + # astunparse + # docker-pycreds + # google-pasta + # promise + # tensorboard + # tensorflow-cpu + # tensorflow-probability +smmap==5.0.1 + # via gitdb +tabulate==0.9.0 + # via dm-haiku +tensorboard==2.14.1 + # via tensorflow-cpu +tensorboard-data-server==0.7.2 + # via tensorboard +tensorflow-cpu==2.14.1 +tensorflow-datasets==4.9.4 +tensorflow-estimator==2.14.0 + # via tensorflow-cpu +tensorflow-io-gcs-filesystem==0.36.0 + # via tensorflow-cpu +tensorflow-metadata==0.22.2 + # via tensorflow-datasets +tensorflow-probability==0.22.1 + # via distrax +tensorstore==0.1.45 + # via + # flax + # orbax-checkpoint +termcolor==2.4.0 + # via + # d4rl + # tensorflow-cpu + # tensorflow-datasets +toml==0.10.2 + # via tensorflow-datasets +toolz==0.12.1 + # via chex +tqdm==4.66.2 + # via + # dm-control + # etils + # tensorflow-datasets +typing-extensions==4.9.0 + # via + # chex + # etils + # flax + # gymnasium + # orbax-checkpoint + # tensorflow-cpu +urllib3==2.2.1 + # via + # requests + # sentry-sdk +wandb==0.16.3 +werkzeug==3.0.1 + # via tensorboard +wheel==0.42.0 + # via astunparse +wrapt==1.14.1 + # via + # tensorflow-cpu + # tensorflow-datasets +zipp==3.17.0 + # via etils diff --git a/requirements/dev.in b/requirements/dev.in new file mode 100644 index 0000000..fa8e630 --- /dev/null +++ b/requirements/dev.in @@ -0,0 +1,5 @@ +-c test.txt +ruff>=0.2.2 +pre-commit +nox +lxm3>=0.4.3 diff --git a/requirements/dev.txt b/requirements/dev.txt new file mode 100644 index 0000000..605f606 --- /dev/null +++ b/requirements/dev.txt @@ -0,0 +1,124 @@ +# This file was autogenerated by uv via the following command: +# uv pip compile requirements/dev.in -o requirements/dev.txt +absl-py==2.1.0 + # via + # lxm3 + # ml-collections +appdirs==1.4.4 + # via lxm3 +argcomplete==3.2.2 + # via nox +async-generator==1.10 + # via lxm3 +attrs==23.2.0 + # via lxm3 +bcrypt==4.1.2 + # via paramiko +cachetools==5.3.2 + # via + # lxm3 + # shelved-cache +certifi==2024.2.2 + # via requests +cffi==1.16.0 + # via + # cryptography + # pynacl +cfgv==3.4.0 + # via pre-commit +charset-normalizer==3.3.2 + # via requests +colorlog==6.8.2 + # via nox +contextlib2==21.6.0 + # via ml-collections +cryptography==42.0.4 + # via paramiko +decorator==5.1.1 + # via fabric +deprecated==1.2.14 + # via fabric +distlib==0.3.8 + # via virtualenv +docker==7.0.0 + # via lxm3 +fabric==3.2.2 + # via lxm3 +filelock==3.13.1 + # via virtualenv +fsspec==2024.2.0 + # via lxm3 +gitdb==4.0.11 + # via + # gitpython + # vcsinfo +gitpython==3.1.42 + # via vcsinfo +identify==2.5.35 + # via pre-commit +idna==3.6 + # via requests +immutabledict==4.1.0 + # via lxm3 +invoke==2.2.0 + # via fabric +lxm3==0.4.3 +markdown-it-py==3.0.0 + # via rich +mdurl==0.1.2 + # via markdown-it-py +ml-collections==0.1.1 + # via lxm3 +nodeenv==1.8.0 + # via pre-commit +nox==2023.4.22 +packaging==23.2 + # via + # docker + # nox +paramiko==3.4.0 + # via + # fabric + # lxm3 +pip==24.0 + # via lxm3 +platformdirs==4.2.0 + # via virtualenv +pre-commit==3.6.2 +pycparser==2.21 + # via cffi +pygments==2.17.2 + # via rich +pynacl==1.5.0 + # via paramiko +pyyaml==6.0.1 + # via + # ml-collections + # pre-commit +requests==2.31.0 + # via docker +rich==13.7.0 + # via lxm3 +ruff==0.2.2 +setuptools==69.1.0 + # via nodeenv +shelved-cache==0.3.1 + # via lxm3 +six==1.16.0 + # via ml-collections +smmap==5.0.1 + # via gitdb +tomlkit==0.12.3 + # via lxm3 +urllib3==2.2.1 + # via + # docker + # requests +vcsinfo==2.1.110 + # via lxm3 +virtualenv==20.25.0 + # via + # nox + # pre-commit +wrapt==1.16.0 + # via deprecated diff --git a/requirements/test.in b/requirements/test.in new file mode 100644 index 0000000..44db6e4 --- /dev/null +++ b/requirements/test.in @@ -0,0 +1,13 @@ +-c base.txt +jax[cpu] +pytest +pytest-xdist +dill # required for tfds tests +wandb +ml-collections +scipy>=1.6.0 +# Environments +gym>=0.21.0,<0.24.0 +gymnasium +ott-jax +dm-control diff --git a/requirements/test.txt b/requirements/test.txt new file mode 100644 index 0000000..424ee48 --- /dev/null +++ b/requirements/test.txt @@ -0,0 +1,181 @@ +# This file was autogenerated by uv via the following command: +# uv pip compile requirements/test.in -o requirements/test.txt +absl-py==2.1.0 + # via + # dm-control + # dm-env + # labmaze + # ml-collections + # mujoco +appdirs==1.4.4 + # via wandb +certifi==2024.2.2 + # via + # requests + # sentry-sdk +charset-normalizer==3.3.2 + # via requests +click==8.1.7 + # via wandb +cloudpickle==3.0.0 + # via + # gym + # gymnasium +contextlib2==21.6.0 + # via ml-collections +dill==0.3.8 +dm-control==1.0.16 +dm-env==1.6 + # via dm-control +dm-tree==0.1.8 + # via + # dm-control + # dm-env +docker-pycreds==0.4.0 + # via wandb +equinox==0.11.3 + # via lineax +etils==1.7.0 + # via mujoco +exceptiongroup==1.2.0 + # via pytest +execnet==2.0.2 + # via pytest-xdist +farama-notifications==0.0.4 + # via gymnasium +fsspec==2024.2.0 + # via etils +gitdb==4.0.11 + # via gitpython +gitpython==3.1.42 + # via wandb +glfw==2.6.5 + # via + # dm-control + # mujoco +gym==0.23.1 +gym-notices==0.0.8 + # via gym +gymnasium==0.29.1 +idna==3.6 + # via requests +importlib-resources==6.1.1 + # via etils +iniconfig==2.0.0 + # via pytest +jax==0.4.24 + # via + # equinox + # jaxopt + # lineax + # ott-jax +jaxlib==0.4.24 + # via + # jax + # jaxopt +jaxopt==0.8.3 + # via ott-jax +jaxtyping==0.2.25 + # via + # equinox + # lineax +labmaze==1.0.6 + # via dm-control +lineax==0.0.4 + # via ott-jax +lxml==5.1.0 + # via dm-control +ml-collections==0.1.1 +ml-dtypes==0.2.0 + # via + # jax + # jaxlib +mujoco==3.1.2 + # via dm-control +numpy==1.26.4 + # via + # dm-control + # dm-env + # gym + # gymnasium + # jax + # jaxlib + # jaxopt + # jaxtyping + # labmaze + # ml-dtypes + # mujoco + # opt-einsum + # ott-jax + # scipy +opt-einsum==3.3.0 + # via jax +ott-jax==0.4.5 +packaging==23.2 + # via pytest +pluggy==1.4.0 + # via pytest +protobuf==3.20.3 + # via + # dm-control + # wandb +psutil==5.9.8 + # via wandb +pyopengl==3.1.7 + # via + # dm-control + # mujoco +pyparsing==3.1.1 + # via dm-control +pytest==8.0.1 + # via pytest-xdist +pytest-xdist==3.5.0 +pyyaml==6.0.1 + # via + # ml-collections + # wandb +requests==2.31.0 + # via + # dm-control + # wandb +scipy==1.12.0 + # via + # dm-control + # jax + # jaxlib + # jaxopt +sentry-sdk==1.40.5 + # via wandb +setproctitle==1.3.3 + # via wandb +setuptools==69.1.0 + # via + # dm-control + # labmaze + # wandb +six==1.16.0 + # via + # docker-pycreds + # ml-collections +smmap==5.0.1 + # via gitdb +tomli==2.0.1 + # via pytest +tqdm==4.66.2 + # via dm-control +typeguard==2.13.3 + # via jaxtyping +typing-extensions==4.9.0 + # via + # equinox + # etils + # gymnasium + # jaxtyping + # lineax +urllib3==2.2.1 + # via + # requests + # sentry-sdk +wandb==0.16.3 +zipp==3.17.0 + # via etils diff --git a/tools/compile_requirements.sh b/tools/compile_requirements.sh new file mode 100755 index 0000000..2d1fe51 --- /dev/null +++ b/tools/compile_requirements.sh @@ -0,0 +1,7 @@ +#!/usr/bin/env bash +set -eux + +uv pip compile requirements/base.in -o requirements/base.txt +uv pip compile requirements/test.in -o requirements/test.txt +uv pip compile requirements/dev.in -o requirements/dev.txt +uv pip compile requirements/baselines.in --emit-find-links -o requirements/baselines.txt From c68cd8aabdc8b1416f81a2c18922af9b02ae3e90 Mon Sep 17 00:00:00 2001 From: Yicheng Luo Date: Wed, 21 Feb 2024 18:05:43 +0000 Subject: [PATCH 3/3] Use nox --- .github/workflows/test.yml | 54 +- .python-version | 1 + noxfile.py | 13 + pdm.lock | 2733 ----------------- projects/baselines/pyproject.toml | 8 +- .../baselines/requirements.in | 18 +- projects/baselines/requirements.txt | 438 ++- pyproject.toml | 34 - requirements/base.in | 20 - requirements/base.txt | 283 -- requirements/baselines.txt | 406 --- requirements/dev.in | 2 +- requirements/dev.txt | 2 +- requirements/test.in | 2 - requirements/test.txt | 4 +- tools/compile_requirements.sh | 7 +- 16 files changed, 463 insertions(+), 3562 deletions(-) create mode 100644 .python-version create mode 100644 noxfile.py delete mode 100644 pdm.lock rename requirements/baselines.in => projects/baselines/requirements.in (63%) delete mode 100644 requirements/base.in delete mode 100644 requirements/base.txt delete mode 100644 requirements/baselines.txt diff --git a/.github/workflows/test.yml b/.github/workflows/test.yml index 71b4e43..3b87f46 100644 --- a/.github/workflows/test.yml +++ b/.github/workflows/test.yml @@ -10,54 +10,18 @@ concurrency: cancel-in-progress: true env: - FORCE_COLOR: "1" - PYTHONUNBUFFERED: "1" + FORCE_COLOR: 3 jobs: test: runs-on: ubuntu-latest - permissions: - contents: read - packages: write steps: - - name: Checkout (GitHub) - uses: actions/checkout@v3 - - - name: pdm cache - uses: actions/cache@v3 - with: - path: .cache/pdm - key: ${{ runner.os }}-pdm-${{ hashFiles('pdm.lock') }} - restore-keys: | - ${{ runner.os }}-pdm- - - name: TFDS cache - uses: actions/cache@v3 - with: - path: .tensorflow_datasets - key: ${{ runner.os }}-tfds-${{ hashFiles('pdm.lock') }} - restore-keys: | - ${{ runner.os }}-tfds- - - - name: Login to GitHub Container Registry - uses: docker/login-action@v2 - with: - registry: ghcr.io - username: ${{ github.repository_owner }} - password: ${{ secrets.GITHUB_TOKEN }} - - - name: Build and run Dev Container task - uses: devcontainers/ci@v0.3 + - uses: actions/checkout@v4 + - uses: actions/setup-python@v5 with: - # Change this to point to your image name - imageName: ghcr.io/ethanluoyc/corax - cacheFrom: ghcr.io/ethanluoyc/corax - # Change this to be your CI task/script - runCmd: | - # Add multiple commands to run if needed - export TFDS_DATA_DIR=$PWD/.tensorflow_datasets - mkdir -p $TFDS_DATA_DIR - pdm config cache_dir .cache/pdm - pdm sync -G:all - pdm lint - pdm test - pdm run python projects/baselines/baselines/iql/train_test.py + python-version: '3.10' + cache: 'pip' # caching pip dependencies + - name: Run nox + run: | + python -m pip install nox + nox -v diff --git a/.python-version b/.python-version new file mode 100644 index 0000000..9919bf8 --- /dev/null +++ b/.python-version @@ -0,0 +1 @@ +3.10.13 diff --git a/noxfile.py b/noxfile.py new file mode 100644 index 0000000..e535d95 --- /dev/null +++ b/noxfile.py @@ -0,0 +1,13 @@ +import nox + + +@nox.session +def test(session): + session.install("-r", "requirements/test.txt", "jax[cpu]", "-e", ".[tf,jax]") + session.run("pytest", "-n", "auto", "corax/") + + +@nox.session +def lint(session): + session.install("pre-commit") + session.run("pre-commit", "run", "--all-files") diff --git a/pdm.lock b/pdm.lock deleted file mode 100644 index 9c36319..0000000 --- a/pdm.lock +++ /dev/null @@ -1,2733 +0,0 @@ -# This file is @generated by PDM. -# It is not intended for manual editing. - -[metadata] -groups = ["default", "baselines", "dev", "jax", "jax_cuda", "test", "tf"] -strategy = ["cross_platform", "inherit_metadata"] -lock_version = "4.4.1" -content_hash = "sha256:2fea2a1226c60084272f61466e96b43261a99b42a536e40794ad8a8bfdcdc245" - -[[package]] -name = "absl-py" -version = "1.4.0" -requires_python = ">=3.6" -summary = "Abseil Python Common Libraries, see https://github.com/abseil/abseil-py." -groups = ["baselines", "default", "jax", "test", "tf"] -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"}, -] - -[[package]] -name = "appdirs" -version = "1.4.4" -summary = "A small Python module for determining appropriate platform-specific dirs, e.g. a \"user data dir\"." -groups = ["baselines", "test"] -files = [ - {file = "appdirs-1.4.4-py2.py3-none-any.whl", hash = "sha256:a841dacd6b99318a741b166adb07e19ee71a274450e68237b4650ca1055ab128"}, - {file = "appdirs-1.4.4.tar.gz", hash = "sha256:7d5d0167b2b1ba821647616af46a749d1c653740dd0d2415100fe26e27afdf41"}, -] - -[[package]] -name = "array-record" -version = "0.5.0" -requires_python = ">=3.9" -summary = "A file format that achieves a new frontier of IO efficiency" -groups = ["baselines", "tf"] -dependencies = [ - "absl-py", - "etils[epath]", -] -files = [ - {file = "array_record-0.5.0-cp310-cp310-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:7940fda50bbd1ac6d5f0c3c3d4c885dc886bfb3622a123a8e8fd798582303d8a"}, - {file = "array_record-0.5.0-cp39-cp39-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:07330e56e7bb1354b5fb9f974dc3c42e4a3cd6e8dcf4c6e6a8b84db14ee9a8ed"}, -] - -[[package]] -name = "astunparse" -version = "1.6.3" -summary = "An AST unparser for Python" -groups = ["baselines", "tf"] -dependencies = [ - "six<2.0,>=1.6.1", - "wheel<1.0,>=0.23.0", -] -files = [ - {file = "astunparse-1.6.3-py2.py3-none-any.whl", hash = "sha256:c2652417f2c8b5bb325c885ae329bdf3f86424075c4fd1a128674bc6fba4b8e8"}, - {file = "astunparse-1.6.3.tar.gz", hash = "sha256:5ad93a8456f0d084c3456d059fd9a92cce667963232cbf763eac3bc5b7940872"}, -] - -[[package]] -name = "baselines" -version = "0.1.0" -requires_python = ">=3.9" -editable = true -path = "./projects/baselines" -summary = "" -groups = ["baselines"] -dependencies = [ - "absl-py", - "absl-py>=0.12.0", - "chex", - "d4rl @ git+https://github.com/Farama-Foundation/d4rl@71a9549", - "dm-control", - "dm-env", - "dm-env-wrappers", - "dm-haiku", - "dm-reverb", - "flax", - "gym<0.24.0,>=0.21.0", - "gymnasium", - "jax", - "ml-collections", - "mujoco-py @ git+https://github.com/ethanluoyc/mujoco-py@v2.1.2.14-patch", - "numpy", - "optax", - "rlax", - "rlds", - "tensorflow-cpu", - "tensorflow-datasets", - "tensorflow-probability", - "wandb", -] - -[[package]] -name = "cachetools" -version = "5.3.2" -requires_python = ">=3.7" -summary = "Extensible memoizing collections and decorators" -groups = ["baselines", "tf"] -files = [ - {file = "cachetools-5.3.2-py3-none-any.whl", hash = "sha256:861f35a13a451f94e301ce2bec7cac63e881232ccce7ed67fab9b5df4d3beaa1"}, - {file = "cachetools-5.3.2.tar.gz", hash = "sha256:086ee420196f7b2ab9ca2db2520aca326318b68fe5ba8bc4d49cca91add450f2"}, -] - -[[package]] -name = "certifi" -version = "2024.2.2" -requires_python = ">=3.6" -summary = "Python package for providing Mozilla's CA Bundle." -groups = ["baselines", "test", "tf"] -files = [ - {file = "certifi-2024.2.2-py3-none-any.whl", hash = "sha256:dc383c07b76109f368f6106eee2b593b04a011ea4d55f652c6ca24a754d1cdd1"}, - {file = "certifi-2024.2.2.tar.gz", hash = "sha256:0569859f95fc761b18b45ef421b1290a0f65f147e92a1e5eb3e635f9a5e4e66f"}, -] - -[[package]] -name = "cffi" -version = "1.16.0" -requires_python = ">=3.8" -summary = "Foreign Function Interface for Python calling C code." -groups = ["baselines"] -dependencies = [ - "pycparser", -] -files = [ - {file = "cffi-1.16.0-cp310-cp310-macosx_10_9_x86_64.whl", hash = "sha256:6b3d6606d369fc1da4fd8c357d026317fbb9c9b75d36dc16e90e84c26854b088"}, - {file = "cffi-1.16.0-cp310-cp310-macosx_11_0_arm64.whl", hash = "sha256:ac0f5edd2360eea2f1daa9e26a41db02dd4b0451b48f7c318e217ee092a213e9"}, - {file = "cffi-1.16.0-cp310-cp310-manylinux_2_12_i686.manylinux2010_i686.manylinux_2_17_i686.manylinux2014_i686.whl", hash = "sha256:7e61e3e4fa664a8588aa25c883eab612a188c725755afff6289454d6362b9673"}, - {file = "cffi-1.16.0-cp310-cp310-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:a72e8961a86d19bdb45851d8f1f08b041ea37d2bd8d4fd19903bc3083d80c896"}, - {file = "cffi-1.16.0-cp310-cp310-manylinux_2_17_ppc64le.manylinux2014_ppc64le.whl", hash = "sha256:5b50bf3f55561dac5438f8e70bfcdfd74543fd60df5fa5f62d94e5867deca684"}, - {file = "cffi-1.16.0-cp310-cp310-manylinux_2_17_s390x.manylinux2014_s390x.whl", hash = "sha256:7651c50c8c5ef7bdb41108b7b8c5a83013bfaa8a935590c5d74627c047a583c7"}, - {file = "cffi-1.16.0-cp310-cp310-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:e4108df7fe9b707191e55f33efbcb2d81928e10cea45527879a4749cbe472614"}, - {file = "cffi-1.16.0-cp310-cp310-musllinux_1_1_i686.whl", hash = "sha256:32c68ef735dbe5857c810328cb2481e24722a59a2003018885514d4c09af9743"}, - {file = "cffi-1.16.0-cp310-cp310-musllinux_1_1_x86_64.whl", hash = "sha256:673739cb539f8cdaa07d92d02efa93c9ccf87e345b9a0b556e3ecc666718468d"}, - {file = "cffi-1.16.0-cp310-cp310-win32.whl", hash = "sha256:9f90389693731ff1f659e55c7d1640e2ec43ff725cc61b04b2f9c6d8d017df6a"}, - {file = "cffi-1.16.0-cp310-cp310-win_amd64.whl", hash = "sha256:e6024675e67af929088fda399b2094574609396b1decb609c55fa58b028a32a1"}, - {file = "cffi-1.16.0-cp39-cp39-macosx_10_9_x86_64.whl", hash = "sha256:582215a0e9adbe0e379761260553ba11c58943e4bbe9c36430c4ca6ac74b15ed"}, - {file = "cffi-1.16.0-cp39-cp39-macosx_11_0_arm64.whl", hash = "sha256:b29ebffcf550f9da55bec9e02ad430c992a87e5f512cd63388abb76f1036d8d2"}, - {file = "cffi-1.16.0-cp39-cp39-manylinux_2_12_i686.manylinux2010_i686.manylinux_2_17_i686.manylinux2014_i686.whl", hash = "sha256:dc9b18bf40cc75f66f40a7379f6a9513244fe33c0e8aa72e2d56b0196a7ef872"}, - {file = "cffi-1.16.0-cp39-cp39-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:9cb4a35b3642fc5c005a6755a5d17c6c8b6bcb6981baf81cea8bfbc8903e8ba8"}, - {file = "cffi-1.16.0-cp39-cp39-manylinux_2_17_ppc64le.manylinux2014_ppc64le.whl", hash = "sha256:b86851a328eedc692acf81fb05444bdf1891747c25af7529e39ddafaf68a4f3f"}, - {file = "cffi-1.16.0-cp39-cp39-manylinux_2_17_s390x.manylinux2014_s390x.whl", hash = "sha256:c0f31130ebc2d37cdd8e44605fb5fa7ad59049298b3f745c74fa74c62fbfcfc4"}, - {file = "cffi-1.16.0-cp39-cp39-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:8f8e709127c6c77446a8c0a8c8bf3c8ee706a06cd44b1e827c3e6a2ee6b8c098"}, - {file = "cffi-1.16.0-cp39-cp39-musllinux_1_1_i686.whl", hash = "sha256:748dcd1e3d3d7cd5443ef03ce8685043294ad6bd7c02a38d1bd367cfd968e000"}, - {file = "cffi-1.16.0-cp39-cp39-musllinux_1_1_x86_64.whl", hash = "sha256:8895613bcc094d4a1b2dbe179d88d7fb4a15cee43c052e8885783fac397d91fe"}, - {file = "cffi-1.16.0-cp39-cp39-win32.whl", hash = "sha256:ed86a35631f7bfbb28e108dd96773b9d5a6ce4811cf6ea468bb6a359b256b1e4"}, - {file = "cffi-1.16.0-cp39-cp39-win_amd64.whl", hash = "sha256:3686dffb02459559c74dd3d81748269ffb0eb027c39a6fc99502de37d501faa8"}, - {file = "cffi-1.16.0.tar.gz", hash = "sha256:bcb3ef43e58665bbda2fb198698fcae6776483e0c4a631aa5647806c25e02cc0"}, -] - -[[package]] -name = "cfgv" -version = "3.4.0" -requires_python = ">=3.8" -summary = "Validate configuration and produce human readable error messages." -groups = ["dev"] -files = [ - {file = "cfgv-3.4.0-py2.py3-none-any.whl", hash = "sha256:b7265b1f29fd3316bfcd2b330d63d024f2bfd8bcb8b0272f8e19a504856c48f9"}, - {file = "cfgv-3.4.0.tar.gz", hash = "sha256:e52591d4c5f5dead8e0f673fb16db7949d2cfb3f7da4582893288f0ded8fe560"}, -] - -[[package]] -name = "charset-normalizer" -version = "3.3.2" -requires_python = ">=3.7.0" -summary = "The Real First Universal Charset Detector. Open, modern and actively maintained alternative to Chardet." -groups = ["baselines", "test", "tf"] -files = [ - {file = "charset-normalizer-3.3.2.tar.gz", hash = "sha256:f30c3cb33b24454a82faecaf01b19c18562b1e89558fb6c56de4d9118a032fd5"}, - {file = "charset_normalizer-3.3.2-cp310-cp310-macosx_10_9_universal2.whl", hash = "sha256:25baf083bf6f6b341f4121c2f3c548875ee6f5339300e08be3f2b2ba1721cdd3"}, - {file = "charset_normalizer-3.3.2-cp310-cp310-macosx_10_9_x86_64.whl", hash = "sha256:06435b539f889b1f6f4ac1758871aae42dc3a8c0e24ac9e60c2384973ad73027"}, - {file = "charset_normalizer-3.3.2-cp310-cp310-macosx_11_0_arm64.whl", hash = "sha256:9063e24fdb1e498ab71cb7419e24622516c4a04476b17a2dab57e8baa30d6e03"}, - {file = "charset_normalizer-3.3.2-cp310-cp310-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:6897af51655e3691ff853668779c7bad41579facacf5fd7253b0133308cf000d"}, - {file = "charset_normalizer-3.3.2-cp310-cp310-manylinux_2_17_ppc64le.manylinux2014_ppc64le.whl", hash = "sha256:1d3193f4a680c64b4b6a9115943538edb896edc190f0b222e73761716519268e"}, - {file = "charset_normalizer-3.3.2-cp310-cp310-manylinux_2_17_s390x.manylinux2014_s390x.whl", hash = "sha256:cd70574b12bb8a4d2aaa0094515df2463cb429d8536cfb6c7ce983246983e5a6"}, - {file = "charset_normalizer-3.3.2-cp310-cp310-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:8465322196c8b4d7ab6d1e049e4c5cb460d0394da4a27d23cc242fbf0034b6b5"}, - {file = "charset_normalizer-3.3.2-cp310-cp310-manylinux_2_5_i686.manylinux1_i686.manylinux_2_17_i686.manylinux2014_i686.whl", hash = "sha256:a9a8e9031d613fd2009c182b69c7b2c1ef8239a0efb1df3f7c8da66d5dd3d537"}, - {file = "charset_normalizer-3.3.2-cp310-cp310-musllinux_1_1_aarch64.whl", hash = "sha256:beb58fe5cdb101e3a055192ac291b7a21e3b7ef4f67fa1d74e331a7f2124341c"}, - {file = "charset_normalizer-3.3.2-cp310-cp310-musllinux_1_1_i686.whl", hash = "sha256:e06ed3eb3218bc64786f7db41917d4e686cc4856944f53d5bdf83a6884432e12"}, - {file = "charset_normalizer-3.3.2-cp310-cp310-musllinux_1_1_ppc64le.whl", hash = "sha256:2e81c7b9c8979ce92ed306c249d46894776a909505d8f5a4ba55b14206e3222f"}, - {file = "charset_normalizer-3.3.2-cp310-cp310-musllinux_1_1_s390x.whl", hash = "sha256:572c3763a264ba47b3cf708a44ce965d98555f618ca42c926a9c1616d8f34269"}, - {file = "charset_normalizer-3.3.2-cp310-cp310-musllinux_1_1_x86_64.whl", hash = "sha256:fd1abc0d89e30cc4e02e4064dc67fcc51bd941eb395c502aac3ec19fab46b519"}, - {file = "charset_normalizer-3.3.2-cp310-cp310-win32.whl", hash = "sha256:3d47fa203a7bd9c5b6cee4736ee84ca03b8ef23193c0d1ca99b5089f72645c73"}, - {file = "charset_normalizer-3.3.2-cp310-cp310-win_amd64.whl", hash = "sha256:10955842570876604d404661fbccbc9c7e684caf432c09c715ec38fbae45ae09"}, - {file = "charset_normalizer-3.3.2-cp39-cp39-macosx_10_9_universal2.whl", hash = "sha256:c235ebd9baae02f1b77bcea61bce332cb4331dc3617d254df3323aa01ab47bd4"}, - {file = "charset_normalizer-3.3.2-cp39-cp39-macosx_10_9_x86_64.whl", hash = "sha256:5b4c145409bef602a690e7cfad0a15a55c13320ff7a3ad7ca59c13bb8ba4d45d"}, - {file = "charset_normalizer-3.3.2-cp39-cp39-macosx_11_0_arm64.whl", hash = "sha256:68d1f8a9e9e37c1223b656399be5d6b448dea850bed7d0f87a8311f1ff3dabb0"}, - {file = "charset_normalizer-3.3.2-cp39-cp39-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:22afcb9f253dac0696b5a4be4a1c0f8762f8239e21b99680099abd9b2b1b2269"}, - {file = "charset_normalizer-3.3.2-cp39-cp39-manylinux_2_17_ppc64le.manylinux2014_ppc64le.whl", hash = "sha256:e27ad930a842b4c5eb8ac0016b0a54f5aebbe679340c26101df33424142c143c"}, - {file = "charset_normalizer-3.3.2-cp39-cp39-manylinux_2_17_s390x.manylinux2014_s390x.whl", hash = "sha256:1f79682fbe303db92bc2b1136016a38a42e835d932bab5b3b1bfcfbf0640e519"}, - {file = "charset_normalizer-3.3.2-cp39-cp39-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:b261ccdec7821281dade748d088bb6e9b69e6d15b30652b74cbbac25e280b796"}, - {file = "charset_normalizer-3.3.2-cp39-cp39-manylinux_2_5_i686.manylinux1_i686.manylinux_2_17_i686.manylinux2014_i686.whl", hash = "sha256:122c7fa62b130ed55f8f285bfd56d5f4b4a5b503609d181f9ad85e55c89f4185"}, - {file = "charset_normalizer-3.3.2-cp39-cp39-musllinux_1_1_aarch64.whl", hash = "sha256:d0eccceffcb53201b5bfebb52600a5fb483a20b61da9dbc885f8b103cbe7598c"}, - {file = "charset_normalizer-3.3.2-cp39-cp39-musllinux_1_1_i686.whl", hash = "sha256:9f96df6923e21816da7e0ad3fd47dd8f94b2a5ce594e00677c0013018b813458"}, - {file = "charset_normalizer-3.3.2-cp39-cp39-musllinux_1_1_ppc64le.whl", hash = "sha256:7f04c839ed0b6b98b1a7501a002144b76c18fb1c1850c8b98d458ac269e26ed2"}, - {file = "charset_normalizer-3.3.2-cp39-cp39-musllinux_1_1_s390x.whl", hash = "sha256:34d1c8da1e78d2e001f363791c98a272bb734000fcef47a491c1e3b0505657a8"}, - {file = "charset_normalizer-3.3.2-cp39-cp39-musllinux_1_1_x86_64.whl", hash = "sha256:ff8fa367d09b717b2a17a052544193ad76cd49979c805768879cb63d9ca50561"}, - {file = "charset_normalizer-3.3.2-cp39-cp39-win32.whl", hash = "sha256:aed38f6e4fb3f5d6bf81bfa990a07806be9d83cf7bacef998ab1a9bd660a581f"}, - {file = "charset_normalizer-3.3.2-cp39-cp39-win_amd64.whl", hash = "sha256:b01b88d45a6fcb69667cd6d2f7a9aeb4bf53760d7fc536bf679ec94fe9f3ff3d"}, - {file = "charset_normalizer-3.3.2-py3-none-any.whl", hash = "sha256:3e4d1f6587322d2788836a99c69062fbb091331ec940e02d12d179c1d53e25fc"}, -] - -[[package]] -name = "chex" -version = "0.1.85" -requires_python = ">=3.9" -summary = "Chex: Testing made fun, in JAX!" -groups = ["baselines", "jax"] -dependencies = [ - "absl-py>=0.9.0", - "jax>=0.4.16", - "jaxlib>=0.1.37", - "numpy>=1.24.1", - "toolz>=0.9.0", - "typing-extensions>=4.2.0", -] -files = [ - {file = "chex-0.1.85-py3-none-any.whl", hash = "sha256:32c96719aa94045339174138a6aec14aed2630a8a17fb2633ad3eb868890551d"}, - {file = "chex-0.1.85.tar.gz", hash = "sha256:a27cfe87119d6e1fe24ccc1438a59195e6dc1d6e0e10099fcf618c3f64771faf"}, -] - -[[package]] -name = "click" -version = "8.1.7" -requires_python = ">=3.7" -summary = "Composable command line interface toolkit" -groups = ["baselines", "test", "tf"] -dependencies = [ - "colorama; platform_system == \"Windows\"", -] -files = [ - {file = "click-8.1.7-py3-none-any.whl", hash = "sha256:ae74fb96c20a0277a1d615f1e4d73c8414f5a98db8b799a7931d1582f3390c28"}, - {file = "click-8.1.7.tar.gz", hash = "sha256:ca9853ad459e787e2192211578cc907e7594e294c7ccc834310722b41b9ca6de"}, -] - -[[package]] -name = "cloudpickle" -version = "3.0.0" -requires_python = ">=3.8" -summary = "Pickler class to extend the standard pickle.Pickler functionality" -groups = ["baselines", "jax", "test", "tf"] -files = [ - {file = "cloudpickle-3.0.0-py3-none-any.whl", hash = "sha256:246ee7d0c295602a036e86369c77fecda4ab17b506496730f2f576d9016fd9c7"}, - {file = "cloudpickle-3.0.0.tar.gz", hash = "sha256:996d9a482c6fb4f33c1a35335cf8afd065d2a56e973270364840712d9131a882"}, -] - -[[package]] -name = "colorama" -version = "0.4.6" -requires_python = "!=3.0.*,!=3.1.*,!=3.2.*,!=3.3.*,!=3.4.*,!=3.5.*,!=3.6.*,>=2.7" -summary = "Cross-platform colored terminal text." -groups = ["baselines", "test", "tf"] -marker = "sys_platform == \"win32\" or platform_system == \"Windows\"" -files = [ - {file = "colorama-0.4.6-py2.py3-none-any.whl", hash = "sha256:4f1d9991f5acc0ca119f9d443620b77f9d6b33703e51011c16baf57afb285fc6"}, - {file = "colorama-0.4.6.tar.gz", hash = "sha256:08695f5cb7ed6e0531a20572697297273c47b8cae5a63ffc6d6ed5c201be6e44"}, -] - -[[package]] -name = "contextlib2" -version = "21.6.0" -requires_python = ">=3.6" -summary = "Backports and enhancements for the contextlib module" -groups = ["baselines", "test"] -files = [ - {file = "contextlib2-21.6.0-py2.py3-none-any.whl", hash = "sha256:3fbdb64466afd23abaf6c977627b75b6139a5a3e8ce38405c5b413aed7a0471f"}, - {file = "contextlib2-21.6.0.tar.gz", hash = "sha256:ab1e2bfe1d01d968e1b7e8d9023bc51ef3509bba217bb730cee3827e1ee82869"}, -] - -[[package]] -name = "cython" -version = "0.29.37" -requires_python = ">=2.6, !=3.0.*, !=3.1.*, !=3.2.*" -summary = "The Cython compiler for writing C extensions for the Python language." -groups = ["baselines"] -files = [ - {file = "Cython-0.29.37-cp310-cp310-manylinux_2_17_aarch64.manylinux2014_aarch64.manylinux_2_24_aarch64.whl", hash = "sha256:4658499a41255431f6bbdca7e634e9c8d3a4c190bf24b4aa1646dac751d3da4d"}, - {file = "Cython-0.29.37-cp310-cp310-manylinux_2_17_x86_64.manylinux2014_x86_64.manylinux_2_24_x86_64.whl", hash = "sha256:12192ab269e7185720f2d2f8894587bf1da4276db1b9b869e4622a093f18cae6"}, - {file = "Cython-0.29.37-cp310-cp310-manylinux_2_5_i686.manylinux1_i686.manylinux_2_24_i686.whl", hash = "sha256:9450e0766ab65947f8a2a36f9e59079fc879c3807ec936c61725a48c97741a52"}, - {file = "Cython-0.29.37-cp310-cp310-musllinux_1_1_x86_64.whl", hash = "sha256:177481b0a7e003e5c49e2bf0dda1d6fe610c239f17642a5da9f18c2ad0c5f6b6"}, - {file = "Cython-0.29.37-cp39-cp39-manylinux_2_17_aarch64.manylinux2014_aarch64.manylinux_2_24_aarch64.whl", hash = "sha256:2ad634dc77a6a74022881826099eccac19c9b79153942cc82e754ffac2bec116"}, - {file = "Cython-0.29.37-cp39-cp39-manylinux_2_17_x86_64.manylinux2014_x86_64.manylinux_2_24_x86_64.whl", hash = "sha256:e841a8b4f9ceefb2916e32dac4f28a895cd519e8ece71505144da1ee355c548a"}, - {file = "Cython-0.29.37-cp39-cp39-manylinux_2_5_i686.manylinux1_i686.manylinux_2_24_i686.whl", hash = "sha256:6c672089fba6a8f6690b8d7924a58c04477771401ad101d53171a13405ee12cb"}, - {file = "Cython-0.29.37-cp39-cp39-manylinux_2_5_i686.manylinux1_i686.whl", hash = "sha256:0301d4739c6894e012f1d410052082fdda9e63888c815d9e23e0f7f82fff7d79"}, - {file = "Cython-0.29.37-cp39-cp39-manylinux_2_5_x86_64.manylinux1_x86_64.whl", hash = "sha256:af8e7b4397620e2d18259a11f3bfa026eff9846657e397d02616962dd5dd035a"}, - {file = "Cython-0.29.37-cp39-cp39-musllinux_1_1_x86_64.whl", hash = "sha256:b225d5e2091c224d4ab328165fef224ba3919b3ed44bd9b3241416f523b4d51a"}, - {file = "Cython-0.29.37-py2.py3-none-any.whl", hash = "sha256:95f1d6a83ef2729e67b3fa7318c829ce5b07ac64c084cd6af11c228e0364662c"}, - {file = "Cython-0.29.37.tar.gz", hash = "sha256:f813d4a6dd94adee5d4ff266191d1d95bf6d4164a4facc535422c021b2504cfb"}, -] - -[[package]] -name = "d4rl" -version = "1.1" -requires_python = ">=3.7, <3.11" -git = "https://github.com/Farama-Foundation/d4rl" -ref = "71a9549" -revision = "71a9549f2091accff93eeff68f1f3ab2c0e0a288" -summary = "Datasets for Data Driven Deep Reinforcement Learning." -groups = ["baselines"] -dependencies = [ - "click", - "dm-control>=1.0.3", - "gym<0.24.0", - "h5py", - "mjrl @ git+https://github.com/aravindr93/mjrl@master", - "mujoco-py", - "numpy", - "pybullet", - "termcolor", -] - -[[package]] -name = "decorator" -version = "5.1.1" -requires_python = ">=3.5" -summary = "Decorators for Humans" -groups = ["baselines", "jax", "tf"] -files = [ - {file = "decorator-5.1.1-py3-none-any.whl", hash = "sha256:b8c3f85900b9dc423225913c5aace94729fe1fa9763b38939a95226f02d37186"}, - {file = "decorator-5.1.1.tar.gz", hash = "sha256:637996211036b6385ef91435e4fae22989472f9d571faba8927ba8253acbc330"}, -] - -[[package]] -name = "dill" -version = "0.3.8" -requires_python = ">=3.8" -summary = "serialize all of Python" -groups = ["test"] -files = [ - {file = "dill-0.3.8-py3-none-any.whl", hash = "sha256:c36ca9ffb54365bdd2f8eb3eff7d2a21237f8452b57ace88b1ac615b7e815bd7"}, - {file = "dill-0.3.8.tar.gz", hash = "sha256:3ebe3c479ad625c4553aca177444d89b486b1d84982eeacded644afc0cf797ca"}, -] - -[[package]] -name = "distlib" -version = "0.3.8" -summary = "Distribution utilities" -groups = ["dev"] -files = [ - {file = "distlib-0.3.8-py2.py3-none-any.whl", hash = "sha256:034db59a0b96f8ca18035f36290806a9a6e6bd9d1ff91e45a7f172eb17e51784"}, - {file = "distlib-0.3.8.tar.gz", hash = "sha256:1530ea13e350031b6312d8580ddb6b27a104275a31106523b8f123787f494f64"}, -] - -[[package]] -name = "distrax" -version = "0.1.5" -requires_python = ">=3.9" -summary = "Distrax: Probability distributions in JAX." -groups = ["baselines", "jax"] -dependencies = [ - "absl-py>=0.9.0", - "chex>=0.1.8", - "jax>=0.1.55", - "jaxlib>=0.1.67", - "numpy>=1.23.0", - "tensorflow-probability>=0.15.0", -] -files = [ - {file = "distrax-0.1.5-py3-none-any.whl", hash = "sha256:5020f4b53a9a480d019c12e44292fbacb7de857cce478bc594dacf29519c61b7"}, - {file = "distrax-0.1.5.tar.gz", hash = "sha256:ec41522d389af69efedc8d475a7e6d8f229429c00f2140dcd641feacf7e21948"}, -] - -[[package]] -name = "dm-control" -version = "1.0.16" -requires_python = ">=3.8" -summary = "Continuous control environments and MuJoCo Python bindings." -groups = ["baselines", "test"] -dependencies = [ - "absl-py>=0.7.0", - "dm-env", - "dm-tree!=0.1.2", - "glfw", - "labmaze", - "lxml", - "mujoco>=3.1.1", - "numpy>=1.9.0", - "protobuf>=3.19.4", - "pyopengl>=3.1.4", - "pyparsing>=3.0.0", - "requests", - "scipy", - "setuptools!=50.0.0", - "tqdm", -] -files = [ - {file = "dm_control-1.0.16-py3-none-any.whl", hash = "sha256:341f582e26d88556ac0dd1963e11c25f93ef6649b07c75d04570a7de3edebd1b"}, - {file = "dm_control-1.0.16.tar.gz", hash = "sha256:bbdd6dc54b4dbc33eef6c43294edb0a927c3a5f35621e698480f88f55f48a1fd"}, -] - -[[package]] -name = "dm-env" -version = "1.6" -requires_python = ">=3.7" -summary = "A Python interface for Reinforcement Learning environments." -groups = ["baselines", "default", "jax", "test"] -dependencies = [ - "absl-py", - "dm-tree", - "numpy", -] -files = [ - {file = "dm-env-1.6.tar.gz", hash = "sha256:a436eb1c654c39e0c986a516cee218bea7140b510fceff63f97eb4fcff3d93de"}, - {file = "dm_env-1.6-py3-none-any.whl", hash = "sha256:0eabb6759dd453b625e041032f7ae0c1e87d4eb61b6a96b9ca586483837abf29"}, -] - -[[package]] -name = "dm-env-wrappers" -version = "0.0.13" -requires_python = ">=3.8" -summary = "A collection of wrappers for dm_env environments" -groups = ["baselines", "jax"] -dependencies = [ - "dm-env", - "imageio", - "imageio-ffmpeg", - "numpy", - "scipy", -] -files = [ - {file = "dm_env_wrappers-0.0.13-py3-none-any.whl", hash = "sha256:e269c8a5a85f65cdd0e79eee4f6b26adca2b0fed85f6e4d9b9871ff9deeda2d8"}, - {file = "dm_env_wrappers-0.0.13.tar.gz", hash = "sha256:e5d64d8f8f16c96fad130d9160b0cfc909531a96d6cae77128d2b64f14554f9b"}, -] - -[[package]] -name = "dm-haiku" -version = "0.0.11" -summary = "Haiku is a library for building neural networks in JAX." -groups = ["baselines", "jax"] -dependencies = [ - "absl-py>=0.7.1", - "flax>=0.7.1", - "jmp>=0.0.2", - "numpy>=1.18.0", - "tabulate>=0.8.9", -] -files = [ - {file = "dm-haiku-0.0.11.tar.gz", hash = "sha256:c420a90c6a76c1d941996698840089df0d352806312eaf7b737486f6c6a32ef2"}, - {file = "dm_haiku-0.0.11-py3-none-any.whl", hash = "sha256:4cac556a9d0e41758abda66bef5ff9dbb36e409c8cfc2b6f20247bc7d39ae45b"}, -] - -[[package]] -name = "dm-reverb" -version = "0.13.0" -requires_python = ">=3" -summary = "Reverb is an efficient and easy-to-use data storage and transport system designed for machine learning research." -groups = ["baselines", "tf"] -dependencies = [ - "dm-tree", - "portpicker", -] -files = [ - {file = "dm_reverb-0.13.0-cp310-cp310-manylinux2014_x86_64.whl", hash = "sha256:76fe4c901aa56f4f5b38681c8aa4e274fd268ee321e7472d454fd5bf05df247d"}, - {file = "dm_reverb-0.13.0-cp39-cp39-manylinux2014_x86_64.whl", hash = "sha256:2017c2c9971765d62d2a590b25f78b30e414c5883de5858c40db7a3d2ccf53b5"}, -] - -[[package]] -name = "dm-tree" -version = "0.1.8" -summary = "Tree is a library for working with nested data structures." -groups = ["baselines", "default", "jax", "test", "tf"] -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"}, - {file = "dm_tree-0.1.8-cp310-cp310-macosx_10_9_x86_64.whl", hash = "sha256:39070ba268c0491af9fe7a58644d99e8b4f2cde6e5884ba3380bddc84ed43d5f"}, - {file = "dm_tree-0.1.8-cp310-cp310-macosx_11_0_arm64.whl", hash = "sha256:2869228d9c619074de501a3c10dc7f07c75422f8fab36ecdcb859b6f1b1ec3ef"}, - {file = "dm_tree-0.1.8-cp310-cp310-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:d20f2faa3672b52e5013f4077117bfb99c4cfc0b445d3bde1584c34032b57436"}, - {file = "dm_tree-0.1.8-cp310-cp310-manylinux_2_17_i686.manylinux2014_i686.whl", hash = "sha256:5483dca4d7eb1a0d65fe86d3b6a53ae717face83c1f17e0887b1a4a64ae5c410"}, - {file = "dm_tree-0.1.8-cp310-cp310-manylinux_2_17_s390x.manylinux2014_s390x.whl", hash = "sha256:1d7c26e431fc93cc7e0cba867eb000db6a05f6f2b25af11ac4e9dada88fc5bca"}, - {file = "dm_tree-0.1.8-cp310-cp310-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:e4d714371bb08839e4e5e29024fc95832d9affe129825ef38836b143028bd144"}, - {file = "dm_tree-0.1.8-cp310-cp310-win_amd64.whl", hash = "sha256:d40fa4106ca6edc66760246a08f500ec0c85ef55c762fb4a363f6ee739ba02ee"}, - {file = "dm_tree-0.1.8-cp39-cp39-macosx_10_9_universal2.whl", hash = "sha256:d16e1f2a073604cfcc09f7131ae8d534674f43c3aef4c25742eae295bc60d04f"}, - {file = "dm_tree-0.1.8-cp39-cp39-macosx_10_9_x86_64.whl", hash = "sha256:250b692fb75f45f02e2f58fbef9ab338904ef334b90557565621fa251df267cf"}, - {file = "dm_tree-0.1.8-cp39-cp39-macosx_11_0_arm64.whl", hash = "sha256:81fce77f22a302d7a5968aebdf4efafef4def7ce96528719a354e6990dcd49c7"}, - {file = "dm_tree-0.1.8-cp39-cp39-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:f7ac31b9aecccb2c6e1ab29706f6ded3eba0c2c69c770322c9c685929c3d6afb"}, - {file = "dm_tree-0.1.8-cp39-cp39-manylinux_2_17_i686.manylinux2014_i686.whl", hash = "sha256:1fe962015b2fe1282892b28ebe962faed53c7f98d942da9a4625cbf27baef913"}, - {file = "dm_tree-0.1.8-cp39-cp39-manylinux_2_17_s390x.manylinux2014_s390x.whl", hash = "sha256:28c52cbf4f8b3dbd0beaedf44f69fa85eec5e9dede612e08035e06ada6ec9426"}, - {file = "dm_tree-0.1.8-cp39-cp39-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:181c35521d480d0365f39300542cb6cd7fd2b77351bb43d7acfda15aef63b317"}, - {file = "dm_tree-0.1.8-cp39-cp39-win_amd64.whl", hash = "sha256:8ed3564abed97c806db122c2d3e1a2b64c74a63debe9903aad795167cc301368"}, -] - -[[package]] -name = "docker-pycreds" -version = "0.4.0" -summary = "Python bindings for the docker credentials store API" -groups = ["baselines", "test"] -dependencies = [ - "six>=1.4.0", -] -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"}, -] - -[[package]] -name = "equinox" -version = "0.11.3" -requires_python = "~=3.9" -summary = "Elegant easy-to-use neural networks in JAX." -groups = ["test"] -marker = "python_version >= \"3.9\"" -dependencies = [ - "jax>=0.4.13", - "jaxtyping>=0.2.20", - "typing-extensions>=4.5.0", -] -files = [ - {file = "equinox-0.11.3-py3-none-any.whl", hash = "sha256:04cf3faaf2b977ff1f7f89b7bf69c4e825d084c0bf59c6ccc19adba320d4b4a1"}, - {file = "equinox-0.11.3.tar.gz", hash = "sha256:a1273cc28c60d3131ac596f8a0f5c7dd384729e6cddae86e7be05f026880e8e0"}, -] - -[[package]] -name = "etils" -version = "1.5.2" -requires_python = ">=3.9" -summary = "Collection of common python utils" -groups = ["baselines", "jax", "test", "tf"] -files = [ - {file = "etils-1.5.2-py3-none-any.whl", hash = "sha256:6dc882d355e1e98a5d1a148d6323679dc47c9a5792939b9de72615aa4737eb0b"}, - {file = "etils-1.5.2.tar.gz", hash = "sha256:ba6a3e1aff95c769130776aa176c11540637f5dd881f3b79172a5149b6b1c446"}, -] - -[[package]] -name = "etils" -version = "1.5.2" -extras = ["array_types"] -requires_python = ">=3.9" -summary = "Collection of common python utils" -groups = ["baselines", "tf"] -dependencies = [ - "etils==1.5.2", - "etils[enp]", -] -files = [ - {file = "etils-1.5.2-py3-none-any.whl", hash = "sha256:6dc882d355e1e98a5d1a148d6323679dc47c9a5792939b9de72615aa4737eb0b"}, - {file = "etils-1.5.2.tar.gz", hash = "sha256:ba6a3e1aff95c769130776aa176c11540637f5dd881f3b79172a5149b6b1c446"}, -] - -[[package]] -name = "etils" -version = "1.5.2" -extras = ["enp", "epath", "etree"] -requires_python = ">=3.9" -summary = "Collection of common python utils" -groups = ["baselines", "tf"] -dependencies = [ - "etils==1.5.2", - "etils[array_types]", - "etils[enp]", - "etils[epy]", - "etils[epy]", - "etils[epy]", - "etils[etqdm]", - "fsspec", - "importlib-resources", - "numpy", - "typing-extensions", - "zipp", -] -files = [ - {file = "etils-1.5.2-py3-none-any.whl", hash = "sha256:6dc882d355e1e98a5d1a148d6323679dc47c9a5792939b9de72615aa4737eb0b"}, - {file = "etils-1.5.2.tar.gz", hash = "sha256:ba6a3e1aff95c769130776aa176c11540637f5dd881f3b79172a5149b6b1c446"}, -] - -[[package]] -name = "etils" -version = "1.5.2" -extras = ["enp"] -requires_python = ">=3.9" -summary = "Collection of common python utils" -groups = ["baselines", "tf"] -dependencies = [ - "etils==1.5.2", - "etils[epy]", - "numpy", -] -files = [ - {file = "etils-1.5.2-py3-none-any.whl", hash = "sha256:6dc882d355e1e98a5d1a148d6323679dc47c9a5792939b9de72615aa4737eb0b"}, - {file = "etils-1.5.2.tar.gz", hash = "sha256:ba6a3e1aff95c769130776aa176c11540637f5dd881f3b79172a5149b6b1c446"}, -] - -[[package]] -name = "etils" -version = "1.5.2" -extras = ["epath", "epy"] -requires_python = ">=3.9" -summary = "Collection of common python utils" -groups = ["baselines", "jax"] -dependencies = [ - "etils==1.5.2", - "etils[epy]", - "fsspec", - "importlib-resources", - "typing-extensions", - "typing-extensions", - "zipp", -] -files = [ - {file = "etils-1.5.2-py3-none-any.whl", hash = "sha256:6dc882d355e1e98a5d1a148d6323679dc47c9a5792939b9de72615aa4737eb0b"}, - {file = "etils-1.5.2.tar.gz", hash = "sha256:ba6a3e1aff95c769130776aa176c11540637f5dd881f3b79172a5149b6b1c446"}, -] - -[[package]] -name = "etils" -version = "1.5.2" -extras = ["epath"] -requires_python = ">=3.9" -summary = "Collection of common python utils" -groups = ["baselines", "test", "tf"] -dependencies = [ - "etils==1.5.2", - "etils[epy]", - "fsspec", - "importlib-resources", - "typing-extensions", - "zipp", -] -files = [ - {file = "etils-1.5.2-py3-none-any.whl", hash = "sha256:6dc882d355e1e98a5d1a148d6323679dc47c9a5792939b9de72615aa4737eb0b"}, - {file = "etils-1.5.2.tar.gz", hash = "sha256:ba6a3e1aff95c769130776aa176c11540637f5dd881f3b79172a5149b6b1c446"}, -] - -[[package]] -name = "etils" -version = "1.5.2" -extras = ["epy"] -requires_python = ">=3.9" -summary = "Collection of common python utils" -groups = ["baselines", "jax", "test", "tf"] -dependencies = [ - "etils==1.5.2", - "typing-extensions", -] -files = [ - {file = "etils-1.5.2-py3-none-any.whl", hash = "sha256:6dc882d355e1e98a5d1a148d6323679dc47c9a5792939b9de72615aa4737eb0b"}, - {file = "etils-1.5.2.tar.gz", hash = "sha256:ba6a3e1aff95c769130776aa176c11540637f5dd881f3b79172a5149b6b1c446"}, -] - -[[package]] -name = "etils" -version = "1.5.2" -extras = ["etqdm"] -requires_python = ">=3.9" -summary = "Collection of common python utils" -groups = ["baselines", "tf"] -dependencies = [ - "absl-py", - "etils==1.5.2", - "etils[epy]", - "tqdm", -] -files = [ - {file = "etils-1.5.2-py3-none-any.whl", hash = "sha256:6dc882d355e1e98a5d1a148d6323679dc47c9a5792939b9de72615aa4737eb0b"}, - {file = "etils-1.5.2.tar.gz", hash = "sha256:ba6a3e1aff95c769130776aa176c11540637f5dd881f3b79172a5149b6b1c446"}, -] - -[[package]] -name = "exceptiongroup" -version = "1.2.0" -requires_python = ">=3.7" -summary = "Backport of PEP 654 (exception groups)" -groups = ["test"] -marker = "python_version < \"3.11\"" -files = [ - {file = "exceptiongroup-1.2.0-py3-none-any.whl", hash = "sha256:4bfd3996ac73b41e9b9628b04e079f193850720ea5945fc96a08633c66912f14"}, - {file = "exceptiongroup-1.2.0.tar.gz", hash = "sha256:91f5c769735f051a4290d52edd0858999b57e5876e9f85937691bd4c9fa3ed68"}, -] - -[[package]] -name = "execnet" -version = "2.0.2" -requires_python = ">=3.7" -summary = "execnet: rapid multi-Python deployment" -groups = ["test"] -files = [ - {file = "execnet-2.0.2-py3-none-any.whl", hash = "sha256:88256416ae766bc9e8895c76a87928c0012183da3cc4fc18016e6f050e025f41"}, - {file = "execnet-2.0.2.tar.gz", hash = "sha256:cc59bc4423742fd71ad227122eb0dd44db51efb3dc4095b45ac9a08c770096af"}, -] - -[[package]] -name = "farama-notifications" -version = "0.0.4" -summary = "Notifications for all Farama Foundation maintained libraries." -groups = ["baselines", "test"] -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"}, -] - -[[package]] -name = "fasteners" -version = "0.19" -requires_python = ">=3.6" -summary = "A python package that provides useful locks" -groups = ["baselines"] -files = [ - {file = "fasteners-0.19-py3-none-any.whl", hash = "sha256:758819cb5d94cdedf4e836988b74de396ceacb8e2794d21f82d131fd9ee77237"}, - {file = "fasteners-0.19.tar.gz", hash = "sha256:b4f37c3ac52d8a445af3a66bce57b33b5e90b97c696b7b984f530cf8f0ded09c"}, -] - -[[package]] -name = "filelock" -version = "3.13.1" -requires_python = ">=3.8" -summary = "A platform independent file lock." -groups = ["dev"] -files = [ - {file = "filelock-3.13.1-py3-none-any.whl", hash = "sha256:57dbda9b35157b05fb3e58ee91448612eb674172fab98ee235ccb0b5bee19a1c"}, - {file = "filelock-3.13.1.tar.gz", hash = "sha256:521f5f56c50f8426f5e03ad3b281b490a87ef15bc6c526f168290f0c7148d44e"}, -] - -[[package]] -name = "flatbuffers" -version = "23.5.26" -summary = "The FlatBuffers serialization format for Python" -groups = ["baselines", "tf"] -files = [ - {file = "flatbuffers-23.5.26-py2.py3-none-any.whl", hash = "sha256:c0ff356da363087b915fde4b8b45bdda73432fc17cddb3c8157472eab1422ad1"}, - {file = "flatbuffers-23.5.26.tar.gz", hash = "sha256:9ea1144cac05ce5d86e2859f431c6cd5e66cd9c78c558317c7955fb8d4c78d89"}, -] - -[[package]] -name = "flax" -version = "0.8.1" -requires_python = ">=3.9" -summary = "Flax: A neural network library for JAX designed for flexibility" -groups = ["baselines", "jax"] -dependencies = [ - "PyYAML>=5.4.1", - "jax>=0.4.19", - "msgpack", - "numpy>=1.22", - "optax", - "orbax-checkpoint", - "rich>=11.1", - "tensorstore", - "typing-extensions>=4.2", -] -files = [ - {file = "flax-0.8.1-py3-none-any.whl", hash = "sha256:8cf9ef11859eef252470377556a8cc48db287fc6647407ab34f1fc01461925dd"}, - {file = "flax-0.8.1.tar.gz", hash = "sha256:ce3d99e9b4c0d2e4d9fc28bc56cced8ba953adfd695aabd24f096b4c8a7e2f92"}, -] - -[[package]] -name = "fsspec" -version = "2024.2.0" -requires_python = ">=3.8" -summary = "File-system specification" -groups = ["baselines", "jax", "test", "tf"] -files = [ - {file = "fsspec-2024.2.0-py3-none-any.whl", hash = "sha256:817f969556fa5916bc682e02ca2045f96ff7f586d45110fcb76022063ad2c7d8"}, - {file = "fsspec-2024.2.0.tar.gz", hash = "sha256:b6ad1a679f760dda52b1168c859d01b7b80648ea6f7f7c7f5a8a91dc3f3ecb84"}, -] - -[[package]] -name = "gast" -version = "0.5.4" -requires_python = ">=2.7, !=3.0.*, !=3.1.*, !=3.2.*, !=3.3.*" -summary = "Python AST that abstracts the underlying Python version" -groups = ["baselines", "jax", "tf"] -files = [ - {file = "gast-0.5.4-py3-none-any.whl", hash = "sha256:6fc4fa5fa10b72fb8aab4ae58bcb023058386e67b6fa2e3e34cec5c769360316"}, - {file = "gast-0.5.4.tar.gz", hash = "sha256:9c270fe5f4b130969b54174de7db4e764b09b4f7f67ccfc32480e29f78348d97"}, -] - -[[package]] -name = "gitdb" -version = "4.0.11" -requires_python = ">=3.7" -summary = "Git Object Database" -groups = ["baselines", "test"] -dependencies = [ - "smmap<6,>=3.0.1", -] -files = [ - {file = "gitdb-4.0.11-py3-none-any.whl", hash = "sha256:81a3407ddd2ee8df444cbacea00e2d038e40150acfa3001696fe0dcf1d3adfa4"}, - {file = "gitdb-4.0.11.tar.gz", hash = "sha256:bf5421126136d6d0af55bc1e7c1af1c397a34f5b7bd79e776cd3e89785c2b04b"}, -] - -[[package]] -name = "gitpython" -version = "3.1.42" -requires_python = ">=3.7" -summary = "GitPython is a Python library used to interact with Git repositories" -groups = ["baselines", "test"] -dependencies = [ - "gitdb<5,>=4.0.1", -] -files = [ - {file = "GitPython-3.1.42-py3-none-any.whl", hash = "sha256:1bf9cd7c9e7255f77778ea54359e54ac22a72a5b51288c457c881057b7bb9ecd"}, - {file = "GitPython-3.1.42.tar.gz", hash = "sha256:2d99869e0fef71a73cbd242528105af1d6c1b108c60dfabd994bf292f76c3ceb"}, -] - -[[package]] -name = "glfw" -version = "2.6.5" -summary = "A ctypes-based wrapper for GLFW3." -groups = ["baselines", "test"] -files = [ - {file = "glfw-2.6.5-py2.py27.py3.py30.py31.py32.py33.py34.py35.py36.py37.py38-none-macosx_10_6_intel.whl", hash = "sha256:57d00367f8dc31b898a47ab22849bab9f87dff4b4c7a56d16d9a7158cda96c19"}, - {file = "glfw-2.6.5-py2.py27.py3.py30.py31.py32.py33.py34.py35.py36.py37.py38-none-macosx_11_0_arm64.whl", hash = "sha256:a1a132e7d6f78ae7f32957b56de2fd996d2a416f9520adb40345cc9cf744d277"}, - {file = "glfw-2.6.5-py2.py27.py3.py30.py31.py32.py33.py34.py35.py36.py37.py38-none-manylinux2010_i686.whl", hash = "sha256:b1b5e5a80415c7cc52c86b1996c4053b49ea83ce809e7bbe38d48ee8ab99c484"}, - {file = "glfw-2.6.5-py2.py27.py3.py30.py31.py32.py33.py34.py35.py36.py37.py38-none-manylinux2010_x86_64.whl", hash = "sha256:d63fe96fae72c4247239d855f09767723214a0cae6aaf1f3a7b11a8898674c12"}, - {file = "glfw-2.6.5-py2.py27.py3.py30.py31.py32.py33.py34.py35.py36.py37.py38-none-manylinux2014_aarch64.whl", hash = "sha256:8a5b160ad8253e2415a1635f2b100f3e1795e12cd4da2a4c75d8c0150ef3c454"}, - {file = "glfw-2.6.5-py2.py27.py3.py30.py31.py32.py33.py34.py35.py36.py37.py38-none-manylinux2014_x86_64.whl", hash = "sha256:7ff3c3f333c2c0c8a6fce6694de0b2522ce2c2d83bbf2601bd081aa0e5c1afc3"}, - {file = "glfw-2.6.5-py2.py27.py3.py30.py31.py32.py33.py34.py35.py36.py37.py38-none-win32.whl", hash = "sha256:d7ddd807587e51b959cca3861917d5c18bbb367d6b1d9bda1ecd04ce5162a0ce"}, - {file = "glfw-2.6.5-py2.py27.py3.py30.py31.py32.py33.py34.py35.py36.py37.py38-none-win_amd64.whl", hash = "sha256:d197d788381fb371fa94152c0ac1e72a952e64ca332a2bdc33a309916107f427"}, - {file = "glfw-2.6.5.tar.gz", hash = "sha256:484267b8e82bb6aff4917aba080773b7d79bee0f26e4cc5d2cbe733b60356526"}, -] - -[[package]] -name = "google-auth" -version = "2.28.0" -requires_python = ">=3.7" -summary = "Google Authentication Library" -groups = ["baselines", "tf"] -dependencies = [ - "cachetools<6.0,>=2.0.0", - "pyasn1-modules>=0.2.1", - "rsa<5,>=3.1.4", -] -files = [ - {file = "google-auth-2.28.0.tar.gz", hash = "sha256:3cfc1b6e4e64797584fb53fc9bd0b7afa9b7c0dba2004fa7dcc9349e58cc3195"}, - {file = "google_auth-2.28.0-py2.py3-none-any.whl", hash = "sha256:7634d29dcd1e101f5226a23cbc4a0c6cda6394253bf80e281d9c5c6797869c53"}, -] - -[[package]] -name = "google-auth-oauthlib" -version = "1.0.0" -requires_python = ">=3.6" -summary = "Google Authentication Library" -groups = ["baselines", "tf"] -dependencies = [ - "google-auth>=2.15.0", - "requests-oauthlib>=0.7.0", -] -files = [ - {file = "google-auth-oauthlib-1.0.0.tar.gz", hash = "sha256:e375064964820b47221a7e1b7ee1fd77051b6323c3f9e3e19785f78ab67ecfc5"}, - {file = "google_auth_oauthlib-1.0.0-py2.py3-none-any.whl", hash = "sha256:95880ca704928c300f48194d1770cf5b1462835b6e49db61445a520f793fd5fb"}, -] - -[[package]] -name = "google-pasta" -version = "0.2.0" -summary = "pasta is an AST-based Python refactoring library" -groups = ["baselines", "tf"] -dependencies = [ - "six", -] -files = [ - {file = "google-pasta-0.2.0.tar.gz", hash = "sha256:c9f2c8dfc8f96d0d5808299920721be30c9eec37f2389f28904f454565c8a16e"}, - {file = "google_pasta-0.2.0-py3-none-any.whl", hash = "sha256:b32482794a366b5366a32c92a9a9201b107821889935a02b3e51f6b432ea84ed"}, -] - -[[package]] -name = "googleapis-common-protos" -version = "1.62.0" -requires_python = ">=3.7" -summary = "Common protobufs used in Google APIs" -groups = ["baselines", "tf"] -dependencies = [ - "protobuf!=3.20.0,!=3.20.1,!=4.21.1,!=4.21.2,!=4.21.3,!=4.21.4,!=4.21.5,<5.0.0.dev0,>=3.19.5", -] -files = [ - {file = "googleapis-common-protos-1.62.0.tar.gz", hash = "sha256:83f0ece9f94e5672cced82f592d2a5edf527a96ed1794f0bab36d5735c996277"}, - {file = "googleapis_common_protos-1.62.0-py2.py3-none-any.whl", hash = "sha256:4750113612205514f9f6aa4cb00d523a94f3e8c06c5ad2fee466387dc4875f07"}, -] - -[[package]] -name = "grpcio" -version = "1.60.1" -requires_python = ">=3.7" -summary = "HTTP/2-based RPC framework" -groups = ["baselines", "tf"] -files = [ - {file = "grpcio-1.60.1-cp310-cp310-linux_armv7l.whl", hash = "sha256:14e8f2c84c0832773fb3958240c69def72357bc11392571f87b2d7b91e0bb092"}, - {file = "grpcio-1.60.1-cp310-cp310-macosx_12_0_universal2.whl", hash = "sha256:33aed0a431f5befeffd9d346b0fa44b2c01aa4aeae5ea5b2c03d3e25e0071216"}, - {file = "grpcio-1.60.1-cp310-cp310-manylinux_2_17_aarch64.whl", hash = "sha256:fead980fbc68512dfd4e0c7b1f5754c2a8e5015a04dea454b9cada54a8423525"}, - {file = "grpcio-1.60.1-cp310-cp310-manylinux_2_17_i686.manylinux2014_i686.whl", hash = "sha256:082081e6a36b6eb5cf0fd9a897fe777dbb3802176ffd08e3ec6567edd85bc104"}, - {file = "grpcio-1.60.1-cp310-cp310-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:55ccb7db5a665079d68b5c7c86359ebd5ebf31a19bc1a91c982fd622f1e31ff2"}, - {file = "grpcio-1.60.1-cp310-cp310-musllinux_1_1_i686.whl", hash = "sha256:9b54577032d4f235452f77a83169b6527bf4b77d73aeada97d45b2aaf1bf5ce0"}, - {file = "grpcio-1.60.1-cp310-cp310-musllinux_1_1_x86_64.whl", hash = "sha256:7d142bcd604166417929b071cd396aa13c565749a4c840d6c702727a59d835eb"}, - {file = "grpcio-1.60.1-cp310-cp310-win32.whl", hash = "sha256:2a6087f234cb570008a6041c8ffd1b7d657b397fdd6d26e83d72283dae3527b1"}, - {file = "grpcio-1.60.1-cp310-cp310-win_amd64.whl", hash = "sha256:f2212796593ad1d0235068c79836861f2201fc7137a99aa2fea7beeb3b101177"}, - {file = "grpcio-1.60.1-cp39-cp39-linux_armv7l.whl", hash = "sha256:0250a7a70b14000fa311de04b169cc7480be6c1a769b190769d347939d3232a8"}, - {file = "grpcio-1.60.1-cp39-cp39-macosx_10_10_universal2.whl", hash = "sha256:660fc6b9c2a9ea3bb2a7e64ba878c98339abaf1811edca904ac85e9e662f1d73"}, - {file = "grpcio-1.60.1-cp39-cp39-manylinux_2_17_aarch64.whl", hash = "sha256:76eaaba891083fcbe167aa0f03363311a9f12da975b025d30e94b93ac7a765fc"}, - {file = "grpcio-1.60.1-cp39-cp39-manylinux_2_17_i686.manylinux2014_i686.whl", hash = "sha256:e5d97c65ea7e097056f3d1ead77040ebc236feaf7f71489383d20f3b4c28412a"}, - {file = "grpcio-1.60.1-cp39-cp39-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:2bb2a2911b028f01c8c64d126f6b632fcd8a9ac975aa1b3855766c94e4107180"}, - {file = "grpcio-1.60.1-cp39-cp39-musllinux_1_1_i686.whl", hash = "sha256:5a1ebbae7e2214f51b1f23b57bf98eeed2cf1ba84e4d523c48c36d5b2f8829ff"}, - {file = "grpcio-1.60.1-cp39-cp39-musllinux_1_1_x86_64.whl", hash = "sha256:9a66f4d2a005bc78e61d805ed95dedfcb35efa84b7bba0403c6d60d13a3de2d6"}, - {file = "grpcio-1.60.1-cp39-cp39-win32.whl", hash = "sha256:8d488fbdbf04283f0d20742b64968d44825617aa6717b07c006168ed16488804"}, - {file = "grpcio-1.60.1-cp39-cp39-win_amd64.whl", hash = "sha256:61b7199cd2a55e62e45bfb629a35b71fc2c0cb88f686a047f25b1112d3810904"}, - {file = "grpcio-1.60.1.tar.gz", hash = "sha256:dd1d3a8d1d2e50ad9b59e10aa7f07c7d1be2b367f3f2d33c5fade96ed5460962"}, -] - -[[package]] -name = "gym" -version = "0.23.1" -requires_python = ">=3.7" -summary = "Gym: A universal API for reinforcement learning environments" -groups = ["baselines", "test"] -dependencies = [ - "cloudpickle>=1.2.0", - "gym-notices>=0.0.4", - "importlib-metadata>=4.10.0; python_version < \"3.10\"", - "numpy>=1.18.0", -] -files = [ - {file = "gym-0.23.1.tar.gz", hash = "sha256:d0f9b9da34edbdace421c9442fc9205d03b8d15d0fb451053c766cde706d40e0"}, -] - -[[package]] -name = "gym-notices" -version = "0.0.8" -summary = "Notices for gym" -groups = ["baselines", "test"] -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"}, -] - -[[package]] -name = "gymnasium" -version = "0.29.1" -requires_python = ">=3.8" -summary = "A standard API for reinforcement learning and a diverse set of reference environments (formerly Gym)." -groups = ["baselines", "test"] -dependencies = [ - "cloudpickle>=1.2.0", - "farama-notifications>=0.0.1", - "importlib-metadata>=4.8.0; python_version < \"3.10\"", - "numpy>=1.21.0", - "typing-extensions>=4.3.0", -] -files = [ - {file = "gymnasium-0.29.1-py3-none-any.whl", hash = "sha256:61c3384b5575985bb7f85e43213bcb40f36fcdff388cae6bc229304c71f2843e"}, - {file = "gymnasium-0.29.1.tar.gz", hash = "sha256:1a532752efcb7590478b1cc7aa04f608eb7a2fdad5570cd217b66b6a35274bb1"}, -] - -[[package]] -name = "h5py" -version = "3.10.0" -requires_python = ">=3.8" -summary = "Read and write HDF5 files from Python" -groups = ["baselines", "tf"] -dependencies = [ - "numpy>=1.17.3", -] -files = [ - {file = "h5py-3.10.0-cp310-cp310-macosx_10_9_x86_64.whl", hash = "sha256:b963fb772964fc1d1563c57e4e2e874022ce11f75ddc6df1a626f42bd49ab99f"}, - {file = "h5py-3.10.0-cp310-cp310-macosx_11_0_arm64.whl", hash = "sha256:012ab448590e3c4f5a8dd0f3533255bc57f80629bf7c5054cf4c87b30085063c"}, - {file = "h5py-3.10.0-cp310-cp310-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:781a24263c1270a62cd67be59f293e62b76acfcc207afa6384961762bb88ea03"}, - {file = "h5py-3.10.0-cp310-cp310-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:f42e6c30698b520f0295d70157c4e202a9e402406f50dc08f5a7bc416b24e52d"}, - {file = "h5py-3.10.0-cp310-cp310-win_amd64.whl", hash = "sha256:93dd840bd675787fc0b016f7a05fc6efe37312a08849d9dd4053fd0377b1357f"}, - {file = "h5py-3.10.0-cp39-cp39-macosx_10_9_x86_64.whl", hash = "sha256:5dfc65ac21fa2f630323c92453cadbe8d4f504726ec42f6a56cf80c2f90d6c52"}, - {file = "h5py-3.10.0-cp39-cp39-macosx_11_0_arm64.whl", hash = "sha256:d4682b94fd36ab217352be438abd44c8f357c5449b8995e63886b431d260f3d3"}, - {file = "h5py-3.10.0-cp39-cp39-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:aece0e2e1ed2aab076c41802e50a0c3e5ef8816d60ece39107d68717d4559824"}, - {file = "h5py-3.10.0-cp39-cp39-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:43a61b2c2ad65b1fabc28802d133eed34debcc2c8b420cb213d3d4ef4d3e2229"}, - {file = "h5py-3.10.0-cp39-cp39-win_amd64.whl", hash = "sha256:ae2f0201c950059676455daf92700eeb57dcf5caaf71b9e1328e6e6593601770"}, - {file = "h5py-3.10.0.tar.gz", hash = "sha256:d93adc48ceeb33347eb24a634fb787efc7ae4644e6ea4ba733d099605045c049"}, -] - -[[package]] -name = "identify" -version = "2.5.35" -requires_python = ">=3.8" -summary = "File identification library for Python" -groups = ["dev"] -files = [ - {file = "identify-2.5.35-py2.py3-none-any.whl", hash = "sha256:c4de0081837b211594f8e877a6b4fad7ca32bbfc1a9307fdd61c28bfe923f13e"}, - {file = "identify-2.5.35.tar.gz", hash = "sha256:10a7ca245cfcd756a554a7288159f72ff105ad233c7c4b9c6f0f4d108f5f6791"}, -] - -[[package]] -name = "idna" -version = "3.6" -requires_python = ">=3.5" -summary = "Internationalized Domain Names in Applications (IDNA)" -groups = ["baselines", "test", "tf"] -files = [ - {file = "idna-3.6-py3-none-any.whl", hash = "sha256:c05567e9c24a6b9faaa835c4821bad0590fbb9d5779e7caa6e1cc4978e7eb24f"}, - {file = "idna-3.6.tar.gz", hash = "sha256:9ecdbbd083b06798ae1e86adcbfe8ab1479cf864e4ee30fe4e46a003d12491ca"}, -] - -[[package]] -name = "imageio" -version = "2.34.0" -requires_python = ">=3.8" -summary = "Library for reading and writing a wide range of image, video, scientific, and volumetric data formats." -groups = ["baselines", "jax"] -dependencies = [ - "numpy", - "pillow>=8.3.2", -] -files = [ - {file = "imageio-2.34.0-py3-none-any.whl", hash = "sha256:08082bf47ccb54843d9c73fe9fc8f3a88c72452ab676b58aca74f36167e8ccba"}, - {file = "imageio-2.34.0.tar.gz", hash = "sha256:ae9732e10acf807a22c389aef193f42215718e16bd06eed0c5bb57e1034a4d53"}, -] - -[[package]] -name = "imageio-ffmpeg" -version = "0.4.9" -requires_python = ">=3.5" -summary = "FFMPEG wrapper for Python" -groups = ["baselines", "jax"] -dependencies = [ - "setuptools", -] -files = [ - {file = "imageio-ffmpeg-0.4.9.tar.gz", hash = "sha256:39bcd1660118ef360fa4047456501071364661aa9d9021d3d26c58f1ee2081f5"}, - {file = "imageio_ffmpeg-0.4.9-py3-none-macosx_10_9_intel.macosx_10_9_x86_64.macosx_10_10_intel.macosx_10_10_x86_64.whl", hash = "sha256:24095e882a126a0d217197b86265f821b4bb3cf9004104f67c1384a2b4b49168"}, - {file = "imageio_ffmpeg-0.4.9-py3-none-manylinux2010_x86_64.whl", hash = "sha256:2996c64af3e5489227096580269317719ea1a8121d207f2e28d6c24ebc4a253e"}, - {file = "imageio_ffmpeg-0.4.9-py3-none-manylinux2014_aarch64.whl", hash = "sha256:7eead662d2f46d748c0ab446b68f423eb63d2b54d0a8ef96f80607245540866d"}, - {file = "imageio_ffmpeg-0.4.9-py3-none-win32.whl", hash = "sha256:b6de1e18911687c538d5585d8287ab1a23624ca9dc2044fcc4607de667bcf11e"}, - {file = "imageio_ffmpeg-0.4.9-py3-none-win_amd64.whl", hash = "sha256:7e900c695c6541b1cb17feb1baacd4009b30a53a45b81c23d53a67ab13ffb766"}, -] - -[[package]] -name = "importlib-metadata" -version = "7.0.1" -requires_python = ">=3.8" -summary = "Read metadata from Python packages" -groups = ["baselines", "jax", "jax_cuda", "test", "tf"] -marker = "python_version < \"3.10\"" -dependencies = [ - "zipp>=0.5", -] -files = [ - {file = "importlib_metadata-7.0.1-py3-none-any.whl", hash = "sha256:4805911c3a4ec7c3966410053e9ec6a1fecd629117df5adee56dfc9432a1081e"}, - {file = "importlib_metadata-7.0.1.tar.gz", hash = "sha256:f238736bb06590ae52ac1fab06a3a9ef1d8dce2b7a35b5ab329371d6c8f5d2cc"}, -] - -[[package]] -name = "importlib-resources" -version = "6.1.1" -requires_python = ">=3.8" -summary = "Read resources from Python packages" -groups = ["baselines", "jax", "test", "tf"] -dependencies = [ - "zipp>=3.1.0; python_version < \"3.10\"", -] -files = [ - {file = "importlib_resources-6.1.1-py3-none-any.whl", hash = "sha256:e8bf90d8213b486f428c9c39714b920041cb02c184686a3dee24905aaa8105d6"}, - {file = "importlib_resources-6.1.1.tar.gz", hash = "sha256:3893a00122eafde6894c59914446a512f728a0c1a45f9bb9b63721b6bacf0b4a"}, -] - -[[package]] -name = "iniconfig" -version = "2.0.0" -requires_python = ">=3.7" -summary = "brain-dead simple config-ini parsing" -groups = ["test"] -files = [ - {file = "iniconfig-2.0.0-py3-none-any.whl", hash = "sha256:b6a85871a79d2e3b22d2d1b94ac2824226a63c6b741c88f7ae975f18b6778374"}, - {file = "iniconfig-2.0.0.tar.gz", hash = "sha256:2d91e135bf72d31a410b17c16da610a82cb55f6b0477d1a902134b24a455b8b3"}, -] - -[[package]] -name = "jax" -version = "0.4.24" -requires_python = ">=3.9" -summary = "Differentiate, compile, and transform Numpy code." -groups = ["baselines", "jax", "jax_cuda", "test"] -dependencies = [ - "importlib-metadata>=4.6; python_version < \"3.10\"", - "ml-dtypes>=0.2.0", - "numpy>=1.22", - "opt-einsum", - "scipy>=1.9", -] -files = [ - {file = "jax-0.4.24-py3-none-any.whl", hash = "sha256:4ff1cde9585c95d00b397e20d53680d13d951df7248ec7136d13b4e2000348b6"}, - {file = "jax-0.4.24.tar.gz", hash = "sha256:4a6b6fd026ddd22653c7fa2fac1904c3de2dbe845b61ede08af9a5cc709662ae"}, -] - -[[package]] -name = "jax" -version = "0.4.24" -extras = ["cuda11_pip"] -requires_python = ">=3.9" -summary = "Differentiate, compile, and transform Numpy code." -groups = ["jax_cuda"] -dependencies = [ - "jax==0.4.24", - "jaxlib==0.4.24+cuda11.cudnn86", - "nvidia-cublas-cu11>=11.11", - "nvidia-cuda-cupti-cu11>=11.8", - "nvidia-cuda-nvcc-cu11>=11.8", - "nvidia-cuda-runtime-cu11>=11.8", - "nvidia-cudnn-cu11>=8.8", - "nvidia-cufft-cu11>=10.9", - "nvidia-cusolver-cu11>=11.4", - "nvidia-cusparse-cu11>=11.7", - "nvidia-nccl-cu11>=2.18.3", -] -files = [ - {file = "jax-0.4.24-py3-none-any.whl", hash = "sha256:4ff1cde9585c95d00b397e20d53680d13d951df7248ec7136d13b4e2000348b6"}, - {file = "jax-0.4.24.tar.gz", hash = "sha256:4a6b6fd026ddd22653c7fa2fac1904c3de2dbe845b61ede08af9a5cc709662ae"}, -] - -[[package]] -name = "jaxlib" -version = "0.4.24+cuda11.cudnn86" -requires_python = ">=3.9" -summary = "XLA library for JAX" -groups = ["baselines", "jax", "jax_cuda", "test"] -dependencies = [ - "ml-dtypes>=0.2.0", - "numpy>=1.22", - "scipy>=1.9", -] -files = [ - {file = "jaxlib-0.4.24+cuda11.cudnn86-cp310-cp310-manylinux2014_x86_64.whl", hash = "sha256:96e2942c4895d6dfec3ba79c903c5d7494e23856b476d25e0e5aefa7e5989879"}, - {file = "jaxlib-0.4.24+cuda11.cudnn86-cp39-cp39-manylinux2014_x86_64.whl", hash = "sha256:526cae80bd158e55e4883edfb833d6816f17529aff41a3f9820a7ab30a194f35"}, -] - -[[package]] -name = "jaxopt" -version = "0.8.3" -summary = "Hardware accelerated, batchable and differentiable optimizers in JAX." -groups = ["test"] -dependencies = [ - "jax>=0.2.18", - "jaxlib>=0.1.69", - "numpy>=1.18.4", - "scipy>=1.0.0", -] -files = [ - {file = "jaxopt-0.8.3-py3-none-any.whl", hash = "sha256:4be2f82798393682529c9ca5046e5397ac6c8657b8acb6bf275e773b28df15b6"}, - {file = "jaxopt-0.8.3.tar.gz", hash = "sha256:4b06dfa6f915a4f3291699606245af6069371a48dc5c92d4c507840d62990646"}, -] - -[[package]] -name = "jaxtyping" -version = "0.2.25" -requires_python = "~=3.9" -summary = "Type annotations and runtime checking for shape and dtype of JAX arrays, and PyTrees." -groups = ["test"] -marker = "python_version >= \"3.9\"" -dependencies = [ - "numpy>=1.20.0", - "typeguard<3,>=2.13.3", - "typing-extensions>=3.7.4.1", -] -files = [ - {file = "jaxtyping-0.2.25-py3-none-any.whl", hash = "sha256:503772cf985ff50bd160d0661266e1628da47cc8b9a302de16f230e07f5ac119"}, - {file = "jaxtyping-0.2.25.tar.gz", hash = "sha256:4ec4bdb6839a67c062e48c27d62d44bf353099d7ff6cd3628b5a511c097ab922"}, -] - -[[package]] -name = "jmp" -version = "0.0.4" -summary = "JMP is a Mixed Precision library for JAX." -groups = ["baselines", "jax"] -dependencies = [ - "numpy>=1.19.5", -] -files = [ - {file = "jmp-0.0.4-py3-none-any.whl", hash = "sha256:6aa7adbddf2bd574b28c7faf6e81a735eb11f53386447896909c6968dc36807d"}, - {file = "jmp-0.0.4.tar.gz", hash = "sha256:5dfeb0fd7c7a9f72a70fff0aab9d0cbfae32a809c02f4037ff3485ceb33e1730"}, -] - -[[package]] -name = "keras" -version = "2.14.0" -requires_python = ">=3.9" -summary = "Deep learning for humans." -groups = ["baselines", "tf"] -files = [ - {file = "keras-2.14.0-py3-none-any.whl", hash = "sha256:d7429d1d2131cc7eb1f2ea2ec330227c7d9d38dab3dfdf2e78defee4ecc43fcd"}, - {file = "keras-2.14.0.tar.gz", hash = "sha256:22788bdbc86d9988794fe9703bb5205141da797c4faeeb59497c58c3d94d34ed"}, -] - -[[package]] -name = "labmaze" -version = "1.0.6" -summary = "LabMaze: DeepMind Lab's text maze generator." -groups = ["baselines", "test"] -dependencies = [ - "absl-py", - "numpy>=1.8.0", - "setuptools!=50.0.0", -] -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"}, - {file = "labmaze-1.0.6-cp310-cp310-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:b3ce98b9541c5fe6a306e411e7d018121dd646f2c9978d763fad86f9f30c5f57"}, - {file = "labmaze-1.0.6-cp310-cp310-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:4e6433bd49bc541791de8191040526fddfebb77151620eb04203453f43ee486a"}, - {file = "labmaze-1.0.6-cp310-cp310-win_amd64.whl", hash = "sha256:6a507fc35961f1b1479708e2716f65e0d0611cefb55f31a77be29ce2339b6fef"}, - {file = "labmaze-1.0.6-cp39-cp39-macosx_10_12_x86_64.whl", hash = "sha256:5dd28899418f1b8b1c7d1e1b40a4593150a7cfa95ca91e23860b9785b82cc0ee"}, - {file = "labmaze-1.0.6-cp39-cp39-macosx_11_0_arm64.whl", hash = "sha256:965569f37ee33090b4d4b3aa5aa7c9dcc4f62e2ae5d761e7f73ec76fc9d8aa96"}, - {file = "labmaze-1.0.6-cp39-cp39-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:05eccfa98c0e781bc9f939076ae600b2e25ca736e123f2a530606aedec3b531c"}, - {file = "labmaze-1.0.6-cp39-cp39-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:bee8c94e0fb3fc2d8180214947245c1d74a3489349a9da90b868296e77a521e9"}, - {file = "labmaze-1.0.6-cp39-cp39-win_amd64.whl", hash = "sha256:d486e9ca3a335ad628e3bd48a09c42f1aa5f51040952ef0fe32507afedcd694b"}, - {file = "labmaze-1.0.6.tar.gz", hash = "sha256:2e8de7094042a77d6972f1965cf5c9e8f971f1b34d225752f343190a825ebe73"}, -] - -[[package]] -name = "libclang" -version = "16.0.6" -summary = "Clang Python Bindings, mirrored from the official LLVM repo: https://github.com/llvm/llvm-project/tree/main/clang/bindings/python, to make the installation process easier." -groups = ["baselines", "tf"] -files = [ - {file = "libclang-16.0.6-1-py2.py3-none-manylinux2014_aarch64.whl", hash = "sha256:88bc7e7b393c32e41e03ba77ef02fdd647da1f764c2cd028e69e0837080b79f6"}, - {file = "libclang-16.0.6-1-py2.py3-none-manylinux2014_armv7l.whl", hash = "sha256:d80ed5827736ed5ec2bcedf536720476fd9d4fa4c79ef0cb24aea4c59332f361"}, - {file = "libclang-16.0.6-py2.py3-none-macosx_10_9_x86_64.whl", hash = "sha256:da9e47ebc3f0a6d90fb169ef25f9fbcd29b4a4ef97a8b0e3e3a17800af1423f4"}, - {file = "libclang-16.0.6-py2.py3-none-macosx_11_0_arm64.whl", hash = "sha256:e1a5ad1e895e5443e205568c85c04b4608e4e973dae42f4dfd9cb46c81d1486b"}, - {file = "libclang-16.0.6-py2.py3-none-manylinux2010_x86_64.whl", hash = "sha256:9dcdc730939788b8b69ffd6d5d75fe5366e3ee007f1e36a99799ec0b0c001492"}, - {file = "libclang-16.0.6-py2.py3-none-manylinux2014_aarch64.whl", hash = "sha256:8130482120500476a027171f8f3c8dfc2536b591716eea71fc5da22cae13131b"}, - {file = "libclang-16.0.6-py2.py3-none-manylinux2014_armv7l.whl", hash = "sha256:1e940048f51d0b0999099a9b78629ab8a64b62af5e9ff1b2b062439c21ee244d"}, - {file = "libclang-16.0.6-py2.py3-none-musllinux_1_2_x86_64.whl", hash = "sha256:f04e3060ae1f207f234d0608900c99c50edcb743e5e18276d78da2ddd727d39f"}, - {file = "libclang-16.0.6-py2.py3-none-win_amd64.whl", hash = "sha256:daab4a11dae228f1efa9efa3fe638b493b14d8d52c71fb3c7019e2f1df4514c2"}, - {file = "libclang-16.0.6-py2.py3-none-win_arm64.whl", hash = "sha256:4a9acbfd9c135a72f80d5dbff7588dfb0c81458244a89b9e83526e8595880e0a"}, - {file = "libclang-16.0.6.tar.gz", hash = "sha256:4acdde39dfe410c877b4ccc0d4b57eb952100e4ee26bbdf6cfdb88e2033a7d31"}, -] - -[[package]] -name = "lineax" -version = "0.0.4" -requires_python = "~=3.9" -summary = "Linear solvers in JAX and Equinox." -groups = ["test"] -marker = "python_version >= \"3.9\"" -dependencies = [ - "equinox>=0.11.0", - "jax>=0.4.13", - "jaxtyping>=0.2.20", - "typing-extensions>=4.5.0", -] -files = [ - {file = "lineax-0.0.4-py3-none-any.whl", hash = "sha256:284ae4b6fff3f291cefa675d5cc059b9338d5ee740df0585b92d534b59213248"}, - {file = "lineax-0.0.4.tar.gz", hash = "sha256:e68f1eba2f352122fdce9adc0556684f31eb8364b1a00acee484dd6e44a34e5e"}, -] - -[[package]] -name = "lxml" -version = "5.1.0" -requires_python = ">=3.6" -summary = "Powerful and Pythonic XML processing library combining libxml2/libxslt with the ElementTree API." -groups = ["baselines", "test"] -files = [ - {file = "lxml-5.1.0-cp310-cp310-macosx_10_9_universal2.whl", hash = "sha256:704f5572ff473a5f897745abebc6df40f22d4133c1e0a1f124e4f2bd3330ff7e"}, - {file = "lxml-5.1.0-cp310-cp310-macosx_10_9_x86_64.whl", hash = "sha256:9d3c0f8567ffe7502d969c2c1b809892dc793b5d0665f602aad19895f8d508da"}, - {file = "lxml-5.1.0-cp310-cp310-macosx_11_0_arm64.whl", hash = "sha256:5fcfbebdb0c5d8d18b84118842f31965d59ee3e66996ac842e21f957eb76138c"}, - {file = "lxml-5.1.0-cp310-cp310-manylinux_2_12_i686.manylinux2010_i686.manylinux_2_17_i686.manylinux2014_i686.whl", hash = "sha256:2f37c6d7106a9d6f0708d4e164b707037b7380fcd0b04c5bd9cae1fb46a856fb"}, - {file = "lxml-5.1.0-cp310-cp310-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:2befa20a13f1a75c751f47e00929fb3433d67eb9923c2c0b364de449121f447c"}, - {file = "lxml-5.1.0-cp310-cp310-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:22b7ee4c35f374e2c20337a95502057964d7e35b996b1c667b5c65c567d2252a"}, - {file = "lxml-5.1.0-cp310-cp310-musllinux_1_1_aarch64.whl", hash = "sha256:bf8443781533b8d37b295016a4b53c1494fa9a03573c09ca5104550c138d5c05"}, - {file = "lxml-5.1.0-cp310-cp310-musllinux_1_1_x86_64.whl", hash = "sha256:82bddf0e72cb2af3cbba7cec1d2fd11fda0de6be8f4492223d4a268713ef2147"}, - {file = "lxml-5.1.0-cp310-cp310-win32.whl", hash = "sha256:b66aa6357b265670bb574f050ffceefb98549c721cf28351b748be1ef9577d93"}, - {file = "lxml-5.1.0-cp310-cp310-win_amd64.whl", hash = "sha256:4946e7f59b7b6a9e27bef34422f645e9a368cb2be11bf1ef3cafc39a1f6ba68d"}, - {file = "lxml-5.1.0-cp39-cp39-macosx_10_9_universal2.whl", hash = "sha256:52427a7eadc98f9e62cb1368a5079ae826f94f05755d2d567d93ee1bc3ceb354"}, - {file = "lxml-5.1.0-cp39-cp39-macosx_10_9_x86_64.whl", hash = "sha256:6a2a2c724d97c1eb8cf966b16ca2915566a4904b9aad2ed9a09c748ffe14f969"}, - {file = "lxml-5.1.0-cp39-cp39-macosx_11_0_arm64.whl", hash = "sha256:843b9c835580d52828d8f69ea4302537337a21e6b4f1ec711a52241ba4a824f3"}, - {file = "lxml-5.1.0-cp39-cp39-manylinux_2_12_i686.manylinux2010_i686.manylinux_2_17_i686.manylinux2014_i686.whl", hash = "sha256:9b99f564659cfa704a2dd82d0684207b1aadf7d02d33e54845f9fc78e06b7581"}, - {file = "lxml-5.1.0-cp39-cp39-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:4f8b0c78e7aac24979ef09b7f50da871c2de2def043d468c4b41f512d831e912"}, - {file = "lxml-5.1.0-cp39-cp39-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:9bcf86dfc8ff3e992fed847c077bd875d9e0ba2fa25d859c3a0f0f76f07f0c8d"}, - {file = "lxml-5.1.0-cp39-cp39-musllinux_1_1_aarch64.whl", hash = "sha256:49a9b4af45e8b925e1cd6f3b15bbba2c81e7dba6dce170c677c9cda547411e14"}, - {file = "lxml-5.1.0-cp39-cp39-musllinux_1_1_x86_64.whl", hash = "sha256:280f3edf15c2a967d923bcfb1f8f15337ad36f93525828b40a0f9d6c2ad24890"}, - {file = "lxml-5.1.0-cp39-cp39-win32.whl", hash = "sha256:ed7326563024b6e91fef6b6c7a1a2ff0a71b97793ac33dbbcf38f6005e51ff6e"}, - {file = "lxml-5.1.0-cp39-cp39-win_amd64.whl", hash = "sha256:8d7b4beebb178e9183138f552238f7e6613162a42164233e2bda00cb3afac58f"}, - {file = "lxml-5.1.0-pp310-pypy310_pp73-macosx_10_9_x86_64.whl", hash = "sha256:9bd0ae7cc2b85320abd5e0abad5ccee5564ed5f0cc90245d2f9a8ef330a8deae"}, - {file = "lxml-5.1.0-pp310-pypy310_pp73-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:d8c1d679df4361408b628f42b26a5d62bd3e9ba7f0c0e7969f925021554755aa"}, - {file = "lxml-5.1.0-pp310-pypy310_pp73-win_amd64.whl", hash = "sha256:2ad3a8ce9e8a767131061a22cd28fdffa3cd2dc193f399ff7b81777f3520e372"}, - {file = "lxml-5.1.0-pp37-pypy37_pp73-macosx_10_9_x86_64.whl", hash = "sha256:304128394c9c22b6569eba2a6d98392b56fbdfbad58f83ea702530be80d0f9df"}, - {file = "lxml-5.1.0-pp37-pypy37_pp73-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:d74fcaf87132ffc0447b3c685a9f862ffb5b43e70ea6beec2fb8057d5d2a1fea"}, - {file = "lxml-5.1.0-pp37-pypy37_pp73-win_amd64.whl", hash = "sha256:8cf5877f7ed384dabfdcc37922c3191bf27e55b498fecece9fd5c2c7aaa34c33"}, - {file = "lxml-5.1.0-pp38-pypy38_pp73-macosx_10_9_x86_64.whl", hash = "sha256:877efb968c3d7eb2dad540b6cabf2f1d3c0fbf4b2d309a3c141f79c7e0061324"}, - {file = "lxml-5.1.0-pp38-pypy38_pp73-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:3f14a4fb1c1c402a22e6a341a24c1341b4a3def81b41cd354386dcb795f83897"}, - {file = "lxml-5.1.0-pp38-pypy38_pp73-win_amd64.whl", hash = "sha256:25663d6e99659544ee8fe1b89b1a8c0aaa5e34b103fab124b17fa958c4a324a6"}, - {file = "lxml-5.1.0-pp39-pypy39_pp73-macosx_10_9_x86_64.whl", hash = "sha256:8b9f19df998761babaa7f09e6bc169294eefafd6149aaa272081cbddc7ba4ca3"}, - {file = "lxml-5.1.0-pp39-pypy39_pp73-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:5e53d7e6a98b64fe54775d23a7c669763451340c3d44ad5e3a3b48a1efbdc96f"}, - {file = "lxml-5.1.0-pp39-pypy39_pp73-win_amd64.whl", hash = "sha256:c3cd1fc1dc7c376c54440aeaaa0dcc803d2126732ff5c6b68ccd619f2e64be4f"}, - {file = "lxml-5.1.0.tar.gz", hash = "sha256:3eea6ed6e6c918e468e693c41ef07f3c3acc310b70ddd9cc72d9ef84bc9564ca"}, -] - -[[package]] -name = "markdown" -version = "3.5.2" -requires_python = ">=3.8" -summary = "Python implementation of John Gruber's Markdown." -groups = ["baselines", "tf"] -dependencies = [ - "importlib-metadata>=4.4; python_version < \"3.10\"", -] -files = [ - {file = "Markdown-3.5.2-py3-none-any.whl", hash = "sha256:d43323865d89fc0cb9b20c75fc8ad313af307cc087e84b657d9eec768eddeadd"}, - {file = "Markdown-3.5.2.tar.gz", hash = "sha256:e1ac7b3dc550ee80e602e71c1d168002f062e49f1b11e26a36264dafd4df2ef8"}, -] - -[[package]] -name = "markdown-it-py" -version = "3.0.0" -requires_python = ">=3.8" -summary = "Python port of markdown-it. Markdown parsing, done right!" -groups = ["baselines", "jax"] -dependencies = [ - "mdurl~=0.1", -] -files = [ - {file = "markdown-it-py-3.0.0.tar.gz", hash = "sha256:e3f60a94fa066dc52ec76661e37c851cb232d92f9886b15cb560aaada2df8feb"}, - {file = "markdown_it_py-3.0.0-py3-none-any.whl", hash = "sha256:355216845c60bd96232cd8d8c40e8f9765cc86f46880e43a8fd22dc1a1a8cab1"}, -] - -[[package]] -name = "markupsafe" -version = "2.1.5" -requires_python = ">=3.7" -summary = "Safely add untrusted strings to HTML/XML markup." -groups = ["baselines", "tf"] -files = [ - {file = "MarkupSafe-2.1.5-cp310-cp310-macosx_10_9_universal2.whl", hash = "sha256:a17a92de5231666cfbe003f0e4b9b3a7ae3afb1ec2845aadc2bacc93ff85febc"}, - {file = "MarkupSafe-2.1.5-cp310-cp310-macosx_10_9_x86_64.whl", hash = "sha256:72b6be590cc35924b02c78ef34b467da4ba07e4e0f0454a2c5907f473fc50ce5"}, - {file = "MarkupSafe-2.1.5-cp310-cp310-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:e61659ba32cf2cf1481e575d0462554625196a1f2fc06a1c777d3f48e8865d46"}, - {file = "MarkupSafe-2.1.5-cp310-cp310-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:2174c595a0d73a3080ca3257b40096db99799265e1c27cc5a610743acd86d62f"}, - {file = "MarkupSafe-2.1.5-cp310-cp310-manylinux_2_5_i686.manylinux1_i686.manylinux_2_17_i686.manylinux2014_i686.whl", hash = "sha256:ae2ad8ae6ebee9d2d94b17fb62763125f3f374c25618198f40cbb8b525411900"}, - {file = "MarkupSafe-2.1.5-cp310-cp310-musllinux_1_1_aarch64.whl", hash = "sha256:075202fa5b72c86ad32dc7d0b56024ebdbcf2048c0ba09f1cde31bfdd57bcfff"}, - {file = "MarkupSafe-2.1.5-cp310-cp310-musllinux_1_1_i686.whl", hash = "sha256:598e3276b64aff0e7b3451b72e94fa3c238d452e7ddcd893c3ab324717456bad"}, - {file = "MarkupSafe-2.1.5-cp310-cp310-musllinux_1_1_x86_64.whl", hash = "sha256:fce659a462a1be54d2ffcacea5e3ba2d74daa74f30f5f143fe0c58636e355fdd"}, - {file = "MarkupSafe-2.1.5-cp310-cp310-win32.whl", hash = "sha256:d9fad5155d72433c921b782e58892377c44bd6252b5af2f67f16b194987338a4"}, - {file = "MarkupSafe-2.1.5-cp310-cp310-win_amd64.whl", hash = "sha256:bf50cd79a75d181c9181df03572cdce0fbb75cc353bc350712073108cba98de5"}, - {file = "MarkupSafe-2.1.5-cp39-cp39-macosx_10_9_universal2.whl", hash = "sha256:7a68b554d356a91cce1236aa7682dc01df0edba8d043fd1ce607c49dd3c1edcf"}, - {file = "MarkupSafe-2.1.5-cp39-cp39-macosx_10_9_x86_64.whl", hash = "sha256:db0b55e0f3cc0be60c1f19efdde9a637c32740486004f20d1cff53c3c0ece4d2"}, - {file = "MarkupSafe-2.1.5-cp39-cp39-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:3e53af139f8579a6d5f7b76549125f0d94d7e630761a2111bc431fd820e163b8"}, - {file = "MarkupSafe-2.1.5-cp39-cp39-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:17b950fccb810b3293638215058e432159d2b71005c74371d784862b7e4683f3"}, - {file = "MarkupSafe-2.1.5-cp39-cp39-manylinux_2_5_i686.manylinux1_i686.manylinux_2_17_i686.manylinux2014_i686.whl", hash = "sha256:4c31f53cdae6ecfa91a77820e8b151dba54ab528ba65dfd235c80b086d68a465"}, - {file = "MarkupSafe-2.1.5-cp39-cp39-musllinux_1_1_aarch64.whl", hash = "sha256:bff1b4290a66b490a2f4719358c0cdcd9bafb6b8f061e45c7a2460866bf50c2e"}, - {file = "MarkupSafe-2.1.5-cp39-cp39-musllinux_1_1_i686.whl", hash = "sha256:bc1667f8b83f48511b94671e0e441401371dfd0f0a795c7daa4a3cd1dde55bea"}, - {file = "MarkupSafe-2.1.5-cp39-cp39-musllinux_1_1_x86_64.whl", hash = "sha256:5049256f536511ee3f7e1b3f87d1d1209d327e818e6ae1365e8653d7e3abb6a6"}, - {file = "MarkupSafe-2.1.5-cp39-cp39-win32.whl", hash = "sha256:00e046b6dd71aa03a41079792f8473dc494d564611a8f89bbbd7cb93295ebdcf"}, - {file = "MarkupSafe-2.1.5-cp39-cp39-win_amd64.whl", hash = "sha256:fa173ec60341d6bb97a89f5ea19c85c5643c1e7dedebc22f5181eb73573142c5"}, - {file = "MarkupSafe-2.1.5.tar.gz", hash = "sha256:d283d37a890ba4c1ae73ffadf8046435c76e7bc2247bbb63c00bd1a709c6544b"}, -] - -[[package]] -name = "mdurl" -version = "0.1.2" -requires_python = ">=3.7" -summary = "Markdown URL utilities" -groups = ["baselines", "jax"] -files = [ - {file = "mdurl-0.1.2-py3-none-any.whl", hash = "sha256:84008a41e51615a49fc9966191ff91509e3c40b939176e643fd50a5c2196b8f8"}, - {file = "mdurl-0.1.2.tar.gz", hash = "sha256:bb413d29f5eea38f31dd4754dd7377d4465116fb207585f97bf925588687c1ba"}, -] - -[[package]] -name = "mjrl" -version = "1.0.0" -git = "https://github.com/aravindr93/mjrl" -ref = "master" -revision = "3871d93763d3b49c4741e6daeaebbc605fe140dc" -summary = "RL algorithms for environments in MuJoCo" -groups = ["baselines"] - -[[package]] -name = "ml-collections" -version = "0.1.1" -requires_python = ">=2.6" -summary = "ML Collections is a library of Python collections designed for ML usecases." -groups = ["baselines", "test"] -dependencies = [ - "PyYAML", - "absl-py", - "contextlib2", - "six", -] -files = [ - {file = "ml_collections-0.1.1.tar.gz", hash = "sha256:3fefcc72ec433aa1e5d32307a3e474bbb67f405be814ea52a2166bfc9dbe68cc"}, -] - -[[package]] -name = "ml-dtypes" -version = "0.2.0" -requires_python = ">=3.7" -summary = "" -groups = ["baselines", "jax", "jax_cuda", "test", "tf"] -dependencies = [ - "numpy>1.20", - "numpy>=1.21.2; python_version > \"3.9\"", -] -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"}, - {file = "ml_dtypes-0.2.0-cp310-cp310-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:f08c391c2794f2aad358e6f4c70785a9a7b1df980ef4c232b3ccd4f6fe39f719"}, - {file = "ml_dtypes-0.2.0-cp310-cp310-win_amd64.whl", hash = "sha256:75015818a7fccf99a5e8ed18720cb430f3e71a8838388840f4cdf225c036c983"}, - {file = "ml_dtypes-0.2.0-cp39-cp39-macosx_10_9_universal2.whl", hash = "sha256:f00c71c8c63e03aff313bc6a7aeaac9a4f1483a921a6ffefa6d4404efd1af3d0"}, - {file = "ml_dtypes-0.2.0-cp39-cp39-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:80d304c836d73f10605c58ccf7789c171cc229bfb678748adfb7cea2510dfd0e"}, - {file = "ml_dtypes-0.2.0-cp39-cp39-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:32107e7fa9f62db9a5281de923861325211dfff87bd23faefb27b303314635ab"}, - {file = "ml_dtypes-0.2.0-cp39-cp39-win_amd64.whl", hash = "sha256:1749b60348da71fd3c2ab303fdbc1965958dc50775ead41f5669c932a341cafd"}, - {file = "ml_dtypes-0.2.0.tar.gz", hash = "sha256:6488eb642acaaf08d8020f6de0a38acee7ac324c1e6e92ee0c0fea42422cb797"}, -] - -[[package]] -name = "msgpack" -version = "1.0.7" -requires_python = ">=3.8" -summary = "MessagePack serializer" -groups = ["baselines", "jax"] -files = [ - {file = "msgpack-1.0.7-cp310-cp310-macosx_10_9_universal2.whl", hash = "sha256:04ad6069c86e531682f9e1e71b71c1c3937d6014a7c3e9edd2aa81ad58842862"}, - {file = "msgpack-1.0.7-cp310-cp310-macosx_10_9_x86_64.whl", hash = "sha256:cca1b62fe70d761a282496b96a5e51c44c213e410a964bdffe0928e611368329"}, - {file = "msgpack-1.0.7-cp310-cp310-macosx_11_0_arm64.whl", hash = "sha256:e50ebce52f41370707f1e21a59514e3375e3edd6e1832f5e5235237db933c98b"}, - {file = "msgpack-1.0.7-cp310-cp310-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:4a7b4f35de6a304b5533c238bee86b670b75b03d31b7797929caa7a624b5dda6"}, - {file = "msgpack-1.0.7-cp310-cp310-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:28efb066cde83c479dfe5a48141a53bc7e5f13f785b92ddde336c716663039ee"}, - {file = "msgpack-1.0.7-cp310-cp310-manylinux_2_5_i686.manylinux1_i686.manylinux_2_17_i686.manylinux2014_i686.whl", hash = "sha256:4cb14ce54d9b857be9591ac364cb08dc2d6a5c4318c1182cb1d02274029d590d"}, - {file = "msgpack-1.0.7-cp310-cp310-musllinux_1_1_aarch64.whl", hash = "sha256:b573a43ef7c368ba4ea06050a957c2a7550f729c31f11dd616d2ac4aba99888d"}, - {file = "msgpack-1.0.7-cp310-cp310-musllinux_1_1_i686.whl", hash = "sha256:ccf9a39706b604d884d2cb1e27fe973bc55f2890c52f38df742bc1d79ab9f5e1"}, - {file = "msgpack-1.0.7-cp310-cp310-musllinux_1_1_x86_64.whl", hash = "sha256:cb70766519500281815dfd7a87d3a178acf7ce95390544b8c90587d76b227681"}, - {file = "msgpack-1.0.7-cp310-cp310-win32.whl", hash = "sha256:b610ff0f24e9f11c9ae653c67ff8cc03c075131401b3e5ef4b82570d1728f8a9"}, - {file = "msgpack-1.0.7-cp310-cp310-win_amd64.whl", hash = "sha256:a40821a89dc373d6427e2b44b572efc36a2778d3f543299e2f24eb1a5de65415"}, - {file = "msgpack-1.0.7-cp39-cp39-macosx_10_9_universal2.whl", hash = "sha256:bfef2bb6ef068827bbd021017a107194956918ab43ce4d6dc945ffa13efbc25f"}, - {file = "msgpack-1.0.7-cp39-cp39-macosx_10_9_x86_64.whl", hash = "sha256:484ae3240666ad34cfa31eea7b8c6cd2f1fdaae21d73ce2974211df099a95d81"}, - {file = "msgpack-1.0.7-cp39-cp39-macosx_11_0_arm64.whl", hash = "sha256:3967e4ad1aa9da62fd53e346ed17d7b2e922cba5ab93bdd46febcac39be636fc"}, - {file = "msgpack-1.0.7-cp39-cp39-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:8dd178c4c80706546702c59529ffc005681bd6dc2ea234c450661b205445a34d"}, - {file = "msgpack-1.0.7-cp39-cp39-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:f6ffbc252eb0d229aeb2f9ad051200668fc3a9aaa8994e49f0cb2ffe2b7867e7"}, - {file = "msgpack-1.0.7-cp39-cp39-manylinux_2_5_i686.manylinux1_i686.manylinux_2_17_i686.manylinux2014_i686.whl", hash = "sha256:822ea70dc4018c7e6223f13affd1c5c30c0f5c12ac1f96cd8e9949acddb48a61"}, - {file = "msgpack-1.0.7-cp39-cp39-musllinux_1_1_aarch64.whl", hash = "sha256:384d779f0d6f1b110eae74cb0659d9aa6ff35aaf547b3955abf2ab4c901c4819"}, - {file = "msgpack-1.0.7-cp39-cp39-musllinux_1_1_i686.whl", hash = "sha256:f64e376cd20d3f030190e8c32e1c64582eba56ac6dc7d5b0b49a9d44021b52fd"}, - {file = "msgpack-1.0.7-cp39-cp39-musllinux_1_1_x86_64.whl", hash = "sha256:5ed82f5a7af3697b1c4786053736f24a0efd0a1b8a130d4c7bfee4b9ded0f08f"}, - {file = "msgpack-1.0.7-cp39-cp39-win32.whl", hash = "sha256:f26a07a6e877c76a88e3cecac8531908d980d3d5067ff69213653649ec0f60ad"}, - {file = "msgpack-1.0.7-cp39-cp39-win_amd64.whl", hash = "sha256:1dc93e8e4653bdb5910aed79f11e165c85732067614f180f70534f056da97db3"}, - {file = "msgpack-1.0.7.tar.gz", hash = "sha256:572efc93db7a4d27e404501975ca6d2d9775705c2d922390d878fcf768d92c87"}, -] - -[[package]] -name = "mujoco" -version = "3.1.2" -requires_python = ">=3.8" -summary = "MuJoCo Physics Simulator" -groups = ["baselines", "test"] -dependencies = [ - "absl-py", - "etils[epath]", - "glfw", - "numpy", - "pyopengl", -] -files = [ - {file = "mujoco-3.1.2-cp310-cp310-macosx_10_16_x86_64.whl", hash = "sha256:fe6b3542695a5363f348ee45625b3492734f29cdc9f493ca25eae719f974370e"}, - {file = "mujoco-3.1.2-cp310-cp310-macosx_11_0_arm64.whl", hash = "sha256:f07e2d1f01f1401f1a503187016f8c017d9402618c659e1482243640a1e11288"}, - {file = "mujoco-3.1.2-cp310-cp310-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:93863eccc9d77d96ce62dda2a6f61cbd880379e8d774f802568d64b9613fce39"}, - {file = "mujoco-3.1.2-cp310-cp310-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:3586c642390c16fef58b01a86071cec6814c471586e2f4115c3733c4aec64fb7"}, - {file = "mujoco-3.1.2-cp310-cp310-win_amd64.whl", hash = "sha256:0da77394c664945b78f199c627b609fe091ec0c4641b9d8f713637344a17821a"}, - {file = "mujoco-3.1.2-cp39-cp39-macosx_10_16_x86_64.whl", hash = "sha256:93201291a0c5b573b4cbb19a6b08c99673f9fba167f402174eae5ffa23066d24"}, - {file = "mujoco-3.1.2-cp39-cp39-macosx_11_0_arm64.whl", hash = "sha256:0398985bb28c2686cdeeaf4ded46e602a49ec12115ac77474144ca940e5261c5"}, - {file = "mujoco-3.1.2-cp39-cp39-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:d2e76b5cb07ab3088c81966ac774d573df027fa5f4e78c20953a547528a2a698"}, - {file = "mujoco-3.1.2-cp39-cp39-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:cd5c3f4ae858e812cb3f03332693bcdc343b2bce55b164523acf52dea2736c9e"}, - {file = "mujoco-3.1.2-cp39-cp39-win_amd64.whl", hash = "sha256:ca25ff2646b06609526ef8681c0e123cd854a53c9ff23cb91dd5058a2794dab4"}, - {file = "mujoco-3.1.2.tar.gz", hash = "sha256:53530bc1a91903f3fd4b1e99818cc38fbd9911700db29b2c9fc839f23bfacbb8"}, -] - -[[package]] -name = "mujoco-py" -version = "2.1.2.14" -requires_python = ">=3.6" -git = "https://github.com/ethanluoyc/mujoco-py" -ref = "v2.1.2.14-patch" -revision = "c9e11272e3344e8fe2da3ab8ec5b96a9d43bc360" -summary = "" -groups = ["baselines"] -dependencies = [ - "Cython<3,>=0.27.2", - "cffi>=1.10", - "fasteners~=0.15", - "glfw>=1.4.0", - "imageio>=2.1.2", - "numpy>=1.11", -] - -[[package]] -name = "nest-asyncio" -version = "1.6.0" -requires_python = ">=3.5" -summary = "Patch asyncio to allow nested event loops" -groups = ["baselines", "jax"] -files = [ - {file = "nest_asyncio-1.6.0-py3-none-any.whl", hash = "sha256:87af6efd6b5e897c81050477ef65c62e2b2f35d51703cae01aff2905b1852e1c"}, - {file = "nest_asyncio-1.6.0.tar.gz", hash = "sha256:6f172d5449aca15afd6c646851f4e31e02c598d553a667e38cafa997cfec55fe"}, -] - -[[package]] -name = "nodeenv" -version = "1.8.0" -requires_python = ">=2.7,!=3.0.*,!=3.1.*,!=3.2.*,!=3.3.*,!=3.4.*,!=3.5.*,!=3.6.*" -summary = "Node.js virtual environment builder" -groups = ["dev"] -dependencies = [ - "setuptools", -] -files = [ - {file = "nodeenv-1.8.0-py2.py3-none-any.whl", hash = "sha256:df865724bb3c3adc86b3876fa209771517b0cfe596beff01a92700e0e8be4cec"}, - {file = "nodeenv-1.8.0.tar.gz", hash = "sha256:d51e0c37e64fbf47d017feac3145cdbb58836d7eee8c6f6d3b6880c5456227d2"}, -] - -[[package]] -name = "numpy" -version = "1.26.4" -requires_python = ">=3.9" -summary = "Fundamental package for array computing in Python" -groups = ["baselines", "default", "jax", "jax_cuda", "test", "tf"] -files = [ - {file = "numpy-1.26.4-cp310-cp310-macosx_10_9_x86_64.whl", hash = "sha256:9ff0f4f29c51e2803569d7a51c2304de5554655a60c5d776e35b4a41413830d0"}, - {file = "numpy-1.26.4-cp310-cp310-macosx_11_0_arm64.whl", hash = "sha256:2e4ee3380d6de9c9ec04745830fd9e2eccb3e6cf790d39d7b98ffd19b0dd754a"}, - {file = "numpy-1.26.4-cp310-cp310-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:d209d8969599b27ad20994c8e41936ee0964e6da07478d6c35016bc386b66ad4"}, - {file = "numpy-1.26.4-cp310-cp310-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:ffa75af20b44f8dba823498024771d5ac50620e6915abac414251bd971b4529f"}, - {file = "numpy-1.26.4-cp310-cp310-musllinux_1_1_aarch64.whl", hash = "sha256:62b8e4b1e28009ef2846b4c7852046736bab361f7aeadeb6a5b89ebec3c7055a"}, - {file = "numpy-1.26.4-cp310-cp310-musllinux_1_1_x86_64.whl", hash = "sha256:a4abb4f9001ad2858e7ac189089c42178fcce737e4169dc61321660f1a96c7d2"}, - {file = "numpy-1.26.4-cp310-cp310-win32.whl", hash = "sha256:bfe25acf8b437eb2a8b2d49d443800a5f18508cd811fea3181723922a8a82b07"}, - {file = "numpy-1.26.4-cp310-cp310-win_amd64.whl", hash = "sha256:b97fe8060236edf3662adfc2c633f56a08ae30560c56310562cb4f95500022d5"}, - {file = "numpy-1.26.4-cp39-cp39-macosx_10_9_x86_64.whl", hash = "sha256:7349ab0fa0c429c82442a27a9673fc802ffdb7c7775fad780226cb234965e53c"}, - {file = "numpy-1.26.4-cp39-cp39-macosx_11_0_arm64.whl", hash = "sha256:52b8b60467cd7dd1e9ed082188b4e6bb35aa5cdd01777621a1658910745b90be"}, - {file = "numpy-1.26.4-cp39-cp39-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:d5241e0a80d808d70546c697135da2c613f30e28251ff8307eb72ba696945764"}, - {file = "numpy-1.26.4-cp39-cp39-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:f870204a840a60da0b12273ef34f7051e98c3b5961b61b0c2c1be6dfd64fbcd3"}, - {file = "numpy-1.26.4-cp39-cp39-musllinux_1_1_aarch64.whl", hash = "sha256:679b0076f67ecc0138fd2ede3a8fd196dddc2ad3254069bcb9faf9a79b1cebcd"}, - {file = "numpy-1.26.4-cp39-cp39-musllinux_1_1_x86_64.whl", hash = "sha256:47711010ad8555514b434df65f7d7b076bb8261df1ca9bb78f53d3b2db02e95c"}, - {file = "numpy-1.26.4-cp39-cp39-win32.whl", hash = "sha256:a354325ee03388678242a4d7ebcd08b5c727033fcff3b2f536aea978e15ee9e6"}, - {file = "numpy-1.26.4-cp39-cp39-win_amd64.whl", hash = "sha256:3373d5d70a5fe74a2c1bb6d2cfd9609ecf686d47a2d7b1d37a8f3b6bf6003aea"}, - {file = "numpy-1.26.4-pp39-pypy39_pp73-macosx_10_9_x86_64.whl", hash = "sha256:afedb719a9dcfc7eaf2287b839d8198e06dcd4cb5d276a3df279231138e83d30"}, - {file = "numpy-1.26.4-pp39-pypy39_pp73-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:95a7476c59002f2f6c590b9b7b998306fba6a5aa646b1e22ddfeaf8f78c3a29c"}, - {file = "numpy-1.26.4-pp39-pypy39_pp73-win_amd64.whl", hash = "sha256:7e50d0a0cc3189f9cb0aeb3a6a6af18c16f59f004b866cd2be1c14b36134a4a0"}, - {file = "numpy-1.26.4.tar.gz", hash = "sha256:2a02aba9ed12e4ac4eb3ea9421c420301a0c6460d9830d74a9df87efa4912010"}, -] - -[[package]] -name = "nvidia-cublas-cu11" -version = "11.11.3.6" -requires_python = ">=3" -summary = "CUBLAS native runtime libraries" -groups = ["jax_cuda"] -files = [ - {file = "nvidia_cublas_cu11-11.11.3.6-py3-none-manylinux1_x86_64.whl", hash = "sha256:39fb40e8f486dd8a2ddb8fdeefe1d5b28f5b99df01c87ab3676f057a74a5a6f3"}, - {file = "nvidia_cublas_cu11-11.11.3.6-py3-none-win_amd64.whl", hash = "sha256:6ab12b1302bef8ac1ff4414edd1c059e57f4833abef9151683fb8f4de25900be"}, -] - -[[package]] -name = "nvidia-cuda-cupti-cu11" -version = "11.8.87" -requires_python = ">=3" -summary = "CUDA profiling tools runtime libs." -groups = ["jax_cuda"] -files = [ - {file = "nvidia_cuda_cupti_cu11-11.8.87-py3-none-manylinux1_x86_64.whl", hash = "sha256:0e50c707df56c75a2c0703dc6b886f3c97a22f37d6f63839f75b7418ba672a8d"}, - {file = "nvidia_cuda_cupti_cu11-11.8.87-py3-none-win_amd64.whl", hash = "sha256:4332d8550ad5f5b673f98d08e4e4f82030cb604c66d8d5ee919399ea01312e58"}, -] - -[[package]] -name = "nvidia-cuda-nvcc-cu11" -version = "11.8.89" -requires_python = ">=3" -summary = "CUDA nvcc" -groups = ["jax_cuda"] -files = [ - {file = "nvidia_cuda_nvcc_cu11-11.8.89-py3-none-manylinux1_x86_64.whl", hash = "sha256:3e25894debe6ce87e6dbb99b2311fba6f56c1b647daae2c4e5de537dc5d88876"}, - {file = "nvidia_cuda_nvcc_cu11-11.8.89-py3-none-win_amd64.whl", hash = "sha256:bcfb622d2449982812eb0fa43b3de0593e877edd33790f423a228ed1be62378c"}, -] - -[[package]] -name = "nvidia-cuda-nvrtc-cu11" -version = "11.8.89" -requires_python = ">=3" -summary = "NVRTC native runtime libraries" -groups = ["jax_cuda"] -files = [ - {file = "nvidia_cuda_nvrtc_cu11-11.8.89-py3-none-manylinux1_x86_64.whl", hash = "sha256:1f27d67b0f72902e9065ae568b4f6268dfe49ba3ed269c9a3da99bb86d1d2008"}, - {file = "nvidia_cuda_nvrtc_cu11-11.8.89-py3-none-win_amd64.whl", hash = "sha256:e18a23a8f4064664a6f1c4a64f38c581cbebfb5935280e94a4943ea8ae3791b1"}, -] - -[[package]] -name = "nvidia-cuda-runtime-cu11" -version = "11.8.89" -requires_python = ">=3" -summary = "CUDA Runtime native Libraries" -groups = ["jax_cuda"] -files = [ - {file = "nvidia_cuda_runtime_cu11-11.8.89-py3-none-manylinux1_x86_64.whl", hash = "sha256:f587bd726eb2f7612cf77ce38a2c1e65cf23251ff49437f6161ce0d647f64f7c"}, - {file = "nvidia_cuda_runtime_cu11-11.8.89-py3-none-win_amd64.whl", hash = "sha256:f60c9fdaed8065b38de8097867240efc5556a8a710007146daeb9082334a6e63"}, -] - -[[package]] -name = "nvidia-cudnn-cu11" -version = "8.9.6.50" -requires_python = ">=3" -summary = "cuDNN runtime libraries" -groups = ["jax_cuda"] -dependencies = [ - "nvidia-cublas-cu11", - "nvidia-cuda-nvrtc-cu11", -] -files = [ - {file = "nvidia_cudnn_cu11-8.9.6.50-py3-none-manylinux1_x86_64.whl", hash = "sha256:319a8f7ca3d65139f1b69998595c7076ae0e4271a325e5dfde50a3ca31f55584"}, -] - -[[package]] -name = "nvidia-cufft-cu11" -version = "10.9.0.58" -requires_python = ">=3" -summary = "CUFFT native runtime libraries" -groups = ["jax_cuda"] -files = [ - {file = "nvidia_cufft_cu11-10.9.0.58-py3-none-manylinux1_x86_64.whl", hash = "sha256:222f9da70c80384632fd6035e4c3f16762d64ea7a843829cb278f98b3cb7dd81"}, - {file = "nvidia_cufft_cu11-10.9.0.58-py3-none-win_amd64.whl", hash = "sha256:c4d316f17c745ec9c728e30409612eaf77a8404c3733cdf6c9c1569634d1ca03"}, -] - -[[package]] -name = "nvidia-cusolver-cu11" -version = "11.4.1.48" -requires_python = ">=3" -summary = "CUDA solver native runtime libraries" -groups = ["jax_cuda"] -dependencies = [ - "nvidia-cublas-cu11", -] -files = [ - {file = "nvidia_cusolver_cu11-11.4.1.48-py3-none-manylinux1_x86_64.whl", hash = "sha256:ca538f545645b7e6629140786d3127fe067b3d5a085bd794cde5bfe877c8926f"}, - {file = "nvidia_cusolver_cu11-11.4.1.48-py3-none-win_amd64.whl", hash = "sha256:7efe43b113495a64e2cf9a0b4365bd53b0a82afb2e2cf91e9f993c9ef5e69ee8"}, -] - -[[package]] -name = "nvidia-cusparse-cu11" -version = "11.7.5.86" -requires_python = ">=3" -summary = "CUSPARSE native runtime libraries" -groups = ["jax_cuda"] -files = [ - {file = "nvidia_cusparse_cu11-11.7.5.86-py3-none-manylinux1_x86_64.whl", hash = "sha256:4ae709fe78d3f23f60acaba8c54b8ad556cf16ca486e0cc1aa92dca7555d2d2b"}, - {file = "nvidia_cusparse_cu11-11.7.5.86-py3-none-win_amd64.whl", hash = "sha256:a0f6ee81cd91be606fc2f55992d06b09cd4e86d74b6ae5e8dd1631cf7f5a8706"}, -] - -[[package]] -name = "nvidia-nccl-cu11" -version = "2.19.3" -requires_python = ">=3" -summary = "NVIDIA Collective Communication Library (NCCL) Runtime" -groups = ["jax_cuda"] -files = [ - {file = "nvidia_nccl_cu11-2.19.3-py3-none-manylinux1_x86_64.whl", hash = "sha256:7c58afbeddf7f7c6b7dd7d84a7f4e85462610ee0c656287388b96d89dcf046d5"}, -] - -[[package]] -name = "oauthlib" -version = "3.2.2" -requires_python = ">=3.6" -summary = "A generic, spec-compliant, thorough implementation of the OAuth request-signing logic" -groups = ["baselines", "tf"] -files = [ - {file = "oauthlib-3.2.2-py3-none-any.whl", hash = "sha256:8139f29aac13e25d502680e9e19963e83f16838d48a0d71c287fe40e7067fbca"}, - {file = "oauthlib-3.2.2.tar.gz", hash = "sha256:9859c40929662bec5d64f34d01c99e093149682a3f38915dc0655d5a633dd918"}, -] - -[[package]] -name = "opt-einsum" -version = "3.3.0" -requires_python = ">=3.5" -summary = "Optimizing numpys einsum function" -groups = ["baselines", "jax", "jax_cuda", "test", "tf"] -dependencies = [ - "numpy>=1.7", -] -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"}, -] - -[[package]] -name = "optax" -version = "0.1.9" -requires_python = ">=3.9" -summary = "A gradient processing and optimisation library in JAX." -groups = ["baselines", "jax"] -dependencies = [ - "absl-py>=0.7.1", - "chex>=0.1.7", - "jax>=0.1.55", - "jaxlib>=0.1.37", - "numpy>=1.18.0", -] -files = [ - {file = "optax-0.1.9-py3-none-any.whl", hash = "sha256:3cbcfac6e70dff9484cd7560dc92e43a50df1eac0d4af2a1f7c2e1fd116bf972"}, - {file = "optax-0.1.9.tar.gz", hash = "sha256:731f43e8b404f50a5ef025b1261894d7d0300f7ad9cb688ea08f67b40822e94f"}, -] - -[[package]] -name = "orbax-checkpoint" -version = "0.4.4" -requires_python = ">=3.9" -summary = "Orbax Checkpoint" -groups = ["baselines", "jax"] -dependencies = [ - "absl-py", - "etils[epath,epy]", - "jax>=0.4.9", - "jaxlib", - "msgpack", - "nest-asyncio", - "numpy", - "protobuf", - "pyyaml", - "tensorstore>=0.1.35", - "typing-extensions", -] -files = [ - {file = "orbax_checkpoint-0.4.4-py3-none-any.whl", hash = "sha256:e356288d7f62b30519b20ae3c0584743d6598234e4996b4c15bbbd32c13c1f04"}, - {file = "orbax_checkpoint-0.4.4.tar.gz", hash = "sha256:85ab96268b3f39e83809254cb3d55aa5a47c2279d7d3e725bd5f7c2da10a4de9"}, -] - -[[package]] -name = "ott-jax" -version = "0.4.5" -requires_python = ">=3.8" -summary = "Optimal Transport Tools in JAX." -groups = ["test"] -dependencies = [ - "jax>=0.4.0", - "jaxopt>=0.8", - "lineax>=0.0.1; python_version >= \"3.9\"", - "numpy>=1.20.0", -] -files = [ - {file = "ott-jax-0.4.5.tar.gz", hash = "sha256:20da1e501cfb94e0bf87a7695e1a90ccd38fd16e7d508df097286e6e2d77a261"}, - {file = "ott_jax-0.4.5-py3-none-any.whl", hash = "sha256:70e7079c685f687a161fd965a48bdee78e5f71f6db20bc479a39b70a003b806f"}, -] - -[[package]] -name = "packaging" -version = "23.2" -requires_python = ">=3.7" -summary = "Core utilities for Python packages" -groups = ["baselines", "test", "tf"] -files = [ - {file = "packaging-23.2-py3-none-any.whl", hash = "sha256:8c491190033a9af7e1d931d0b5dacc2ef47509b34dd0de67ed209b5203fc88c7"}, - {file = "packaging-23.2.tar.gz", hash = "sha256:048fb0e9405036518eaaf48a55953c750c11e1a1b68e0dd1a9d62ed0c092cfc5"}, -] - -[[package]] -name = "pillow" -version = "10.2.0" -requires_python = ">=3.8" -summary = "Python Imaging Library (Fork)" -groups = ["baselines", "jax"] -files = [ - {file = "pillow-10.2.0-cp310-cp310-macosx_10_10_x86_64.whl", hash = "sha256:7823bdd049099efa16e4246bdf15e5a13dbb18a51b68fa06d6c1d4d8b99a796e"}, - {file = "pillow-10.2.0-cp310-cp310-macosx_11_0_arm64.whl", hash = "sha256:83b2021f2ade7d1ed556bc50a399127d7fb245e725aa0113ebd05cfe88aaf588"}, - {file = "pillow-10.2.0-cp310-cp310-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:6fad5ff2f13d69b7e74ce5b4ecd12cc0ec530fcee76356cac6742785ff71c452"}, - {file = "pillow-10.2.0-cp310-cp310-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:da2b52b37dad6d9ec64e653637a096905b258d2fc2b984c41ae7d08b938a67e4"}, - {file = "pillow-10.2.0-cp310-cp310-manylinux_2_28_aarch64.whl", hash = "sha256:47c0995fc4e7f79b5cfcab1fc437ff2890b770440f7696a3ba065ee0fd496563"}, - {file = "pillow-10.2.0-cp310-cp310-manylinux_2_28_x86_64.whl", hash = "sha256:322bdf3c9b556e9ffb18f93462e5f749d3444ce081290352c6070d014c93feb2"}, - {file = "pillow-10.2.0-cp310-cp310-musllinux_1_1_aarch64.whl", hash = "sha256:51f1a1bffc50e2e9492e87d8e09a17c5eea8409cda8d3f277eb6edc82813c17c"}, - {file = "pillow-10.2.0-cp310-cp310-musllinux_1_1_x86_64.whl", hash = "sha256:69ffdd6120a4737710a9eee73e1d2e37db89b620f702754b8f6e62594471dee0"}, - {file = "pillow-10.2.0-cp310-cp310-win32.whl", hash = "sha256:c6dafac9e0f2b3c78df97e79af707cdc5ef8e88208d686a4847bab8266870023"}, - {file = "pillow-10.2.0-cp310-cp310-win_amd64.whl", hash = "sha256:aebb6044806f2e16ecc07b2a2637ee1ef67a11840a66752751714a0d924adf72"}, - {file = "pillow-10.2.0-cp310-cp310-win_arm64.whl", hash = "sha256:7049e301399273a0136ff39b84c3678e314f2158f50f517bc50285fb5ec847ad"}, - {file = "pillow-10.2.0-cp39-cp39-macosx_10_10_x86_64.whl", hash = "sha256:b792a349405fbc0163190fde0dc7b3fef3c9268292586cf5645598b48e63dc67"}, - {file = "pillow-10.2.0-cp39-cp39-macosx_11_0_arm64.whl", hash = "sha256:c570f24be1e468e3f0ce7ef56a89a60f0e05b30a3669a459e419c6eac2c35364"}, - {file = "pillow-10.2.0-cp39-cp39-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:d8ecd059fdaf60c1963c58ceb8997b32e9dc1b911f5da5307aab614f1ce5c2fb"}, - {file = "pillow-10.2.0-cp39-cp39-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:c365fd1703040de1ec284b176d6af5abe21b427cb3a5ff68e0759e1e313a5e7e"}, - {file = "pillow-10.2.0-cp39-cp39-manylinux_2_28_aarch64.whl", hash = "sha256:70c61d4c475835a19b3a5aa42492409878bbca7438554a1f89d20d58a7c75c01"}, - {file = "pillow-10.2.0-cp39-cp39-manylinux_2_28_x86_64.whl", hash = "sha256:b6f491cdf80ae540738859d9766783e3b3c8e5bd37f5dfa0b76abdecc5081f13"}, - {file = "pillow-10.2.0-cp39-cp39-musllinux_1_1_aarch64.whl", hash = "sha256:9d189550615b4948f45252d7f005e53c2040cea1af5b60d6f79491a6e147eef7"}, - {file = "pillow-10.2.0-cp39-cp39-musllinux_1_1_x86_64.whl", hash = "sha256:49d9ba1ed0ef3e061088cd1e7538a0759aab559e2e0a80a36f9fd9d8c0c21591"}, - {file = "pillow-10.2.0-cp39-cp39-win32.whl", hash = "sha256:babf5acfede515f176833ed6028754cbcd0d206f7f614ea3447d67c33be12516"}, - {file = "pillow-10.2.0-cp39-cp39-win_amd64.whl", hash = "sha256:0304004f8067386b477d20a518b50f3fa658a28d44e4116970abfcd94fac34a8"}, - {file = "pillow-10.2.0-cp39-cp39-win_arm64.whl", hash = "sha256:0fb3e7fc88a14eacd303e90481ad983fd5b69c761e9e6ef94c983f91025da869"}, - {file = "pillow-10.2.0-pp310-pypy310_pp73-macosx_10_10_x86_64.whl", hash = "sha256:322209c642aabdd6207517e9739c704dc9f9db943015535783239022002f054a"}, - {file = "pillow-10.2.0-pp310-pypy310_pp73-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:3eedd52442c0a5ff4f887fab0c1c0bb164d8635b32c894bc1faf4c618dd89df2"}, - {file = "pillow-10.2.0-pp310-pypy310_pp73-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:cb28c753fd5eb3dd859b4ee95de66cc62af91bcff5db5f2571d32a520baf1f04"}, - {file = "pillow-10.2.0-pp310-pypy310_pp73-manylinux_2_28_aarch64.whl", hash = "sha256:33870dc4653c5017bf4c8873e5488d8f8d5f8935e2f1fb9a2208c47cdd66efd2"}, - {file = "pillow-10.2.0-pp310-pypy310_pp73-manylinux_2_28_x86_64.whl", hash = "sha256:3c31822339516fb3c82d03f30e22b1d038da87ef27b6a78c9549888f8ceda39a"}, - {file = "pillow-10.2.0-pp310-pypy310_pp73-win_amd64.whl", hash = "sha256:a2b56ba36e05f973d450582fb015594aaa78834fefe8dfb8fcd79b93e64ba4c6"}, - {file = "pillow-10.2.0-pp38-pypy38_pp73-win_amd64.whl", hash = "sha256:d8e6aeb9201e655354b3ad049cb77d19813ad4ece0df1249d3c793de3774f8c7"}, - {file = "pillow-10.2.0-pp39-pypy39_pp73-macosx_10_10_x86_64.whl", hash = "sha256:2247178effb34a77c11c0e8ac355c7a741ceca0a732b27bf11e747bbc950722f"}, - {file = "pillow-10.2.0-pp39-pypy39_pp73-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:15587643b9e5eb26c48e49a7b33659790d28f190fc514a322d55da2fb5c2950e"}, - {file = "pillow-10.2.0-pp39-pypy39_pp73-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:753cd8f2086b2b80180d9b3010dd4ed147efc167c90d3bf593fe2af21265e5a5"}, - {file = "pillow-10.2.0-pp39-pypy39_pp73-manylinux_2_28_aarch64.whl", hash = "sha256:7c8f97e8e7a9009bcacbe3766a36175056c12f9a44e6e6f2d5caad06dcfbf03b"}, - {file = "pillow-10.2.0-pp39-pypy39_pp73-manylinux_2_28_x86_64.whl", hash = "sha256:d1b35bcd6c5543b9cb547dee3150c93008f8dd0f1fef78fc0cd2b141c5baf58a"}, - {file = "pillow-10.2.0-pp39-pypy39_pp73-win_amd64.whl", hash = "sha256:fe4c15f6c9285dc54ce6553a3ce908ed37c8f3825b5a51a15c91442bb955b868"}, - {file = "pillow-10.2.0.tar.gz", hash = "sha256:e87f0b2c78157e12d7686b27d63c070fd65d994e8ddae6f328e0dcf4a0cd007e"}, -] - -[[package]] -name = "platformdirs" -version = "4.2.0" -requires_python = ">=3.8" -summary = "A small Python package for determining appropriate platform-specific dirs, e.g. a \"user data dir\"." -groups = ["dev"] -files = [ - {file = "platformdirs-4.2.0-py3-none-any.whl", hash = "sha256:0614df2a2f37e1a662acbd8e2b25b92ccf8632929bc6d43467e17fe89c75e068"}, - {file = "platformdirs-4.2.0.tar.gz", hash = "sha256:ef0cc731df711022c174543cb70a9b5bd22e5a9337c8624ef2c2ceb8ddad8768"}, -] - -[[package]] -name = "pluggy" -version = "1.4.0" -requires_python = ">=3.8" -summary = "plugin and hook calling mechanisms for python" -groups = ["test"] -files = [ - {file = "pluggy-1.4.0-py3-none-any.whl", hash = "sha256:7db9f7b503d67d1c5b95f59773ebb58a8c1c288129a88665838012cfb07b8981"}, - {file = "pluggy-1.4.0.tar.gz", hash = "sha256:8c85c2876142a764e5b7548e7d9a0e0ddb46f5185161049a79b7e974454223be"}, -] - -[[package]] -name = "portpicker" -version = "1.6.0" -requires_python = ">=3.6" -summary = "A library to choose unique available network ports." -groups = ["baselines", "tf"] -dependencies = [ - "psutil", -] -files = [ - {file = "portpicker-1.6.0-py3-none-any.whl", hash = "sha256:b2787a41404cf7edbe29b07b9e0ed863b09f2665dcc01c1eb0c2261c1e7d0755"}, - {file = "portpicker-1.6.0.tar.gz", hash = "sha256:bd507fd6f96f65ee02781f2e674e9dc6c99bbfa6e3c39992e3916204c9d431fa"}, -] - -[[package]] -name = "pre-commit" -version = "3.6.2" -requires_python = ">=3.9" -summary = "A framework for managing and maintaining multi-language pre-commit hooks." -groups = ["dev"] -dependencies = [ - "cfgv>=2.0.0", - "identify>=1.0.0", - "nodeenv>=0.11.1", - "pyyaml>=5.1", - "virtualenv>=20.10.0", -] -files = [ - {file = "pre_commit-3.6.2-py2.py3-none-any.whl", hash = "sha256:ba637c2d7a670c10daedc059f5c49b5bd0aadbccfcd7ec15592cf9665117532c"}, - {file = "pre_commit-3.6.2.tar.gz", hash = "sha256:c3ef34f463045c88658c5b99f38c1e297abdcc0ff13f98d3370055fbbfabc67e"}, -] - -[[package]] -name = "promise" -version = "2.3" -summary = "Promises/A+ implementation for Python" -groups = ["baselines", "tf"] -dependencies = [ - "six", -] -files = [ - {file = "promise-2.3.tar.gz", hash = "sha256:dfd18337c523ba4b6a58801c164c1904a9d4d1b1747c7d5dbf45b693a49d93d0"}, -] - -[[package]] -name = "protobuf" -version = "3.20.3" -requires_python = ">=3.7" -summary = "Protocol Buffers" -groups = ["baselines", "jax", "test", "tf"] -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"}, - {file = "protobuf-3.20.3-cp310-cp310-win32.whl", hash = "sha256:28545383d61f55b57cf4df63eebd9827754fd2dc25f80c5253f9184235db242c"}, - {file = "protobuf-3.20.3-cp310-cp310-win_amd64.whl", hash = "sha256:67a3598f0a2dcbc58d02dd1928544e7d88f764b47d4a286202913f0b2801c2e7"}, - {file = "protobuf-3.20.3-cp39-cp39-macosx_10_9_x86_64.whl", hash = "sha256:398a9e0c3eaceb34ec1aee71894ca3299605fa8e761544934378bbc6c97de23b"}, - {file = "protobuf-3.20.3-cp39-cp39-manylinux2014_aarch64.whl", hash = "sha256:bf01b5720be110540be4286e791db73f84a2b721072a3711efff6c324cdf074b"}, - {file = "protobuf-3.20.3-cp39-cp39-manylinux_2_5_x86_64.manylinux1_x86_64.whl", hash = "sha256:daa564862dd0d39c00f8086f88700fdbe8bc717e993a21e90711acfed02f2402"}, - {file = "protobuf-3.20.3-cp39-cp39-win32.whl", hash = "sha256:819559cafa1a373b7096a482b504ae8a857c89593cf3a25af743ac9ecbd23480"}, - {file = "protobuf-3.20.3-cp39-cp39-win_amd64.whl", hash = "sha256:03038ac1cfbc41aa21f6afcbcd357281d7521b4157926f30ebecc8d4ea59dcb7"}, - {file = "protobuf-3.20.3-py2.py3-none-any.whl", hash = "sha256:a7ca6d488aa8ff7f329d4c545b2dbad8ac31464f1d8b1c87ad1346717731e4db"}, - {file = "protobuf-3.20.3.tar.gz", hash = "sha256:2e3427429c9cffebf259491be0af70189607f365c2f41c7c3764af6f337105f2"}, -] - -[[package]] -name = "psutil" -version = "5.9.8" -requires_python = ">=2.7, !=3.0.*, !=3.1.*, !=3.2.*, !=3.3.*, !=3.4.*, !=3.5.*" -summary = "Cross-platform lib for process and system monitoring in Python." -groups = ["baselines", "test", "tf"] -files = [ - {file = "psutil-5.9.8-cp36-abi3-macosx_10_9_x86_64.whl", hash = "sha256:aee678c8720623dc456fa20659af736241f575d79429a0e5e9cf88ae0605cc81"}, - {file = "psutil-5.9.8-cp36-abi3-manylinux_2_12_i686.manylinux2010_i686.manylinux_2_17_i686.manylinux2014_i686.whl", hash = "sha256:8cb6403ce6d8e047495a701dc7c5bd788add903f8986d523e3e20b98b733e421"}, - {file = "psutil-5.9.8-cp36-abi3-manylinux_2_12_x86_64.manylinux2010_x86_64.manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:d06016f7f8625a1825ba3732081d77c94589dca78b7a3fc072194851e88461a4"}, - {file = "psutil-5.9.8-cp37-abi3-win32.whl", hash = "sha256:bc56c2a1b0d15aa3eaa5a60c9f3f8e3e565303b465dbf57a1b730e7a2b9844e0"}, - {file = "psutil-5.9.8-cp37-abi3-win_amd64.whl", hash = "sha256:8db4c1b57507eef143a15a6884ca10f7c73876cdf5d51e713151c1236a0e68cf"}, - {file = "psutil-5.9.8-cp38-abi3-macosx_11_0_arm64.whl", hash = "sha256:d16bbddf0693323b8c6123dd804100241da461e41d6e332fb0ba6058f630f8c8"}, - {file = "psutil-5.9.8.tar.gz", hash = "sha256:6be126e3225486dff286a8fb9a06246a5253f4c7c53b475ea5f5ac934e64194c"}, -] - -[[package]] -name = "pyasn1" -version = "0.5.1" -requires_python = "!=3.0.*,!=3.1.*,!=3.2.*,!=3.3.*,!=3.4.*,!=3.5.*,>=2.7" -summary = "Pure-Python implementation of ASN.1 types and DER/BER/CER codecs (X.208)" -groups = ["baselines", "tf"] -files = [ - {file = "pyasn1-0.5.1-py2.py3-none-any.whl", hash = "sha256:4439847c58d40b1d0a573d07e3856e95333f1976294494c325775aeca506eb58"}, - {file = "pyasn1-0.5.1.tar.gz", hash = "sha256:6d391a96e59b23130a5cfa74d6fd7f388dbbe26cc8f1edf39fdddf08d9d6676c"}, -] - -[[package]] -name = "pyasn1-modules" -version = "0.3.0" -requires_python = "!=3.0.*,!=3.1.*,!=3.2.*,!=3.3.*,!=3.4.*,!=3.5.*,>=2.7" -summary = "A collection of ASN.1-based protocols modules" -groups = ["baselines", "tf"] -dependencies = [ - "pyasn1<0.6.0,>=0.4.6", -] -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"}, -] - -[[package]] -name = "pybullet" -version = "3.2.6" -summary = "Official Python Interface for the Bullet Physics SDK specialized for Robotics Simulation and Reinforcement Learning" -groups = ["baselines"] -files = [ - {file = "pybullet-3.2.6-cp310-cp310-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:6f71d0bed6824875b521066571d612274f1d2dead3ede50f8fbdde1946ec0c40"}, - {file = "pybullet-3.2.6-cp39-cp39-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:f928444471186c5d6092d71371b03436e23ec96acd7800dfefcd8e96572c6581"}, - {file = "pybullet-3.2.6.tar.gz", hash = "sha256:da27525433c88698dc9fd8bc20fa4ae4d07738b4656633659ebd82c2d2884e08"}, -] - -[[package]] -name = "pycparser" -version = "2.21" -requires_python = ">=2.7, !=3.0.*, !=3.1.*, !=3.2.*, !=3.3.*" -summary = "C parser in Python" -groups = ["baselines"] -files = [ - {file = "pycparser-2.21-py2.py3-none-any.whl", hash = "sha256:8ee45429555515e1f6b185e78100aea234072576aa43ab53aefcae078162fca9"}, - {file = "pycparser-2.21.tar.gz", hash = "sha256:e644fdec12f7872f86c58ff790da456218b10f863970249516d60a5eaca77206"}, -] - -[[package]] -name = "pygments" -version = "2.17.2" -requires_python = ">=3.7" -summary = "Pygments is a syntax highlighting package written in Python." -groups = ["baselines", "jax"] -files = [ - {file = "pygments-2.17.2-py3-none-any.whl", hash = "sha256:b27c2826c47d0f3219f29554824c30c5e8945175d888647acd804ddd04af846c"}, - {file = "pygments-2.17.2.tar.gz", hash = "sha256:da46cec9fd2de5be3a8a784f434e4c4ab670b4ff54d605c4c2717e9d49c4c367"}, -] - -[[package]] -name = "pyopengl" -version = "3.1.7" -summary = "Standard OpenGL bindings for Python" -groups = ["baselines", "test"] -files = [ - {file = "PyOpenGL-3.1.7-py3-none-any.whl", hash = "sha256:a6ab19cf290df6101aaf7470843a9c46207789855746399d0af92521a0a92b7a"}, - {file = "PyOpenGL-3.1.7.tar.gz", hash = "sha256:eef31a3888e6984fd4d8e6c9961b184c9813ca82604d37fe3da80eb000a76c86"}, -] - -[[package]] -name = "pyparsing" -version = "3.1.1" -requires_python = ">=3.6.8" -summary = "pyparsing module - Classes and methods to define and execute parsing grammars" -groups = ["baselines", "test"] -files = [ - {file = "pyparsing-3.1.1-py3-none-any.whl", hash = "sha256:32c7c0b711493c72ff18a981d24f28aaf9c1fb7ed5e9667c9e84e3db623bdbfb"}, - {file = "pyparsing-3.1.1.tar.gz", hash = "sha256:ede28a1a32462f5a9705e07aea48001a08f7cf81a021585011deba701581a0db"}, -] - -[[package]] -name = "pytest" -version = "8.0.1" -requires_python = ">=3.8" -summary = "pytest: simple powerful testing with Python" -groups = ["test"] -dependencies = [ - "colorama; sys_platform == \"win32\"", - "exceptiongroup>=1.0.0rc8; python_version < \"3.11\"", - "iniconfig", - "packaging", - "pluggy<2.0,>=1.3.0", - "tomli>=1.0.0; python_version < \"3.11\"", -] -files = [ - {file = "pytest-8.0.1-py3-none-any.whl", hash = "sha256:3e4f16fe1c0a9dc9d9389161c127c3edc5d810c38d6793042fb81d9f48a59fca"}, - {file = "pytest-8.0.1.tar.gz", hash = "sha256:267f6563751877d772019b13aacbe4e860d73fe8f651f28112e9ac37de7513ae"}, -] - -[[package]] -name = "pytest-xdist" -version = "3.5.0" -requires_python = ">=3.7" -summary = "pytest xdist plugin for distributed testing, most importantly across multiple CPUs" -groups = ["test"] -dependencies = [ - "execnet>=1.1", - "pytest>=6.2.0", -] -files = [ - {file = "pytest-xdist-3.5.0.tar.gz", hash = "sha256:cbb36f3d67e0c478baa57fa4edc8843887e0f6cfc42d677530a36d7472b32d8a"}, - {file = "pytest_xdist-3.5.0-py3-none-any.whl", hash = "sha256:d075629c7e00b611df89f490a5063944bee7a4362a5ff11c7cc7824a03dfce24"}, -] - -[[package]] -name = "pyyaml" -version = "6.0.1" -requires_python = ">=3.6" -summary = "YAML parser and emitter for Python" -groups = ["baselines", "dev", "jax", "test"] -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"}, - {file = "PyYAML-6.0.1-cp310-cp310-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:69b023b2b4daa7548bcfbd4aa3da05b3a74b772db9e23b982788168117739938"}, - {file = "PyYAML-6.0.1-cp310-cp310-manylinux_2_17_s390x.manylinux2014_s390x.whl", hash = "sha256:81e0b275a9ecc9c0c0c07b4b90ba548307583c125f54d5b6946cfee6360c733d"}, - {file = "PyYAML-6.0.1-cp310-cp310-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:ba336e390cd8e4d1739f42dfe9bb83a3cc2e80f567d8805e11b46f4a943f5515"}, - {file = "PyYAML-6.0.1-cp310-cp310-musllinux_1_1_x86_64.whl", hash = "sha256:326c013efe8048858a6d312ddd31d56e468118ad4cdeda36c719bf5bb6192290"}, - {file = "PyYAML-6.0.1-cp310-cp310-win32.whl", hash = "sha256:bd4af7373a854424dabd882decdc5579653d7868b8fb26dc7d0e99f823aa5924"}, - {file = "PyYAML-6.0.1-cp310-cp310-win_amd64.whl", hash = "sha256:fd1592b3fdf65fff2ad0004b5e363300ef59ced41c2e6b3a99d4089fa8c5435d"}, - {file = "PyYAML-6.0.1-cp39-cp39-macosx_10_9_x86_64.whl", hash = "sha256:9eb6caa9a297fc2c2fb8862bc5370d0303ddba53ba97e71f08023b6cd73d16a8"}, - {file = "PyYAML-6.0.1-cp39-cp39-macosx_11_0_arm64.whl", hash = "sha256:c8098ddcc2a85b61647b2590f825f3db38891662cfc2fc776415143f599bb859"}, - {file = "PyYAML-6.0.1-cp39-cp39-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:5773183b6446b2c99bb77e77595dd486303b4faab2b086e7b17bc6bef28865f6"}, - {file = "PyYAML-6.0.1-cp39-cp39-manylinux_2_17_s390x.manylinux2014_s390x.whl", hash = "sha256:b786eecbdf8499b9ca1d697215862083bd6d2a99965554781d0d8d1ad31e13a0"}, - {file = "PyYAML-6.0.1-cp39-cp39-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:bc1bf2925a1ecd43da378f4db9e4f799775d6367bdb94671027b73b393a7c42c"}, - {file = "PyYAML-6.0.1-cp39-cp39-musllinux_1_1_x86_64.whl", hash = "sha256:04ac92ad1925b2cff1db0cfebffb6ffc43457495c9b3c39d3fcae417d7125dc5"}, - {file = "PyYAML-6.0.1-cp39-cp39-win32.whl", hash = "sha256:faca3bdcf85b2fc05d06ff3fbc1f83e1391b3e724afa3feba7d13eeab355484c"}, - {file = "PyYAML-6.0.1-cp39-cp39-win_amd64.whl", hash = "sha256:510c9deebc5c0225e8c96813043e62b680ba2f9c50a08d3724c7f28a747d1486"}, - {file = "PyYAML-6.0.1.tar.gz", hash = "sha256:bfdf460b1736c775f2ba9f6a92bca30bc2095067b8a9d77876d1fad6cc3b4a43"}, -] - -[[package]] -name = "requests" -version = "2.31.0" -requires_python = ">=3.7" -summary = "Python HTTP for Humans." -groups = ["baselines", "test", "tf"] -dependencies = [ - "certifi>=2017.4.17", - "charset-normalizer<4,>=2", - "idna<4,>=2.5", - "urllib3<3,>=1.21.1", -] -files = [ - {file = "requests-2.31.0-py3-none-any.whl", hash = "sha256:58cd2187c01e70e6e26505bca751777aa9f2ee0b7f4300988b709f44e013003f"}, - {file = "requests-2.31.0.tar.gz", hash = "sha256:942c5a758f98d790eaed1a29cb6eefc7ffb0d1cf7af05c3d2791656dbd6ad1e1"}, -] - -[[package]] -name = "requests-oauthlib" -version = "1.3.1" -requires_python = ">=2.7, !=3.0.*, !=3.1.*, !=3.2.*, !=3.3.*" -summary = "OAuthlib authentication support for Requests." -groups = ["baselines", "tf"] -dependencies = [ - "oauthlib>=3.0.0", - "requests>=2.0.0", -] -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"}, -] - -[[package]] -name = "rich" -version = "13.7.0" -requires_python = ">=3.7.0" -summary = "Render rich text, tables, progress bars, syntax highlighting, markdown and more to the terminal" -groups = ["baselines", "jax"] -dependencies = [ - "markdown-it-py>=2.2.0", - "pygments<3.0.0,>=2.13.0", -] -files = [ - {file = "rich-13.7.0-py3-none-any.whl", hash = "sha256:6da14c108c4866ee9520bbffa71f6fe3962e193b7da68720583850cd4548e235"}, - {file = "rich-13.7.0.tar.gz", hash = "sha256:5cb5123b5cf9ee70584244246816e9114227e0b98ad9176eede6ad54bf5403fa"}, -] - -[[package]] -name = "rlax" -version = "0.1.6" -requires_python = ">=3.9" -summary = "A library of reinforcement learning building blocks in JAX." -groups = ["baselines", "jax"] -dependencies = [ - "absl-py>=0.9.0", - "chex>=0.0.8", - "distrax>=0.0.2", - "dm-env", - "jax>=0.3.0", - "jaxlib>=0.1.37", - "numpy>=1.18.0", -] -files = [ - {file = "rlax-0.1.6-py3-none-any.whl", hash = "sha256:a22fd6bcdd5d2fff17850817dac6fbbaaa0d687aec5ea68e9277a172705c91bc"}, - {file = "rlax-0.1.6.tar.gz", hash = "sha256:0b79c53afff3c6f028cfa599d110197dfcc46f1231fd7ac669b3b840fc6b8a4f"}, -] - -[[package]] -name = "rlds" -version = "0.1.8" -summary = "A Python library for Reinforcement Learning Datasets." -groups = ["baselines", "tf"] -dependencies = [ - "absl-py", - "numpy", -] -files = [ - {file = "rlds-0.1.8-py3-none-manylinux2010_x86_64.whl", hash = "sha256:274275038049f2f7ceb313ea100f15156fd69d311d23f60e87f8e121ab82ad2b"}, -] - -[[package]] -name = "rsa" -version = "4.9" -requires_python = ">=3.6,<4" -summary = "Pure-Python RSA implementation" -groups = ["baselines", "tf"] -dependencies = [ - "pyasn1>=0.1.3", -] -files = [ - {file = "rsa-4.9-py3-none-any.whl", hash = "sha256:90260d9058e514786967344d0ef75fa8727eed8a7d2e43ce9f4bcf1b536174f7"}, - {file = "rsa-4.9.tar.gz", hash = "sha256:e38464a49c6c85d7f1351b0126661487a7e0a14a50f1675ec50eb34d4f20ef21"}, -] - -[[package]] -name = "ruff" -version = "0.2.2" -requires_python = ">=3.7" -summary = "An extremely fast Python linter and code formatter, written in Rust." -groups = ["dev"] -files = [ - {file = "ruff-0.2.2-py3-none-macosx_10_12_x86_64.macosx_11_0_arm64.macosx_10_12_universal2.whl", hash = "sha256:0a9efb032855ffb3c21f6405751d5e147b0c6b631e3ca3f6b20f917572b97eb6"}, - {file = "ruff-0.2.2-py3-none-macosx_10_12_x86_64.whl", hash = "sha256:d450b7fbff85913f866a5384d8912710936e2b96da74541c82c1b458472ddb39"}, - {file = "ruff-0.2.2-py3-none-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:ecd46e3106850a5c26aee114e562c329f9a1fbe9e4821b008c4404f64ff9ce73"}, - {file = "ruff-0.2.2-py3-none-manylinux_2_17_armv7l.manylinux2014_armv7l.whl", hash = "sha256:5e22676a5b875bd72acd3d11d5fa9075d3a5f53b877fe7b4793e4673499318ba"}, - {file = "ruff-0.2.2-py3-none-manylinux_2_17_i686.manylinux2014_i686.whl", hash = "sha256:1695700d1e25a99d28f7a1636d85bafcc5030bba9d0578c0781ba1790dbcf51c"}, - {file = "ruff-0.2.2-py3-none-manylinux_2_17_ppc64.manylinux2014_ppc64.whl", hash = "sha256:b0c232af3d0bd8f521806223723456ffebf8e323bd1e4e82b0befb20ba18388e"}, - {file = "ruff-0.2.2-py3-none-manylinux_2_17_ppc64le.manylinux2014_ppc64le.whl", hash = "sha256:f63d96494eeec2fc70d909393bcd76c69f35334cdbd9e20d089fb3f0640216ca"}, - {file = "ruff-0.2.2-py3-none-manylinux_2_17_s390x.manylinux2014_s390x.whl", hash = "sha256:6a61ea0ff048e06de273b2e45bd72629f470f5da8f71daf09fe481278b175001"}, - {file = "ruff-0.2.2-py3-none-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:5e1439c8f407e4f356470e54cdecdca1bd5439a0673792dbe34a2b0a551a2fe3"}, - {file = "ruff-0.2.2-py3-none-musllinux_1_2_aarch64.whl", hash = "sha256:940de32dc8853eba0f67f7198b3e79bc6ba95c2edbfdfac2144c8235114d6726"}, - {file = "ruff-0.2.2-py3-none-musllinux_1_2_armv7l.whl", hash = "sha256:0c126da55c38dd917621552ab430213bdb3273bb10ddb67bc4b761989210eb6e"}, - {file = "ruff-0.2.2-py3-none-musllinux_1_2_i686.whl", hash = "sha256:3b65494f7e4bed2e74110dac1f0d17dc8e1f42faaa784e7c58a98e335ec83d7e"}, - {file = "ruff-0.2.2-py3-none-musllinux_1_2_x86_64.whl", hash = "sha256:1ec49be4fe6ddac0503833f3ed8930528e26d1e60ad35c2446da372d16651ce9"}, - {file = "ruff-0.2.2-py3-none-win32.whl", hash = "sha256:d920499b576f6c68295bc04e7b17b6544d9d05f196bb3aac4358792ef6f34325"}, - {file = "ruff-0.2.2-py3-none-win_amd64.whl", hash = "sha256:cc9a91ae137d687f43a44c900e5d95e9617cb37d4c989e462980ba27039d239d"}, - {file = "ruff-0.2.2-py3-none-win_arm64.whl", hash = "sha256:c9d15fc41e6054bfc7200478720570078f0b41c9ae4f010bcc16bd6f4d1aacdd"}, - {file = "ruff-0.2.2.tar.gz", hash = "sha256:e62ed7f36b3068a30ba39193a14274cd706bc486fad521276458022f7bccb31d"}, -] - -[[package]] -name = "scipy" -version = "1.12.0" -requires_python = ">=3.9" -summary = "Fundamental algorithms for scientific computing in Python" -groups = ["baselines", "jax", "jax_cuda", "test"] -dependencies = [ - "numpy<1.29.0,>=1.22.4", -] -files = [ - {file = "scipy-1.12.0-cp310-cp310-macosx_10_9_x86_64.whl", hash = "sha256:78e4402e140879387187f7f25d91cc592b3501a2e51dfb320f48dfb73565f10b"}, - {file = "scipy-1.12.0-cp310-cp310-macosx_12_0_arm64.whl", hash = "sha256:f5f00ebaf8de24d14b8449981a2842d404152774c1a1d880c901bf454cb8e2a1"}, - {file = "scipy-1.12.0-cp310-cp310-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:e53958531a7c695ff66c2e7bb7b79560ffdc562e2051644c5576c39ff8efb563"}, - {file = "scipy-1.12.0-cp310-cp310-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:5e32847e08da8d895ce09d108a494d9eb78974cf6de23063f93306a3e419960c"}, - {file = "scipy-1.12.0-cp310-cp310-musllinux_1_1_x86_64.whl", hash = "sha256:4c1020cad92772bf44b8e4cdabc1df5d87376cb219742549ef69fc9fd86282dd"}, - {file = "scipy-1.12.0-cp310-cp310-win_amd64.whl", hash = "sha256:75ea2a144096b5e39402e2ff53a36fecfd3b960d786b7efd3c180e29c39e53f2"}, - {file = "scipy-1.12.0-cp39-cp39-macosx_10_9_x86_64.whl", hash = "sha256:913d6e7956c3a671de3b05ccb66b11bc293f56bfdef040583a7221d9e22a2e35"}, - {file = "scipy-1.12.0-cp39-cp39-macosx_12_0_arm64.whl", hash = "sha256:bba1b0c7256ad75401c73e4b3cf09d1f176e9bd4248f0d3112170fb2ec4db067"}, - {file = "scipy-1.12.0-cp39-cp39-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:730badef9b827b368f351eacae2e82da414e13cf8bd5051b4bdfd720271a5371"}, - {file = "scipy-1.12.0-cp39-cp39-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:6546dc2c11a9df6926afcbdd8a3edec28566e4e785b915e849348c6dd9f3f490"}, - {file = "scipy-1.12.0-cp39-cp39-musllinux_1_1_x86_64.whl", hash = "sha256:196ebad3a4882081f62a5bf4aeb7326aa34b110e533aab23e4374fcccb0890dc"}, - {file = "scipy-1.12.0-cp39-cp39-win_amd64.whl", hash = "sha256:b360f1b6b2f742781299514e99ff560d1fe9bd1bff2712894b52abe528d1fd1e"}, - {file = "scipy-1.12.0.tar.gz", hash = "sha256:4bf5abab8a36d20193c698b0f1fc282c1d083c94723902c447e5d2f1780936a3"}, -] - -[[package]] -name = "sentry-sdk" -version = "1.40.5" -summary = "Python client for Sentry (https://sentry.io)" -groups = ["baselines", "test"] -dependencies = [ - "certifi", - "urllib3>=1.26.11; python_version >= \"3.6\"", -] -files = [ - {file = "sentry-sdk-1.40.5.tar.gz", hash = "sha256:d2dca2392cc5c9a2cc9bb874dd7978ebb759682fe4fe889ee7e970ee8dd1c61e"}, - {file = "sentry_sdk-1.40.5-py2.py3-none-any.whl", hash = "sha256:d188b407c9bacbe2a50a824e1f8fb99ee1aeb309133310488c570cb6d7056643"}, -] - -[[package]] -name = "setproctitle" -version = "1.3.3" -requires_python = ">=3.7" -summary = "A Python module to customize the process title" -groups = ["baselines", "test"] -files = [ - {file = "setproctitle-1.3.3-cp310-cp310-macosx_10_9_universal2.whl", hash = "sha256:897a73208da48db41e687225f355ce993167079eda1260ba5e13c4e53be7f754"}, - {file = "setproctitle-1.3.3-cp310-cp310-macosx_10_9_x86_64.whl", hash = "sha256:8c331e91a14ba4076f88c29c777ad6b58639530ed5b24b5564b5ed2fd7a95452"}, - {file = "setproctitle-1.3.3-cp310-cp310-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:bbbd6c7de0771c84b4aa30e70b409565eb1fc13627a723ca6be774ed6b9d9fa3"}, - {file = "setproctitle-1.3.3-cp310-cp310-manylinux_2_17_ppc64le.manylinux2014_ppc64le.whl", hash = "sha256:c05ac48ef16ee013b8a326c63e4610e2430dbec037ec5c5b58fcced550382b74"}, - {file = "setproctitle-1.3.3-cp310-cp310-manylinux_2_5_i686.manylinux1_i686.manylinux_2_17_i686.manylinux2014_i686.whl", hash = "sha256:1342f4fdb37f89d3e3c1c0a59d6ddbedbde838fff5c51178a7982993d238fe4f"}, - {file = "setproctitle-1.3.3-cp310-cp310-manylinux_2_5_x86_64.manylinux1_x86_64.manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:fc74e84fdfa96821580fb5e9c0b0777c1c4779434ce16d3d62a9c4d8c710df39"}, - {file = "setproctitle-1.3.3-cp310-cp310-musllinux_1_1_aarch64.whl", hash = "sha256:9617b676b95adb412bb69645d5b077d664b6882bb0d37bfdafbbb1b999568d85"}, - {file = "setproctitle-1.3.3-cp310-cp310-musllinux_1_1_i686.whl", hash = "sha256:6a249415f5bb88b5e9e8c4db47f609e0bf0e20a75e8d744ea787f3092ba1f2d0"}, - {file = "setproctitle-1.3.3-cp310-cp310-musllinux_1_1_ppc64le.whl", hash = "sha256:38da436a0aaace9add67b999eb6abe4b84397edf4a78ec28f264e5b4c9d53cd5"}, - {file = "setproctitle-1.3.3-cp310-cp310-musllinux_1_1_x86_64.whl", hash = "sha256:da0d57edd4c95bf221b2ebbaa061e65b1788f1544977288bdf95831b6e44e44d"}, - {file = "setproctitle-1.3.3-cp310-cp310-win32.whl", hash = "sha256:a1fcac43918b836ace25f69b1dca8c9395253ad8152b625064415b1d2f9be4fb"}, - {file = "setproctitle-1.3.3-cp310-cp310-win_amd64.whl", hash = "sha256:200620c3b15388d7f3f97e0ae26599c0c378fdf07ae9ac5a13616e933cbd2086"}, - {file = "setproctitle-1.3.3-cp39-cp39-macosx_10_9_universal2.whl", hash = "sha256:c7951820b77abe03d88b114b998867c0f99da03859e5ab2623d94690848d3e45"}, - {file = "setproctitle-1.3.3-cp39-cp39-macosx_10_9_x86_64.whl", hash = "sha256:5bc94cf128676e8fac6503b37763adb378e2b6be1249d207630f83fc325d9b11"}, - {file = "setproctitle-1.3.3-cp39-cp39-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:1f5d9027eeda64d353cf21a3ceb74bb1760bd534526c9214e19f052424b37e42"}, - {file = "setproctitle-1.3.3-cp39-cp39-manylinux_2_17_ppc64le.manylinux2014_ppc64le.whl", hash = "sha256:2e4a8104db15d3462e29d9946f26bed817a5b1d7a47eabca2d9dc2b995991503"}, - {file = "setproctitle-1.3.3-cp39-cp39-manylinux_2_5_i686.manylinux1_i686.manylinux_2_17_i686.manylinux2014_i686.whl", hash = "sha256:c32c41ace41f344d317399efff4cffb133e709cec2ef09c99e7a13e9f3b9483c"}, - {file = "setproctitle-1.3.3-cp39-cp39-manylinux_2_5_x86_64.manylinux1_x86_64.manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:cbf16381c7bf7f963b58fb4daaa65684e10966ee14d26f5cc90f07049bfd8c1e"}, - {file = "setproctitle-1.3.3-cp39-cp39-musllinux_1_1_aarch64.whl", hash = "sha256:e18b7bd0898398cc97ce2dfc83bb192a13a087ef6b2d5a8a36460311cb09e775"}, - {file = "setproctitle-1.3.3-cp39-cp39-musllinux_1_1_i686.whl", hash = "sha256:69d565d20efe527bd8a9b92e7f299ae5e73b6c0470f3719bd66f3cd821e0d5bd"}, - {file = "setproctitle-1.3.3-cp39-cp39-musllinux_1_1_ppc64le.whl", hash = "sha256:ddedd300cd690a3b06e7eac90ed4452348b1348635777ce23d460d913b5b63c3"}, - {file = "setproctitle-1.3.3-cp39-cp39-musllinux_1_1_x86_64.whl", hash = "sha256:415bfcfd01d1fbf5cbd75004599ef167a533395955305f42220a585f64036081"}, - {file = "setproctitle-1.3.3-cp39-cp39-win32.whl", hash = "sha256:21112fcd2195d48f25760f0eafa7a76510871bbb3b750219310cf88b04456ae3"}, - {file = "setproctitle-1.3.3-cp39-cp39-win_amd64.whl", hash = "sha256:5a740f05d0968a5a17da3d676ce6afefebeeeb5ce137510901bf6306ba8ee002"}, - {file = "setproctitle-1.3.3-pp310-pypy310_pp73-macosx_10_9_x86_64.whl", hash = "sha256:6b9e62ddb3db4b5205c0321dd69a406d8af9ee1693529d144e86bd43bcb4b6c0"}, - {file = "setproctitle-1.3.3-pp310-pypy310_pp73-manylinux_2_5_i686.manylinux1_i686.manylinux_2_17_i686.manylinux2014_i686.whl", hash = "sha256:9e3b99b338598de0bd6b2643bf8c343cf5ff70db3627af3ca427a5e1a1a90dd9"}, - {file = "setproctitle-1.3.3-pp310-pypy310_pp73-manylinux_2_5_x86_64.manylinux1_x86_64.manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:38ae9a02766dad331deb06855fb7a6ca15daea333b3967e214de12cfae8f0ef5"}, - {file = "setproctitle-1.3.3-pp310-pypy310_pp73-win_amd64.whl", hash = "sha256:200ede6fd11233085ba9b764eb055a2a191fb4ffb950c68675ac53c874c22e20"}, - {file = "setproctitle-1.3.3-pp37-pypy37_pp73-macosx_10_9_x86_64.whl", hash = "sha256:0d3a953c50776751e80fe755a380a64cb14d61e8762bd43041ab3f8cc436092f"}, - {file = "setproctitle-1.3.3-pp37-pypy37_pp73-manylinux_2_5_i686.manylinux1_i686.manylinux_2_17_i686.manylinux2014_i686.whl", hash = "sha256:e5e08e232b78ba3ac6bc0d23ce9e2bee8fad2be391b7e2da834fc9a45129eb87"}, - {file = "setproctitle-1.3.3-pp37-pypy37_pp73-manylinux_2_5_x86_64.manylinux1_x86_64.manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:f1da82c3e11284da4fcbf54957dafbf0655d2389cd3d54e4eaba636faf6d117a"}, - {file = "setproctitle-1.3.3-pp37-pypy37_pp73-win_amd64.whl", hash = "sha256:aeaa71fb9568ebe9b911ddb490c644fbd2006e8c940f21cb9a1e9425bd709574"}, - {file = "setproctitle-1.3.3-pp38-pypy38_pp73-macosx_10_9_x86_64.whl", hash = "sha256:59335d000c6250c35989394661eb6287187854e94ac79ea22315469ee4f4c244"}, - {file = "setproctitle-1.3.3-pp38-pypy38_pp73-manylinux_2_5_i686.manylinux1_i686.manylinux_2_17_i686.manylinux2014_i686.whl", hash = "sha256:c3ba57029c9c50ecaf0c92bb127224cc2ea9fda057b5d99d3f348c9ec2855ad3"}, - {file = "setproctitle-1.3.3-pp38-pypy38_pp73-manylinux_2_5_x86_64.manylinux1_x86_64.manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:d876d355c53d975c2ef9c4f2487c8f83dad6aeaaee1b6571453cb0ee992f55f6"}, - {file = "setproctitle-1.3.3-pp38-pypy38_pp73-win_amd64.whl", hash = "sha256:224602f0939e6fb9d5dd881be1229d485f3257b540f8a900d4271a2c2aa4e5f4"}, - {file = "setproctitle-1.3.3-pp39-pypy39_pp73-macosx_10_9_x86_64.whl", hash = "sha256:d7f27e0268af2d7503386e0e6be87fb9b6657afd96f5726b733837121146750d"}, - {file = "setproctitle-1.3.3-pp39-pypy39_pp73-manylinux_2_5_i686.manylinux1_i686.manylinux_2_17_i686.manylinux2014_i686.whl", hash = "sha256:f5e7266498cd31a4572378c61920af9f6b4676a73c299fce8ba93afd694f8ae7"}, - {file = "setproctitle-1.3.3-pp39-pypy39_pp73-manylinux_2_5_x86_64.manylinux1_x86_64.manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:33c5609ad51cd99d388e55651b19148ea99727516132fb44680e1f28dd0d1de9"}, - {file = "setproctitle-1.3.3-pp39-pypy39_pp73-win_amd64.whl", hash = "sha256:eae8988e78192fd1a3245a6f4f382390b61bce6cfcc93f3809726e4c885fa68d"}, - {file = "setproctitle-1.3.3.tar.gz", hash = "sha256:c913e151e7ea01567837ff037a23ca8740192880198b7fbb90b16d181607caae"}, -] - -[[package]] -name = "setuptools" -version = "69.1.0" -requires_python = ">=3.8" -summary = "Easily download, build, install, upgrade, and uninstall Python packages" -groups = ["baselines", "dev", "jax", "test", "tf"] -files = [ - {file = "setuptools-69.1.0-py3-none-any.whl", hash = "sha256:c054629b81b946d63a9c6e732bc8b2513a7c3ea645f11d0139a2191d735c60c6"}, - {file = "setuptools-69.1.0.tar.gz", hash = "sha256:850894c4195f09c4ed30dba56213bf7c3f21d86ed6bdaafb5df5972593bfc401"}, -] - -[[package]] -name = "six" -version = "1.16.0" -requires_python = ">=2.7, !=3.0.*, !=3.1.*, !=3.2.*" -summary = "Python 2 and 3 compatibility utilities" -groups = ["baselines", "jax", "test", "tf"] -files = [ - {file = "six-1.16.0-py2.py3-none-any.whl", hash = "sha256:8abb2f1d86890a2dfb989f9a77cfcfd3e47c2a354b01111771326f8aa26e0254"}, - {file = "six-1.16.0.tar.gz", hash = "sha256:1e61c37477a1626458e36f7b1d82aa5c9b094fa4802892072e49de9c60c4c926"}, -] - -[[package]] -name = "smmap" -version = "5.0.1" -requires_python = ">=3.7" -summary = "A pure Python implementation of a sliding window memory map manager" -groups = ["baselines", "test"] -files = [ - {file = "smmap-5.0.1-py3-none-any.whl", hash = "sha256:e6d8668fa5f93e706934a62d7b4db19c8d9eb8cf2adbb75ef1b675aa332b69da"}, - {file = "smmap-5.0.1.tar.gz", hash = "sha256:dceeb6c0028fdb6734471eb07c0cd2aae706ccaecab45965ee83f11c8d3b1f62"}, -] - -[[package]] -name = "tabulate" -version = "0.9.0" -requires_python = ">=3.7" -summary = "Pretty-print tabular data" -groups = ["baselines", "jax"] -files = [ - {file = "tabulate-0.9.0-py3-none-any.whl", hash = "sha256:024ca478df22e9340661486f85298cff5f6dcdba14f3813e8830015b9ed1948f"}, - {file = "tabulate-0.9.0.tar.gz", hash = "sha256:0095b12bf5966de529c0feb1fa08671671b3368eec77d7ef7ab114be2c068b3c"}, -] - -[[package]] -name = "tensorboard" -version = "2.14.1" -requires_python = ">=3.9" -summary = "TensorBoard lets you watch Tensors Flow" -groups = ["baselines", "tf"] -dependencies = [ - "absl-py>=0.4", - "google-auth-oauthlib<1.1,>=0.5", - "google-auth<3,>=1.6.3", - "grpcio>=1.48.2", - "markdown>=2.6.8", - "numpy>=1.12.0", - "protobuf>=3.19.6", - "requests<3,>=2.21.0", - "setuptools>=41.0.0", - "six>1.9", - "tensorboard-data-server<0.8.0,>=0.7.0", - "werkzeug>=1.0.1", -] -files = [ - {file = "tensorboard-2.14.1-py3-none-any.whl", hash = "sha256:3db108fb58f023b6439880e177743c5f1e703e9eeb5fb7d597871f949f85fd58"}, -] - -[[package]] -name = "tensorboard-data-server" -version = "0.7.2" -requires_python = ">=3.7" -summary = "Fast data loading for TensorBoard" -groups = ["baselines", "tf"] -files = [ - {file = "tensorboard_data_server-0.7.2-py3-none-any.whl", hash = "sha256:7e0610d205889588983836ec05dc098e80f97b7e7bbff7e994ebb78f578d0ddb"}, - {file = "tensorboard_data_server-0.7.2-py3-none-macosx_10_9_x86_64.whl", hash = "sha256:9fe5d24221b29625dbc7328b0436ca7fc1c23de4acf4d272f1180856e32f9f60"}, - {file = "tensorboard_data_server-0.7.2-py3-none-manylinux_2_31_x86_64.whl", hash = "sha256:ef687163c24185ae9754ed5650eb5bc4d84ff257aabdc33f0cc6f74d8ba54530"}, -] - -[[package]] -name = "tensorflow-cpu" -version = "2.14.1" -requires_python = ">=3.9" -summary = "TensorFlow is an open source machine learning framework for everyone." -groups = ["baselines", "tf"] -dependencies = [ - "absl-py>=1.0.0", - "astunparse>=1.6.0", - "flatbuffers>=23.5.26", - "gast!=0.5.0,!=0.5.1,!=0.5.2,>=0.2.1", - "google-pasta>=0.1.1", - "grpcio<2.0,>=1.24.3", - "h5py>=2.9.0", - "keras<2.15,>=2.14.0", - "libclang>=13.0.0", - "ml-dtypes==0.2.0", - "numpy<2.0.0,>=1.23.5", - "opt-einsum>=2.3.2", - "packaging", - "protobuf!=4.21.0,!=4.21.1,!=4.21.2,!=4.21.3,!=4.21.4,!=4.21.5,<5.0.0dev,>=3.20.3", - "setuptools", - "six>=1.12.0", - "tensorboard<2.15,>=2.14", - "tensorflow-cpu-aws==2.14.1; (platform_machine == \"arm64\" or platform_machine == \"aarch64\") and platform_system == \"Linux\"", - "tensorflow-estimator<2.15,>=2.14.0", - "tensorflow-intel==2.14.1; platform_system == \"Windows\"", - "tensorflow-io-gcs-filesystem>=0.23.1", - "termcolor>=1.1.0", - "typing-extensions>=3.6.6", - "wrapt<1.15,>=1.11.0", -] -files = [ - {file = "tensorflow_cpu-2.14.1-cp310-cp310-macosx_10_15_x86_64.whl", hash = "sha256:d57057ba570c1a6b73a300759dd09057d721d2d04dc9e82fb1b8b4fe4c2ca380"}, - {file = "tensorflow_cpu-2.14.1-cp310-cp310-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:97f63588962997f2816031578450f747468f9441b17f5bbf352fc93adecc2051"}, - {file = "tensorflow_cpu-2.14.1-cp310-cp310-win_amd64.whl", hash = "sha256:2aced2fd217d95d53f3968372bc741b9967b266ae59c45622a5af1aff12eda68"}, - {file = "tensorflow_cpu-2.14.1-cp39-cp39-macosx_10_15_x86_64.whl", hash = "sha256:a1694ce4b048330b11729b2bff3e24d5ce8e0c55b5b092ba65d0457e3544b336"}, - {file = "tensorflow_cpu-2.14.1-cp39-cp39-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:8492db93c2662765b59865c1301b610a00c5d9bc95237a76685e94df4376db8a"}, - {file = "tensorflow_cpu-2.14.1-cp39-cp39-win_amd64.whl", hash = "sha256:bf41ddfeddb1f9d4aaae983829bf32300591d018a1b9b65ea585e9c7432ecae9"}, -] - -[[package]] -name = "tensorflow-cpu-aws" -version = "2.14.1" -requires_python = ">=3.9" -summary = "TensorFlow is an open source machine learning framework for everyone." -groups = ["baselines", "tf"] -marker = "(platform_machine == \"arm64\" or platform_machine == \"aarch64\") and platform_system == \"Linux\"" -dependencies = [ - "absl-py>=1.0.0", - "astunparse>=1.6.0", - "flatbuffers>=23.5.26", - "gast!=0.5.0,!=0.5.1,!=0.5.2,>=0.2.1", - "google-pasta>=0.1.1", - "grpcio<2.0,>=1.24.3", - "h5py>=2.9.0", - "keras<2.15,>=2.14.0", - "libclang>=13.0.0", - "ml-dtypes==0.2.0", - "numpy<2.0.0,>=1.23.5", - "opt-einsum>=2.3.2", - "packaging", - "protobuf!=4.21.0,!=4.21.1,!=4.21.2,!=4.21.3,!=4.21.4,!=4.21.5,<5.0.0dev,>=3.20.3", - "setuptools", - "six>=1.12.0", - "tensorboard<2.15,>=2.14", - "tensorflow-estimator<2.15,>=2.14.0", - "tensorflow-io-gcs-filesystem>=0.23.1", - "termcolor>=1.1.0", - "typing-extensions>=3.6.6", - "wrapt<1.15,>=1.11.0", -] -files = [ - {file = "tensorflow_cpu_aws-2.14.1-cp310-cp310-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:b2e35e9d90fc448973b39cd2b76a03a66de88700424a40dcc0ff90b8d40b1a3a"}, - {file = "tensorflow_cpu_aws-2.14.1-cp39-cp39-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:7e65af267aed15f4a59a8fd7a3ffe11ce43a71a33b0cd27122015b134443d872"}, -] - -[[package]] -name = "tensorflow-datasets" -version = "4.9.3" -requires_python = ">=3.9" -summary = "tensorflow/datasets is a library of datasets ready to use with TensorFlow." -groups = ["baselines", "tf"] -dependencies = [ - "absl-py", - "array-record", - "click", - "dm-tree", - "etils[enp,epath,etree]>=0.9.0", - "numpy", - "promise", - "protobuf>=3.20", - "psutil", - "requests>=2.19.0", - "tensorflow-metadata", - "termcolor", - "toml", - "tqdm", - "wrapt", -] -files = [ - {file = "tensorflow-datasets-4.9.3.tar.gz", hash = "sha256:90390077dde2c9e4e240754ddfc5bb50b482946d421c8a34677c3afdb0463427"}, - {file = "tensorflow_datasets-4.9.3-py3-none-any.whl", hash = "sha256:09cd60eccab0d5a9d15f53e76ee0f1b530ee5aa3665e42be621a4810d9fa5db6"}, -] - -[[package]] -name = "tensorflow-estimator" -version = "2.14.0" -requires_python = ">=3.7" -summary = "TensorFlow Estimator." -groups = ["baselines", "tf"] -files = [ - {file = "tensorflow_estimator-2.14.0-py2.py3-none-any.whl", hash = "sha256:820bf57c24aa631abb1bbe4371739ed77edb11361d61381fd8e790115ac0fd57"}, -] - -[[package]] -name = "tensorflow-intel" -version = "2.14.1" -requires_python = ">=3.9" -summary = "TensorFlow is an open source machine learning framework for everyone." -groups = ["baselines", "tf"] -marker = "platform_system == \"Windows\"" -dependencies = [ - "absl-py>=1.0.0", - "astunparse>=1.6.0", - "flatbuffers>=23.5.26", - "gast!=0.5.0,!=0.5.1,!=0.5.2,>=0.2.1", - "google-pasta>=0.1.1", - "grpcio<2.0,>=1.24.3", - "h5py>=2.9.0", - "keras<2.15,>=2.14.0", - "libclang>=13.0.0", - "ml-dtypes==0.2.0", - "numpy<2.0.0,>=1.23.5", - "opt-einsum>=2.3.2", - "packaging", - "protobuf!=4.21.0,!=4.21.1,!=4.21.2,!=4.21.3,!=4.21.4,!=4.21.5,<5.0.0dev,>=3.20.3", - "setuptools", - "six>=1.12.0", - "tensorboard<2.15,>=2.14", - "tensorflow-estimator<2.15,>=2.14.0", - "tensorflow-io-gcs-filesystem>=0.23.1", - "termcolor>=1.1.0", - "typing-extensions>=3.6.6", - "wrapt<1.15,>=1.11.0", -] -files = [ - {file = "tensorflow_intel-2.14.1-cp310-cp310-win_amd64.whl", hash = "sha256:d53589eed39607059923e660dfdb28dc65a4b89bec5889a78941bf8ec936d716"}, - {file = "tensorflow_intel-2.14.1-cp39-cp39-win_amd64.whl", hash = "sha256:78c11785eaa1047ac2e4746c86286f6629df0289e73616ce052a82761e1de678"}, -] - -[[package]] -name = "tensorflow-io-gcs-filesystem" -version = "0.36.0" -requires_python = ">=3.7, <3.12" -summary = "TensorFlow IO" -groups = ["baselines", "tf"] -files = [ - {file = "tensorflow_io_gcs_filesystem-0.36.0-cp310-cp310-macosx_10_14_x86_64.whl", hash = "sha256:702c6df62b38095ff613c433546d9424d4f33902a5ab26b00fd26457e27a99fa"}, - {file = "tensorflow_io_gcs_filesystem-0.36.0-cp310-cp310-macosx_12_0_arm64.whl", hash = "sha256:e9b8aaca2789af356c42afda0f52380f82e5abb2f3c0b85087833fcfe03875d8"}, - {file = "tensorflow_io_gcs_filesystem-0.36.0-cp310-cp310-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:c477aed96864ceae77d7051c3b687f28813aba7320fc5dd552164fad6ec8d1a1"}, - {file = "tensorflow_io_gcs_filesystem-0.36.0-cp310-cp310-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:be1ff92559dfa23048b01179a1827081947583f5c6f9986ccac471df8a29322a"}, - {file = "tensorflow_io_gcs_filesystem-0.36.0-cp39-cp39-macosx_10_14_x86_64.whl", hash = "sha256:0a4437824424a4423cf86162cb8b21b1bec24698194332748b50bb952e62ab9f"}, - {file = "tensorflow_io_gcs_filesystem-0.36.0-cp39-cp39-macosx_12_0_arm64.whl", hash = "sha256:31806bd7ac2db789161bc720747de22947063265561a4c17be54698fd9780b03"}, - {file = "tensorflow_io_gcs_filesystem-0.36.0-cp39-cp39-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:fc0e57976c1aa035af6281f0330cfb8dd50eee2f63412ecc84d60ff5075d29b7"}, - {file = "tensorflow_io_gcs_filesystem-0.36.0-cp39-cp39-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:e97ff5c280eb10f699098ae21057be2b146d39e8a906cd5db91f2ea6c34e47d0"}, -] - -[[package]] -name = "tensorflow-metadata" -version = "1.14.0" -requires_python = ">=3.8,<4" -summary = "Library and standards for schema and statistics." -groups = ["baselines", "tf"] -dependencies = [ - "absl-py<2.0.0,>=0.9", - "googleapis-common-protos<2,>=1.52.0", - "protobuf<4.21,>=3.20.3", -] -files = [ - {file = "tensorflow_metadata-1.14.0-py3-none-any.whl", hash = "sha256:5ff79bf96f98c800fc08270b852663afe7e74d7e1f92b50ba1487bfc63894cdb"}, -] - -[[package]] -name = "tensorflow-probability" -version = "0.22.1" -requires_python = ">=3.9" -summary = "Probabilistic modeling and statistical inference in TensorFlow" -groups = ["baselines", "jax", "tf"] -dependencies = [ - "absl-py", - "cloudpickle>=1.3", - "decorator", - "dm-tree", - "gast>=0.3.2", - "numpy>=1.13.3", - "six>=1.10.0", -] -files = [ - {file = "tensorflow_probability-0.22.1-py2.py3-none-any.whl", hash = "sha256:3035b936b028ea10bd3a9589329557f5b2c5ace813a6bff3f59acfe3226eef9b"}, -] - -[[package]] -name = "tensorstore" -version = "0.1.45" -requires_python = ">=3.8" -summary = "Read and write large, multi-dimensional arrays" -groups = ["baselines", "jax"] -dependencies = [ - "numpy>=1.16.0", -] -files = [ - {file = "tensorstore-0.1.45-cp310-cp310-macosx_10_14_x86_64.whl", hash = "sha256:2ff6e5177ba2702f348bef3edc37619aa7646e43f33d1a567ba267db455699e4"}, - {file = "tensorstore-0.1.45-cp310-cp310-macosx_11_0_arm64.whl", hash = "sha256:9bc7cde6318363eb9d35fc6cacb6fcd5d7a03b0ee57bdd69249108c0164692d8"}, - {file = "tensorstore-0.1.45-cp310-cp310-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:405bf40271eed5632a566cdb935beba87d9896d2f80caf75386febb529ddba45"}, - {file = "tensorstore-0.1.45-cp310-cp310-win_amd64.whl", hash = "sha256:537805adb06fff2ce9a259b81920af4c34a20f752fa28205e722b7e58a60c790"}, - {file = "tensorstore-0.1.45-cp39-cp39-macosx_10_14_x86_64.whl", hash = "sha256:4915aee8355ee7dbc6f534d77a28c18001e19696f44f78760ec42845ac51edee"}, - {file = "tensorstore-0.1.45-cp39-cp39-macosx_11_0_arm64.whl", hash = "sha256:4346ab7afa0963dcaa8e64388a2bedab741c790786b577326a0b174d226c9320"}, - {file = "tensorstore-0.1.45-cp39-cp39-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:05196a0464ce51867f1edd96e992fe01281de283b034d434ca6e81db319368c0"}, - {file = "tensorstore-0.1.45-cp39-cp39-win_amd64.whl", hash = "sha256:6d7b6cccb96b36356d3e61c4e89972b82123d799cc2ca50f743e30ce45d70739"}, - {file = "tensorstore-0.1.45.tar.gz", hash = "sha256:38468c621b2edf09cfdd2df4905890e83f1805c7645ec13e16df5eafabf0e5e5"}, -] - -[[package]] -name = "termcolor" -version = "2.4.0" -requires_python = ">=3.8" -summary = "ANSI color formatting for output in terminal" -groups = ["baselines", "tf"] -files = [ - {file = "termcolor-2.4.0-py3-none-any.whl", hash = "sha256:9297c0df9c99445c2412e832e882a7884038a25617c60cea2ad69488d4040d63"}, - {file = "termcolor-2.4.0.tar.gz", hash = "sha256:aab9e56047c8ac41ed798fa36d892a37aca6b3e9159f3e0c24bc64a9b3ac7b7a"}, -] - -[[package]] -name = "toml" -version = "0.10.2" -requires_python = ">=2.6, !=3.0.*, !=3.1.*, !=3.2.*" -summary = "Python Library for Tom's Obvious, Minimal Language" -groups = ["baselines", "tf"] -files = [ - {file = "toml-0.10.2-py2.py3-none-any.whl", hash = "sha256:806143ae5bfb6a3c6e736a764057db0e6a0e05e338b5630894a5f779cabb4f9b"}, - {file = "toml-0.10.2.tar.gz", hash = "sha256:b3bda1d108d5dd99f4a20d24d9c348e91c4db7ab1b749200bded2f839ccbe68f"}, -] - -[[package]] -name = "tomli" -version = "2.0.1" -requires_python = ">=3.7" -summary = "A lil' TOML parser" -groups = ["test"] -marker = "python_version < \"3.11\"" -files = [ - {file = "tomli-2.0.1-py3-none-any.whl", hash = "sha256:939de3e7a6161af0c887ef91b7d41a53e7c5a1ca976325f429cb46ea9bc30ecc"}, - {file = "tomli-2.0.1.tar.gz", hash = "sha256:de526c12914f0c550d15924c62d72abc48d6fe7364aa87328337a31007fe8a4f"}, -] - -[[package]] -name = "toolz" -version = "0.12.1" -requires_python = ">=3.7" -summary = "List processing tools and functional utilities" -groups = ["baselines", "jax"] -files = [ - {file = "toolz-0.12.1-py3-none-any.whl", hash = "sha256:d22731364c07d72eea0a0ad45bafb2c2937ab6fd38a3507bf55eae8744aa7d85"}, - {file = "toolz-0.12.1.tar.gz", hash = "sha256:ecca342664893f177a13dac0e6b41cbd8ac25a358e5f215316d43e2100224f4d"}, -] - -[[package]] -name = "tqdm" -version = "4.66.2" -requires_python = ">=3.7" -summary = "Fast, Extensible Progress Meter" -groups = ["baselines", "test", "tf"] -dependencies = [ - "colorama; platform_system == \"Windows\"", -] -files = [ - {file = "tqdm-4.66.2-py3-none-any.whl", hash = "sha256:1ee4f8a893eb9bef51c6e35730cebf234d5d0b6bd112b0271e10ed7c24a02bd9"}, - {file = "tqdm-4.66.2.tar.gz", hash = "sha256:6cd52cdf0fef0e0f543299cfc96fec90d7b8a7e88745f411ec33eb44d5ed3531"}, -] - -[[package]] -name = "typeguard" -version = "2.13.3" -requires_python = ">=3.5.3" -summary = "Run-time type checker for Python" -groups = ["test"] -marker = "python_version >= \"3.9\"" -files = [ - {file = "typeguard-2.13.3-py3-none-any.whl", hash = "sha256:5e3e3be01e887e7eafae5af63d1f36c849aaa94e3a0112097312aabfa16284f1"}, - {file = "typeguard-2.13.3.tar.gz", hash = "sha256:00edaa8da3a133674796cf5ea87d9f4b4c367d77476e185e80251cc13dfbb8c4"}, -] - -[[package]] -name = "typing-extensions" -version = "4.9.0" -requires_python = ">=3.8" -summary = "Backported and Experimental Type Hints for Python 3.8+" -groups = ["baselines", "jax", "test", "tf"] -files = [ - {file = "typing_extensions-4.9.0-py3-none-any.whl", hash = "sha256:af72aea155e91adfc61c3ae9e0e342dbc0cba726d6cba4b6c72c1f34e47291cd"}, - {file = "typing_extensions-4.9.0.tar.gz", hash = "sha256:23478f88c37f27d76ac8aee6c905017a143b0b1b886c3c9f66bc2fd94f9f5783"}, -] - -[[package]] -name = "urllib3" -version = "2.2.1" -requires_python = ">=3.8" -summary = "HTTP library with thread-safe connection pooling, file post, and more." -groups = ["baselines", "test", "tf"] -files = [ - {file = "urllib3-2.2.1-py3-none-any.whl", hash = "sha256:450b20ec296a467077128bff42b73080516e71b56ff59a60a02bef2232c4fa9d"}, - {file = "urllib3-2.2.1.tar.gz", hash = "sha256:d0570876c61ab9e520d776c38acbbb5b05a776d3f9ff98a5c8fd5162a444cf19"}, -] - -[[package]] -name = "virtualenv" -version = "20.25.0" -requires_python = ">=3.7" -summary = "Virtual Python Environment builder" -groups = ["dev"] -dependencies = [ - "distlib<1,>=0.3.7", - "filelock<4,>=3.12.2", - "platformdirs<5,>=3.9.1", -] -files = [ - {file = "virtualenv-20.25.0-py3-none-any.whl", hash = "sha256:4238949c5ffe6876362d9c0180fc6c3a824a7b12b80604eeb8085f2ed7460de3"}, - {file = "virtualenv-20.25.0.tar.gz", hash = "sha256:bf51c0d9c7dd63ea8e44086fa1e4fb1093a31e963b86959257378aef020e1f1b"}, -] - -[[package]] -name = "wandb" -version = "0.16.3" -requires_python = ">=3.7" -summary = "A CLI and library for interacting with the Weights & Biases API." -groups = ["baselines", "test"] -dependencies = [ - "Click!=8.0.0,>=7.1", - "GitPython!=3.1.29,>=1.0.0", - "PyYAML", - "appdirs>=1.4.3", - "docker-pycreds>=0.4.0", - "protobuf!=4.21.0,<5,>=3.15.0; python_version == \"3.9\" and sys_platform == \"linux\"", - "protobuf!=4.21.0,<5,>=3.19.0; python_version > \"3.9\" and sys_platform == \"linux\"", - "protobuf!=4.21.0,<5,>=3.19.0; sys_platform != \"linux\"", - "psutil>=5.0.0", - "requests<3,>=2.0.0", - "sentry-sdk>=1.0.0", - "setproctitle", - "setuptools", - "typing-extensions; python_version < \"3.10\"", -] -files = [ - {file = "wandb-0.16.3-py3-none-any.whl", hash = "sha256:b8907ddd775c27dc6c12687386a86b5d6acf291060f9ae680bbc61cc8fc03237"}, - {file = "wandb-0.16.3.tar.gz", hash = "sha256:d789acda32053b18b7a160d0595837e45a3c8a79d25e1fe1f051875303f480ec"}, -] - -[[package]] -name = "werkzeug" -version = "3.0.1" -requires_python = ">=3.8" -summary = "The comprehensive WSGI web application library." -groups = ["baselines", "tf"] -dependencies = [ - "MarkupSafe>=2.1.1", -] -files = [ - {file = "werkzeug-3.0.1-py3-none-any.whl", hash = "sha256:90a285dc0e42ad56b34e696398b8122ee4c681833fb35b8334a095d82c56da10"}, - {file = "werkzeug-3.0.1.tar.gz", hash = "sha256:507e811ecea72b18a404947aded4b3390e1db8f826b494d76550ef45bb3b1dcc"}, -] - -[[package]] -name = "wheel" -version = "0.42.0" -requires_python = ">=3.7" -summary = "A built-package format for Python" -groups = ["baselines", "tf"] -files = [ - {file = "wheel-0.42.0-py3-none-any.whl", hash = "sha256:177f9c9b0d45c47873b619f5b650346d632cdc35fb5e4d25058e09c9e581433d"}, - {file = "wheel-0.42.0.tar.gz", hash = "sha256:c45be39f7882c9d34243236f2d63cbd58039e360f85d0913425fbd7ceea617a8"}, -] - -[[package]] -name = "wrapt" -version = "1.14.1" -requires_python = "!=3.0.*,!=3.1.*,!=3.2.*,!=3.3.*,!=3.4.*,>=2.7" -summary = "Module for decorators, wrappers and monkey patching." -groups = ["baselines", "tf"] -files = [ - {file = "wrapt-1.14.1-cp310-cp310-macosx_10_9_x86_64.whl", hash = "sha256:80bb5c256f1415f747011dc3604b59bc1f91c6e7150bd7db03b19170ee06b320"}, - {file = "wrapt-1.14.1-cp310-cp310-macosx_11_0_arm64.whl", hash = "sha256:07f7a7d0f388028b2df1d916e94bbb40624c59b48ecc6cbc232546706fac74c2"}, - {file = "wrapt-1.14.1-cp310-cp310-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:02b41b633c6261feff8ddd8d11c711df6842aba629fdd3da10249a53211a72c4"}, - {file = "wrapt-1.14.1-cp310-cp310-manylinux_2_5_i686.manylinux1_i686.manylinux_2_17_i686.manylinux2014_i686.whl", hash = "sha256:2fe803deacd09a233e4762a1adcea5db5d31e6be577a43352936179d14d90069"}, - {file = "wrapt-1.14.1-cp310-cp310-manylinux_2_5_x86_64.manylinux1_x86_64.manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:257fd78c513e0fb5cdbe058c27a0624c9884e735bbd131935fd49e9fe719d310"}, - {file = "wrapt-1.14.1-cp310-cp310-musllinux_1_1_aarch64.whl", hash = "sha256:4fcc4649dc762cddacd193e6b55bc02edca674067f5f98166d7713b193932b7f"}, - {file = "wrapt-1.14.1-cp310-cp310-musllinux_1_1_i686.whl", hash = "sha256:11871514607b15cfeb87c547a49bca19fde402f32e2b1c24a632506c0a756656"}, - {file = "wrapt-1.14.1-cp310-cp310-musllinux_1_1_x86_64.whl", hash = "sha256:8ad85f7f4e20964db4daadcab70b47ab05c7c1cf2a7c1e51087bfaa83831854c"}, - {file = "wrapt-1.14.1-cp310-cp310-win32.whl", hash = "sha256:a9a52172be0b5aae932bef82a79ec0a0ce87288c7d132946d645eba03f0ad8a8"}, - {file = "wrapt-1.14.1-cp310-cp310-win_amd64.whl", hash = "sha256:6d323e1554b3d22cfc03cd3243b5bb815a51f5249fdcbb86fda4bf62bab9e164"}, - {file = "wrapt-1.14.1-cp39-cp39-macosx_10_9_x86_64.whl", hash = "sha256:3232822c7d98d23895ccc443bbdf57c7412c5a65996c30442ebe6ed3df335383"}, - {file = "wrapt-1.14.1-cp39-cp39-macosx_11_0_arm64.whl", hash = "sha256:988635d122aaf2bdcef9e795435662bcd65b02f4f4c1ae37fbee7401c440b3a7"}, - {file = "wrapt-1.14.1-cp39-cp39-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:9cca3c2cdadb362116235fdbd411735de4328c61425b0aa9f872fd76d02c4e86"}, - {file = "wrapt-1.14.1-cp39-cp39-manylinux_2_5_i686.manylinux1_i686.manylinux_2_17_i686.manylinux2014_i686.whl", hash = "sha256:d52a25136894c63de15a35bc0bdc5adb4b0e173b9c0d07a2be9d3ca64a332735"}, - {file = "wrapt-1.14.1-cp39-cp39-manylinux_2_5_x86_64.manylinux1_x86_64.manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:40e7bc81c9e2b2734ea4bc1aceb8a8f0ceaac7c5299bc5d69e37c44d9081d43b"}, - {file = "wrapt-1.14.1-cp39-cp39-musllinux_1_1_aarch64.whl", hash = "sha256:b9b7a708dd92306328117d8c4b62e2194d00c365f18eff11a9b53c6f923b01e3"}, - {file = "wrapt-1.14.1-cp39-cp39-musllinux_1_1_i686.whl", hash = "sha256:6a9a25751acb379b466ff6be78a315e2b439d4c94c1e99cb7266d40a537995d3"}, - {file = "wrapt-1.14.1-cp39-cp39-musllinux_1_1_x86_64.whl", hash = "sha256:34aa51c45f28ba7f12accd624225e2b1e5a3a45206aa191f6f9aac931d9d56fe"}, - {file = "wrapt-1.14.1-cp39-cp39-win32.whl", hash = "sha256:dee0ce50c6a2dd9056c20db781e9c1cfd33e77d2d569f5d1d9321c641bb903d5"}, - {file = "wrapt-1.14.1-cp39-cp39-win_amd64.whl", hash = "sha256:dee60e1de1898bde3b238f18340eec6148986da0455d8ba7848d50470a7a32fb"}, - {file = "wrapt-1.14.1.tar.gz", hash = "sha256:380a85cf89e0e69b7cfbe2ea9f765f004ff419f34194018a6827ac0e3edfed4d"}, -] - -[[package]] -name = "zipp" -version = "3.17.0" -requires_python = ">=3.8" -summary = "Backport of pathlib-compatible object wrapper for zip files" -groups = ["baselines", "jax", "jax_cuda", "test", "tf"] -files = [ - {file = "zipp-3.17.0-py3-none-any.whl", hash = "sha256:0e923e726174922dce09c53c59ad483ff7bbb8e572e00c7f7c46b88556409f31"}, - {file = "zipp-3.17.0.tar.gz", hash = "sha256:84e64a1c28cf7e91ed2078bb8cc8c259cb19b76942096c8d7b84947690cabaf0"}, -] diff --git a/projects/baselines/pyproject.toml b/projects/baselines/pyproject.toml index ba90e3f..ec37513 100644 --- a/projects/baselines/pyproject.toml +++ b/projects/baselines/pyproject.toml @@ -10,11 +10,11 @@ requires-python = ">=3.9" dependencies = [ "jax", "ml-collections", - "absl-py>=0.12.0", + "absl-py", "numpy", - "gym>=0.21.0,<0.24.0", - "d4rl @ git+https://github.com/Farama-Foundation/d4rl@71a9549#egg=d4rl", - "mujoco_py @ git+https://github.com/ethanluoyc/mujoco-py@v2.1.2.14-patch", + "gym", + "d4rl", + "mujoco_py", "dm-control", "gymnasium", "wandb", diff --git a/requirements/baselines.in b/projects/baselines/requirements.in similarity index 63% rename from requirements/baselines.in rename to projects/baselines/requirements.in index cc43232..47c0973 100644 --- a/requirements/baselines.in +++ b/projects/baselines/requirements.in @@ -1,10 +1,26 @@ --find-links https://storage.googleapis.com/jax-releases/jax_cuda_releases.html --r base.in jax[cuda11_pip] +ml-collections +absl-py>=0.12.0 +numpy +gym>=0.21.0,<0.24.0 d4rl @ git+https://github.com/Farama-Foundation/d4rl@71a9549#egg=d4rl mujoco_py @ git+https://github.com/ethanluoyc/mujoco-py@v2.1.2.14-patch mjrl @ git+https://github.com/aravindr93/mjrl@master#egg=mjrl dm-control gymnasium wandb +tensorflow-cpu +tensorflow-probability +tensorflow-datasets +dm-reverb +rlds +dm-haiku +flax +optax +rlax +chex +dm_env_wrappers +absl-py +dm-env diff --git a/projects/baselines/requirements.txt b/projects/baselines/requirements.txt index 2b0b25d..16c5ec0 100644 --- a/projects/baselines/requirements.txt +++ b/projects/baselines/requirements.txt @@ -1,28 +1,412 @@ --f https://storage.googleapis.com/jax-releases/jax_cuda_releases.html +# This file was autogenerated by uv via the following command: +# uv pip compile --all-extras pyproject.toml projects/baselines/requirements.in --emit-find-links -o projects/baselines/requirements.txt +--find-links https://storage.googleapis.com/jax-releases/jax_cuda_releases.html -jax[cuda11_local]==0.4.16 -ml-collections - -absl-py>=0.12.0 -numpy>=1.20.2,<1.25.0 - -gym>=0.21.0,<0.24.0 -d4rl @ git+https://github.com/Farama-Foundation/d4rl@71a9549#egg=d4rl -mujoco_py @ git+https://github.com/ethanluoyc/mujoco-py@v2.1.2.14-patch -dm-control -gymnasium -wandb - -tensorflow-cpu~=2.13.0 -tensorflow-probability~=0.21.0 -tensorflow-datasets~=4.9.3 -dm-reverb~=0.12.0 -rlds -dm-haiku -flax -optax -rlax -chex -dm_env_wrappers -absl-py -dm-env +absl-py==2.1.0 + # via + # array-record + # chex + # distrax + # dm-control + # dm-env + # dm-haiku + # etils + # labmaze + # ml-collections + # mujoco + # optax + # orbax-checkpoint + # rlax + # rlds + # tensorboard + # tensorflow-cpu + # tensorflow-datasets + # tensorflow-probability +appdirs==1.4.4 + # via wandb +array-record==0.5.0 + # via tensorflow-datasets +astunparse==1.6.3 + # via tensorflow-cpu +cachetools==5.3.2 + # via google-auth +certifi==2024.2.2 + # via + # requests + # sentry-sdk +cffi==1.16.0 + # via mujoco-py +charset-normalizer==3.3.2 + # via requests +chex==0.1.85 + # via + # distrax + # optax + # rlax +click==8.1.7 + # via + # d4rl + # tensorflow-datasets + # wandb +cloudpickle==3.0.0 + # via + # gym + # gymnasium + # tensorflow-probability +contextlib2==21.6.0 + # via ml-collections +cython==0.29.37 + # via mujoco-py +d4rl @ git+https://github.com/Farama-Foundation/d4rl@71a9549f2091accff93eeff68f1f3ab2c0e0a288 +decorator==5.1.1 + # via tensorflow-probability +distrax==0.1.5 + # via rlax +dm-control==1.0.16 + # via d4rl +dm-env==1.6 + # via + # dm-control + # dm-env-wrappers + # rlax +dm-env-wrappers==0.0.13 +dm-haiku==0.0.11 +dm-reverb==0.13.0 +dm-tree==0.1.8 + # via + # dm-control + # dm-env + # dm-reverb + # tensorflow-datasets + # tensorflow-probability +docker-pycreds==0.4.0 + # via wandb +etils==1.7.0 + # via + # array-record + # mujoco + # orbax-checkpoint + # tensorflow-datasets +farama-notifications==0.0.4 + # via gymnasium +fasteners==0.19 + # via mujoco-py +flatbuffers==23.5.26 + # via tensorflow-cpu +flax==0.8.1 + # via dm-haiku +fsspec==2024.2.0 + # via etils +gast==0.5.4 + # via + # tensorflow-cpu + # tensorflow-probability +gitdb==4.0.11 + # via gitpython +gitpython==3.1.42 + # via wandb +glfw==2.6.5 + # via + # dm-control + # mujoco + # mujoco-py +google-auth==2.28.1 + # via + # google-auth-oauthlib + # tensorboard +google-auth-oauthlib==1.0.0 + # via tensorboard +google-pasta==0.2.0 + # via tensorflow-cpu +googleapis-common-protos==1.62.0 + # via tensorflow-metadata +grpcio==1.62.0 + # via + # tensorboard + # tensorflow-cpu +gym==0.23.1 + # via d4rl +gym-notices==0.0.8 + # via gym +gymnasium==0.29.1 +h5py==3.10.0 + # via + # d4rl + # tensorflow-cpu +idna==3.6 + # via requests +imageio==2.34.0 + # via + # dm-env-wrappers + # mujoco-py +imageio-ffmpeg==0.4.9 + # via dm-env-wrappers +importlib-resources==6.1.1 + # via etils +jax==0.4.24 + # via + # chex + # distrax + # flax + # optax + # orbax-checkpoint + # rlax +jaxlib==0.4.24+cuda11.cudnn86 + # via + # chex + # distrax + # jax + # optax + # orbax-checkpoint + # rlax +jmp==0.0.4 + # via dm-haiku +keras==2.14.0 + # via tensorflow-cpu +labmaze==1.0.6 + # via dm-control +libclang==16.0.6 + # via tensorflow-cpu +lxml==5.1.0 + # via dm-control +markdown==3.5.2 + # via tensorboard +markdown-it-py==3.0.0 + # via rich +markupsafe==2.1.5 + # via werkzeug +mdurl==0.1.2 + # via markdown-it-py +mjrl @ git+https://github.com/aravindr93/mjrl@3871d93763d3b49c4741e6daeaebbc605fe140dc + # via d4rl +ml-collections==0.1.1 +ml-dtypes==0.2.0 + # via + # jax + # jaxlib + # tensorflow-cpu +msgpack==1.0.7 + # via + # flax + # orbax-checkpoint +mujoco==3.1.2 + # via dm-control +mujoco-py @ git+https://github.com/ethanluoyc/mujoco-py@c9e11272e3344e8fe2da3ab8ec5b96a9d43bc360 + # via d4rl +nest-asyncio==1.6.0 + # via orbax-checkpoint +numpy==1.26.4 + # via + # chex + # d4rl + # distrax + # dm-control + # dm-env + # dm-env-wrappers + # dm-haiku + # etils + # flax + # gym + # gymnasium + # h5py + # imageio + # jax + # jaxlib + # jmp + # labmaze + # ml-dtypes + # mujoco + # mujoco-py + # opt-einsum + # optax + # orbax-checkpoint + # rlax + # rlds + # scipy + # tensorboard + # tensorflow-cpu + # tensorflow-datasets + # tensorflow-probability + # tensorstore +nvidia-cublas-cu11==11.11.3.6 + # via + # jax + # nvidia-cudnn-cu11 + # nvidia-cusolver-cu11 +nvidia-cuda-cupti-cu11==11.8.87 + # via jax +nvidia-cuda-nvcc-cu11==11.8.89 + # via jax +nvidia-cuda-nvrtc-cu11==11.8.89 + # via nvidia-cudnn-cu11 +nvidia-cuda-runtime-cu11==11.8.89 + # via jax +nvidia-cudnn-cu11==8.9.6.50 + # via jax +nvidia-cufft-cu11==10.9.0.58 + # via jax +nvidia-cusolver-cu11==11.4.1.48 + # via jax +nvidia-cusparse-cu11==11.7.5.86 + # via jax +nvidia-nccl-cu11==2.19.3 + # via jax +oauthlib==3.2.2 + # via requests-oauthlib +opt-einsum==3.3.0 + # via + # jax + # tensorflow-cpu +optax==0.1.9 + # via flax +orbax-checkpoint==0.4.4 + # via flax +packaging==23.2 + # via tensorflow-cpu +pillow==10.2.0 + # via imageio +portpicker==1.6.0 + # via dm-reverb +promise==2.3 + # via tensorflow-datasets +protobuf==3.20.3 + # via + # dm-control + # googleapis-common-protos + # orbax-checkpoint + # tensorboard + # tensorflow-cpu + # tensorflow-datasets + # tensorflow-metadata + # wandb +psutil==5.9.8 + # via + # portpicker + # tensorflow-datasets + # wandb +pyasn1==0.5.1 + # via + # pyasn1-modules + # rsa +pyasn1-modules==0.3.0 + # via google-auth +pybullet==3.2.6 + # via d4rl +pycparser==2.21 + # via cffi +pygments==2.17.2 + # via rich +pyopengl==3.1.7 + # via + # dm-control + # mujoco +pyparsing==3.1.1 + # via dm-control +pyyaml==6.0.1 + # via + # flax + # ml-collections + # orbax-checkpoint + # wandb +requests==2.31.0 + # via + # dm-control + # requests-oauthlib + # tensorboard + # tensorflow-datasets + # wandb +requests-oauthlib==1.3.1 + # via google-auth-oauthlib +rich==13.7.0 + # via flax +rlax==0.1.6 +rlds==0.1.8 +rsa==4.9 + # via google-auth +scipy==1.12.0 + # via + # dm-control + # dm-env-wrappers + # jax + # jaxlib +sentry-sdk==1.40.5 + # via wandb +setproctitle==1.3.3 + # via wandb +setuptools==69.1.0 + # via + # dm-control + # imageio-ffmpeg + # labmaze + # tensorboard + # tensorflow-cpu + # wandb +six==1.16.0 + # via + # astunparse + # docker-pycreds + # google-pasta + # ml-collections + # promise + # tensorboard + # tensorflow-cpu + # tensorflow-probability +smmap==5.0.1 + # via gitdb +tabulate==0.9.0 + # via dm-haiku +tensorboard==2.14.1 + # via tensorflow-cpu +tensorboard-data-server==0.7.2 + # via tensorboard +tensorflow-cpu==2.14.1 +tensorflow-datasets==4.9.4 +tensorflow-estimator==2.14.0 + # via tensorflow-cpu +tensorflow-io-gcs-filesystem==0.36.0 + # via tensorflow-cpu +tensorflow-metadata==0.22.2 + # via tensorflow-datasets +tensorflow-probability==0.22.1 + # via distrax +tensorstore==0.1.45 + # via + # flax + # orbax-checkpoint +termcolor==2.4.0 + # via + # d4rl + # tensorflow-cpu + # tensorflow-datasets +toml==0.10.2 + # via tensorflow-datasets +toolz==0.12.1 + # via chex +tqdm==4.66.2 + # via + # dm-control + # etils + # tensorflow-datasets +typing-extensions==4.9.0 + # via + # chex + # etils + # flax + # gymnasium + # orbax-checkpoint + # tensorflow-cpu +urllib3==2.2.1 + # via + # requests + # sentry-sdk +wandb==0.16.3 +werkzeug==3.0.1 + # via tensorboard +wheel==0.42.0 + # via astunparse +wrapt==1.14.1 + # via + # tensorflow-cpu + # tensorflow-datasets +zipp==3.17.0 + # via etils diff --git a/pyproject.toml b/pyproject.toml index 4e479a3..2319657 100644 --- a/pyproject.toml +++ b/pyproject.toml @@ -40,40 +40,6 @@ jax = [ "dm_env_wrappers", ] - -[[tool.pdm.source]] -name = "jax_cuda" -url = "https://storage.googleapis.com/jax-releases/jax_cuda_releases.html" -verify_ssl = true -type = "find_links" - -[tool.pdm.resolution] -respect-source-order = true - -[tool.pdm.dev-dependencies] -dev = ["ruff>=0.2.2", "pre-commit"] -test = [ - "pytest", - "pytest-xdist", - "dill", # required for tfds tests - "wandb", - "ml-collections", - "scipy>=1.6.0", - # Environments - "gym>=0.21.0,<0.24.0", - "gymnasium", - "ott-jax", - "dm-control", -] -jax_cuda = ["jax[cuda11_pip]"] -baselines = ["-e baselines @ file:///${PROJECT_ROOT}/projects/baselines"] - -[tool.pdm.scripts] -test.cmd = "pytest -rf --durations=10" -test.env = { JAX_DISBLAE_MOST_OPTIMIZATIONS = "1", CUDA_VISIBLE_DEVICES = "" } -lint.shell = "ruff . && ruff format --check --diff ." -fmt.shell = "ruff --fix ." - [tool.ruff] line-length = 88 exclude = ["third_party", ".venv"] diff --git a/requirements/base.in b/requirements/base.in deleted file mode 100644 index 201d463..0000000 --- a/requirements/base.in +++ /dev/null @@ -1,20 +0,0 @@ -absl-py -dm-env -dm_env_wrappers -numpy -dm-tree - -# TF -tensorflow-cpu~=2.14.0 -tensorflow-probability~=0.22.1 -tensorflow-datasets>=4.9.3 -dm-reverb~=0.13.0 -rlds - -# JAX -chex -dm-haiku -flax -jax -optax -rlax diff --git a/requirements/base.txt b/requirements/base.txt deleted file mode 100644 index 48db14c..0000000 --- a/requirements/base.txt +++ /dev/null @@ -1,283 +0,0 @@ -# This file was autogenerated by uv via the following command: -# uv pip compile requirements/base.in -o requirements/base.txt -absl-py==2.1.0 - # via - # array-record - # chex - # distrax - # dm-env - # dm-haiku - # etils - # optax - # orbax-checkpoint - # rlax - # rlds - # tensorboard - # tensorflow-cpu - # tensorflow-datasets - # tensorflow-probability -array-record==0.5.0 - # via tensorflow-datasets -astunparse==1.6.3 - # via tensorflow-cpu -cachetools==5.3.2 - # via google-auth -certifi==2024.2.2 - # via requests -charset-normalizer==3.3.2 - # via requests -chex==0.1.85 - # via - # distrax - # optax - # rlax -click==8.1.7 - # via tensorflow-datasets -cloudpickle==3.0.0 - # via tensorflow-probability -decorator==5.1.1 - # via tensorflow-probability -distrax==0.1.5 - # via rlax -dm-env==1.6 - # via - # dm-env-wrappers - # rlax -dm-env-wrappers==0.0.13 -dm-haiku==0.0.11 -dm-reverb==0.13.0 -dm-tree==0.1.8 - # via - # dm-env - # dm-reverb - # tensorflow-datasets - # tensorflow-probability -etils==1.7.0 - # via - # array-record - # orbax-checkpoint - # tensorflow-datasets -flatbuffers==23.5.26 - # via tensorflow-cpu -flax==0.8.1 - # via dm-haiku -fsspec==2024.2.0 - # via etils -gast==0.5.4 - # via - # tensorflow-cpu - # tensorflow-probability -google-auth==2.28.0 - # via - # google-auth-oauthlib - # tensorboard -google-auth-oauthlib==1.0.0 - # via tensorboard -google-pasta==0.2.0 - # via tensorflow-cpu -googleapis-common-protos==1.62.0 - # via tensorflow-metadata -grpcio==1.60.1 - # via - # tensorboard - # tensorflow-cpu -h5py==3.10.0 - # via tensorflow-cpu -idna==3.6 - # via requests -imageio==2.34.0 - # via dm-env-wrappers -imageio-ffmpeg==0.4.9 - # via dm-env-wrappers -importlib-resources==6.1.1 - # via etils -jax==0.4.24 - # via - # chex - # distrax - # flax - # optax - # orbax-checkpoint - # rlax -jaxlib==0.4.24 - # via - # chex - # distrax - # optax - # orbax-checkpoint - # rlax -jmp==0.0.4 - # via dm-haiku -keras==2.14.0 - # via tensorflow-cpu -libclang==16.0.6 - # via tensorflow-cpu -markdown==3.5.2 - # via tensorboard -markdown-it-py==3.0.0 - # via rich -markupsafe==2.1.5 - # via werkzeug -mdurl==0.1.2 - # via markdown-it-py -ml-dtypes==0.2.0 - # via - # jax - # jaxlib - # tensorflow-cpu -msgpack==1.0.7 - # via - # flax - # orbax-checkpoint -nest-asyncio==1.6.0 - # via orbax-checkpoint -numpy==1.26.4 - # via - # chex - # distrax - # dm-env - # dm-env-wrappers - # dm-haiku - # etils - # flax - # h5py - # imageio - # jax - # jaxlib - # jmp - # ml-dtypes - # opt-einsum - # optax - # orbax-checkpoint - # rlax - # rlds - # scipy - # tensorboard - # tensorflow-cpu - # tensorflow-datasets - # tensorflow-probability - # tensorstore -oauthlib==3.2.2 - # via requests-oauthlib -opt-einsum==3.3.0 - # via - # jax - # tensorflow-cpu -optax==0.1.9 - # via flax -orbax-checkpoint==0.4.4 - # via flax -packaging==23.2 - # via tensorflow-cpu -pillow==10.2.0 - # via imageio -portpicker==1.6.0 - # via dm-reverb -promise==2.3 - # via tensorflow-datasets -protobuf==3.20.3 - # via - # googleapis-common-protos - # orbax-checkpoint - # tensorboard - # tensorflow-cpu - # tensorflow-datasets - # tensorflow-metadata -psutil==5.9.8 - # via - # portpicker - # tensorflow-datasets -pyasn1==0.5.1 - # via - # pyasn1-modules - # rsa -pyasn1-modules==0.3.0 - # via google-auth -pygments==2.17.2 - # via rich -pyyaml==6.0.1 - # via - # flax - # orbax-checkpoint -requests==2.31.0 - # via - # requests-oauthlib - # tensorboard - # tensorflow-datasets -requests-oauthlib==1.3.1 - # via google-auth-oauthlib -rich==13.7.0 - # via flax -rlax==0.1.6 -rlds==0.1.8 -rsa==4.9 - # via google-auth -scipy==1.12.0 - # via - # dm-env-wrappers - # jax - # jaxlib -setuptools==69.1.0 - # via - # imageio-ffmpeg - # tensorboard - # tensorflow-cpu -six==1.16.0 - # via - # astunparse - # google-pasta - # promise - # tensorboard - # tensorflow-cpu - # tensorflow-probability -tabulate==0.9.0 - # via dm-haiku -tensorboard==2.14.1 - # via tensorflow-cpu -tensorboard-data-server==0.7.2 - # via tensorboard -tensorflow-cpu==2.14.1 -tensorflow-datasets==4.9.4 -tensorflow-estimator==2.14.0 - # via tensorflow-cpu -tensorflow-io-gcs-filesystem==0.36.0 - # via tensorflow-cpu -tensorflow-metadata==0.22.2 - # via tensorflow-datasets -tensorflow-probability==0.22.1 - # via distrax -tensorstore==0.1.45 - # via - # flax - # orbax-checkpoint -termcolor==2.4.0 - # via - # tensorflow-cpu - # tensorflow-datasets -toml==0.10.2 - # via tensorflow-datasets -toolz==0.12.1 - # via chex -tqdm==4.66.2 - # via - # etils - # tensorflow-datasets -typing-extensions==4.9.0 - # via - # chex - # etils - # flax - # orbax-checkpoint - # tensorflow-cpu -urllib3==2.2.1 - # via requests -werkzeug==3.0.1 - # via tensorboard -wheel==0.42.0 - # via astunparse -wrapt==1.14.1 - # via - # tensorflow-cpu - # tensorflow-datasets -zipp==3.17.0 - # via etils diff --git a/requirements/baselines.txt b/requirements/baselines.txt deleted file mode 100644 index 35a579b..0000000 --- a/requirements/baselines.txt +++ /dev/null @@ -1,406 +0,0 @@ -# This file was autogenerated by uv via the following command: -# uv pip compile requirements/baselines.in --emit-find-links -o requirements/baselines.txt ---find-links https://storage.googleapis.com/jax-releases/jax_cuda_releases.html - -absl-py==2.1.0 - # via - # array-record - # chex - # distrax - # dm-control - # dm-env - # dm-haiku - # etils - # labmaze - # mujoco - # optax - # orbax-checkpoint - # rlax - # rlds - # tensorboard - # tensorflow-cpu - # tensorflow-datasets - # tensorflow-probability -appdirs==1.4.4 - # via wandb -array-record==0.5.0 - # via tensorflow-datasets -astunparse==1.6.3 - # via tensorflow-cpu -cachetools==5.3.2 - # via google-auth -certifi==2024.2.2 - # via - # requests - # sentry-sdk -cffi==1.16.0 - # via mujoco-py -charset-normalizer==3.3.2 - # via requests -chex==0.1.85 - # via - # distrax - # optax - # rlax -click==8.1.7 - # via - # d4rl - # tensorflow-datasets - # wandb -cloudpickle==3.0.0 - # via - # gym - # gymnasium - # tensorflow-probability -cython==0.29.37 - # via mujoco-py -d4rl @ git+https://github.com/Farama-Foundation/d4rl@71a9549f2091accff93eeff68f1f3ab2c0e0a288 -decorator==5.1.1 - # via tensorflow-probability -distrax==0.1.5 - # via rlax -dm-control==1.0.16 - # via d4rl -dm-env==1.6 - # via - # dm-control - # dm-env-wrappers - # rlax -dm-env-wrappers==0.0.13 -dm-haiku==0.0.11 -dm-reverb==0.13.0 -dm-tree==0.1.8 - # via - # dm-control - # dm-env - # dm-reverb - # tensorflow-datasets - # tensorflow-probability -docker-pycreds==0.4.0 - # via wandb -etils==1.7.0 - # via - # array-record - # mujoco - # orbax-checkpoint - # tensorflow-datasets -farama-notifications==0.0.4 - # via gymnasium -fasteners==0.19 - # via mujoco-py -flatbuffers==23.5.26 - # via tensorflow-cpu -flax==0.8.1 - # via dm-haiku -fsspec==2024.2.0 - # via etils -gast==0.5.4 - # via - # tensorflow-cpu - # tensorflow-probability -gitdb==4.0.11 - # via gitpython -gitpython==3.1.42 - # via wandb -glfw==2.6.5 - # via - # dm-control - # mujoco - # mujoco-py -google-auth==2.28.0 - # via - # google-auth-oauthlib - # tensorboard -google-auth-oauthlib==1.0.0 - # via tensorboard -google-pasta==0.2.0 - # via tensorflow-cpu -googleapis-common-protos==1.62.0 - # via tensorflow-metadata -grpcio==1.60.1 - # via - # tensorboard - # tensorflow-cpu -gym==0.23.1 - # via d4rl -gym-notices==0.0.8 - # via gym -gymnasium==0.29.1 -h5py==3.10.0 - # via - # d4rl - # tensorflow-cpu -idna==3.6 - # via requests -imageio==2.34.0 - # via - # dm-env-wrappers - # mujoco-py -imageio-ffmpeg==0.4.9 - # via dm-env-wrappers -importlib-resources==6.1.1 - # via etils -jax==0.4.24 - # via - # chex - # distrax - # flax - # optax - # orbax-checkpoint - # rlax -jaxlib==0.4.24+cuda11.cudnn86 - # via - # chex - # distrax - # jax - # optax - # orbax-checkpoint - # rlax -jmp==0.0.4 - # via dm-haiku -keras==2.14.0 - # via tensorflow-cpu -labmaze==1.0.6 - # via dm-control -libclang==16.0.6 - # via tensorflow-cpu -lxml==5.1.0 - # via dm-control -markdown==3.5.2 - # via tensorboard -markdown-it-py==3.0.0 - # via rich -markupsafe==2.1.5 - # via werkzeug -mdurl==0.1.2 - # via markdown-it-py -mjrl @ git+https://github.com/aravindr93/mjrl@3871d93763d3b49c4741e6daeaebbc605fe140dc - # via d4rl -ml-dtypes==0.2.0 - # via - # jax - # jaxlib - # tensorflow-cpu -msgpack==1.0.7 - # via - # flax - # orbax-checkpoint -mujoco==3.1.2 - # via dm-control -mujoco-py @ git+https://github.com/ethanluoyc/mujoco-py@c9e11272e3344e8fe2da3ab8ec5b96a9d43bc360 - # via d4rl -nest-asyncio==1.6.0 - # via orbax-checkpoint -numpy==1.26.4 - # via - # chex - # d4rl - # distrax - # dm-control - # dm-env - # dm-env-wrappers - # dm-haiku - # etils - # flax - # gym - # gymnasium - # h5py - # imageio - # jax - # jaxlib - # jmp - # labmaze - # ml-dtypes - # mujoco - # mujoco-py - # opt-einsum - # optax - # orbax-checkpoint - # rlax - # rlds - # scipy - # tensorboard - # tensorflow-cpu - # tensorflow-datasets - # tensorflow-probability - # tensorstore -nvidia-cublas-cu11==11.11.3.6 - # via - # jax - # nvidia-cudnn-cu11 - # nvidia-cusolver-cu11 -nvidia-cuda-cupti-cu11==11.8.87 - # via jax -nvidia-cuda-nvcc-cu11==11.8.89 - # via jax -nvidia-cuda-nvrtc-cu11==11.8.89 - # via nvidia-cudnn-cu11 -nvidia-cuda-runtime-cu11==11.8.89 - # via jax -nvidia-cudnn-cu11==8.9.6.50 - # via jax -nvidia-cufft-cu11==10.9.0.58 - # via jax -nvidia-cusolver-cu11==11.4.1.48 - # via jax -nvidia-cusparse-cu11==11.7.5.86 - # via jax -nvidia-nccl-cu11==2.19.3 - # via jax -oauthlib==3.2.2 - # via requests-oauthlib -opt-einsum==3.3.0 - # via - # jax - # tensorflow-cpu -optax==0.1.9 - # via flax -orbax-checkpoint==0.4.4 - # via flax -packaging==23.2 - # via tensorflow-cpu -pillow==10.2.0 - # via imageio -portpicker==1.6.0 - # via dm-reverb -promise==2.3 - # via tensorflow-datasets -protobuf==3.20.3 - # via - # dm-control - # googleapis-common-protos - # orbax-checkpoint - # tensorboard - # tensorflow-cpu - # tensorflow-datasets - # tensorflow-metadata - # wandb -psutil==5.9.8 - # via - # portpicker - # tensorflow-datasets - # wandb -pyasn1==0.5.1 - # via - # pyasn1-modules - # rsa -pyasn1-modules==0.3.0 - # via google-auth -pybullet==3.2.6 - # via d4rl -pycparser==2.21 - # via cffi -pygments==2.17.2 - # via rich -pyopengl==3.1.7 - # via - # dm-control - # mujoco -pyparsing==3.1.1 - # via dm-control -pyyaml==6.0.1 - # via - # flax - # orbax-checkpoint - # wandb -requests==2.31.0 - # via - # dm-control - # requests-oauthlib - # tensorboard - # tensorflow-datasets - # wandb -requests-oauthlib==1.3.1 - # via google-auth-oauthlib -rich==13.7.0 - # via flax -rlax==0.1.6 -rlds==0.1.8 -rsa==4.9 - # via google-auth -scipy==1.12.0 - # via - # dm-control - # dm-env-wrappers - # jax - # jaxlib -sentry-sdk==1.40.5 - # via wandb -setproctitle==1.3.3 - # via wandb -setuptools==69.1.0 - # via - # dm-control - # imageio-ffmpeg - # labmaze - # tensorboard - # tensorflow-cpu - # wandb -six==1.16.0 - # via - # astunparse - # docker-pycreds - # google-pasta - # promise - # tensorboard - # tensorflow-cpu - # tensorflow-probability -smmap==5.0.1 - # via gitdb -tabulate==0.9.0 - # via dm-haiku -tensorboard==2.14.1 - # via tensorflow-cpu -tensorboard-data-server==0.7.2 - # via tensorboard -tensorflow-cpu==2.14.1 -tensorflow-datasets==4.9.4 -tensorflow-estimator==2.14.0 - # via tensorflow-cpu -tensorflow-io-gcs-filesystem==0.36.0 - # via tensorflow-cpu -tensorflow-metadata==0.22.2 - # via tensorflow-datasets -tensorflow-probability==0.22.1 - # via distrax -tensorstore==0.1.45 - # via - # flax - # orbax-checkpoint -termcolor==2.4.0 - # via - # d4rl - # tensorflow-cpu - # tensorflow-datasets -toml==0.10.2 - # via tensorflow-datasets -toolz==0.12.1 - # via chex -tqdm==4.66.2 - # via - # dm-control - # etils - # tensorflow-datasets -typing-extensions==4.9.0 - # via - # chex - # etils - # flax - # gymnasium - # orbax-checkpoint - # tensorflow-cpu -urllib3==2.2.1 - # via - # requests - # sentry-sdk -wandb==0.16.3 -werkzeug==3.0.1 - # via tensorboard -wheel==0.42.0 - # via astunparse -wrapt==1.14.1 - # via - # tensorflow-cpu - # tensorflow-datasets -zipp==3.17.0 - # via etils diff --git a/requirements/dev.in b/requirements/dev.in index fa8e630..a1be487 100644 --- a/requirements/dev.in +++ b/requirements/dev.in @@ -1,4 +1,4 @@ --c test.txt +-c test.in ruff>=0.2.2 pre-commit nox diff --git a/requirements/dev.txt b/requirements/dev.txt index 605f606..f7bbc31 100644 --- a/requirements/dev.txt +++ b/requirements/dev.txt @@ -120,5 +120,5 @@ virtualenv==20.25.0 # via # nox # pre-commit -wrapt==1.16.0 +wrapt==1.14.1 # via deprecated diff --git a/requirements/test.in b/requirements/test.in index 44db6e4..7c65d6a 100644 --- a/requirements/test.in +++ b/requirements/test.in @@ -1,5 +1,3 @@ --c base.txt -jax[cpu] pytest pytest-xdist dill # required for tfds tests diff --git a/requirements/test.txt b/requirements/test.txt index 424ee48..ee0f5b5 100644 --- a/requirements/test.txt +++ b/requirements/test.txt @@ -70,9 +70,7 @@ jax==0.4.24 # lineax # ott-jax jaxlib==0.4.24 - # via - # jax - # jaxopt + # via jaxopt jaxopt==0.8.3 # via ott-jax jaxtyping==0.2.25 diff --git a/tools/compile_requirements.sh b/tools/compile_requirements.sh index 2d1fe51..449ff89 100755 --- a/tools/compile_requirements.sh +++ b/tools/compile_requirements.sh @@ -1,7 +1,10 @@ #!/usr/bin/env bash set -eux -uv pip compile requirements/base.in -o requirements/base.txt uv pip compile requirements/test.in -o requirements/test.txt uv pip compile requirements/dev.in -o requirements/dev.txt -uv pip compile requirements/baselines.in --emit-find-links -o requirements/baselines.txt +uv pip compile --all-extras \ + pyproject.toml \ + projects/baselines/requirements.in \ + --emit-find-links \ + -o projects/baselines/requirements.txt