XiaohanLei / IEVE

PyTorch implementation of CVPR 2024 paper: Instance-aware Exploration-Verification-Exploitation for Instance ImageGoal Navigation
https://xiaohanlei.github.io/projects/IEVE/
15 stars 2 forks source link

NameError: cell_height is not found on habitat_sim but is found on habitat_lab config. #6

Open yijieZengz opened 1 day ago

yijieZengz commented 1 day ago

Hello author,

Thank you very much for the excellent work you have done. I've had some difficulties trying to replicate your research. The following is the details of how I run the code. Thank you very much for your help. (I configured the environment strictly according to the readme documentation, and then when executing python main.py, I warned that some packages could not be found, such as mayavi, vit_pytorch, configobj, etc. I installed them with the pip command, and finally got the following error, I don't know how to fix it.)

Thank you!

(ieve) (base) zyj@uubntu:~/user_zyj/habitatIEVE/IEVE$ python main.py multiple 'pyface.toolkits' plugins found for toolkit 'null': pyface.ui.null.init, pyface.ui.null.init multiple 'tvtk.toolkits' plugins found for toolkit 'null': tvtk.pyface.ui.null.init, tvtk.pyface.ui.null.init Auto GPU config: Number of processes: 11 Number of processes on GPU 0: 4 Number of processes per GPU: 7 Dumping at ./tmp//models/exp1/ Namespace(seed=1, auto_gpu_config=1, total_num_scenes=36, num_processes=11, num_processes_per_gpu=7, num_processes_on_first_gpu=4, eval=1, num_training_frames=10000000, num_eval_episodes=125, num_train_episodes=10000, no_cuda=False, sim_gpu_id=1, sem_gpu_id=-1, log_interval=10, save_interval=1, dump_location='./tmp/', exp_name='exp1', save_periodic=50000, load='pretrained_models/sem_exp.pth', visualize=0, print_images=0, env_frame_width=480, env_frame_height=640, frame_width=120, frame_height=160, max_episode_length=1000, task_config='tasks/instance_imagenav.yaml', split='val', camera_height=0.88, hfov=79, turn_angle=30, min_depth=0.0, max_depth=30.0, success_dist=1.0, floor_thr=50, min_d=1.5, max_d=100.0, version='v3', agent='sem_exp', lr=2.5e-05, global_hidden_size=256, eps=1e-05, alpha=0.99, gamma=0.99, use_gae=False, tau=0.95, entropy_coef=0.001, value_loss_coef=0.5, max_grad_norm=0.5, num_global_steps=20, ppo_epoch=4, num_mini_batch=5, clip_param=0.2, use_recurrent_global=0, num_local_steps=10, reward_coeff=0.1, intrinsic_rew_coeff=0.02, num_sem_categories=16, sem_pred_prob_thr=0.5, global_downscaling=3, vision_range=100, map_resolution=5, du_scale=1, map_size_cm=3600, cat_pred_threshold=5.0, map_pred_threshold=1.0, exp_pred_threshold=1.0, collision_threshold=0.2, kernel_size=91, low_dense=8, succeed_match_points=200, big_enough_f=0.16666666666666666, big_enough_thresh=4, cuda=True) 2024-10-21 02:36:28,338 Initializing dataset InstanceImageNav-v1 Scenes per thread: 0%| | 0/11 [00:00<?, ?it/s]Thread 0: ['4ok3usBNeis', '5cdEh9F2hJL', '6s7QHgap2fW', '7MXmsvcQjpJ'] 9%|██████████████▍ | 1/11 [00:00<00:02, 4.42it/s]Thread 1: ['BAbdmeyTvMZ', 'CrMo8WxCyVb', 'DYehNKdT76V', 'Dd4bFSTQ8gi'] 18%|████████████████████████████▉ | 2/11 [00:00<00:02, 4.47it/s]Thread 2: ['GLAQ4DNUx5U', 'HY1NcmCgn3n', 'LT9Jq6dN3Ea', 'MHPLjHsuG27'] 27%|███████████████████████████████████████████▎ | 3/11 [00:00<00:01, 4.50it/s]Thread 3: ['Nfvxx8J5NCo', 'QaLdnwvtxbs', 'TEEsavR23oF'] 36%|█████████████████████████████████████████████████████████▊ | 4/11 [00:00<00:01, 4.52it/s]Thread 4: ['VBzV5z6i1WS', 'XB4GS9ShBRE', 'a8BtkwhxdRV'] 45%|████████████████████████████████████████████████████████████████████████▎ | 5/11 [00:01<00:01, 4.52it/s]Thread 5: ['bCPU9suPUw9', 'bxsVRursffK', 'cvZr5TUy5C5'] 55%|██████████████████████████████████████████████████████████████████████████████████████▋ | 6/11 [00:01<00:01, 3.46it/s]Thread 6: ['eF36g7L6Z9M', 'h1zeeAwLh9Z', 'k1cupFYWXJ6'] 64%|█████████████████████████████████████████████████████████████████████████████████████████████████████▏ | 7/11 [00:01<00:01, 3.76it/s]Thread 7: ['mL8ThkuaVTM', 'mv2HUxq3B53', 'p53SfW6mjZe'] 73%|███████████████████████████████████████████████████████████████████████████████████████████████████████████████████▋ | 8/11 [00:01<00:00, 3.97it/s]Thread 8: ['q3zU7Yy5E5s', 'q5QZSEeHe5g', 'qyAac8rV8Zk'] 82%|██████████████████████████████████████████████████████████████████████████████████████████████████████████████████████████████████ | 9/11 [00:02<00:00, 4.12it/s]Thread 9: ['svBbv1Pavdk', 'wcojb4TFT35', 'y9hTuugGdiq'] 91%|███████████████████████████████████████████████████████████████████████████████████████████████████████████████████████████████████████████████▋ | 10/11 [00:02<00:00, 4.23it/s]Thread 10: ['yr17PDCnDDW', 'ziup5kvtCCR', 'zt1RVoi7PcG'] 100%|██████████████████████████████████████████████████████████████████████████████████████████████████████████████████████████████████████████████████████████████| 11/11 [00:02<00:00, 4.18it/s] multiple 'pyface.toolkits' plugins found for toolkit 'null': pyface.ui.null.init, pyface.ui.null.init multiple 'pyface.toolkits' plugins found for toolkit 'null': pyface.ui.null.init, pyface.ui.null.init multiple 'pyface.toolkits' plugins found for toolkit 'null': pyface.ui.null.init, pyface.ui.null.init multiple 'pyface.toolkits' plugins found for toolkit 'null': pyface.ui.null.init, pyface.ui.null.init multiple 'pyface.toolkits' plugins found for toolkit 'null': pyface.ui.null.init, pyface.ui.null.init multiple 'pyface.toolkits' plugins found for toolkit 'null': pyface.ui.null.init, pyface.ui.null.init multiple 'pyface.toolkits' plugins found for toolkit 'null': pyface.ui.null.init, pyface.ui.null.init multiple 'pyface.toolkits' plugins found for toolkit 'null': pyface.ui.null.init, pyface.ui.null.init multiple 'pyface.toolkits' plugins found for toolkit 'null': pyface.ui.null.init, pyface.ui.null.init multiple 'pyface.toolkits' plugins found for toolkit 'null': pyface.ui.null.init, pyface.ui.null.init multiple 'pyface.toolkits' plugins found for toolkit 'null': pyface.ui.null.init, pyface.ui.null.init multiple 'tvtk.toolkits' plugins found for toolkit 'null': tvtk.pyface.ui.null.init, tvtk.pyface.ui.null.init multiple 'tvtk.toolkits' plugins found for toolkit 'null': tvtk.pyface.ui.null.init, tvtk.pyface.ui.null.init multiple 'tvtk.toolkits' plugins found for toolkit 'null': tvtk.pyface.ui.null.init, tvtk.pyface.ui.null.init multiple 'tvtk.toolkits' plugins found for toolkit 'null': tvtk.pyface.ui.null.init, tvtk.pyface.ui.null.init multiple 'tvtk.toolkits' plugins found for toolkit 'null': tvtk.pyface.ui.null.init, tvtk.pyface.ui.null.init multiple 'tvtk.toolkits' plugins found for toolkit 'null': tvtk.pyface.ui.null.init, tvtk.pyface.ui.null.init multiple 'tvtk.toolkits' plugins found for toolkit 'null': tvtk.pyface.ui.null.init, tvtk.pyface.ui.null.init multiple 'tvtk.toolkits' plugins found for toolkit 'null': tvtk.pyface.ui.null.init, tvtk.pyface.ui.null.init multiple 'tvtk.toolkits' plugins found for toolkit 'null': tvtk.pyface.ui.null.init, tvtk.pyface.ui.null.init multiple 'tvtk.toolkits' plugins found for toolkit 'null': tvtk.pyface.ui.null.init, tvtk.pyface.ui.null.init multiple 'tvtk.toolkits' plugins found for toolkit 'null': tvtk.pyface.ui.null.init, tvtk.pyface.ui.null.init 2024-10-21 02:36:34,859 Initializing dataset InstanceImageNav-v1 2024-10-21 02:36:34,973 Initializing dataset InstanceImageNav-v1 2024-10-21 02:36:35,039 Initializing dataset InstanceImageNav-v1 2024-10-21 02:36:35,066 Initializing dataset InstanceImageNav-v1 2024-10-21 02:36:35,075 Initializing dataset InstanceImageNav-v1 2024-10-21 02:36:35,075 Initializing dataset InstanceImageNav-v1 2024-10-21 02:36:35,086 Initializing dataset InstanceImageNav-v1 2024-10-21 02:36:35,099 Initializing dataset InstanceImageNav-v1 2024-10-21 02:36:35,099 Initializing dataset InstanceImageNav-v1 2024-10-21 02:36:35,106 Initializing dataset InstanceImageNav-v1 2024-10-21 02:36:35,107 initializing sim Sim-v0 Process ForkServerProcess-2: Traceback (most recent call last): File "/home/zyj/user_zyj/anaconda3/envs/ieve/lib/python3.9/multiprocessing/process.py", line 315, in _bootstrap self.run() File "/home/zyj/user_zyj/anaconda3/envs/ieve/lib/python3.9/multiprocessing/process.py", line 108, in run self._target(*self._args, *self._kwargs) File "/mnt/disk2/zyj/user_zyj/habitatIEVE/IEVE/envs/habitat/utils/vector_env.py", line 191, in _worker_env env = env_fn(env_fn_args) File "/mnt/disk2/zyj/user_zyj/habitatIEVE/IEVE/envs/habitat/init.py", line 27, in make_env_fn env = Instance_Exp_Env_Agent(args=args, rank=rank, File "/mnt/disk2/zyj/user_zyj/habitatIEVE/IEVE/agents/instance_exp.py", line 43, in init super().init(args, rank, config_env, dataset) File "/mnt/disk2/zyj/user_zyj/habitatIEVE/IEVE/envs/habitat/imagegoal_env.py", line 33, in init super().init(config_env, dataset) File "/mnt/disk2/zyj/user_zyj/habitatIEVE/IEVE/3rdparty/habitat-lab/habitat/core/env.py", line 382, in init self._env = Env(config, dataset) File "/mnt/disk2/zyj/user_zyj/habitatIEVE/IEVE/3rdparty/habitat-lab/habitat/core/env.py", line 114, in init self._sim = make_sim( File "/mnt/disk2/zyj/user_zyj/habitatIEVE/IEVE/3rdparty/habitat-lab/habitat/sims/registration.py", line 19, in make_sim return _sim(**kwargs) File "/mnt/disk2/zyj/user_zyj/habitatIEVE/IEVE/3rdparty/habitat-lab/habitat/sims/habitat_simulator/habitat_simulator.py", line 287, in init self.sim_config = self.create_sim_config(self._sensor_suite) File "/mnt/disk2/zyj/user_zyj/habitatIEVE/IEVE/3rdparty/habitat-lab/habitat/sims/habitat_simulator/habitat_simulator.py", line 324, in create_sim_config overwrite_config( File "/mnt/disk2/zyj/user_zyj/habitatIEVE/IEVE/3rdparty/habitat-lab/habitat/sims/habitat_simulator/habitat_simulator.py", line 84, in overwrite_config raise NameError( NameError: cell_height is not found on habitat_sim but is found on habitat_lab config. It's also not in the list of keys to ignore: {'start_rotation', 'is_set_start_state', 'robot_type', 'sensors', 'joint_start_noise', 'robot_urdf', 'ik_arm_urdf', 'start_position', 'sim_sensors'} Did you make a typo in the config? If not the version of Habitat Sim may not be compatible with Habitat Lab version: {'height': 0.88, 'radius': 0.1, 'cell_height': 0.2, 'max_climb': 0.2, 'sim_sensors': {'rgb_sensor': {'type': 'HabitatSimRGBSensor', 'height': 640, 'width': 480, 'position': [0.0, 0.88, 0.0], 'orientation': [0.0, 0.0, 0.0], 'hfov': 79, 'sensor_subtype': 'PINHOLE', 'noise_model': 'None', 'noise_model_kwargs': {}}, 'depth_sensor': {'type': 'HabitatSimDepthSensor', 'height': 640, 'width': 480, 'position': [0.0, 0.88, 0.0], 'orientation': [0.0, 0.0, 0.0], 'hfov': 79, 'sensor_subtype': 'PINHOLE', 'noise_model': 'None', 'noise_model_kwargs': {}, 'min_depth': 0.0, 'max_depth': 30.0, 'normalize_depth': True}, 'semantic_sensor': {'type': 'HabitatSimSemanticSensor', 'height': 640, 'width': 480, 'position': [0.0, 0.88, 0.0], 'orientation': [0.0, 0.0, 0.0], 'hfov': 79, 'sensor_subtype': 'PINHOLE', 'noise_model': 'None', 'noise_model_kwargs': {}}}, 'is_set_start_state': False, 'start_position': [0.0, 0.0, 0.0], 'start_rotation': [0.0, 0.0, 0.0, 1.0], 'joint_start_noise': 0.1, 'robot_urdf': 'data/robots/hab_fetch/robots/hab_fetch.urdf', 'robot_type': 'FetchRobot', 'ik_arm_urdf': 'data/robots/hab_fetch/robots/fetch_onlyarm.urdf'}

XiaohanLei commented 23 hours ago

multiple 'pyface.toolkits' plugins found for toolkit 'null': pyface.ui.null.init, pyface.ui.null.init multiple 'pyface.toolkits' plugins found for toolkit 'null': pyface.ui.null.init, pyface.ui.null.init multiple 'pyface.toolkits' plugins found for toolkit 'null': pyface.ui.null.init, pyface.ui.null.init multiple 'pyface.toolkits' plugins found for toolkit 'null': pyface.ui.null.init, pyface.ui.null.init multiple 'pyface.toolkits' plugins found for toolkit 'null': pyface.ui.null.init, pyface.ui.null.init multiple 'pyface.toolkits' plugins found for toolkit 'null': pyface.ui.null.init, pyface.ui.null.init multiple 'pyface.toolkits' plugins found for toolkit 'null': pyface.ui.null.init, pyface.ui.null.init multiple 'pyface.toolkits' plugins found for toolkit 'null': pyface.ui.null.init, pyface.ui.null.init multiple 'pyface.toolkits' plugins found for toolkit 'null': pyface.ui.null.init, pyface.ui.null.init multiple 'pyface.toolkits' plugins found for toolkit 'null': pyface.ui.null.init, pyface.ui.null.init multiple 'pyface.toolkits' plugins found for toolkit 'null': pyface.ui.null.init, pyface.ui.null.init multiple 'tvtk.toolkits' plugins found for toolkit 'null': tvtk.pyface.ui.null.init, tvtk.pyface.ui.null.init multiple 'tvtk.toolkits' plugins found for toolkit 'null': tvtk.pyface.ui.null.init, tvtk.pyface.ui.null.init multiple 'tvtk.toolkits' plugins found for toolkit 'null': tvtk.pyface.ui.null.init, tvtk.pyface.ui.null.init multiple 'tvtk.toolkits' plugins found for toolkit 'null': tvtk.pyface.ui.null.init, tvtk.pyface.ui.null.init multiple 'tvtk.toolkits' plugins found for toolkit 'null': tvtk.pyface.ui.null.init, tvtk.pyface.ui.null.init multiple 'tvtk.toolkits' plugins found for toolkit 'null': tvtk.pyface.ui.null.init, tvtk.pyface.ui.null.init multiple 'tvtk.toolkits' plugins found for toolkit 'null': tvtk.pyface.ui.null.init, tvtk.pyface.ui.null.init multiple 'tvtk.toolkits' plugins found for toolkit 'null': tvtk.pyface.ui.null.init, tvtk.pyface.ui.null.init multiple 'tvtk.toolkits' plugins found for toolkit 'null': tvtk.pyface.ui.null.init, tvtk.pyface.ui.null.init multiple 'tvtk.toolkits' plugins found for toolkit 'null': tvtk.pyface.ui.null.init, tvtk.pyface.ui.null.init multiple 'tvtk.toolkits' plugins found for toolkit 'null': tvtk.pyface.ui.null.init, tvtk.pyface.ui.null.init

I have never encountered such kind of mistake. This is weird. And from If not the version of Habitat Sim may not be compatible with Habitat Lab version , it seems that the habitat-sim's version is not compatible with habitat-lab, can you show the result with the command pip list | grep habitat ?

yijieZengz commented 21 hours ago

The result of the command,pip list | grep habitat,are as following.

截屏2024-10-21 14 04 04

This error above mentioned did not occur before your last submission(two days ago), and it occurred during my replication process after your last submission. I don't know if that has anything to do with it.

XiaohanLei commented 20 hours ago

Uh, that's strange. The only code I modified is the 3rdparty/habitat-lab and parts of code in agents/instance_exp.py and envs/habitat/imagegoal_env.py. Do you try re-install the habitat-lab ? Make sure you install habitat-lab using the command pip install 3rdparty/habitat-lab Because we remove unnecessary files in the original habitat-lab repo (e.g. habitat-baselines)

yijieZengz commented 19 hours ago

Well, thank you for your kind answer, which is very helpful to me, I will try to rebuild the conda environment according to the readme file. In addition, could you paste here the content of the command ,conda list, so that I can clearly know the version of each package, and better reproduce the work. I also want to know your cuda version. Thank you again.

XiaohanLei commented 18 hours ago

packages in environment at /opt/conda/envs/habitat:

#

Name Version Build Channel

_libgcc_mutex 0.1 conda_forge conda-forge _openmp_mutex 4.5 2_kmp_llvm conda-forge absl-py 1.4.0 pypi_0 pypi accelerate 0.25.0 pypi_0 pypi addict 2.4.0 pypi_0 pypi aiofiles 22.1.0 pypi_0 pypi aiohttp 3.9.1 pypi_0 pypi aiosignal 1.3.1 pypi_0 pypi aiosqlite 0.19.0 pypi_0 pypi aliyun-python-sdk-core 2.13.36 pypi_0 pypi aliyun-python-sdk-kms 2.16.1 pypi_0 pypi ansi2html 1.8.0 pypi_0 pypi antlr4-python3-runtime 4.9.3 pypi_0 pypi anyio 4.0.0 pypi_0 pypi appdirs 1.4.4 pypi_0 pypi apptools 5.2.1 pypi_0 pypi argon2-cffi 23.1.0 pypi_0 pypi argon2-cffi-bindings 21.2.0 py38h7f8727e_0
arrow 1.3.0 pypi_0 pypi astroid 2.15.3 pypi_0 pypi asttokens 2.4.1 pypi_0 pypi async-lru 2.0.4 py38h06a4308_0
async-timeout 4.0.3 pypi_0 pypi attrs 22.2.0 pyh71513ae_0 conda-forge av 11.0.0 pypi_0 pypi babel 2.13.1 pypi_0 pypi backcall 0.2.0 pyhd3eb1b0_0
beautifulsoup4 4.12.2 py38h06a4308_0
bidict 0.22.1 pypi_0 pypi black 23.3.0 pypi_0 pypi blas 1.0 openblas
bleach 6.1.0 pypi_0 pypi blessed 1.20.0 pypi_0 pypi blinker 1.6.3 pypi_0 pypi braceexpand 0.1.7 pypi_0 pypi brotli-python 1.0.9 py38h6a678d5_7
bs4 0.0.1 pypi_0 pypi build 1.0.3 pypi_0 pypi bullet 3.21 h6f1a3b6_4 conda-forge bullet-cpp 3.21 h8f669ce_4 conda-forge bzip2 1.0.8 h7b6447c_0
c-ares 1.19.0 h5eee18b_0
ca-certificates 2023.12.12 h06a4308_0
cachetools 5.3.0 pypi_0 pypi certifi 2022.12.7 pyhd8ed1ab_0 conda-forge cffi 1.15.1 pypi_0 pypi chardet 5.2.0 pypi_0 pypi charset-normalizer 3.1.0 pypi_0 pypi click 8.1.3 pypi_0 pypi cloudpickle 2.2.1 pypi_0 pypi cmake 3.26.3 pypi_0 pypi colorama 0.4.6 pyhd8ed1ab_0 conda-forge colorlog 6.7.0 pypi_0 pypi comet-ml 3.35.3 pypi_0 pypi comm 0.2.0 pypi_0 pypi configargparse 1.7 pypi_0 pypi configobj 5.0.8 pypi_0 pypi contourpy 1.1.1 pypi_0 pypi crcmod 1.7 pypi_0 pypi cryptography 41.0.3 py38h130f0dd_0
cuda-backend 0.0.0 pypi_0 pypi cuda-cccl 11.7.91 0 nvidia/label/cuda-11.7.1 cuda-command-line-tools 11.7.1 0 nvidia/label/cuda-11.7.1 cuda-compiler 11.7.1 0 nvidia/label/cuda-11.7.1 cuda-cudart 11.7.99 0 nvidia/label/cuda-11.7.1 cuda-cudart-dev 11.7.99 0 nvidia/label/cuda-11.7.1 cuda-cuobjdump 11.7.91 0 nvidia/label/cuda-11.7.1 cuda-cupti 11.7.101 0 nvidia/label/cuda-11.7.1 cuda-cuxxfilt 11.7.91 0 nvidia/label/cuda-11.7.1 cuda-documentation 11.7.91 0 nvidia/label/cuda-11.7.1 cuda-driver-dev 11.7.99 0 nvidia/label/cuda-11.7.1 cuda-gdb 11.7.91 0 nvidia/label/cuda-11.7.1 cuda-libraries 11.7.1 0 nvidia/label/cuda-11.7.1 cuda-libraries-dev 11.7.1 0 nvidia/label/cuda-11.7.1 cuda-memcheck 11.7.91 0 nvidia/label/cuda-11.7.1 cuda-nsight 11.7.91 0 nvidia/label/cuda-11.7.1 cuda-nsight-compute 11.7.1 0 nvidia/label/cuda-11.7.1 cuda-nvcc 11.7.99 0 nvidia/label/cuda-11.7.1 cuda-nvdisasm 11.7.91 0 nvidia/label/cuda-11.7.1 cuda-nvml-dev 11.7.91 0 nvidia/label/cuda-11.7.1 cuda-nvprof 11.7.101 0 nvidia/label/cuda-11.7.1 cuda-nvprune 11.7.91 0 nvidia/label/cuda-11.7.1 cuda-nvrtc 11.7.99 0 nvidia/label/cuda-11.7.1 cuda-nvrtc-dev 11.7.99 0 nvidia/label/cuda-11.7.1 cuda-nvtx 11.7.91 0 nvidia/label/cuda-11.7.1 cuda-nvvp 11.7.101 0 nvidia/label/cuda-11.7.1 cuda-sanitizer-api 11.7.91 0 nvidia/label/cuda-11.7.1 cuda-toolkit 11.7.1 0 nvidia/label/cuda-11.7.1 cuda-tools 11.7.1 0 nvidia/label/cuda-11.7.1 cuda-visual-tools 11.7.1 0 nvidia/label/cuda-11.7.1 cycler 0.11.0 pyhd8ed1ab_0 conda-forge cyclonedds 0.10.2 pypi_0 pypi cython 0.29.34 pypi_0 pypi dash 2.14.1 pypi_0 pypi dash-core-components 2.0.0 pypi_0 pypi dash-html-components 2.0.0 pypi_0 pypi dash-table 5.0.0 pypi_0 pypi dcnv3 1.0 pypi_0 pypi dearpygui 1.7.1 pypi_0 pypi debugpy 1.8.0 pypi_0 pypi decorator 4.4.2 pypi_0 pypi defusedxml 0.7.1 pyhd3eb1b0_0
deprecation 2.1.0 pypi_0 pypi descartes 1.1.0 pypi_0 pypi detectron2 0.6 pypi_0 pypi diff-gaussian-rasterization 0.0.0 pypi_0 pypi dill 0.3.6 pypi_0 pypi docker-pycreds 0.4.0 pypi_0 pypi docopt 0.6.2 pypi_0 pypi docstring-parser 0.15 pypi_0 pypi dulwich 0.21.6 pypi_0 pypi e 1.4.5 pypi_0 pypi efficientnet-pytorch 0.7.1 pypi_0 pypi einops 0.6.1 pypi_0 pypi entrypoints 0.4 py38h06a4308_0
envisage 7.0.3 pypi_0 pypi everett 3.1.0 pypi_0 pypi exceptiongroup 1.1.3 pypi_0 pypi executing 2.0.1 pypi_0 pypi expat 2.4.9 h6a678d5_0
fairscale 0.4.13 pypi_0 pypi faster-fifo 1.4.5 pypi_0 pypi fastjsonschema 2.18.1 pypi_0 pypi ffmpeg 4.2.2 h20bf706_0
filelock 3.11.0 pypi_0 pypi fire 0.5.0 pypi_0 pypi flash-attn 2.4.2 pypi_0 pypi flask 3.0.0 pypi_0 pypi fonttools 4.44.3 pypi_0 pypi fqdn 1.5.1 pypi_0 pypi freetype 2.10.4 h0708190_1 conda-forge freetype-py 2.4.0 pypi_0 pypi freqencoder 0.0.0 pypi_0 pypi frozenlist 1.4.0 pypi_0 pypi fsspec 2023.5.0 pypi_0 pypi fvcore 0.1.5.post20221221 pypi_0 pypi gdown 4.7.1 pypi_0 pypi gds-tools 1.3.1.18 0 nvidia/label/cuda-11.7.1 giflib 5.2.1 h5eee18b_3
gin-config 0.5.0 pypi_0 pypi gitdb 4.0.10 pyhd8ed1ab_0 conda-forge gitpython 3.1.31 pyhd8ed1ab_0 conda-forge gluestick 0.0.0 pypi_0 pypi gmp 6.2.1 h58526e2_0 conda-forge gnutls 3.6.13 h85f3911_1 conda-forge google-auth 2.17.2 pypi_0 pypi google-auth-oauthlib 1.0.0 pypi_0 pypi gpustat 1.1.1 pypi_0 pypi gridencoder 0.0.0 pypi_0 pypi grpcio 1.53.0 pypi_0 pypi gym 0.23.0 pypi_0 pypi gym-notices 0.0.8 pypi_0 pypi h11 0.14.0 pypi_0 pypi h5py 3.8.0 pypi_0 pypi habitat-sim 0.2.3 pypi_0 pypi habitat-sim-challenge-2023 0.2.3 py3.8_headless_linux_bc7e273926654aac007b421819a305061cc72510 aihabitat habitat-sim-mutex 1.0 headless_nobullet aihabitat headless 2.0 0 aihabitat home-robot 0.1.0 pypi_0 pypi huggingface-hub 0.14.1 pypi_0 pypi hydra-core 1.3.2 pypi_0 pypi icecream 2.1.3 pypi_0 pypi icu 58.2 he6710b0_3
idna 3.4 py38h06a4308_0
ifcfg 0.23 pypi_0 pypi imageio 2.32.0 pypi_0 pypi imageio-ffmpeg 0.4.8 pyhd8ed1ab_0 conda-forge importlib-metadata 6.3.0 pyha770c72_0 conda-forge importlib-resources 5.12.0 pypi_0 pypi importlib_resources 6.1.1 py38h06a4308_1
iopath 0.1.9 pypi_0 pypi ipykernel 6.26.0 pypi_0 pypi ipython 8.12.3 pypi_0 pypi ipython-genutils 0.2.0 pypi_0 pypi ipywidgets 8.1.1 pypi_0 pypi isoduration 20.11.0 pypi_0 pypi isort 5.12.0 pypi_0 pypi itsdangerous 2.1.2 pypi_0 pypi jax 0.4.13 pypi_0 pypi jaxlib 0.4.13+cuda12.cudnn89 pypi_0 pypi jaxtyping 0.2.19 pypi_0 pypi jedi 0.19.1 pypi_0 pypi jinja2 3.1.2 py38h06a4308_0
jmespath 0.10.0 pypi_0 pypi joblib 1.3.2 pypi_0 pypi jpeg 9e h0b41bf4_3 conda-forge json5 0.9.14 pypi_0 pypi jsonpointer 2.4 pypi_0 pypi jsonschema 4.19.2 py38h06a4308_0
jsonschema-specifications 2023.7.1 py38h06a4308_0
jupyter-client 8.6.0 pypi_0 pypi jupyter-events 0.9.0 pypi_0 pypi jupyter-lsp 2.2.0 py38h06a4308_0
jupyter-packaging 0.12.3 pypi_0 pypi jupyter-server 2.10.1 pypi_0 pypi jupyter-server-fileid 0.9.1 pypi_0 pypi jupyter-server-ydoc 0.8.0 pypi_0 pypi jupyter-ydoc 0.2.5 pypi_0 pypi jupyter_client 7.4.9 py38h06a4308_0
jupyter_core 5.5.0 py38h06a4308_0
jupyter_events 0.8.0 py38h06a4308_0
jupyter_server 2.10.0 py38h06a4308_0
jupyter_server_terminals 0.4.4 py38h06a4308_1
jupyterlab 3.6.7 pypi_0 pypi jupyterlab-pygments 0.2.2 pypi_0 pypi jupyterlab_pygments 0.1.2 py_0
jupyterlab_server 2.25.1 py38h06a4308_0
jupyterlab_widgets 3.0.9 py38h06a4308_0
kiwisolver 1.4.4 py38h43d8883_1 conda-forge kornia 0.6.12 pypi_0 pypi krb5 1.19.4 h568e23c_0
lame 3.100 h166bdaf_1003 conda-forge lazy-loader 0.2 pypi_0 pypi lazy-object-proxy 1.9.0 pypi_0 pypi lcms2 2.12 h3be6417_0
ld_impl_linux-64 2.38 h1181459_1
lerc 3.0 h295c915_0
libblas 3.9.0 16_linux64_openblas conda-forge libcblas 3.9.0 16_linux64_openblas conda-forge libcublas 11.10.3.66 0 nvidia/label/cuda-11.7.1 libcublas-dev 11.10.3.66 0 nvidia/label/cuda-11.7.1 libcufft 10.7.2.91 0 nvidia/label/cuda-11.7.1 libcufft-dev 10.7.2.91 0 nvidia/label/cuda-11.7.1 libcufile 1.3.1.18 0 nvidia/label/cuda-11.7.1 libcufile-dev 1.3.1.18 0 nvidia/label/cuda-11.7.1 libcurand 10.2.10.91 0 nvidia/label/cuda-11.7.1 libcurand-dev 10.2.10.91 0 nvidia/label/cuda-11.7.1 libcurl 7.88.1 h91b91d3_0
libcusolver 11.4.0.1 0 nvidia/label/cuda-11.7.1 libcusolver-dev 11.4.0.1 0 nvidia/label/cuda-11.7.1 libcusparse 11.7.4.91 0 nvidia/label/cuda-11.7.1 libcusparse-dev 11.7.4.91 0 nvidia/label/cuda-11.7.1 libdeflate 1.17 h5eee18b_1
libedit 3.1.20221030 h5eee18b_0
libev 4.33 h7f8727e_1
libffi 3.4.2 h6a678d5_6
libgcc-ng 12.2.0 h65d4601_19 conda-forge libgfortran-ng 12.2.0 h69a702a_19 conda-forge libgfortran5 12.2.0 h337968e_19 conda-forge liblapack 3.9.0 16_linux64_openblas conda-forge libllvm11 11.1.0 hf817b99_2 conda-forge libnghttp2 1.46.0 hce63b2e_0
libnpp 11.7.4.75 0 nvidia/label/cuda-11.7.1 libnpp-dev 11.7.4.75 0 nvidia/label/cuda-11.7.1 libnvjpeg 11.8.0.2 0 nvidia/label/cuda-11.7.1 libnvjpeg-dev 11.8.0.2 0 nvidia/label/cuda-11.7.1 libopenblas 0.3.21 pthreads_h78a6416_3 conda-forge libopus 1.3.1 h7f98852_1 conda-forge libpng 1.6.39 h5eee18b_0
libsodium 1.0.18 h7b6447c_0
libssh2 1.10.0 h8f2d780_0
libstdcxx-ng 12.2.0 h46fd767_19 conda-forge libtiff 4.5.1 h6a678d5_0
libvpx 1.7.0 h439df22_0
libwebp 1.3.2 h11a3e52_0
libwebp-base 1.3.2 h5eee18b_0
libxcb 1.13 h7f98852_1004 conda-forge lightglue 0.0 pypi_0 pypi lightning 2.1.2 pypi_0 pypi lightning-utilities 0.9.0 pypi_0 pypi lit 16.0.1 pypi_0 pypi llvm-openmp 14.0.6 h9e868ea_0
llvmlite 0.39.1 py38he621ea3_0
lmdb 1.4.1 pypi_0 pypi lpips 0.1.4 pypi_0 pypi lxml 4.9.3 pypi_0 pypi lz4-c 1.9.4 h6a678d5_0
mapbox-earcut 1.0.1 pypi_0 pypi markdown 3.4.3 pypi_0 pypi markdown-it-py 3.0.0 pypi_0 pypi markupsafe 2.1.2 pypi_0 pypi matplotlib 3.5.3 pypi_0 pypi matplotlib-inline 0.1.6 py38h06a4308_0
mayavi 4.8.1 pypi_0 pypi mccabe 0.7.0 pypi_0 pypi mdurl 0.1.2 pypi_0 pypi mediapy 1.1.9 pypi_0 pypi mistune 3.0.2 pypi_0 pypi ml-dtypes 0.2.0 pypi_0 pypi mmcls 0.25.0 pypi_0 pypi mmcv-full 1.5.0 pypi_0 pypi mmdet 2.28.1 pypi_0 pypi mmengine 0.9.0 pypi_0 pypi mmsegmentation 0.27.0 pypi_0 pypi model-index 0.1.11 pypi_0 pypi moviepy 1.0.3 pypi_0 pypi mpmath 1.3.0 pypi_0 pypi msgpack 1.0.5 pypi_0 pypi msgpack-numpy 0.4.8 pypi_0 pypi multidict 6.0.4 pypi_0 pypi multiscaledeformableattention 1.0 pypi_0 pypi munch 4.0.0 pypi_0 pypi mypy-extensions 1.0.0 pypi_0 pypi natsort 8.4.0 pypi_0 pypi nbclassic 1.0.0 pypi_0 pypi nbclient 0.9.0 pypi_0 pypi nbconvert 7.11.0 pypi_0 pypi nbformat 5.9.2 py38h06a4308_0
ncurses 6.4 h6a678d5_0
nerfacc 0.5.2 pypi_0 pypi nerfstudio 0.3.4 pypi_0 pypi nest-asyncio 1.5.8 pypi_0 pypi nettle 3.6 he412f7d_0 conda-forge networkx 3.1 pypi_0 pypi ninja 1.11.1.1 pypi_0 pypi nodeenv 1.8.0 pypi_0 pypi notebook 6.5.6 pypi_0 pypi notebook-shim 0.2.3 py38h06a4308_0
nsight-compute 2022.2.1.3 0 nvidia/label/cuda-11.7.1 numba 0.56.4 py38hefa3cd7_1 conda-forge numpy 1.23.5 py38h7042d01_0 conda-forge nuscenes-devkit 1.1.11 pypi_0 pypi nvdiffrast 0.3.1 pypi_0 pypi nvidia-cublas-cu11 11.10.3.66 pypi_0 pypi nvidia-cublas-cu12 12.3.4.1 pypi_0 pypi nvidia-cuda-cupti-cu11 11.7.101 pypi_0 pypi nvidia-cuda-cupti-cu12 12.3.101 pypi_0 pypi nvidia-cuda-nvcc-cu12 12.3.107 pypi_0 pypi nvidia-cuda-nvrtc-cu11 11.7.99 pypi_0 pypi nvidia-cuda-nvrtc-cu12 12.3.107 pypi_0 pypi nvidia-cuda-runtime-cu11 11.7.99 pypi_0 pypi nvidia-cuda-runtime-cu12 12.3.101 pypi_0 pypi nvidia-cudnn-cu11 8.5.0.96 pypi_0 pypi nvidia-cudnn-cu12 8.9.7.29 pypi_0 pypi nvidia-cufft-cu11 10.9.0.58 pypi_0 pypi nvidia-cufft-cu12 11.0.12.1 pypi_0 pypi nvidia-curand-cu11 10.2.10.91 pypi_0 pypi nvidia-cusolver-cu11 11.4.0.1 pypi_0 pypi nvidia-cusolver-cu12 11.5.4.101 pypi_0 pypi nvidia-cusparse-cu11 11.7.4.91 pypi_0 pypi nvidia-cusparse-cu12 12.2.0.103 pypi_0 pypi nvidia-ml-py 12.535.133 pypi_0 pypi nvidia-nccl-cu11 2.14.3 pypi_0 pypi nvidia-nvjitlink-cu12 12.3.101 pypi_0 pypi nvidia-nvtx-cu11 11.7.91 pypi_0 pypi oauthlib 3.2.2 pypi_0 pypi objectio 0.2.29 pypi_0 pypi olefile 0.46 pyh9f0ad1d_1 conda-forge omegaconf 2.2.3 pypi_0 pypi open3d 0.13.0 pypi_0 pypi opencv-contrib-python 4.9.0.80 pypi_0 pypi opencv-python 4.7.0.72 pypi_0 pypi opendatalab 0.0.10 pypi_0 pypi openh264 2.1.1 h4ff587b_0
openjpeg 2.4.0 h3ad879b_0
openmim 0.3.9 pypi_0 pypi openssl 1.1.1w h7f8727e_0
openxlab 0.0.24 pypi_0 pypi opt-einsum 3.3.0 pypi_0 pypi ordered-set 4.1.0 pypi_0 pypi oss2 2.17.0 pypi_0 pypi overrides 7.4.0 py38h06a4308_0
packaging 23.1 py38h06a4308_0
pandas 2.0.3 pypi_0 pypi pandocfilters 1.5.0 pyhd3eb1b0_0
parso 0.8.3 pyhd3eb1b0_0
pathspec 0.11.1 pypi_0 pypi pathtools 0.1.2 pypi_0 pypi pexpect 4.8.0 pyhd3eb1b0_3
pickleshare 0.7.5 pyhd3eb1b0_1003
pillow 9.5.0 pypi_0 pypi pip 24.0 pypi_0 pypi pipreqs 0.4.13 pypi_0 pypi pkgutil-resolve-name 1.3.10 py38h06a4308_1
platformdirs 3.2.0 pypi_0 pypi plotly 5.18.0 pypi_0 pypi plyfile 1.0.2 pypi_0 pypi pooch 1.7.0 py38h06a4308_0
portalocker 2.7.0 pypi_0 pypi pretrainedmodels 0.7.4 pypi_0 pypi prettytable 3.9.0 pypi_0 pypi proglog 0.1.10 pypi_0 pypi prometheus-client 0.18.0 pypi_0 pypi prometheus_client 0.14.1 py38h06a4308_0
prompt-toolkit 3.0.41 pypi_0 pypi protobuf 3.20.1 pypi_0 pypi psutil 5.9.5 pypi_0 pypi pthread-stubs 0.4 h36c2ea0_1001 conda-forge ptvsd 4.3.2 pypi_0 pypi ptyprocess 0.7.0 pyhd3eb1b0_2
pure_eval 0.2.2 pyhd3eb1b0_0
pyasn1 0.4.8 pypi_0 pypi pyasn1-modules 0.2.8 pypi_0 pypi pybullet 3.21 py38h8f669ce_4 conda-forge pycocotools 2.0.6 pypi_0 pypi pycollada 0.7.2 pypi_0 pypi pycparser 2.21 pyhd3eb1b0_0
pycryptodome 3.18.0 pypi_0 pypi pyface 8.0.0 pypi_0 pypi pygifsicle 1.0.7 pypi_0 pypi pyglet 2.0.5 pypi_0 pypi pygments 2.16.1 pypi_0 pypi pyliblzfse 0.4.1 pypi_0 pypi pylint 2.17.2 pypi_0 pypi pylint-django 2.5.3 pypi_0 pypi pylint-plugin-utils 0.7 pypi_0 pypi pymcubes 0.1.4 pypi_0 pypi pymeshlab 2022.2.post3 pypi_0 pypi pyngrok 7.0.1 pypi_0 pypi pyopengl 3.1.0 pypi_0 pypi pyopenssl 23.2.0 py38h06a4308_0
pyparsing 3.0.9 pyhd8ed1ab_0 conda-forge pyproject-hooks 1.0.0 pypi_0 pypi pyqt5-qt5 5.15.2 pypi_0 pypi pyqt5-sip 12.13.0 pypi_0 pypi pyquaternion 0.9.9 pypi_0 pypi pyrender 0.1.45 pypi_0 pypi pysocks 1.7.1 py38h06a4308_0
python 3.8.16 h7a1cb2a_3
python-box 6.1.0 pypi_0 pypi python-dateutil 2.8.2 pyhd8ed1ab_0 conda-forge python-engineio 4.8.0 pypi_0 pypi python-fastjsonschema 2.16.2 py38h06a4308_0
python-json-logger 2.0.7 py38h06a4308_0
python-socketio 5.10.0 pypi_0 pypi python_abi 3.8 2_cp38 conda-forge pytlsd 0.0.4 pypi_0 pypi pytorch-lightning 2.1.2 pypi_0 pypi pytorch-msssim 1.0.0 pypi_0 pypi pytorch3d 0.7.4 dev_0 pytz 2023.3.post1 py38h06a4308_0
pyvirtualdisplay 3.0 pypi_0 pypi pywavelets 1.4.1 pypi_0 pypi pyyaml 6.0 pypi_0 pypi pyzmq 25.1.1 pypi_0 pypi quaternion 3.5.2.post4 pypi_0 pypi rawpy 0.18.1 pypi_0 pypi raymarching-mob 0.0.0 pypi_0 pypi readline 8.2 h5eee18b_0
referencing 0.30.2 py38h06a4308_0
regex 2023.5.5 pypi_0 pypi requests 2.31.0 py38h06a4308_0
requests-oauthlib 1.3.1 pypi_0 pypi requests-toolbelt 1.0.0 pypi_0 pypi retrying 1.3.4 pypi_0 pypi rfc3339-validator 0.1.4 py38h06a4308_0
rfc3986-validator 0.1.1 py38h06a4308_0
rhash 1.4.1 h3c74f83_1
rich 13.4.2 pypi_0 pypi rich-click 1.7.2 pypi_0 pypi rpds-py 0.10.6 py38hb02cf49_0
rsa 4.9 pypi_0 pypi rtree 1.1.0 pypi_0 pypi safetensors 0.3.1 pypi_0 pypi scikit-fmm 2023.4.2 pypi_0 pypi scikit-image 0.20.0 pypi_0 pypi scikit-learn 1.3.1 pypi_0 pypi scipy 1.9.1 pypi_0 pypi seaborn 0.13.1 pypi_0 pypi segmentation-models-pytorch 0.3.3 pypi_0 pypi semantic-version 2.10.0 pypi_0 pypi send2trash 1.8.2 py38h06a4308_0
sentry-sdk 1.25.0 pypi_0 pypi setproctitle 1.3.2 pypi_0 pypi setuptools 69.0.3 pypi_0 pypi shapely 1.8.5.post1 pypi_0 pypi shencoder 0.0.0 pypi_0 pypi shtab 1.6.4 pypi_0 pypi simple-knn 0.0.0 pypi_0 pypi simple-websocket 1.0.0 pypi_0 pypi simplejson 3.19.1 pypi_0 pypi six 1.16.0 pyh6c4a22f_0 conda-forge smmap 3.0.5 pyh44b312d_0 conda-forge sniffio 1.3.0 pypi_0 pypi soupsieve 2.5 py38h06a4308_0
splines 0.3.0 pypi_0 pypi sqlite 3.41.1 h5eee18b_0
stack-data 0.6.3 pypi_0 pypi stack_data 0.2.0 pyhd3eb1b0_0
supervision 0.8.0 pypi_0 pypi support-developer 1.0.5 pypi_0 pypi svg-path 6.3 pypi_0 pypi sympy 1.11.1 pypi_0 pypi tabulate 0.9.0 pypi_0 pypi tenacity 8.2.3 pypi_0 pypi tensorboard 2.14.0 pypi_0 pypi tensorboard-data-server 0.7.2 pypi_0 pypi tensorboard-plugin-wit 1.8.1 pypi_0 pypi tensorboardx 2.6.2.2 pypi_0 pypi termcolor 2.2.0 pypi_0 pypi terminado 0.18.0 pypi_0 pypi terminaltables 3.1.10 pypi_0 pypi threadpoolctl 3.1.0 pypi_0 pypi tifffile 2023.4.12 pypi_0 pypi timm 0.6.11 pypi_0 pypi tinycss2 1.2.1 py38h06a4308_0
tinycudann 1.7 pypi_0 pypi tk 8.6.12 h1ccaba5_0
tokenizers 0.13.3 pypi_0 pypi tomli 2.0.1 py38h06a4308_0
tomlkit 0.11.7 pypi_0 pypi torch 2.0.0 pypi_0 pypi torch-efficient-distloss 0.1.3 pypi_0 pypi torch-ema 0.3 pypi_0 pypi torch-fidelity 0.3.0 pypi_0 pypi torch-scatter 2.1.2 pypi_0 pypi torchaudio 2.0.1 pypi_0 pypi torchmetrics 1.2.0 pypi_0 pypi torchvision 0.15.1 pypi_0 pypi tornado 6.2 py38h0a891b7_1 conda-forge tqdm 4.65.0 pyhd8ed1ab_1 conda-forge traitlets 5.13.0 pypi_0 pypi traits 6.4.3 pypi_0 pypi traitsui 8.0.0 pypi_0 pypi transformers 4.29.2 pypi_0 pypi trimesh 3.21.7 pypi_0 pypi triton 2.0.0 pypi_0 pypi tushare 1.2.89 pypi_0 pypi typeguard 4.1.5 pypi_0 pypi typer 0.7.0 pypi_0 pypi types-python-dateutil 2.8.19.14 pypi_0 pypi typing-extensions 4.8.0 pypi_0 pypi typing_extensions 4.7.1 py38h06a4308_0
tyro 0.5.14 pypi_0 pypi tzdata 2023.3 pypi_0 pypi uri-template 1.3.0 pypi_0 pypi urllib3 1.26.15 pypi_0 pypi viser 0.1.3 pypi_0 pypi vit-pytorch 1.4.5 pypi_0 pypi vtk 9.2.6 pypi_0 pypi wandb 0.15.3 pypi_0 pypi wcwidth 0.2.8 pypi_0 pypi webcolors 1.13 pypi_0 pypi webdataset 0.1.40 pypi_0 pypi webencodings 0.5.1 pypi_0 pypi websocket-client 0.57.0 pypi_0 pypi websockets 12.0 pypi_0 pypi werkzeug 3.0.1 pypi_0 pypi wheel 0.38.4 py38h06a4308_0
widgetsnbextension 4.0.9 pypi_0 pypi wrapt 1.15.0 pypi_0 pypi wsproto 1.2.0 pypi_0 pypi wurlitzer 3.0.3 pypi_0 pypi x264 1!157.20191217 h7b6447c_0
xatlas 0.0.8 pypi_0 pypi xorg-fixesproto 5.0 h7f98852_1002 conda-forge xorg-inputproto 2.3.2 h7f98852_1002 conda-forge xorg-kbproto 1.0.7 h7f98852_1002 conda-forge xorg-libx11 1.8.4 h0b41bf4_0 conda-forge xorg-libxau 1.0.9 h7f98852_0 conda-forge xorg-libxcursor 1.2.0 h0b41bf4_1 conda-forge xorg-libxdmcp 1.1.3 h7f98852_0 conda-forge xorg-libxext 1.3.4 h0b41bf4_2 conda-forge xorg-libxfixes 5.0.3 h7f98852_1004 conda-forge xorg-libxi 1.7.10 h7f98852_0 conda-forge xorg-libxinerama 1.1.5 h27087fc_0 conda-forge xorg-libxrandr 1.5.2 h7f98852_1 conda-forge xorg-libxrender 0.9.10 h7f98852_1003 conda-forge xorg-randrproto 1.5.0 h7f98852_1001 conda-forge xorg-renderproto 0.11.1 h7f98852_1002 conda-forge xorg-xextproto 7.3.0 h0b41bf4_1003 conda-forge xorg-xproto 7.0.31 h7f98852_1007 conda-forge xxhash 3.4.1 pypi_0 pypi xz 5.2.10 h5eee18b_1
y-py 0.6.2 pypi_0 pypi yacs 0.1.8 pypi_0 pypi yaml 0.2.5 h7b6447c_0
yapf 0.33.0 pypi_0 pypi yarg 0.1.9 pypi_0 pypi yarl 1.9.3 pypi_0 pypi yourdfpy 0.0.53 pypi_0 pypi ypy-websocket 0.8.4 pypi_0 pypi zeromq 4.3.4 h2531618_0
zipp 3.15.0 pyhd8ed1ab_0 conda-forge zlib 1.2.13 h5eee18b_0
zstd 1.5.5 hc292b87_0