cskkxjk / MonoNeRD

(ICCV2023) MonoNeRD: NeRF-like Representations for Monocular 3D Object Detection
MIT License
79 stars 3 forks source link

运行错误 #10

Open VLadImirluren opened 11 months ago

VLadImirluren commented 11 months ago

Traceback (most recent call last): File "tools/train.py", line 214, in main() File "tools/train.py", line 130, in main model = build_network(model_cfg=cfg.MODEL, num_class=len( File "/mnt/petrelfs/dengken_nerf_perception/perscene_OD/MonoNeRD/mononerd/models/init.py", line 12, in build_network model = build_mono_detector( File "/mnt/petrelfs/dengken_nerf_perception/perscene_OD/MonoNeRD/mononerd/models/detectors_mono/init.py", line 9, in build_detector model = all[model_cfg.NAME]( File "/mnt/petrelfs/dengken_nerf_perception/perscene_OD/MonoNeRD/mononerd/models/detectors_mono/mononerd.py", line 10, in init self.module_list = self.build_networks() File "/mnt/petrelfs/dengken_nerf_perception/perscene_OD/MonoNeRD/mononerd/models/detectors_mono/stereo_detector3d_template.py", line 55, in build_networks module, model_infodict = getattr(self, 'build%s' % module_name)( File "/mnt/petrelfs/dengken_nerf_perception/perscene_OD/MonoNeRD/mononerd/models/detectors_mono/stereo_detector3d_template.py", line 85, in build_backbone_3d backbone_3d_module = backbones_3d_mono.all[self.model_cfg.BACKBONE_3D.NAME]( File "/mnt/petrelfs/dengken_nerf_perception/perscene_OD/MonoNeRD/mononerd/models/backbones_3d_mono/mononerd_backbone.py", line 89, in init self.feature_backbone = build_backbone(model_cfg.feature_backbone) File "/mnt/lustre/houyuenan/anaconda3/envs/mononerd/lib/python3.8/site-packages/mmdet/models/builder.py", line 37, in build_backbone return build(cfg, BACKBONES) File "/mnt/lustre/houyuenan/anaconda3/envs/mononerd/lib/python3.8/site-packages/mmdet/models/builder.py", line 32, in build return build_from_cfg(cfg, registry, default_args) File "/mnt/lustre/houyuenan/anaconda3/envs/mononerd/lib/python3.8/site-packages/mmcv/utils/registry.py", line 171, in build_from_cfg return obj_cls(**args) TypeError: init() got an unexpected keyword argument 'with_max_pool'

运行命令:./scripts/dist_train.sh 1 'exp_name' ./configs/stereo/kitti_models/mononerd.3d-and-bev.yaml

cskkxjk commented 11 months ago

Hi, can you provide your environment including mmcv version and others?

VLadImirluren commented 11 months ago

./scripts/dist_train.sh 1 'exp_name' ./configs/stereo/kitti_models/mononerd.3d-and-bev.yaml

Package Version Editable project location


addict 2.4.0 boto3 1.28.80 botocore 1.31.80 ccimport 0.4.2 certifi 2023.7.22 charset-normalizer 3.3.2 coloredlogs 15.0.1 contourpy 1.1.1 cumm-cu102 0.4.11 cycler 0.12.1 Cython 0.29.33 decorator 4.4.2 easydict 1.11 einops 0.3.2 environs 9.5.0 ffmpy 0.3.1 fire 0.5.0 fonttools 4.44.0 humanfriendly 10.0 humanize 4.8.0 idna 3.4 imageio 2.32.0 imageio-ffmpeg 0.4.9 importlib-metadata 6.8.0 importlib-resources 6.1.1 kiwisolver 1.4.5 lark 1.1.8 lazy_loader 0.3 llvmlite 0.41.1 markdown-it-py 3.0.0 marshmallow 3.20.1 matplotlib 3.7.3 mdurl 0.1.2 mmcv-full 1.2.1 mmdet 2.7.0 mmengine 0.9.1 mmpycocotools 12.0.3 mononerd 0.1.0+2d15e6f /mnt/petrelfs/dengken_nerf_perception/perscene_OD/MonoNeRD moviepy 1.0.3 multiprocessing-logging 0.3.4 networkx 3.1 ninja 1.11.1.1 numba 0.58.1 numpy 1.24.4 opencv-python 4.8.1.78 opencv-python-headless 4.8.1.78 packaging 23.2 pccm 0.4.9 petrel-oss-sdk v2.2.1-2-g1505ef3-master Pillow 10.0.1 pip 23.3 platformdirs 4.0.0 portalocker 2.8.2 proglog 0.1.10 protobuf 4.25.0 pybind11 2.11.1 pycocotools 2.0.7 Pygments 2.16.1 pyparsing 3.1.1 python-dateutil 2.8.2 python-dotenv 1.0.0 PyWavelets 1.4.1 PyYAML 5.4.1 requests 2.31.0 rich 13.6.0 scikit-image 0.21.0 scipy 1.10.1 setuptools 68.0.0 shapely 2.0.2 six 1.16.0 spconv 1.2.1 tensorboardX 2.6.2.2 termcolor 2.3.0 terminaltables 3.1.10 tifffile 2023.7.10 tomli 2.0.1 torch 1.8.1+cu111 torchaudio 0.8.1 torchvision 0.9.1+cu111 tqdm 4.66.1 typing_extensions 4.8.0 urllib3 2.0.7 wheel 0.41.2 yapf 0.40.2 zipp 3.17.0

VLadImirluren commented 11 months ago

Hi, can you provide your environment including mmcv version and others?

我在按照你的教程安装的时候曾经遇到ERROR: pip's dependency resolver does not currently take into account all the packages that are installed. This behaviour is the source of the following dependency conflicts. botocore 1.31.80 requires jmespath<2.0.0,>=0.7.1, which is not installed. botocore 1.31.80 requires urllib3<1.27,>=1.25.4; python_version < "3.10", but you have urllib3 2.1.0 which is incompatible.这个问题,请问你有什么解决办法吗

VLadImirluren commented 11 months ago

Hi, can you provide your environment including mmcv version and others?

我遇到了新问题,我重新配环境的时候遇到了上述的报错,然后运行的时候遇到了如下报错 Traceback (most recent call last): File "tools/train.py", line 214, in main() File "tools/train.py", line 170, in main train_model( File "/mnt/petrelfs/dengken_nerf_perception/perscene_OD/MonoNeRD/tools/train_utils/train_utils.py", line 147, in train_model accumulated_iter = train_one_epoch( File "/mnt/petrelfs/dengken_nerf_perception/perscene_OD/MonoNeRD/tools/train_utils/train_utils.py", line 42, in train_one_epoch loss, tb_dict, disp_dict = model_func(model, batch) File "/mnt/petrelfs/dengken_nerf_perception/perscene_OD/MonoNeRD/mononerd/models/init.py", line 43, in model_func ret_dict, tb_dict, disp_dict = model(batch_dict) File "/mnt/lustre/houyuenan/anaconda3/envs/mononerd2/lib/python3.8/site-packages/torch/nn/modules/module.py", line 889, in _call_impl result = self.forward(*input, kwargs) File "/mnt/lustre/houyuenan/anaconda3/envs/mononerd2/lib/python3.8/site-packages/torch/nn/parallel/distributed.py", line 705, in forward output = self.module(*inputs[0], *kwargs[0]) File "/mnt/lustre/houyuenan/anaconda3/envs/mononerd2/lib/python3.8/site-packages/torch/nn/modules/module.py", line 889, in _call_impl result = self.forward(input, kwargs) File "/mnt/petrelfs/dengken_nerf_perception/perscene_OD/MonoNeRD/mononerd/models/detectors_mono/mononerd.py", line 30, in forward loss, tb_dict, disp_dict = self.get_training_loss(batch_dict) File "/mnt/petrelfs/dengken_nerf_perception/perscene_OD/MonoNeRD/mononerd/models/detectors_mono/mononerd.py", line 77, in get_training_loss loss_rpn_2d, tb_dict = self.dense_head_2d.get_loss(batch_dict, tb_dict) File "/mnt/petrelfs/dengken_nerf_perception/perscene_OD/MonoNeRD/mononerd/models/dense_heads/mmdet_2d_head.py", line 41, in get_loss losses = self.bbox_head.forward_train(data_dict['sem_features'], img_metas, gt_boxes_2d, File "/mnt/lustre/houyuenan/anaconda3/envs/mononerd2/lib/python3.8/site-packages/mmdet-2.6.0-py3.8.egg/mmdet/models/dense_heads/base_dense_head.py", line 56, in forward_train losses = self.loss(loss_inputs, gt_bboxes_ignore=gt_bboxes_ignore) File "/mnt/lustre/houyuenan/anaconda3/envs/mononerd2/lib/python3.8/site-packages/mmcv/runner/fp16_utils.py", line 164, in new_func return old_func(args, kwargs) File "/mnt/lustre/houyuenan/anaconda3/envs/mononerd2/lib/python3.8/site-packages/mmdet-2.6.0-py3.8.egg/mmdet/models/dense_heads/atss_head.py", line 280, in loss bbox_avg_factor = multi_apply( File "/mnt/lustre/houyuenan/anaconda3/envs/mononerd2/lib/python3.8/site-packages/mmdet-2.6.0-py3.8.egg/mmdet/core/utils/misc.py", line 26, in multi_apply return tuple(map(list, zip(map_results))) File "/mnt/lustre/houyuenan/anaconda3/envs/mononerd2/lib/python3.8/site-packages/mmdet-2.6.0-py3.8.egg/mmdet/models/dense_heads/atss_adv_head.py", line 206, in loss_single loss_cls = self.loss_cls( File "/mnt/lustre/houyuenan/anaconda3/envs/mononerd2/lib/python3.8/site-packages/torch/nn/modules/module.py", line 889, in _call_impl result = self.forward(input, kwargs) File "/mnt/lustre/houyuenan/anaconda3/envs/mononerd2/lib/python3.8/site-packages/mmdet-2.6.0-py3.8.egg/mmdet/models/losses/focal_loss.py", line 147, in forward loss_cls = self.loss_weight * sigmoid_focal_loss( File "/mnt/lustre/houyuenan/anaconda3/envs/mononerd2/lib/python3.8/site-packages/mmdet-2.6.0-py3.8.egg/mmdet/models/losses/focal_loss.py", line 70, in sigmoid_focal_loss loss = _sigmoid_focal_loss(pred.contiguous(), target, gamma, alpha, None, File "/mnt/lustre/houyuenan/anaconda3/envs/mononerd2/lib/python3.8/site-packages/mmcv/ops/focal_loss.py", line 54, in forward ext_module.sigmoid_focal_loss_forward( RuntimeError: SigmoidFocalLoss is not compiled with GPU support

我用的是A100,请问这个问题怎么解决?

cskkxjk commented 11 months ago

根据描述看起来可能是因为裸机的cuda版本和mmcv1.2.1的编译版本不兼容,需要重新编译,参考下这个issue https://github.com/open-mmlab/mmdetection/issues/2686 另外你的机器上可以使用docker吗?如果能用的话我可以给你发下我之前用的dockerfile作为参考

VLadImirluren commented 11 months ago

根据描述看起来可能是因为裸机的cuda版本和mmcv1.2.1的编译版本不兼容,需要重新编译,参考下这个issue https://github.com/open-mmlab/mmdetection/issues/2686 另外你的机器上可以使用docker吗?如果能用的话我可以给你发下我之前用的dockerfile作为参考

不好意思我在pjlab。。这里的机器不能使用docker

VLadImirluren commented 11 months ago

根据描述看起来可能是因为裸机的cuda版本和mmcv1.2.1的编译版本不兼容,需要重新编译,参考下这个issue https://github.com/open-mmlab/mmdetection/issues/2686 另外你的机器上可以使用docker吗?如果能用的话我可以给你发下我之前用的dockerfile作为参考

我重新编译的mmcv不是mmcv-full,这个影响么?我编译过后的还是会遇到问题。。

我再重新装环境试一下吧

VLadImirluren commented 11 months ago

根据描述看起来可能是因为裸机的cuda版本和mmcv1.2.1的编译版本不兼容,需要重新编译,参考下这个issue https://github.com/open-mmlab/mmdetection/issues/2686 另外你的机器上可以使用docker吗?如果能用的话我可以给你发下我之前用的dockerfile作为参考

nvcc: NVIDIA (R) Cuda compiler driver Copyright (c) 2005-2020 NVIDIA Corporation Built on Tue_Sep_15_19:10:02_PDT_2020 Cuda compilation tools, release 11.1, V11.1.74 Build cuda_11.1.TC455_06.29069683_0

请问这个配置对么,cuda的

VLadImirluren commented 11 months ago

根据描述看起来可能是因为裸机的cuda版本和mmcv1.2.1的编译版本不兼容,需要重新编译,参考下这个issue https://github.com/open-mmlab/mmdetection/issues/2686 另外你的机器上可以使用docker吗?如果能用的话我可以给你发下我之前用的dockerfile作为参考

请问你使用的是哪个版本的pip呢

VLadImirluren commented 11 months ago

Hi, can you provide your environment including mmcv version and others?

我在按照你的教程安装的时候曾经遇到ERROR: pip's dependency resolver does not currently take into account all the packages that are installed. This behaviour is the source of the following dependency conflicts. botocore 1.31.80 requires jmespath<2.0.0,>=0.7.1, which is not installed. botocore 1.31.80 requires urllib3<1.27,>=1.25.4; python_version < "3.10", but you have urllib3 2.1.0 which is incompatible.这个问题,请问你有什么解决办法吗

请问这个错误不关键吗

cskkxjk commented 11 months ago

Hi, can you provide your environment including mmcv version and others?

我在按照你的教程安装的时候曾经遇到ERROR: pip's dependency resolver does not currently take into account all the packages that are installed. This behaviour is the source of the following dependency conflicts. botocore 1.31.80 requires jmespath<2.0.0,>=0.7.1, which is not installed. botocore 1.31.80 requires urllib3<1.27,>=1.25.4; python_version < "3.10", but you have urllib3 2.1.0 which is incompatible.这个问题,请问你有什么解决办法吗

请问这个错误不关键吗

这个error我没遇到过。 我的环境部分内容是这样 nvcc -V nvcc: NVIDIA (R) Cuda compiler driver Copyright (c) 2005-2020 NVIDIA Corporation Built on Mon_Oct_12_20:09:46_PDT_2020 Cuda compilation tools, release 11.1, V11.1.105 Build cuda_11.1.TC455_06.29190527_0

nvidia-smi NVIDIA-SMI 470.103.01 Driver Version: 470.103.01 CUDA Version: 11.4

pip list absl-py 1.1.0 addict 2.4.0 cachetools 5.2.0 ccimport 0.3.7 certifi 2022.6.15 charset-normalizer 2.1.0 cumm 0.2.8 cycler 0.11.0 decorator 4.4.2 easydict 1.9 einops 0.3.2 ffmpy 0.3.0 fire 0.4.0 fonttools 4.33.3 google-auth 2.9.0 google-auth-oauthlib 0.4.6 grpcio 1.47.0 idna 3.3 imageio 2.19.3 imageio-ffmpeg 0.4.7 importlib-metadata 4.12.0 kiwisolver 1.4.3 kornia 0.5.0 lark 1.1.2 llvmlite 0.38.1 lpips 0.1.4 Markdown 3.3.7 matplotlib 3.5.2 mkl-fft 1.3.1 mkl-random 1.2.2 mkl-service 2.4.0 mmcv-full 1.2.1 mmpycocotools 12.0.3 mononerd 0.1.0+0 /workspace/xujunkai/MonoNeRD moviepy 1.0.3 networkx 2.8.4 ninja 1.10.2.3 numba 0.55.2 numpy 1.22.3 oauthlib 3.2.0 olefile 0.46 opencv-python-headless 4.6.0.66 packaging 21.3 pccm 0.3.4 Pillow 9.2.0 pip 22.1.2 portalocker 2.5.1 proglog 0.1.10 protobuf 3.19.4 pyasn1 0.4.8 pyasn1-modules 0.2.8 pybind11 2.10.0 pyparsing 3.0.9 python-dateutil 2.8.2 PyWavelets 1.3.0 PyYAML 5.4.1 requests 2.28.1 requests-oauthlib 1.3.1 rsa 4.8 scikit-image 0.19.3 scipy 1.8.1 setuptools 63.1.0 six 1.16.0 spconv 1.2.1 tensorboard 2.9.1 tensorboard-data-server 0.6.1 tensorboard-plugin-wit 1.8.1 tensorboardX 2.5.1 termcolor 1.1.0 terminaltables 3.1.10 tifffile 2022.5.4 torch 1.8.1 torchvision 0.9.1 tqdm 4.64.0 typing_extensions 4.3.0 urllib3 1.26.9 Werkzeug 2.1.2 wheel 0.37.1 yapf 0.32.0 zipp 3.8.0

VLadImirluren commented 11 months ago

Hi, can you provide your environment including mmcv version and others?

我在按照你的教程安装的时候曾经遇到ERROR: pip's dependency resolver does not currently take into account all the packages that are installed. This behaviour is the source of the following dependency conflicts. botocore 1.31.80 requires jmespath<2.0.0,>=0.7.1, which is not installed. botocore 1.31.80 requires urllib3<1.27,>=1.25.4; python_version < "3.10", but you have urllib3 2.1.0 which is incompatible.这个问题,请问你有什么解决办法吗

请问这个错误不关键吗

这个error我没遇到过。 我的环境部分内容是这样 nvcc -V nvcc: NVIDIA (R) Cuda compiler driver Copyright (c) 2005-2020 NVIDIA Corporation Built on Mon_Oct_12_20:09:46_PDT_2020 Cuda compilation tools, release 11.1, V11.1.105 Build cuda_11.1.TC455_06.29190527_0

nvidia-smi NVIDIA-SMI 470.103.01 Driver Version: 470.103.01 CUDA Version: 11.4

pip list absl-py 1.1.0 addict 2.4.0 cachetools 5.2.0 ccimport 0.3.7 certifi 2022.6.15 charset-normalizer 2.1.0 cumm 0.2.8 cycler 0.11.0 decorator 4.4.2 easydict 1.9 einops 0.3.2 ffmpy 0.3.0 fire 0.4.0 fonttools 4.33.3 google-auth 2.9.0 google-auth-oauthlib 0.4.6 grpcio 1.47.0 idna 3.3 imageio 2.19.3 imageio-ffmpeg 0.4.7 importlib-metadata 4.12.0 kiwisolver 1.4.3 kornia 0.5.0 lark 1.1.2 llvmlite 0.38.1 lpips 0.1.4 Markdown 3.3.7 matplotlib 3.5.2 mkl-fft 1.3.1 mkl-random 1.2.2 mkl-service 2.4.0 mmcv-full 1.2.1 mmpycocotools 12.0.3 mononerd 0.1.0+0 /workspace/xujunkai/MonoNeRD moviepy 1.0.3 networkx 2.8.4 ninja 1.10.2.3 numba 0.55.2 numpy 1.22.3 oauthlib 3.2.0 olefile 0.46 opencv-python-headless 4.6.0.66 packaging 21.3 pccm 0.3.4 Pillow 9.2.0 pip 22.1.2 portalocker 2.5.1 proglog 0.1.10 protobuf 3.19.4 pyasn1 0.4.8 pyasn1-modules 0.2.8 pybind11 2.10.0 pyparsing 3.0.9 python-dateutil 2.8.2 PyWavelets 1.3.0 PyYAML 5.4.1 requests 2.28.1 requests-oauthlib 1.3.1 rsa 4.8 scikit-image 0.19.3 scipy 1.8.1 setuptools 63.1.0 six 1.16.0 spconv 1.2.1 tensorboard 2.9.1 tensorboard-data-server 0.6.1 tensorboard-plugin-wit 1.8.1 tensorboardX 2.5.1 termcolor 1.1.0 terminaltables 3.1.10 tifffile 2022.5.4 torch 1.8.1 torchvision 0.9.1 tqdm 4.64.0 typing_extensions 4.3.0 urllib3 1.26.9 Werkzeug 2.1.2 wheel 0.37.1 yapf 0.32.0 zipp 3.8.0

为什么你的mmdetection_kitti弄完之后不会装上mmdet?话说我在11.1上装完环境还是遇到了一样的不support的问题。。。

VLadImirluren commented 11 months ago

Hi, can you provide your environment including mmcv version and others?

我在按照你的教程安装的时候曾经遇到ERROR: pip's dependency resolver does not currently take into account all the packages that are installed. This behaviour is the source of the following dependency conflicts. botocore 1.31.80 requires jmespath<2.0.0,>=0.7.1, which is not installed. botocore 1.31.80 requires urllib3<1.27,>=1.25.4; python_version < "3.10", but you have urllib3 2.1.0 which is incompatible.这个问题,请问你有什么解决办法吗

请问这个错误不关键吗

这个error我没遇到过。 我的环境部分内容是这样 nvcc -V nvcc: NVIDIA (R) Cuda compiler driver Copyright (c) 2005-2020 NVIDIA Corporation Built on Mon_Oct_12_20:09:46_PDT_2020 Cuda compilation tools, release 11.1, V11.1.105 Build cuda_11.1.TC455_06.29190527_0

nvidia-smi NVIDIA-SMI 470.103.01 Driver Version: 470.103.01 CUDA Version: 11.4

pip list absl-py 1.1.0 addict 2.4.0 cachetools 5.2.0 ccimport 0.3.7 certifi 2022.6.15 charset-normalizer 2.1.0 cumm 0.2.8 cycler 0.11.0 decorator 4.4.2 easydict 1.9 einops 0.3.2 ffmpy 0.3.0 fire 0.4.0 fonttools 4.33.3 google-auth 2.9.0 google-auth-oauthlib 0.4.6 grpcio 1.47.0 idna 3.3 imageio 2.19.3 imageio-ffmpeg 0.4.7 importlib-metadata 4.12.0 kiwisolver 1.4.3 kornia 0.5.0 lark 1.1.2 llvmlite 0.38.1 lpips 0.1.4 Markdown 3.3.7 matplotlib 3.5.2 mkl-fft 1.3.1 mkl-random 1.2.2 mkl-service 2.4.0 mmcv-full 1.2.1 mmpycocotools 12.0.3 mononerd 0.1.0+0 /workspace/xujunkai/MonoNeRD moviepy 1.0.3 networkx 2.8.4 ninja 1.10.2.3 numba 0.55.2 numpy 1.22.3 oauthlib 3.2.0 olefile 0.46 opencv-python-headless 4.6.0.66 packaging 21.3 pccm 0.3.4 Pillow 9.2.0 pip 22.1.2 portalocker 2.5.1 proglog 0.1.10 protobuf 3.19.4 pyasn1 0.4.8 pyasn1-modules 0.2.8 pybind11 2.10.0 pyparsing 3.0.9 python-dateutil 2.8.2 PyWavelets 1.3.0 PyYAML 5.4.1 requests 2.28.1 requests-oauthlib 1.3.1 rsa 4.8 scikit-image 0.19.3 scipy 1.8.1 setuptools 63.1.0 six 1.16.0 spconv 1.2.1 tensorboard 2.9.1 tensorboard-data-server 0.6.1 tensorboard-plugin-wit 1.8.1 tensorboardX 2.5.1 termcolor 1.1.0 terminaltables 3.1.10 tifffile 2022.5.4 torch 1.8.1 torchvision 0.9.1 tqdm 4.64.0 typing_extensions 4.3.0 urllib3 1.26.9 Werkzeug 2.1.2 wheel 0.37.1 yapf 0.32.0 zipp 3.8.0

mononerd 0.1.0+2d15e6f /mnt/petrelfs/dengken_nerf_perception/perscene_OD/MonoNeRD 我装出来的你不太一样呀这个版本。。。。

cskkxjk commented 11 months ago

Hi, can you provide your environment including mmcv version and others?

我在按照你的教程安装的时候曾经遇到ERROR: pip's dependency resolver does not currently take into account all the packages that are installed. This behaviour is the source of the following dependency conflicts. botocore 1.31.80 requires jmespath<2.0.0,>=0.7.1, which is not installed. botocore 1.31.80 requires urllib3<1.27,>=1.25.4; python_version < "3.10", but you have urllib3 2.1.0 which is incompatible.这个问题,请问你有什么解决办法吗

请问这个错误不关键吗

这个error我没遇到过。 我的环境部分内容是这样 nvcc -V nvcc: NVIDIA (R) Cuda compiler driver Copyright (c) 2005-2020 NVIDIA Corporation Built on Mon_Oct_12_20:09:46_PDT_2020 Cuda compilation tools, release 11.1, V11.1.105 Build cuda_11.1.TC455_06.29190527_0 nvidia-smi NVIDIA-SMI 470.103.01 Driver Version: 470.103.01 CUDA Version: 11.4 pip list absl-py 1.1.0 addict 2.4.0 cachetools 5.2.0 ccimport 0.3.7 certifi 2022.6.15 charset-normalizer 2.1.0 cumm 0.2.8 cycler 0.11.0 decorator 4.4.2 easydict 1.9 einops 0.3.2 ffmpy 0.3.0 fire 0.4.0 fonttools 4.33.3 google-auth 2.9.0 google-auth-oauthlib 0.4.6 grpcio 1.47.0 idna 3.3 imageio 2.19.3 imageio-ffmpeg 0.4.7 importlib-metadata 4.12.0 kiwisolver 1.4.3 kornia 0.5.0 lark 1.1.2 llvmlite 0.38.1 lpips 0.1.4 Markdown 3.3.7 matplotlib 3.5.2 mkl-fft 1.3.1 mkl-random 1.2.2 mkl-service 2.4.0 mmcv-full 1.2.1 mmpycocotools 12.0.3 mononerd 0.1.0+0 /workspace/xujunkai/MonoNeRD moviepy 1.0.3 networkx 2.8.4 ninja 1.10.2.3 numba 0.55.2 numpy 1.22.3 oauthlib 3.2.0 olefile 0.46 opencv-python-headless 4.6.0.66 packaging 21.3 pccm 0.3.4 Pillow 9.2.0 pip 22.1.2 portalocker 2.5.1 proglog 0.1.10 protobuf 3.19.4 pyasn1 0.4.8 pyasn1-modules 0.2.8 pybind11 2.10.0 pyparsing 3.0.9 python-dateutil 2.8.2 PyWavelets 1.3.0 PyYAML 5.4.1 requests 2.28.1 requests-oauthlib 1.3.1 rsa 4.8 scikit-image 0.19.3 scipy 1.8.1 setuptools 63.1.0 six 1.16.0 spconv 1.2.1 tensorboard 2.9.1 tensorboard-data-server 0.6.1 tensorboard-plugin-wit 1.8.1 tensorboardX 2.5.1 termcolor 1.1.0 terminaltables 3.1.10 tifffile 2022.5.4 torch 1.8.1 torchvision 0.9.1 tqdm 4.64.0 typing_extensions 4.3.0 urllib3 1.26.9 Werkzeug 2.1.2 wheel 0.37.1 yapf 0.32.0 zipp 3.8.0

mononerd 0.1.0+2d15e6f /mnt/petrelfs/dengken_nerf_perception/perscene_OD/MonoNeRD 我装出来的你不太一样呀这个版本。。。。

+2d15e6f后缀是git commit number应该没有影响

这个pip list的内容应该是还没装mmdetection_kitti的 我重新启动的container 要不你邮箱戳我下?微信上沟通快点

VLadImirluren commented 11 months ago

Hi, can you provide your environment including mmcv version and others?

我在按照你的教程安装的时候曾经遇到ERROR: pip's dependency resolver does not currently take into account all the packages that are installed. This behaviour is the source of the following dependency conflicts. botocore 1.31.80 requires jmespath<2.0.0,>=0.7.1, which is not installed. botocore 1.31.80 requires urllib3<1.27,>=1.25.4; python_version < "3.10", but you have urllib3 2.1.0 which is incompatible.这个问题,请问你有什么解决办法吗

请问这个错误不关键吗

这个error我没遇到过。 我的环境部分内容是这样 nvcc -V nvcc: NVIDIA (R) Cuda compiler driver Copyright (c) 2005-2020 NVIDIA Corporation Built on Mon_Oct_12_20:09:46_PDT_2020 Cuda compilation tools, release 11.1, V11.1.105 Build cuda_11.1.TC455_06.29190527_0 nvidia-smi NVIDIA-SMI 470.103.01 Driver Version: 470.103.01 CUDA Version: 11.4 pip list absl-py 1.1.0 addict 2.4.0 cachetools 5.2.0 ccimport 0.3.7 certifi 2022.6.15 charset-normalizer 2.1.0 cumm 0.2.8 cycler 0.11.0 decorator 4.4.2 easydict 1.9 einops 0.3.2 ffmpy 0.3.0 fire 0.4.0 fonttools 4.33.3 google-auth 2.9.0 google-auth-oauthlib 0.4.6 grpcio 1.47.0 idna 3.3 imageio 2.19.3 imageio-ffmpeg 0.4.7 importlib-metadata 4.12.0 kiwisolver 1.4.3 kornia 0.5.0 lark 1.1.2 llvmlite 0.38.1 lpips 0.1.4 Markdown 3.3.7 matplotlib 3.5.2 mkl-fft 1.3.1 mkl-random 1.2.2 mkl-service 2.4.0 mmcv-full 1.2.1 mmpycocotools 12.0.3 mononerd 0.1.0+0 /workspace/xujunkai/MonoNeRD moviepy 1.0.3 networkx 2.8.4 ninja 1.10.2.3 numba 0.55.2 numpy 1.22.3 oauthlib 3.2.0 olefile 0.46 opencv-python-headless 4.6.0.66 packaging 21.3 pccm 0.3.4 Pillow 9.2.0 pip 22.1.2 portalocker 2.5.1 proglog 0.1.10 protobuf 3.19.4 pyasn1 0.4.8 pyasn1-modules 0.2.8 pybind11 2.10.0 pyparsing 3.0.9 python-dateutil 2.8.2 PyWavelets 1.3.0 PyYAML 5.4.1 requests 2.28.1 requests-oauthlib 1.3.1 rsa 4.8 scikit-image 0.19.3 scipy 1.8.1 setuptools 63.1.0 six 1.16.0 spconv 1.2.1 tensorboard 2.9.1 tensorboard-data-server 0.6.1 tensorboard-plugin-wit 1.8.1 tensorboardX 2.5.1 termcolor 1.1.0 terminaltables 3.1.10 tifffile 2022.5.4 torch 1.8.1 torchvision 0.9.1 tqdm 4.64.0 typing_extensions 4.3.0 urllib3 1.26.9 Werkzeug 2.1.2 wheel 0.37.1 yapf 0.32.0 zipp 3.8.0

mononerd 0.1.0+2d15e6f /mnt/petrelfs/dengken_nerf_perception/perscene_OD/MonoNeRD 我装出来的你不太一样呀这个版本。。。。

+2d15e6f后缀是git commit number应该没有影响

这个pip list的内容应该是还没装mmdetection_kitti的 我重新启动的container 要不你邮箱戳我下?微信上沟通快点

好的好的,已戳