open-mmlab / mmdeploy

OpenMMLab Model Deployment Framework
https://mmdeploy.readthedocs.io/en/latest/
Apache License 2.0
2.62k stars 606 forks source link

[mmdet3d] PointPillars -> tensorrt fail #434

Open alexandrealmin opened 2 years ago

alexandrealmin commented 2 years ago

First, thanks a lot for your amazing job, it is so helpful!

Describe the bug

I tried to convert a pretrained model of PointPillars (Kitti 3class) to tensorrt but the conversion failed. To be noted that the conversion to ONNX is ok (I didn't check the detection performances yet).

Reproduction

  1. What command or script did you run?
python tools/deploy.py configs/mmdet3d/voxel-detection/voxel-detection_tensorrt_dynamic-kitti.py ../mmdetection3d/configs/pointpillars/hv_pointpillars_secfpn_6x8_160e_kitti-3d-3class.py ../mmdetection3d/demo/hv_pointpillars_secfpn_6x8_160e_kitti-3d-3class_20220301_150306-37dc2420.pth ../mmdetection3d/demo/data/kitti/kitti_000008.bin --work-dir mmdeploy_workdir/ --show --device cuda:0

The config file for pointpillars config is the one given as an example here https://github.com/open-mmlab/mmdeploy/blob/master/docs/en/codebases/mmdet3d.md. The .pth file was downloaded from https://download.openmmlab.com/mmdetection3d/v1.0.0_models/pointpillars/hv_pointpillars_secfpn_6x8_160e_kitti-3d-3class/hv_pointpillars_secfpn_6x8_160e_kitti-3d-3class_20220301_150306-37dc2420.pth

Environment

  1. Please run python tools/check_env.py to collect necessary environment information and paste it here.
2022-05-03 17:47:07,710 - mmdeploy - INFO - 

2022-05-03 17:47:07,711 - mmdeploy - INFO - **********Environmental information**********
2022-05-03 17:47:07,933 - mmdeploy - INFO - sys.platform: linux
2022-05-03 17:47:07,933 - mmdeploy - INFO - Python: 3.7.11 (default, Jul 27 2021, 14:32:16) [GCC 7.5.0]
2022-05-03 17:47:07,933 - mmdeploy - INFO - CUDA available: True
2022-05-03 17:47:07,933 - mmdeploy - INFO - GPU 0: Quadro P620
2022-05-03 17:47:07,933 - mmdeploy - INFO - CUDA_HOME: /usr/local/cuda
2022-05-03 17:47:07,933 - mmdeploy - INFO - NVCC: Cuda compilation tools, release 11.3, V11.3.58
2022-05-03 17:47:07,933 - mmdeploy - INFO - GCC: gcc (Ubuntu 7.5.0-3ubuntu1~18.04) 7.5.0
2022-05-03 17:47:07,933 - mmdeploy - INFO - PyTorch: 1.11.0
2022-05-03 17:47:07,933 - mmdeploy - INFO - PyTorch compiling details: PyTorch built with:
  - GCC 7.3
  - C++ Version: 201402
  - Intel(R) oneAPI Math Kernel Library Version 2021.4-Product Build 20210904 for Intel(R) 64 architecture applications
  - Intel(R) MKL-DNN v2.5.2 (Git Hash a9302535553c73243c632ad3c4c80beec3d19a1e)
  - OpenMP 201511 (a.k.a. OpenMP 4.5)
  - LAPACK is enabled (usually provided by MKL)
  - NNPACK is enabled
  - CPU capability usage: AVX2
  - CUDA Runtime 11.3
  - NVCC architecture flags: -gencode;arch=compute_37,code=sm_37;-gencode;arch=compute_50,code=sm_50;-gencode;arch=compute_60,code=sm_60;-gencode;arch=compute_61,code=sm_61;-gencode;arch=compute_70,code=sm_70;-gencode;arch=compute_75,code=sm_75;-gencode;arch=compute_80,code=sm_80;-gencode;arch=compute_86,code=sm_86;-gencode;arch=compute_37,code=compute_37
  - CuDNN 8.2
  - Magma 2.5.2
  - Build settings: BLAS_INFO=mkl, BUILD_TYPE=Release, CUDA_VERSION=11.3, CUDNN_VERSION=8.2.0, CXX_COMPILER=/opt/rh/devtoolset-7/root/usr/bin/c++, CXX_FLAGS= -Wno-deprecated -fvisibility-inlines-hidden -DUSE_PTHREADPOOL -fopenmp -DNDEBUG -DUSE_KINETO -DUSE_FBGEMM -DUSE_QNNPACK -DUSE_PYTORCH_QNNPACK -DUSE_XNNPACK -DSYMBOLICATE_MOBILE_DEBUG_HANDLE -DEDGE_PROFILER_USE_KINETO -O2 -fPIC -Wno-narrowing -Wall -Wextra -Werror=return-type -Wno-missing-field-initializers -Wno-type-limits -Wno-array-bounds -Wno-unknown-pragmas -Wno-sign-compare -Wno-unused-parameter -Wno-unused-function -Wno-unused-result -Wno-unused-local-typedefs -Wno-strict-overflow -Wno-strict-aliasing -Wno-error=deprecated-declarations -Wno-stringop-overflow -Wno-psabi -Wno-error=pedantic -Wno-error=redundant-decls -Wno-error=old-style-cast -fdiagnostics-color=always -faligned-new -Wno-unused-but-set-variable -Wno-maybe-uninitialized -fno-math-errno -fno-trapping-math -Werror=format -Wno-stringop-overflow, LAPACK_INFO=mkl, PERF_WITH_AVX=1, PERF_WITH_AVX2=1, PERF_WITH_AVX512=1, TORCH_VERSION=1.11.0, USE_CUDA=ON, USE_CUDNN=ON, USE_EXCEPTION_PTR=1, USE_GFLAGS=OFF, USE_GLOG=OFF, USE_MKL=ON, USE_MKLDNN=OFF, USE_MPI=OFF, USE_NCCL=ON, USE_NNPACK=ON, USE_OPENMP=ON, USE_ROCM=OFF, 

2022-05-03 17:47:07,934 - mmdeploy - INFO - TorchVision: 0.12.0
2022-05-03 17:47:07,934 - mmdeploy - INFO - OpenCV: 4.5.5
2022-05-03 17:47:07,934 - mmdeploy - INFO - MMCV: 1.5.0
2022-05-03 17:47:07,934 - mmdeploy - INFO - MMCV Compiler: GCC 7.5
2022-05-03 17:47:07,934 - mmdeploy - INFO - MMCV CUDA Compiler: 11.3
2022-05-03 17:47:07,934 - mmdeploy - INFO - MMDeploy: 0.4.0+16ee9c7
2022-05-03 17:47:07,934 - mmdeploy - INFO - 

2022-05-03 17:47:07,934 - mmdeploy - INFO - **********Backend information**********
2022-05-03 17:47:08,026 - mmdeploy - INFO - onnxruntime: 1.8.1  ops_is_avaliable : True
2022-05-03 17:47:08,026 - mmdeploy - INFO - tensorrt: 8.2.3.0   ops_is_avaliable : True
2022-05-03 17:47:08,027 - mmdeploy - INFO - ncnn: None  ops_is_avaliable : False
2022-05-03 17:47:08,027 - mmdeploy - INFO - pplnn_is_avaliable: False
2022-05-03 17:47:08,028 - mmdeploy - INFO - openvino_is_avaliable: False
2022-05-03 17:47:08,028 - mmdeploy - INFO - 

2022-05-03 17:47:08,028 - mmdeploy - INFO - **********Codebase information**********
2022-05-03 17:47:08,029 - mmdeploy - INFO - mmdet:  2.22.0
2022-05-03 17:47:08,030 - mmdeploy - INFO - mmseg:  0.22.1
2022-05-03 17:47:08,030 - mmdeploy - INFO - mmcls:  0.21.0
2022-05-03 17:47:08,030 - mmdeploy - INFO - mmocr:  None
2022-05-03 17:47:08,030 - mmdeploy - INFO - mmedit: None
2022-05-03 17:47:08,030 - mmdeploy - INFO - mmdet3d:    1.0.0rc2
2022-05-03 17:47:08,030 - mmdeploy - INFO - mmpose: None
  1. You may add addition that may be helpful for locating the problem, such as
    • conda env
    • custom ops of tensorrt are built

Error traceback

If applicable, paste the error trackback here.

2022-05-03 17:26:01,774 - mmdeploy - INFO - torch2onnx success.
2022-05-03 17:26:01,777 - mmdeploy - INFO - onnx2tensorrt of mmdeploy_workdir/end2end.onnx start.
2022-05-03 17:26:03,007 - mmdeploy - INFO - Successfully loaded tensorrt plugins from mmlab/MMDeploy/build/lib/libmmdeploy_tensorrt_ops.so
2022-05-03:17:26:03,mmdeploy INFO     [init_plugins.py:32] Successfully loaded tensorrt plugins from mmlab/MMDeploy/build/lib/libmmdeploy_tensorrt_ops.so
[05/03/2022-17:26:03] [TRT] [I] [MemUsageChange] Init CUDA: CPU +179, GPU +0, now: CPU 251, GPU 1631 (MiB)
[05/03/2022-17:26:03] [TRT] [I] [MemUsageSnapshot] Begin constructing builder kernel library: CPU 251 MiB, GPU 1631 MiB
[05/03/2022-17:26:03] [TRT] [I] [MemUsageSnapshot] End constructing builder kernel library: CPU 312 MiB, GPU 1631 MiB
[05/03/2022-17:26:04] [TRT] [W] onnx2trt_utils.cpp:366: Your ONNX model has been generated with INT64 weights, while TensorRT does not natively support INT64. Attempting to cast down to INT32.
[05/03/2022-17:26:04] [TRT] [W] onnx2trt_utils.cpp:392: One or more weights outside the range of INT32 was clamped
[05/03/2022-17:26:04] [TRT] [W] onnx2trt_utils.cpp:392: One or more weights outside the range of INT32 was clamped
[05/03/2022-17:26:04] [TRT] [E] [graphShapeAnalyzer.cpp::computeOutputExtents::1026] Error Code 4: Miscellaneous (Concat_97: error while computing output extent)
2022-05-03:17:26:04,root ERROR    [utils.py:43] Failed to parse onnx, In node 97 (parseGraph): INVALID_NODE: Invalid Node - Concat_97
[graphShapeAnalyzer.cpp::computeOutputExtents::1026] Error Code 4: Miscellaneous (Concat_97: error while computing output extent)

Also, when trying to convert a Pointpillars pretrained model like hv_pointpillars_fpn_sbn-all_2x2_2x_nus-3d (same behavior with secfpn), it failed at the ONNX conversion step with another error:

2022-05-03 17:38:10,811 - mmdeploy - WARNING - DeprecationWarning: get_onnx_config will be deprecated in the future. 
2022-05-03:17:38:10,mmdeploy WARNING  [utils.py:92] DeprecationWarning: get_onnx_config will be deprecated in the future. 
2022-05-03:17:38:10,root ERROR    [utils.py:43] extract_pts_feat() takes 4 positional arguments but 6 were given
Traceback (most recent call last):
  File "mmlab/MMDeploy/mmdeploy/utils/utils.py", line 38, in target_wrapper
    result = target(*args, **kwargs)
  File "mmlab/MMDeploy/mmdeploy/apis/pytorch2onnx.py", line 113, in torch2onnx
    output_file=output_file)
  File "mmlab/MMDeploy/mmdeploy/apis/pytorch2onnx.py", line 55, in torch2onnx_impl
    verbose=verbose)
  File "miniconda3/envs/open-mmlab/lib/python3.7/site-packages/torch/onnx/__init__.py", line 309, in export
    export_modules_as_functions)
  File "miniconda3/envs/open-mmlab/lib/python3.7/site-packages/torch/onnx/utils.py", line 122, in export
    custom_opsets=custom_opsets, export_modules_as_functions=export_modules_as_functions)
  File "miniconda3/envs/open-mmlab/lib/python3.7/site-packages/torch/onnx/utils.py", line 724, in _export
    dynamic_axes=dynamic_axes)
  File "miniconda3/envs/open-mmlab/lib/python3.7/site-packages/torch/onnx/utils.py", line 499, in _model_to_graph
    graph, params, torch_out, module = _create_jit_graph(model, args)
  File "miniconda3/envs/open-mmlab/lib/python3.7/site-packages/torch/onnx/utils.py", line 440, in _create_jit_graph
    graph, torch_out = _trace_and_get_graph_from_model(model, args)
  File "miniconda3/envs/open-mmlab/lib/python3.7/site-packages/torch/onnx/utils.py", line 391, in _trace_and_get_graph_from_model
    torch.jit._get_trace_graph(model, args, strict=False, _force_outplace=False, _return_inputs_states=True)
  File "miniconda3/envs/open-mmlab/lib/python3.7/site-packages/torch/jit/_trace.py", line 1166, in _get_trace_graph
    outs = ONNXTracedModule(f, strict, _force_outplace, return_inputs, _return_inputs_states)(*args, **kwargs)
  File "miniconda3/envs/open-mmlab/lib/python3.7/site-packages/torch/nn/modules/module.py", line 1110, in _call_impl
    return forward_call(*input, **kwargs)
  File "miniconda3/envs/open-mmlab/lib/python3.7/site-packages/torch/jit/_trace.py", line 132, in forward
    self._force_outplace,
  File "miniconda3/envs/open-mmlab/lib/python3.7/site-packages/torch/jit/_trace.py", line 118, in wrapper
    outs.append(self.inner(*trace_inputs))
  File "miniconda3/envs/open-mmlab/lib/python3.7/site-packages/torch/nn/modules/module.py", line 1110, in _call_impl
    return forward_call(*input, **kwargs)
  File "miniconda3/envs/open-mmlab/lib/python3.7/site-packages/torch/nn/modules/module.py", line 1098, in _slow_forward
    result = self.forward(*input, **kwargs)
  File "mmlab/MMDeploy/mmdeploy/core/rewriters/rewriter_utils.py", line 371, in wrapper
    return self.func(self, *args, **kwargs)
  File "mmlab/MMDeploy/mmdeploy/codebase/mmdet3d/models/base.py", line 23, in base3ddetector__forward
    return self.forward_test(*args)
  File "mmlab/MMDeploy/mmdeploy/core/rewriters/rewriter_utils.py", line 371, in wrapper
    return self.func(self, *args, **kwargs)
  File "mmlab/MMDeploy/mmdeploy/codebase/mmdet3d/models/base.py", line 16, in base3ddetector__forward_test
    return self.simple_test(voxels, num_points, coors, img_metas, img)
  File "mmlab/MMDeploy/mmdeploy/core/rewriters/rewriter_utils.py", line 371, in wrapper
    return self.func(self, *args, **kwargs)
  File "mmlab/MMDeploy/mmdeploy/codebase/mmdet3d/models/mvx_two_stage.py", line 29, in mvxtwostagedetector__simple_test
    voxels, num_points, coors, img=img, img_metas=img_metas)
  File "mmlab/MMDeploy/mmdeploy/core/rewriters/rewriter_utils.py", line 371, in wrapper
    return self.func(self, *args, **kwargs)
  File "mmlab/MMDeploy/mmdeploy/codebase/mmdet3d/models/mvx_two_stage.py", line 53, in mvxtwostagedetector__extract_feat
    img_metas)
TypeError: extract_pts_feat() takes 4 positional arguments but 6 were given
2022-05-03 17:38:11,339 - mmdeploy - ERROR - torch2onnx failed.

Thanks a lot for your help

RunningLeon commented 2 years ago

@VVsssssk Could take a look at this issue?

VVsssssk commented 2 years ago

Hi, Can you try to use the master branch for mmdet3d? And pointpillars nus version I have supported in #391 and will merge it in next version.

alexandrealmin commented 2 years ago

Hi, I'm already using the master branch on both mmdeploy and mmdet3d (1.0.0rc2). Ok thanks will wait for this PR for nus. For pointpillars kitti, is the command I tried is working for you? Are you using the same version of onnx and tensorrt?

VVsssssk commented 2 years ago

Yes, I have tried to use your command, and it is working. My trt version is 8.0.1.6.

VVsssssk commented 2 years ago

Maybe you can try to use another version trt? We have tested the max version for trt is 8.2.1.8.

chenxyyy commented 2 years ago

@alexandrealmin @VVsssssk Hi I met the save error.

/opt/conda/bin/python /data/pointcloud_alg/mmdeploy/tools/deploy.py
2022-05-12 14:02:05,990 - mmdeploy - INFO - torch2onnx start.
2022-05-12:14:02:07,trimesh WARNING  [collision.py:11] No FCL -- collision checking will not work
/data/pointcloud_alg/mmdetection3d/mmdet3d/models/backbones/mink_resnet.py:9: UserWarning: Please follow `getting_started.md` to install MinkowskiEngine.`
  warnings.warn(
/data/pointcloud_alg/mmdetection3d/mmdet3d/models/dense_heads/anchor3d_head.py:84: UserWarning: dir_offset and dir_limit_offset will be depressed and be incorporated into box coder in the future
  warnings.warn(
load checkpoint from local path: /data/pointcloud_alg/mmdetection3d/configs/pointpillars/hv_pointpillars_secfpn_6x8_160e_kitti-3d-3class_20220301_150306-37dc2420.pth
2022-05-12 14:02:08,889 - mmdeploy - WARNING - DeprecationWarning: get_onnx_config will be deprecated in the future. 
2022-05-12:14:02:08,mmdeploy WARNING  [utils.py:91] DeprecationWarning: get_onnx_config will be deprecated in the future. 
/data/pointcloud_alg/mmdeploy/mmdeploy/codebase/mmdet3d/models/pillar_encode.py:41: TracerWarning: torch.tensor results are registered as constants in the trace. You can safely ignore this warning if you use this function to create tensors out of constant variables that would be the same every time you call this function. In any other case, this might cause the trace to be incorrect.
  f_center = features[..., :3] - (coors[..., 1:] * torch.tensor(
/data/pointcloud_alg/mmdeploy/mmdeploy/codebase/mmdet3d/models/pillar_encode.py:42: TracerWarning: torch.tensor results are registered as constants in the trace. You can safely ignore this warning if you use this function to create tensors out of constant variables that would be the same every time you call this function. In any other case, this might cause the trace to be incorrect.
  [self.vz, self.vy, self.vx]).to(device) + torch.tensor([
/data/pointcloud_alg/mmdeploy/mmdeploy/codebase/mmdet3d/models/voxelnet.py:53: TracerWarning: Converting a tensor to a Python boolean might cause the trace to be incorrect. We can't record the data flow of Python values, so this value will be treated as a constant in the future. This means that the trace might not generalize to other inputs!
  assert batch_size == 1
2022-05-12 14:02:12,641 - mmdeploy - INFO - torch2onnx success.
2022-05-12 14:02:12,642 - mmdeploy - INFO - onnx2tensorrt of /data/pointcloud_alg/mmdeploy/work_dir/end2end.onnx start.
2022-05-12 14:02:13,614 - mmdeploy - INFO - Successfully loaded tensorrt plugins from /data/pointcloud_alg/mmdeploy/build/lib/libmmdeploy_tensorrt_ops.so
2022-05-12:14:02:13,mmdeploy INFO     [init_plugins.py:32] Successfully loaded tensorrt plugins from /data/pointcloud_alg/mmdeploy/build/lib/libmmdeploy_tensorrt_ops.so
[TensorRT] INFO: [MemUsageChange] Init CUDA: CPU +532, GPU +0, now: CPU 606, GPU 821 (MiB)
[TensorRT] WARNING: onnx2trt_utils.cpp:362: Your ONNX model has been generated with INT64 weights, while TensorRT does not natively support INT64. Attempting to cast down to INT32.
[TensorRT] WARNING: onnx2trt_utils.cpp:390: One or more weights outside the range of INT32 was clamped
[TensorRT] WARNING: onnx2trt_utils.cpp:390: One or more weights outside the range of INT32 was clamped
[TensorRT] WARNING: onnx2trt_utils.cpp:390: One or more weights outside the range of INT32 was clamped
Traceback (most recent call last):
  File "/data/pointcloud_alg/mmdeploy/mmdeploy/utils/utils.py", line 38, in target_wrapper
    result = target(*args, **kwargs)
  File "/data/pointcloud_alg/mmdeploy/mmdeploy/backend/tensorrt/onnx2tensorrt.py", line 75, in onnx2tensorrt
    engine = create_trt_engine(
  File "/data/pointcloud_alg/mmdeploy/mmdeploy/backend/tensorrt/utils.py", line 76, in create_trt_engine
    raise RuntimeError(f'Failed to parse onnx, {error_msgs}')
RuntimeError: Failed to parse onnx, In node 98 (parseGraph): INVALID_NODE: Invalid Node - Concat_98
[graphShapeAnalyzer.cpp::throwIfError::1306] Error Code 2: Internal Error (no further information)

[TensorRT] ERROR: [graphShapeAnalyzer.cpp::throwIfError::1306] Error Code 2: Internal Error (no further information)
2022-05-12:14:02:14,root ERROR    [utils.py:43] Failed to parse onnx, In node 98 (parseGraph): INVALID_NODE: Invalid Node - Concat_98
[graphShapeAnalyzer.cpp::throwIfError::1306] Error Code 2: Internal Error (no further information)

2022-05-12 14:02:14,442 - mmdeploy - ERROR - onnx2tensorrt of /data/pointcloud_alg/mmdeploy/work_dir/end2end.onnx failed.

Process finished with exit code 1

My trt version is 8.0.3.4.

chenxyyy commented 2 years ago

@alexandrealmin @VVsssssk Hi. I have solved this problem. It is caused by environment.

Use this docker images. https://catalog.ngc.nvidia.com/orgs/nvidia/containers/pytorch

docker pull nvcr.io/nvidia/pytorch:21.04-py3

The output show below:

/opt/conda/bin/python /data/pointcloud_alg/mmdeploy/tools/deploy.py
2022-05-13 09:34:39,951 - mmdeploy - INFO - torch2onnx start.
2022-05-13:09:34:41,shapely.geos DEBUG    [geos.py:85] Found GEOS DLL: <CDLL '/opt/conda/lib/python3.8/site-packages/Shapely.libs/libgeos_c-fdac42b1.so.1.16.0', handle 55eb413d85b0 at 0x7fe61e47f310>, using it.
2022-05-13:09:34:41,trimesh WARNING  [collision.py:11] No FCL -- collision checking will not work
2022-05-13:09:34:41,matplotlib DEBUG    [__init__.py:224] matplotlib data path: /opt/conda/lib/python3.8/site-packages/matplotlib/mpl-data
2022-05-13:09:34:41,matplotlib DEBUG    [__init__.py:224] CONFIGDIR=/root/.config/matplotlib
2022-05-13:09:34:41,matplotlib DEBUG    [__init__.py:1385] matplotlib version 3.4.1
2022-05-13:09:34:41,matplotlib DEBUG    [__init__.py:1386] interactive is False
2022-05-13:09:34:41,matplotlib DEBUG    [__init__.py:1387] platform is linux
2022-05-13:09:34:41,matplotlib DEBUG    [__init__.py:1388] loaded modules: ['sys', 'builtins', '_frozen_importlib', '_imp', '_warnings', '_frozen_importlib_external', '_io', 'marshal', 'posix', '_thread', '_weakref', 'time', 'zipimport', '_codecs', 'codecs', 'encodings.aliases', 'encodings', 'encodings.utf_8', '_signal', '__main__', 'encodings.latin_1', '_abc', 'abc', 'io', '_stat', 'stat', '_collections_abc', 'genericpath', 'posixpath', 'os.path', 'os', '_sitebuiltins', '_locale', '_bootlocale', 'types', 'importlib._bootstrap', 'importlib._bootstrap_external', 'warnings', 'importlib', 'importlib.machinery', 'importlib.abc', '_operator', 'operator', 'keyword', '_heapq', 'heapq', 'itertools', 'reprlib', '_collections', 'collections', '_functools', 'functools', 'contextlib', 'importlib.util', 'mpl_toolkits', 'google', 'sphinxcontrib', 'site', '_weakrefset', 'threading', 'enum', 'signal', 'multiprocessing.process', 'copyreg', '_struct', 'struct', '_sre', 'sre_constants', 'sre_parse', 'sre_compile', 're', '_compat_pickle', '_pickle', 'pickle', '_socket', 'collections.abc', 'math', 'select', 'selectors', 'errno', 'socket', 'array', 'multiprocessing.reduction', 'multiprocessing.context', '__mp_main__', 'multiprocessing', 'weakref', 'pkgutil', 'runpy', 'atexit', '_posixsubprocess', 'subprocess', 'multiprocessing.util', 'multiprocessing.spawn', '_multiprocessing', '_posixshmem', 'multiprocessing.resource_tracker', 'fnmatch', 'zlib', '_compression', '_bz2', 'bz2', '_lzma', 'lzma', 'pwd', 'grp', 'shutil', 'locale', 'gettext', 'argparse', 'token', 'tokenize', 'linecache', 'traceback', '_string', 'string', 'logging', 'numpy._globals', 'numpy.__config__', 'numpy.version', 'numpy._distributor_init', 'textwrap', '_datetime', 'datetime', 'numpy.core._multiarray_umath', 'numpy.compat._inspect', 'ntpath', 'urllib', 'urllib.parse', 'pathlib', 'numpy.compat.py3k', 'numpy.compat', 'numpy.core.overrides', 'numpy.core.multiarray', 'numpy.core.umath', 'numbers', 'numpy.core._string_helpers', 'numpy.core._dtype', 'numpy.core._type_aliases', 'numpy.core.numerictypes', 'numpy.core._asarray', 'numpy.core._exceptions', 'numpy.core._methods', 'numpy.core.fromnumeric', 'numpy.core.shape_base', 'numpy.core._ufunc_config', 'numpy.core.arrayprint', 'numpy.core.numeric', 'numpy.core.defchararray', 'numpy.core.records', 'numpy.core.memmap', 'numpy.core.function_base', 'numpy.core.machar', 'numpy.core.getlimits', 'numpy.core.einsumfunc', 'numpy.core._multiarray_tests', 'numpy.core._add_newdocs', 'numpy.core._add_newdocs_scalars', 'numpy.core._dtype_ctypes', '_ast', 'ast', 'platform', '_ctypes', 'ctypes._endian', 'ctypes', 'numpy.core._internal', 'numpy._pytesttester', 'numpy.core', 'numpy.lib.mixins', 'numpy.lib.ufunclike', 'numpy.lib.type_check', 'numpy.lib.scimath', 'numpy.lib.twodim_base', 'numpy.linalg.lapack_lite', 'numpy.linalg._umath_linalg', 'numpy.linalg.linalg', 'numpy.linalg', 'numpy.matrixlib.defmatrix', 'numpy.matrixlib', 'numpy.lib.histograms', 'numpy.lib.function_base', 'numpy.lib.stride_tricks', 'numpy.lib.index_tricks', 'numpy.lib.nanfunctions', 'numpy.lib.shape_base', 'numpy.lib.polynomial', 'numpy.lib.utils', 'numpy.lib.arraysetops', 'numpy.lib.format', 'numpy.lib._datasource', 'numpy.lib._iotools', 'numpy.lib.npyio', 'numpy.lib.arrayterator', 'numpy.lib.arraypad', 'numpy.lib._version', 'numpy.lib', 'numpy.fft._pocketfft_internal', 'numpy.fft._pocketfft', 'numpy.fft.helper', 'numpy.fft', 'numpy.polynomial.polyutils', 'numpy.polynomial._polybase', 'numpy.polynomial.polynomial', 'numpy.polynomial.chebyshev', 'numpy.polynomial.legendre', 'numpy.polynomial.hermite', 'numpy.polynomial.hermite_e', 'numpy.polynomial.laguerre', 'numpy.polynomial', 'cython_runtime', '_cython_0_29_23', 'numpy.random._common', 'binascii', 'base64', '_hashlib', '_blake2', '_sha3', 'hashlib', 'hmac', '_bisect', 'bisect', '_sha512', '_random', 'random', 'secrets', 'numpy.random.bit_generator', 'numpy.random._bounded_integers', 'numpy.random._mt19937', 'numpy.random.mtrand', 'numpy.random._philox', 'numpy.random._pcg64', 'numpy.random._sfc64', 'numpy.random._generator', 'numpy.random._pickle', 'numpy.random', 'numpy.ctypeslib', '_opcode', 'opcode', 'dis', 'inspect', 'numpy.ma.core', 'numpy.ma.extras', 'numpy.ma', 'numpy', 'mmcv.arraymisc.quantization', 'mmcv.arraymisc', 'tempfile', 'typing.io', 'typing.re', 'typing', 'email', 'http', 'email.errors', 'email.quoprimime', 'email.base64mime', 'quopri', 'email.encoders', 'email.charset', 'email.header', 'calendar', 'email._parseaddr', 'email.utils', 'email._policybase', 'email.feedparser', 'email.parser', 'uu', 'email._encoded_words', 'email.iterators', 'email.message', '_ssl', 'ssl', 'http.client', 'urllib.response', 'urllib.error', 'urllib.request', 'copy', 'uuid', 'addict.addict', 'addict', '__future__', 'yapf.yapflib', 'lib2to3', 'lib2to3.pgen2', 'lib2to3.pgen2.token', 'lib2to3.pgen2.tokenize', 'yapf.yapflib.errors', 'configparser', 'yapf.yapflib.py3compat', 'yapf.yapflib.style', 'yapf.yapflib.file_resources', 'difflib', 'lib2to3.pgen2.parse', 'lib2to3.pgen2.grammar', 'lib2to3.pgen2.pgen', 'lib2to3.pgen2.driver', 'lib2to3.pytree', 'lib2to3.pygram', 'yapf.yapflib.pytree_utils', 'yapf.yapflib.pytree_visitor', 'yapf.yapflib.blank_line_calculator', 'yapf.yapflib.comment_splicer', 'yapf.yapflib.subtypes', 'yapf.yapflib.format_token', 'yapf.yapflib.continuation_splicer', 'yapf.yapflib.identify_container', 'yapf.yapflib.split_penalty', 'lib2to3.pgen2.literals', 'lib2to3.patcomp', 'lib2to3.fixer_util', 'yapf.yapflib.logical_line', 'yapf.yapflib.object_state', 'yapf.yapflib.pytree_unwrapper', 'yapf.yapflib.format_decision_state', 'yapf.yapflib.line_joiner', 'yapf.yapflib.verifier', 'yapf.yapflib.reformatter', 'yapf.yapflib.subtype_assigner', 'yapf.yapflib.yapf_api', 'yapf', 'mmcv.utils.misc', 'mmcv.utils.path', 'mmcv.utils.config', 'mmcv.utils.timer', 'mmcv.utils.progressbar', 'shlex', 'unittest.util', 'unittest.result', 'concurrent', 'concurrent.futures._base', 'concurrent.futures', 'asyncio.constants', 'asyncio.format_helpers', 'asyncio.base_futures', 'asyncio.log', 'asyncio.coroutines', '_contextvars', 'contextvars', 'asyncio.exceptions', 'asyncio.base_tasks', '_asyncio', 'asyncio.events', 'asyncio.futures', 'asyncio.protocols', 'asyncio.transports', 'asyncio.sslproto', 'asyncio.locks', 'asyncio.tasks', 'asyncio.staggered', 'asyncio.trsock', 'asyncio.base_events', 'asyncio.runners', 'asyncio.queues', 'asyncio.streams', 'asyncio.subprocess', 'asyncio.base_subprocess', 'asyncio.selector_events', 'asyncio.unix_events', 'asyncio', 'pprint', 'unittest.case', 'unittest.async_case', 'unittest.suite', 'unittest.loader', 'unittest.signals', 'unittest.runner', 'unittest.main', 'unittest', 'unittest.mock', 'mmcv.utils.testing', 'packaging.__about__', 'packaging', 'packaging._structures', 'packaging._typing', 'packaging.version', 'mmcv.utils.version_utils', 'torch._utils', 'torch._utils_internal', 'torch.version', 'torch._six', 'torch._C._onnx', 'torch._C._jit', 'torch._C._jit_tree_views', 'torch._C._te', 'torch._C.cpp', 'torch._C.cpp.nn', 'torch._C._cudart', 'torch._C._nvtx', 'torch._C._cudnn', 'torch._C', 'torch._C._fft', 'torch._C._linalg', 'torch._C._nn', 'torch._C._special', 'torch._namedtensor_internals', 'torch.overrides', 'torch.utils.throughput_benchmark', 'torch.utils', 'torch.utils.hooks', 'torch._tensor', 'torch.storage', 'torch.random', 'tarfile', 'torch.types', 'torch.serialization', 'torch._tensor_str', 'torch.cuda._utils', 'torch.cuda.streams', 'torch.cuda.memory', 'torch.cuda.random', 'torch.cuda.sparse', 'torch.cuda.profiler', 'torch.cuda.nvtx', 'torch.cuda.amp.autocast_mode', 'torch.cuda.amp.common', 'torch.cuda.amp.grad_scaler', 'torch.cuda.amp', 'torch.cuda', 'torch.sparse', 'torch.nn.parameter', 'torch.nn.modules.module', 'torch._VF', 'torch._torch_docs', 'torch._C._distributed_c10d', 'torch.distributed.constants', 'torch.distributed.rendezvous', 'torch.distributed.distributed_c10d', 'torch.distributed', 'torch._C._distributed_rpc', 'torch.futures', 'torch.distributed.rpc.internal', 'torch.distributed.rpc.constants', 'torch.distributed.rpc.api', 'torch.distributed.rpc.backend_registry', 'torch.distributed.rpc.functions', 'torch.distributed.rpc.options', 'torch.autograd.variable', 'torch.autograd.function', 'cmath', 'torch.testing.check_kernel_launches', 'torch.testing', 'torch.utils._pytree', 'torch._vmap_internals', 'torch.autograd.gradcheck', 'torch.autograd.grad_mode', 'torch.autograd.anomaly_mode', 'torch.autograd.functional', 'torch.autograd.forward_ad', 'torch._C._autograd', 'torch.autograd.profiler', 'torch.autograd', 'torch.distributed.rpc.server_process_global_profiler', 'torch._C._distributed_autograd', 'torch.distributed.autograd', 'torch.distributed.rpc', 'torch._jit_internal', 'torch.nn._reduction', 'torch.nn.modules.utils', 'torch.nn.grad', 'torch.nn.functional', 'torch.nn.init', 'typing_extensions', 'torch.nn.modules.lazy', 'torch.nn.modules.linear', 'torch.nn.common_types', 'torch.nn.modules.conv', 'torch.nn.modules.activation', 'torch.nn.modules.distance', 'torch.nn.modules.loss', 'torch.nn.modules.container', 'torch.nn.modules.pooling', 'torch.nn.modules._functions', 'torch.nn.modules.batchnorm', 'torch.nn.modules.instancenorm', 'torch.nn.modules.normalization', 'torch.nn.modules.dropout', 'torch.nn.modules.padding', 'torch.nn.modules.sparse', 'torch.nn.utils.rnn', 'torch.nn.utils.clip_grad', 'torch.nn.utils.weight_norm', 'torch.nn.utils.convert_parameters', 'torch.nn.utils.spectral_norm', 'torch.nn.utils.fusion', 'torch.nn.utils.memory_format', 'torch.nn.utils', 'torch.nn.modules.rnn', 'torch.nn.modules.pixelshuffle', 'torch.nn.modules.upsampling', 'torch.nn.modules.fold', 'torch.nn.modules.adaptive', 'torch.nn.modules.transformer', 'torch.nn.modules.flatten', 'torch.nn.modules.channelshuffle', 'torch.nn.modules', 'torch.nn.parallel.parallel_apply', 'torch.cuda.nccl', 'torch.nn.parallel.comm', 'torch.nn.parallel.replicate', 'torch.nn.parallel._functions', 'torch.nn.parallel.scatter_gather', 'torch.nn.parallel.data_parallel', 'torch.nn.parallel.distributed', 'torch.nn.parallel', 'torch.nn', 'torch._linalg_utils', 'torch._lowrank', 'torch._autograd_functions', 'torch.functional', 'torch.fft', 'torch.nn.intrinsic.modules.fused', 'torch.nn.intrinsic.modules', 'torch.nn.intrinsic', 'torch.nn.quantized.modules.utils', 'torch.jit._state', 'torch.jit.annotations', 'torch.jit.frontend', 'torch.backends', 'torch.backends.cudnn', 'torch.jit._builtins', 'torch.jit._check', 'torch.jit._recursive', 'torch.jit._fuser', 'torch.jit._script', 'torch.jit._trace', 'torch.jit._async', 'torch.jit._serialization', 'torch.jit.cuda', 'torch.jit._freeze', 'torch.jit', 'torch.nn.quantized.functional', 'torch.nn.quantized.modules.activation', 'torch.nn.quantized.modules.batchnorm', 'torch.nn.quantized.modules.normalization', 'torch.nn.qat.modules.linear', 'torch.nn.qat.modules.conv', 'torch.nn.qat.modules', 'torch.nn.qat', 'torch.nn.intrinsic.qat.modules.linear_relu', 'torch.nn.intrinsic.qat.modules.conv_fused', 'torch.nn.intrinsic.qat.modules', 'torch.nn.intrinsic.qat', 'torch._ops', 'torch.nn.quantized.modules.conv', 'torch.nn.quantized.modules.linear', 'torch.nn.quantized.modules.embedding_ops', 'torch.nn.quantized.modules.functional_modules', 'torch.nn.quantized.modules', 'torch.nn.quantized', 'torch.nn.quantizable.modules.activation', 'torch.nn.quantizable.modules.rnn', 'torch.nn.quantizable.modules', 'torch.nn.quantizable', 'torch.optim._functional', 'torch.optim.optimizer', 'torch.optim.adadelta', 'torch.optim.adagrad', 'torch.optim.adam', 'torch.optim.adamw', 'torch.optim.sparse_adam', 'torch.optim.adamax', 'torch.optim.asgd', 'torch.optim.sgd', 'torch.optim.rprop', 'torch.optim.rmsprop', 'torch.optim.lbfgs', 'torch.optim.lr_scheduler', 'torch.optim.swa_utils', 'torch.optim', 'torch.optim._multi_tensor.adam', 'torch.optim._multi_tensor.adamw', 'torch.optim._multi_tensor.sgd', 'torch.optim._multi_tensor.rmsprop', 'torch.optim._multi_tensor.rprop', 'torch.optim._multi_tensor.asgd', 'torch.optim._multi_tensor.adamax', 'torch.optim._multi_tensor.adadelta', 'torch.optim._multi_tensor', 'multiprocessing.resource_sharer', 'torch.multiprocessing.reductions', 'multiprocessing.connection', 'torch.multiprocessing.spawn', 'torch.multiprocessing', 'torch.special', 'torch.utils.backcompat', 'torch.onnx', 'torch.linalg', 'zipfile', 'unicodedata', 'tqdm.utils', 'tqdm._monitor', 'tqdm.std', 'tqdm.gui', 'tqdm._tqdm_pandas', 'tqdm._dist_ver', 'tqdm.version', 'tqdm.cli', 'tqdm', 'tqdm.autonotebook', 'tqdm.asyncio', 'tqdm.auto', 'torch.hub', 'torch.distributions.constraints', 'torch.distributions.utils', 'torch.distributions.distribution', 'torch.distributions.exp_family', 'torch.distributions.bernoulli', 'torch.distributions.dirichlet', 'torch.distributions.beta', 'torch.distributions.binomial', 'torch.distributions.categorical', 'torch.distributions.cauchy', 'torch.distributions.gamma', 'torch.distributions.chi2', 'torch.distributions.transforms', 'torch.distributions.constraint_registry', 'torch.distributions.continuous_bernoulli', 'torch.distributions.exponential', 'torch.distributions.fishersnedecor', 'torch.distributions.geometric', 'torch.distributions.uniform', 'torch.distributions.independent', 'torch.distributions.transformed_distribution', 'torch.distributions.gumbel', 'torch.distributions.half_cauchy', 'torch.distributions.normal', 'torch.distributions.half_normal', 'torch.distributions.laplace', 'torch.distributions.multivariate_normal', 'torch.distributions.lowrank_multivariate_normal', 'torch.distributions.one_hot_categorical', 'torch.distributions.pareto', 'torch.distributions.poisson', 'torch.distributions.kl', 'torch.distributions.kumaraswamy', 'torch.distributions.lkj_cholesky', 'torch.distributions.log_normal', 'torch.distributions.logistic_normal', 'torch.distributions.mixture_same_family', 'torch.distributions.multinomial', 'torch.distributions.negative_binomial', 'torch.distributions.relaxed_bernoulli', 'torch.distributions.relaxed_categorical', 'torch.distributions.studentT', 'torch.distributions.von_mises', 'torch.distributions.weibull', 'torch.distributions', 'torch.backends.cuda', 'torch.backends.mkl', 'torch.backends.mkldnn', 'torch.backends.openmp', 'torch.backends.quantized', 'torch.nn.intrinsic.quantized.modules.linear_relu', 'torch.nn.intrinsic.quantized.modules.conv_relu', 'torch.nn.intrinsic.quantized.modules.bn_relu', 'torch.nn.intrinsic.quantized.modules', 'torch.nn.intrinsic.quantized', 'torch.nn.quantized.dynamic.modules.linear', 'torch.nn.quantized.dynamic.modules.rnn', 'torch.nn.quantized.dynamic.modules', 'torch.nn.quantized.dynamic', 'torch.quantization.stubs', 'torch.quantization.observer', 'torch.quantization.fake_quantize', 'torch.quantization.quant_type', 'torch.quantization.utils', 'torch.quantization.quantization_mappings', 'torch.quantization.qconfig', 'torch.quantization.quantize', 'torch.quantization.fuser_method_mappings', 'torch.quantization.fuse_modules', 'torch.quantization.quantize_jit', 'torch.quantization', 'torch.utils.data.sampler', 'torch.utils.data.dataset', 'torch.utils.data.distributed', '_queue', 'queue', 'dataclasses', 'torch.utils.data._utils.signal_handling', 'torch.utils.data._utils.worker', 'torch.utils.data._utils.pin_memory', 'torch.utils.data._utils.collate', 'torch.utils.data._utils.fetch', 'torch.utils.data._utils', 'torch.utils.data.dataloader', 'torch.utils.data.decorator', 'torch.utils.data.datapipes.utils', 'torch.utils.data.datapipes.utils.common', 'torch.utils.data.datapipes.iter.listdirfiles', 'torch.utils.data.datapipes.iter.loadfilesfromdisk', 'torch.utils.data.datapipes.iter.readfilesfromtar', 'torch.utils.data.datapipes.iter.readfilesfromzip', '_json', 'json.scanner', 'json.decoder', 'json.encoder', 'json', 'torch.utils.data.datapipes.utils.decoder', 'torch.utils.data.datapipes.iter.routeddecoder', 'torch.utils.data.datapipes.iter.callable', 'torch.utils.data.datapipes.iter.combining', 'torch.utils.data.datapipes.iter.combinatorics', 'torch.utils.data.datapipes.iter.grouping', 'torch.utils.data.datapipes.iter.selecting', 'torch.utils.data.datapipes.iter', 'torch.utils.data.datapipes', 'torch.utils.data', 'torch.__config__', 'torch.__future__', 'torch.profiler.profiler', 'torch.profiler', 'torch._tensor_docs', 'torch._storage_docs', 'torch._classes', 'torch.quasirandom', 'torch.multiprocessing._atfork', 'torch._lobpcg', 'torch', 'mmcv.utils.device_type', 'cv2.Error', 'cv2.cuda', 'cv2.detail', 'cv2.dnn', 'cv2.fisheye', 'cv2.flann', 'cv2.gapi.core', 'cv2.gapi.core.cpu', 'cv2.gapi.core.fluid', 'cv2.gapi.core.ocl', 'cv2.gapi.ie', 'cv2.gapi.ie.detail', 'cv2.gapi.onnx', 'cv2.gapi.own', 'cv2.gapi.own.detail', 'cv2.gapi.render', 'cv2.gapi.render.ocv', 'cv2.gapi.streaming', 'cv2.gapi.video', 'cv2.gapi.wip', 'cv2.gapi.wip.draw', 'cv2.gapi.wip.gst', 'cv2.gapi.wip.onevpl', 'cv2.ipp', 'cv2.ml', 'cv2.ocl', 'cv2.ogl', 'cv2.parallel', 'cv2.samples', 'cv2.segmentation', 'cv2.utils.fs', 'cv2.videoio_registry', 'cv2.cv2', 'cv2.misc.version', 'cv2.version', 'cv2.load_config_py3', 'cv2.data', 'cv2.qt', 'cv2.mat_wrapper', 'cv2.misc', 'cv2.gapi', 'cv2.utils', 'cv2', 'glob', 'imp', '_distutils_hack', '_distutils_hack.override', 'distutils', 'distutils.debug', 'distutils.errors', 'getopt', 'distutils.fancy_getopt', 'distutils.dep_util', 'distutils.log', 'distutils.spawn', 'distutils.util', 'distutils.dist', 'distutils.dir_util', 'distutils.file_util', 'distutils.archive_util', 'distutils.cmd', 'distutils.config', 'distutils.extension', 'distutils.core', 'setuptools._deprecation_warning', 'xml', 'xml.parsers', 'pyexpat.errors', 'pyexpat.model', 'pyexpat', 'xml.parsers.expat.model', 'xml.parsers.expat.errors', 'xml.parsers.expat', 'plistlib', 'pkg_resources.extern', 'pkg_resources._vendor', 'pkg_resources._vendor.appdirs', 'pkg_resources.extern.appdirs', 'pkg_resources._vendor.packaging.__about__', 'pkg_resources._vendor.packaging', 'pkg_resources.extern.packaging', 'pkg_resources.extern.packaging._structures', 'pkg_resources.extern.packaging._typing', 'pkg_resources.extern.packaging.version', 'pkg_resources.extern.packaging._compat', 'pkg_resources.extern.packaging.utils', 'pkg_resources.extern.packaging.specifiers', 'pkg_resources._vendor.pyparsing', 'pkg_resources.extern.pyparsing', 'pkg_resources.extern.packaging.markers', 'pkg_resources.extern.packaging.requirements', 'sysconfig', 'encodings.cp437', 'pkg_resources', 'setuptools.version', 'distutils.filelist', 'setuptools.monkey', 'setuptools.extension', 'distutils.version', 'setuptools.extern', 'setuptools._vendor', 'setuptools._vendor.packaging.__about__', 'setuptools._vendor.packaging', 'setuptools.extern.packaging', 'setuptools._vendor.ordered_set', 'setuptools.extern.ordered_set', 'setuptools.windows_support', 'setuptools.extern.packaging._structures', 'setuptools.extern.packaging._typing', 'setuptools.extern.packaging.version', 'setuptools.extern.packaging._compat', 'setuptools.extern.packaging.utils', 'setuptools.extern.packaging.specifiers', 'setuptools.config', 'setuptools.dist', 'setuptools.py34compat', 'setuptools._imp', 'setuptools.depends', 'distutils.ccompiler', 'setuptools.msvc', 'setuptools', 'torch._appdirs', 'torch.utils.file_baton', 'torch.utils._cpp_extension_versioner', 'torch.utils.hipify.version', 'torch.utils.hipify', 'torch.utils.hipify.constants', 'torch.utils.hipify.cuda_to_hip_mappings', 'torch.utils.hipify.hipify_python', 'distutils.command', 'distutils.command.bdist', 'distutils.command.install_scripts', 'setuptools.command.install_scripts', 'setuptools.command', 'distutils.sysconfig', 'distutils.command.build_ext', 'cython.parallel', 'Cython.Shadow', 'Cython', '_sysconfigdata__linux_x86_64-linux-gnu', 'Cython.Distutils.old_build_ext', 'Cython.Distutils.build_ext', 'Cython.Distutils.extension', 'Cython.Distutils', 'Cython.Compiler', 'Cython.Utils', 'Cython.Compiler.DebugFlags', 'Cython.Compiler.Options', 'Cython.Compiler.Errors', 'Cython.Compiler.StringEncoding', '_cython_0_28_4', 'Cython.Plex.Actions', 'Cython.Plex.Transitions', 'Cython.Plex.Machines', 'Cython.Plex.DFA', 'Cython.Plex.Errors', 'Cython.Plex.Regexps', 'Cython.Plex.Lexicons', 'Cython.Plex.Scanners', 'Cython.Plex', 'Cython.Compiler.Lexicon', 'Cython.Compiler.Future', 'Cython.Compiler.Scanning', 'Cython.Compiler.Naming', 'Cython.Compiler.Version', 'Cython.StringIOTree', 'Cython.Compiler.Code', 'Cython.Compiler.PyrexTypes', 'Cython.Compiler.TypeSlots', 'Cython.Compiler.Symtab', 'Cython.Compiler.Main', 'setuptools.command.build_ext', 'torch.utils.cpp_extension', 'mmcv.utils.parrots_wrapper', 'mmcv.utils.env', 'torch.utils.model_zoo', 'mmcv.utils.hub', 'mmcv.utils.logging', 'mmcv.utils.parrots_jit', 'mmcv.utils.registry', 'mmcv.utils.seed', 'mmcv.utils.trace', 'mmcv.utils', 'mmcv.fileio.file_client', 'mmcv.fileio.handlers.base', 'mmcv.fileio.handlers.json_handler', 'mmcv.fileio.handlers.pickle_handler', 'yaml.error', 'yaml.tokens', 'yaml.events', 'yaml.nodes', 'yaml.reader', 'yaml.scanner', 'yaml.parser', 'yaml.composer', 'yaml.constructor', 'yaml.resolver', 'yaml.loader', 'yaml.emitter', 'yaml.serializer', 'yaml.representer', 'yaml.dumper', 'yaml._yaml', 'yaml.cyaml', 'yaml', 'mmcv.fileio.handlers.yaml_handler', 'mmcv.fileio.handlers', 'mmcv.fileio.io', 'mmcv.fileio.parse', 'mmcv.fileio', 'mmcv.image.colorspace', 'PIL._version', 'PIL', 'defusedxml.common', 'defusedxml', 'xml.etree', 'xml.etree.ElementPath', '_elementtree', 'xml.etree.ElementTree', 'defusedxml.ElementTree', 'PIL.ImageMode', 'PIL.TiffTags', 'PIL._binary', 'PIL._util', 'PIL._imaging', 'cffi.lock', 'cffi.error', 'cffi.model', 'cffi.api', 'cffi', 'PIL.Image', 'PIL.ImageOps', 'mmcv.image.io', 'mmcv.image.geometric', 'mmcv.image.misc', 'mmcv.image.photometric', 'mmcv.image', 'mmcv.version', 'mmcv.video.io', 'mmcv.video.optflow', 'mmcv.video.processing', 'mmcv.video', 'mmcv.visualization.color', 'mmcv.visualization.image', 'mmcv.visualization.optflow', 'mmcv.visualization', 'mmcv', 'mmdeploy.utils.constants', 'mmdeploy.utils.utils', 'mmdeploy.utils.config_utils', 'mmdeploy.utils.device', 'mmdeploy.utils.env', 'mmdeploy.utils', 'mmdeploy.version', 'onnx.onnx_cpp2py_export.defs', 'onnx.onnx_cpp2py_export.checker', 'onnx.onnx_cpp2py_export.optimizer', 'onnx.onnx_cpp2py_export.version_converter', 'onnx.onnx_cpp2py_export.shape_inference', 'onnx.onnx_cpp2py_export', 'google.protobuf', 'google.protobuf.internal', 'six', 'google.protobuf.internal.enum_type_wrapper', 'google.protobuf.internal._api_implementation', 'google.protobuf.internal.api_implementation', 'google.protobuf.pyext', 'google.protobuf.internal.containers', 'google.protobuf.message', 'google.protobuf.pyext._message', 'google.protobuf.descriptor', 'google.protobuf.descriptor_database', 'google.protobuf.text_encoding', 'google.protobuf.descriptor_pool', 'google.protobuf.pyext.cpp_message', 'google.protobuf.message_factory', 'google.protobuf.symbol_database', 'google.protobuf.reflection', 'google.protobuf.internal.well_known_types', 'onnx.onnx_ml_pb2', 'onnx.onnx_pb', 'onnx.external_data_helper', 'onnx.onnx_operators_ml_pb2', 'onnx.onnx_operators_pb', 'onnx.onnx_data_pb2', 'onnx.onnx_data_pb', 'onnx.version', 'onnx.defs', 'onnx.shape_inference', 'onnx.checker', 'onnx.mapping', 'onnx.helper', 'onnx.optimizer', 'onnx.utils', 'onnx', 'mmdeploy.core.optimizers.extractor', 'mmdeploy.core.rewriters.rewriter_utils', 'mmdeploy.core.rewriters.function_rewriter', 'mmdeploy.core.rewriters.module_rewriter', 'torch.onnx.utils', 'torch.onnx.symbolic_helper', 'torch.onnx.symbolic_opset9', 'torch.onnx.symbolic_opset7', 'torch.onnx.symbolic_opset8', 'torch.onnx.symbolic_opset10', 'torch.onnx.symbolic_opset11', 'torch.onnx.symbolic_opset12', 'torch.onnx.symbolic_opset13', 'torch.onnx.symbolic_registry', 'mmdeploy.core.rewriters.symbolic_rewriter', 'mmdeploy.core.rewriters.rewriter_manager', 'mmdeploy.core.rewriters', 'mmdeploy.core.optimizers.function_marker', 'mmdeploy.core.optimizers.optimize', 'mmdeploy.core.optimizers', 'mmdeploy.core', 'mmdeploy.pytorch.functions.getattribute', 'mmdeploy.pytorch.functions.group_norm', 'mmdeploy.pytorch.functions.interpolate', 'mmdeploy.pytorch.functions.linear', 'mmdeploy.pytorch.functions.repeat', 'mmdeploy.pytorch.functions.size', 'mmdeploy.pytorch.functions.topk', 'mmdeploy.pytorch.functions', 'mmdeploy.pytorch.ops.adaptive_avg_pool', 'mmdeploy.pytorch.ops.grid_sampler', 'mmdeploy.pytorch.ops.hardsigmoid', 'mmdeploy.pytorch.ops.instance_norm', 'mmdeploy.pytorch.ops.lstm', 'mmdeploy.pytorch.ops.squeeze', 'mmdeploy.pytorch.ops', 'mmdeploy.pytorch', 'mmdeploy.mmcv.ops.deform_conv', 'mmdeploy.mmcv.ops.modulated_deform_conv', 'mmdeploy.mmcv.ops.nms', 'mmdeploy.mmcv.ops.roi_align', 'mmdeploy.mmcv.ops', 'mmdeploy.mmcv', 'mmdeploy', 'h5py._errors', '_cython_0_29_22', 'h5py.defs', 'gc', 'h5py._objects', 'h5py.h5py_warnings', 'h5py.h5', 'h5py.version', 'h5py.h5r', 'h5py.utils', 'h5py.h5s', 'h5py.h5ac', 'h5py.h5p', 'h5py.h5t', 'h5py._conv', 'h5py.h5z', 'h5py._proxy', 'h5py.h5a', 'h5py.h5d', 'h5py.h5ds', 'h5py.h5g', 'h5py.h5i', 'h5py.h5f', 'h5py.h5fd', 'h5py.h5pl', 'h5py._hl', 'h5py._hl.compat', 'h5py._hl.filters', 'h5py._hl.base', 'h5py.h5o', 'h5py.h5l', 'h5py._selector', 'h5py._hl.selections', 'h5py._hl.selections2', 'h5py._hl.datatype', 'h5py._hl.vds', 'h5py._hl.dataset', 'h5py._hl.group', 'h5py._hl.files', 'h5py._hl.attrs', 'h5py', 'mmcv.parallel.data_container', 'mmcv.parallel.collate', 'mmcv.parallel._functions', 'mmcv.parallel.scatter_gather', 'mmcv.parallel.data_parallel', 'mmcv.parallel.distributed', 'mmcv.parallel.registry', 'mmcv.parallel.utils', 'mmcv.parallel', 'mmdeploy.apis.calibration', 'mmdeploy.apis.extract_model', 'mmdeploy.apis.inference', 'mmdeploy.apis.pytorch2onnx', 'mmdeploy.backend.ncnn.init_plugins', 'mmdeploy.backend.ncnn', 'mmdeploy.backend.onnxruntime.init_plugins', 'onnxruntime.capi', 'onnxruntime.capi._ld_preload', 'onnxruntime.capi.onnxruntime_pybind11_state', 'onnxruntime.capi._pybind_state', 'onnxruntime.capi.onnxruntime_inference_collection', 'onnxruntime.capi.onnxruntime_validation', 'onnxruntime.capi.training', 'onnxruntime', 'mmdeploy.utils.timer', 'mmdeploy.backend.base.backend_wrapper_registry', 'mmdeploy.backend.base.base_wrapper', 'mmdeploy.backend.base', 'mmdeploy.backend.onnxruntime.wrapper', 'mmdeploy.backend.onnxruntime', 'mmdeploy.backend.openvino', 'mmdeploy.backend.pplnn', 'mmdeploy.backend.sdk', 'mmdeploy.backend.tensorrt.init_plugins', 'tensorrt.tensorrt', 'tensorrt', 'mmdeploy.backend.tensorrt.calib_utils', 'mmdeploy.backend.tensorrt.utils', 'mmdeploy.backend.tensorrt.wrapper', 'mmdeploy.backend.tensorrt', 'mmdeploy.backend', 'mmdeploy.backend.torchscript.init_plugins', 'mmdeploy.backend.torchscript.wrapper', 'mmdeploy.backend.torchscript', 'mmdeploy.apis.pytorch2torchscript', 'mmdeploy.codebase.base.backend_model', 'mmdeploy.utils.dataset', 'mmdeploy.codebase.base.task', 'mmdeploy.codebase.base.mmcodebase', 'mmdeploy.codebase.base', 'mmdeploy.codebase', 'mmdeploy.apis.utils', 'mmdeploy.apis.visualize', 'mmdeploy.apis', 'mmdeploy.utils.export_info', 'mmap', 'multiprocessing.heap', 'multiprocessing.sharedctypes', 'multiprocessing.popen_fork', 'multiprocessing.popen_spawn_posix', 'mmdeploy.codebase.mmdet3d', 'mmdeploy.codebase.mmdet3d.deploy', 'mmdeploy.codebase.mmdet3d.deploy.mmdetection3d', 'mmdeploy.codebase.mmdet3d.deploy.voxel_detection', 'mmdet.version', 'mmdet', 'mmseg.version', 'mmseg', 'mmdet3d.version', 'mmdet3d', 'mmdet3d.core', 'mmdet.core.anchor.builder', 'mmdet.core.anchor.anchor_generator', 'mmdet.core.anchor.point_generator', 'mmdet.core.anchor.utils', 'mmdet.core.anchor', 'mmdet.core.bbox.builder', 'mmdet.core.bbox.iou_calculators.builder', 'mmdet.core.bbox.iou_calculators.iou2d_calculator', 'mmdet.core.bbox.iou_calculators', 'mmdet.utils.collect_env', 'mmdet.utils.compat_config', 'mmdet.utils.logger', 'mmdet.utils.misc', 'mmdet.utils.setup_env', 'mmdet.utils.split_batch', 'mmdet.utils.util_distribution', 'mmdet.utils', 'mmdet.utils.util_mixins', 'mmdet.core.bbox.assigners.assign_result', 'mmdet.core.bbox.assigners.base_assigner', 'mmdet.core.bbox.assigners.max_iou_assigner', 'mmdet.core.bbox.assigners.approx_max_iou_assigner', 'mmdet.core.bbox.assigners.atss_assigner', 'mmdet.core.bbox.assigners.center_region_assigner', 'mmdet.core.bbox.assigners.grid_assigner', 'mmdet.core.bbox.match_costs.builder', 'mmdet.core.bbox.transforms', 'mmdet.core.bbox.match_costs.match_cost', 'mmdet.core.bbox.match_costs', 'scipy._lib._testutils', 'scipy._lib', 'scipy._lib.deprecation', 'scipy.__config__', 'scipy.version', 'scipy._distributor_init', 'scipy._lib._pep440', 'scipy._lib._ccallback_c', 'scipy._lib._ccallback', 'scipy', 'scipy.optimize.minpack2', 'scipy.optimize.linesearch', 'scipy._lib._util', 'scipy.sparse.sputils', 'scipy.sparse.base', 'scipy.sparse._sparsetools', 'scipy.sparse.data', 'scipy.sparse.dia', 'scipy.sparse._index', 'scipy.sparse.compressed', 'scipy.sparse.csr', 'scipy.sparse.csc', 'scipy.sparse._csparsetools', 'scipy.sparse.lil', 'scipy.sparse.dok', 'scipy.sparse.coo', 'scipy.sparse.bsr', 'scipy.sparse.construct', 'scipy.sparse.extract', 'scipy.sparse._matrix_io', 'scipy.sparse.csgraph._laplacian', 'scipy.sparse.csgraph._tools', 'scipy.sparse.csgraph._validation', 'scipy.sparse.csgraph._shortest_path', 'scipy.sparse.csgraph._traversal', 'scipy.sparse.csgraph._min_spanning_tree', 'scipy.sparse.csgraph._flow', 'scipy.sparse.csgraph._matching', 'scipy.sparse.csgraph._reordering', 'scipy.sparse.csgraph', 'scipy.sparse', 'scipy.sparse.linalg.isolve._iterative', 'scipy.sparse.linalg.interface', 'scipy.sparse.linalg.isolve.utils', 'scipy._lib.decorator', 'scipy._lib._threadsafety', 'scipy.sparse.linalg.isolve.iterative', 'scipy.sparse.linalg.isolve.minres', 'scipy.linalg._fblas', 'scipy.linalg.blas', 'scipy.linalg._flapack', 'scipy.linalg.lapack', 'scipy.linalg.misc', 'scipy.linalg._flinalg', 'scipy.linalg.flinalg', 'scipy.linalg.decomp', 'scipy.linalg.decomp_svd', 'scipy.linalg._solve_toeplitz', 'scipy.linalg.basic', 'scipy.linalg.decomp_lu', 'scipy.linalg._decomp_ldl', 'scipy.linalg.decomp_cholesky', 'scipy.linalg.decomp_qr', 'scipy.linalg._decomp_qz', 'scipy.linalg.decomp_schur', 'scipy.linalg._decomp_polar', 'scipy.linalg.special_matrices', 'scipy.linalg._expm_frechet', 'scipy.linalg._matfuncs_sqrtm_triu', 'scipy.linalg._matfuncs_sqrtm', 'scipy.linalg.matfuncs', 'scipy.linalg._solvers', 'scipy.linalg._procrustes', 'scipy.linalg.cython_blas', 'scipy.linalg.cython_lapack', 'scipy.linalg._decomp_update', 'scipy.linalg._sketches', 'scipy.linalg._decomp_cossin', 'scipy.linalg', 'scipy.sparse.linalg.isolve._gcrotmk', 'scipy.sparse.linalg.isolve.lgmres', 'scipy.sparse.linalg.isolve.lsqr', 'scipy.sparse.linalg.isolve.lsmr', 'scipy.sparse.linalg.isolve', 'scipy.sparse.linalg.dsolve._superlu', 'scipy.sparse.linalg.dsolve.linsolve', 'scipy.sparse.linalg.dsolve._add_newdocs', 'scipy.sparse.linalg.dsolve', 'scipy.sparse.linalg.eigen.arpack._arpack', 'scipy.sparse.linalg.eigen.lobpcg.lobpcg', 'scipy.sparse.linalg.eigen.lobpcg', 'scipy.sparse.linalg.eigen.arpack.arpack', 'scipy.sparse.linalg.eigen.arpack', 'scipy.sparse.linalg.eigen', 'scipy.special.sf_error', 'scipy.special._ufuncs_cxx', 'scipy.special._ufuncs', 'scipy.special.specfun', 'scipy.special.orthogonal', 'scipy.special._comb', 'scipy.special._basic', 'scipy.special._logsumexp', 'scipy.special.spfun_stats', 'scipy.special._ellip_harm_2', 'scipy.special._ellip_harm', 'scipy.special._lambertw', 'scipy.special._spherical_bessel', 'scipy.special', 'scipy.sparse.linalg._expm_multiply', 'scipy.sparse.linalg.matfuncs', 'scipy.sparse.linalg._onenormest', 'scipy.sparse.linalg._norm', 'scipy.sparse.linalg', 'scipy.optimize._group_columns', 'scipy.optimize._numdiff', 'scipy.optimize._hessian_update_strategy', 'scipy.optimize._differentiable_functions', 'scipy.optimize.optimize', 'scipy.optimize._trustregion', 'scipy.optimize._trustregion_dogleg', 'scipy.optimize._trustregion_ncg', 'scipy._lib.messagestream', 'scipy.optimize._trlib._trlib', 'scipy.optimize._trlib', 'scipy.optimize._trustregion_krylov', 'scipy.optimize._trustregion_exact', 'numpy.testing._private', 'numpy.testing._private.utils', 'numpy.testing._private.decorators', 'numpy.testing._private.nosetester', 'numpy.testing', 'scipy.optimize._constraints', 'scipy.optimize._trustregion_constr.projections', 'scipy.optimize._trustregion_constr.qp_subproblem', 'scipy.optimize._trustregion_constr.equality_constrained_sqp', 'scipy.optimize._trustregion_constr.canonical_constraint', 'scipy.optimize._trustregion_constr.tr_interior_point', 'scipy.optimize._trustregion_constr.report', 'scipy.optimize._trustregion_constr.minimize_trustregion_constr', 'scipy.optimize._trustregion_constr', 'scipy.optimize._lbfgsb', 'scipy.optimize.lbfgsb', 'scipy.optimize.moduleTNC', 'scipy.optimize.tnc', 'scipy.optimize._cobyla', 'scipy.optimize.cobyla', 'scipy.optimize._slsqp', 'scipy.optimize.slsqp', 'scipy.optimize._minimize', 'scipy.optimize._minpack', 'scipy.optimize._lsq.common', 'scipy.optimize._lsq.trf', 'scipy.optimize._lsq.dogbox', 'scipy.optimize._lsq.least_squares', 'scipy.optimize._lsq.givens_elimination', 'scipy.optimize._lsq.trf_linear', 'scipy.optimize._lsq.bvls', 'scipy.optimize._lsq.lsq_linear', 'scipy.optimize._lsq', 'scipy.optimize.minpack', 'scipy.optimize._spectral', 'scipy.optimize.nonlin', 'scipy.optimize._root', 'scipy.optimize._zeros', 'scipy.optimize.zeros', 'scipy.optimize._root_scalar', 'scipy.optimize.__nnls', 'scipy.optimize._nnls', 'scipy.optimize._basinhopping', 'scipy.optimize._highs', 'scipy.optimize._highs.cython.src._highs_wrapper', 'scipy.optimize._highs._highs_wrapper', 'scipy.optimize._highs.cython.src._highs_constants', 'scipy.optimize._highs._highs_constants', 'scipy.optimize._linprog_highs', 'scipy.linalg._interpolative', 'scipy.linalg._interpolative_backend', 'scipy.linalg.interpolative', 'scipy.optimize._remove_redundancy', 'scipy.optimize._linprog_util', 'scipy.optimize._linprog_ip', 'scipy.optimize._linprog_simplex', 'scipy.optimize._bglu_dense', 'scipy.optimize._linprog_rs', 'scipy.optimize._linprog_doc', 'scipy.optimize._linprog', 'scipy.optimize._lsap_module', 'scipy.optimize._lsap', 'scipy.optimize._differentialevolution', 'scipy.spatial.ckdtree', 'scipy.spatial.kdtree', 'scipy.spatial.qhull', 'scipy.spatial._voronoi', 'scipy.spatial._spherical_voronoi', 'scipy.spatial._plotutils', 'scipy.spatial._procrustes', 'scipy.spatial._distance_wrap', 'scipy.spatial._hausdorff', 'scipy.spatial.distance', 'scipy.spatial._geometric_slerp', 'scipy.constants.codata', 'scipy.constants.constants', 'scipy.constants', 'scipy.spatial.transform._rotation_groups', 'scipy.spatial.transform.rotation', 'scipy.spatial.transform._rotation_spline', 'scipy.spatial.transform', 'scipy.spatial', 'scipy.optimize._shgo_lib', 'scipy.optimize._shgo_lib.sobol_seq', 'scipy.optimize._shgo_lib.triangulation', 'scipy.optimize._shgo', 'scipy.optimize._dual_annealing', 'scipy.optimize._qap', 'scipy.optimize', 'mmdet.core.bbox.assigners.hungarian_assigner', 'mmdet.core.bbox.assigners.mask_hungarian_assigner', 'mmdet.core.bbox.assigners.point_assigner', 'mmdet.core.bbox.assigners.region_assigner', 'mmdet.core.bbox.assigners.sim_ota_assigner', 'mmdet.core.bbox.assigners.task_aligned_assigner', 'mmdet.core.bbox.assigners.uniform_assigner', 'mmdet.core.bbox.assigners', 'mmdet.core.bbox.coder.base_bbox_coder', 'mmdet.core.bbox.coder.bucketing_bbox_coder', 'mmdet.core.bbox.coder.delta_xywh_bbox_coder', 'mmdet.core.bbox.coder.distance_point_bbox_coder', 'mmdet.core.bbox.coder.legacy_delta_xywh_bbox_coder', 'mmdet.core.bbox.coder.pseudo_bbox_coder', 'mmdet.core.bbox.coder.tblr_bbox_coder', 'mmdet.core.bbox.coder.yolo_bbox_coder', 'mmdet.core.bbox.coder', 'mmdet.core.bbox.samplers.sampling_result', 'mmdet.core.bbox.samplers.base_sampler', 'mmdet.core.bbox.samplers.combined_sampler', 'mmdet.core.bbox.samplers.random_sampler', 'mmdet.core.bbox.samplers.instance_balanced_pos_sampler', 'mmdet.core.bbox.samplers.iou_balanced_neg_sampler', 'mmdet.core.bbox.samplers.mask_sampling_result', 'mmdet.core.bbox.samplers.mask_pseudo_sampler', 'mmdet.core.bbox.samplers.ohem_sampler', 'mmdet.core.bbox.samplers.pseudo_sampler', 'mmcv.utils.ext_loader', 'mmcv._ext', 'mmcv.ops.active_rotated_filter', 'mmcv.ops.assign_score_withk', 'mmcv.ops.ball_query', 'mmcv.ops.bbox', 'mmcv.ops.border_align', 'mmcv.ops.box_iou_rotated', 'mmcv.cnn.alexnet', 'mmcv.cnn.bricks.registry', 'mmcv.cnn.bricks.activation', 'mmcv.cnn.utils.flops_counter', 'mmcv.cnn.utils.fuse_conv_bn', 'mmcv.cnn.utils.sync_bn', 'mmcv.cnn.utils.weight_init', 'mmcv.cnn.utils', 'mmcv.cnn.bricks.context_block', 'mmcv.cnn.bricks.conv', 'mmcv.cnn.bricks.conv2d_adaptive_padding', 'mmcv.cnn.bricks.norm', 'mmcv.cnn.bricks.padding', 'mmcv.cnn.bricks.conv_module', 'mmcv.cnn.bricks.conv_ws', 'mmcv.cnn.bricks.depthwise_separable_conv_module', 'mmcv.cnn.bricks.drop', 'mmcv.cnn.bricks.generalized_attention', 'mmcv.cnn.bricks.hsigmoid', 'mmcv.cnn.bricks.hswish', 'mmcv.cnn.bricks.non_local', 'mmcv.cnn.bricks.plugin', 'mmcv.cnn.bricks.scale', 'mmcv.cnn.bricks.swish', 'mmcv.cnn.bricks.upsample', 'mmcv.cnn.bricks.wrappers', 'mmcv.cnn.bricks', 'mmcv.runner.dist_utils', 'mmcv.runner.base_module', 'torchvision.extension', 'torchvision.models.utils', 'torchvision.models.alexnet', 'torchvision.models.resnet', 'torchvision.models.resnext', 'torchvision.models.vgg', 'torchvision.models.squeezenet', 'torchvision.models.inception', 'torch.utils.checkpoint', 'torchvision.models.densenet', 'torchvision.models.googlenet', 'torchvision.models.mobilenetv2', 'torchvision.models.mobilenetv3', 'torchvision.models.mobilenet', 'torchvision.models.mnasnet', 'torchvision.models.shufflenetv2', 'torchvision.models._utils', 'torchvision.models.segmentation._utils', 'torchvision.models.segmentation.deeplabv3', 'torchvision.models.segmentation.fcn', 'torchvision.models.segmentation.lraspp', 'torchvision.models.segmentation.segmentation', 'torchvision.models.segmentation', 'torchvision.ops._box_convert', 'torchvision.ops.boxes', 'torchvision.ops.deform_conv', 'torchvision.ops._utils', 'torchvision.ops.roi_align', 'torchvision.ops.roi_pool', 'torchvision.ops.ps_roi_align', 'torchvision.ops.ps_roi_pool', 'torchvision.ops.poolers', 'torchvision.ops.feature_pyramid_network', 'torchvision.ops.focal_loss', 'torchvision.ops._register_onnx_ops', 'torchvision.ops', 'torchvision.ops.misc', 'torchvision.models.detection._utils', 'torchvision.models.detection.image_list', 'torchvision.models.detection.anchor_utils', 'torchvision.models.detection.generalized_rcnn', 'torchvision.models.detection.rpn', 'torchvision.models.detection.roi_heads', 'torchvision.models.detection.transform', 'torchvision.models.detection.backbone_utils', 'torchvision.models.detection.faster_rcnn', 'torchvision.models.detection.mask_rcnn', 'torchvision.models.detection.keypoint_rcnn', 'torchvision.models.detection.retinanet', 'torchvision.models.detection', 'torchvision.models.video.resnet', 'torchvision.models.video', 'torchvision.models.quantization.utils', 'torchvision.models.quantization.mobilenetv2', 'torchvision.models.quantization.mobilenetv3', 'torchvision.models.quantization.mobilenet', 'torchvision.models.quantization.resnet', 'torchvision.models.quantization.googlenet', 'torchvision.models.quantization.inception', 'torchvision.models.quantization.shufflenetv2', 'torchvision.models.quantization', 'torchvision.models', 'torchvision.datasets.vision', 'gzip', 'torchvision.datasets.utils', 'torchvision.datasets.lsun', 'torchvision.datasets.folder', 'torchvision.datasets.coco', 'torchvision.datasets.cifar', 'torchvision.datasets.stl10', 'torchvision.datasets.mnist', 'torchvision.datasets.svhn', 'torchvision.datasets.phototour', 'PIL.ImageFilter', 'PIL.ImageStat', 'PIL.ImageEnhance', 'torchvision.transforms.functional_pil', 'torchvision.transforms.functional_tensor', 'torchvision.transforms.functional', 'torchvision.transforms.transforms', 'torchvision.transforms.autoaugment', 'torchvision.transforms', 'torchvision.datasets.fakedata', 'torchvision.datasets.semeion', 'torchvision.datasets.omniglot', 'torchvision.datasets.sbu', 'html.entities', 'html', '_markupbase', 'html.parser', 'torchvision.datasets.flickr', 'torchvision.datasets.voc', 'torchvision.datasets.cityscapes', 'torchvision.datasets.imagenet', 'torchvision.datasets.caltech', 'torchvision.datasets.celeba', 'torchvision.datasets.widerface', 'torchvision.datasets.sbd', 'torchvision.datasets.usps', '_decimal', 'decimal', 'fractions', 'torchvision.io._video_opt', 'torchvision.io.video', 'torchvision.io.image', 'torchvision.io', 'torchvision.datasets.video_utils', 'torchvision.datasets.kinetics', 'torchvision.datasets.hmdb51', 'torchvision.datasets.ucf101', 'torchvision.datasets.places365', 'torchvision.datasets', 'PIL.ImageColor', 'PIL._imagingft', 'PIL.ImageFont', 'PIL.ImageDraw', 'torchvision.utils', 'torchvision.version', 'torchvision', 'mmcv.runner.checkpoint', 'mmcv.runner.hooks.hook', 'mmcv.runner.hooks.checkpoint', 'mmcv.runner.hooks.closure', 'mmcv.runner.hooks.ema', 'mmcv.runner.hooks.logger.base', 'mmcv.runner.hooks.logger.dvclive', 'mmcv.runner.hooks.logger.mlflow', 'mmcv.runner.hooks.logger.neptune', 'mmcv.runner.hooks.logger.pavi', 'mmcv.runner.hooks.logger.segmind', 'mmcv.runner.hooks.logger.tensorboard', 'mmcv.runner.hooks.logger.text', 'mmcv.runner.hooks.logger.wandb', 'mmcv.runner.hooks.logger', 'mmcv.runner.hooks.evaluation', 'mmcv.runner.hooks.iter_timer', 'mmcv.runner.hooks.lr_updater', 'mmcv.runner.hooks.memory', 'mmcv.runner.hooks.momentum_updater', 'mmcv.runner.fp16_utils', 'mmcv.runner.hooks.optimizer', 'mmcv.runner.hooks.profiler', 'mmcv.runner.hooks.sampler_seed', 'mmcv.runner.hooks.sync_buffer', 'mmcv.runner.hooks', 'mmcv.runner.log_buffer', 'mmcv.runner.priority', 'termios', 'getpass', 'mmcv.runner.utils', 'mmcv.runner.base_runner', 'mmcv.runner.builder', 'mmcv.runner.default_constructor', 'mmcv.runner.epoch_based_runner', 'mmcv.runner.iter_based_runner', 'mmcv.runner.optimizer.builder', 'mmcv.runner.optimizer.default_constructor', 'mmcv.runner.optimizer', 'mmcv.device.ipu', 'mmcv.device.mlu._functions', 'mmcv.device.mlu.scatter_gather', 'mmcv.device.mlu.data_parallel', 'mmcv.device.mlu.distributed', 'mmcv.device.mlu', 'mmcv.device', 'mmcv.runner', 'mmcv.cnn.builder', 'mmcv.cnn.resnet', 'mmcv.cnn.vgg', 'mmcv.cnn', 'mmcv.ops.carafe', 'mmcv.ops.cc_attention', 'mmcv.ops.contour_expand', 'mmcv.ops.convex_iou', 'mmcv.ops.corner_pool', 'mmcv.ops.correlation', 'mmcv.ops.deform_conv', 'mmcv.ops.deform_roi_pool', 'mmcv.ops.deprecated_wrappers', 'mmcv.ops.diff_iou_rotated', 'mmcv.ops.focal_loss', 'mmcv.ops.furthest_point_sample', 'mmcv.ops.fused_bias_leakyrelu', 'mmcv.ops.gather_points', 'mmcv.ops.knn', 'mmcv.ops.group_points', 'mmcv.ops.info', 'mmcv.ops.iou3d', 'mmcv.ops.masked_conv', 'mmcv.ops.min_area_polygons', 'mmcv.ops.modulated_deform_conv', 'mmcv.ops.multi_scale_deform_attn', 'mmcv.ops.nms', 'mmcv.ops.pixel_group', 'torch.onnx.operators', 'mmcv.ops.point_sample', 'mmcv.ops.points_in_boxes', 'mmcv.ops.points_in_polygons', 'mmcv.ops.points_sampler', 'mmcv.ops.psa_mask', 'mmcv.ops.riroi_align_rotated', 'mmcv.ops.roi_align', 'mmcv.ops.roi_align_rotated', 'mmcv.ops.roi_pool', 'mmcv.ops.roiaware_pool3d', 'mmcv.ops.roipoint_pool3d', 'mmcv.ops.rotated_feature_align', 'mmcv.ops.saconv', 'mmcv.ops.scatter_points', 'mmcv.ops.sparse_ops', 'mmcv.ops.sparse_functional', 'mmcv.ops.sparse_structure', 'mmcv.ops.sparse_modules', 'mmcv.ops.sparse_conv', 'mmcv.ops.sparse_pool', 'mmcv.ops.sync_bn', 'mmcv.ops.three_interpolate', 'mmcv.ops.three_nn', 'mmcv.ops.tin_shift', 'mmcv.ops.upfirdn2d', 'mmcv.ops.voxelize', 'mmcv.ops', 'mmdet.core.bbox.samplers.score_hlr_sampler', 'mmdet.core.bbox.samplers', 'mmdet.core.bbox', 'mmdet.core.data_structures.general_data', 'mmdet.core.data_structures.instance_data', 'mmdet.core.data_structures', 'mmdet.core.evaluation.class_names', 'mmdet.core.evaluation.eval_hooks', 'terminaltables.terminal_io', 'terminaltables.width_and_alignment', 'terminaltables.build', 'terminaltables.base_table', 'terminaltables.ascii_table', 'terminaltables.github_table', 'terminaltables.other_tables', 'terminaltables', 'mmdet.core.evaluation.bbox_overlaps', 'mmdet.core.evaluation.mean_ap', 'mmdet.core.evaluation.panoptic_utils', 'mmdet.core.evaluation.recall', 'mmdet.core.evaluation', 'mmdet.core.hook.checkloss_hook', 'mmdet.core.hook.ema', 'mmdet.core.hook.memory_profiler_hook', 'mmdet.core.hook.set_epoch_info_hook', 'mmdet.core.utils.dist_utils', 'six.moves', 'mmdet.core.mask.mask_target', 'pycocotools', 'pycocotools._mask', 'pycocotools.mask', 'mmdet.core.mask.structures', 'mmdet.core.mask.utils', 'mmdet.core.mask', 'mmdet.core.utils.misc', 'mmdet.core.utils', 'mmdet.core.hook.sync_norm_hook', 'mmdet.core.hook.sync_random_size_hook', 'mmdet.core.hook.yolox_lrupdater_hook', 'mmdet.core.hook.yolox_mode_switch_hook', 'mmdet.core.hook', 'mmdet.core.post_processing.bbox_nms', 'mmdet.core.post_processing.matrix_nms', 'mmdet.core.post_processing.merge_augs', 'mmdet.core.post_processing', 'mmdet.core', 'mmdet3d.core.anchor.anchor_3d_generator', 'mmdet3d.core.anchor', 'mmdet3d.core.bbox.assigners', 'mmdet3d.core.bbox.coders.partial_bin_based_bbox_coder', 'mmdet3d.core.bbox.coders.anchor_free_bbox_coder', 'mmdet3d.core.bbox.coders.centerpoint_bbox_coders', 'mmdet3d.core.bbox.coders.delta_xyzwhlr_bbox_coder', 'mmdet3d.core.utils.array_converter', 'mmdet3d.core.utils.gaussian', 'mmdet3d.core.utils', 'mmdet3d.core.bbox.structures.utils', 'mmdet3d.core.bbox.structures.base_box3d', 'mmdet3d.core.points.base_points', 'mmdet3d.core.points.cam_points', 'mmdet3d.core.points.depth_points', 'mmdet3d.core.points.lidar_points', 'mmdet3d.core.points', 'mmdet3d.core.bbox.structures.cam_box3d', 'mmdet3d.core.bbox.structures.depth_box3d', 'mmdet3d.core.bbox.structures.lidar_box3d', 'mmdet3d.core.bbox.structures.box_3d_mode', 'mmdet3d.core.bbox.structures.coord_3d_mode', 'mmdet3d.core.bbox.structures', 'mmdet3d.core.bbox.coders.fcos3d_bbox_coder', 'mmdet3d.core.bbox.coders.groupfree3d_bbox_coder', 'mmdet3d.core.bbox.coders.monoflex_bbox_coder', 'mmdet3d.core.bbox.coders.pgd_bbox_coder', 'mmdet3d.core.bbox.coders.point_xyzwhlr_bbox_coder', 'mmdet3d.core.bbox.coders.smoke_bbox_coder', 'mmdet3d.core.bbox.coders', 'mmdet3d.core.bbox.iou_calculators.iou3d_calculator', 'mmdet3d.core.bbox.iou_calculators', 'mmdet3d.core.bbox.samplers.iou_neg_piecewise_sampler', 'mmdet3d.core.bbox.samplers', 'mmdet3d.core.bbox.transforms', 'mmdet3d.core.bbox', 'mmdet3d.core.evaluation.indoor_eval', 'mmdet3d.core.evaluation.scannet_utils.util_3d', 'mmdet3d.core.evaluation.scannet_utils.evaluate_semantic_instance', 'mmdet3d.core.evaluation.scannet_utils', 'mmdet3d.core.evaluation.instance_seg_eval', 'numba._version', 'numba.misc', 'numba.misc.init_utils', 'numba.core', 'llvmlite._version', 'llvmlite', 'llvmlite.binding.common', 'llvmlite.utils', 'llvmlite.binding.ffi', 'llvmlite.binding.dylib', 'llvmlite.binding.targets', 'llvmlite.binding.object_file', 'llvmlite.binding.executionengine', 'llvmlite.binding.initfini', 'llvmlite.binding.linker', 'llvmlite.binding.value', 'llvmlite.binding.context', 'llvmlite.binding.module', 'llvmlite.binding.options', 'llvmlite.binding.passmanagers', 'llvmlite.binding.transforms', 'llvmlite.ir._utils', 'llvmlite.ir.types', 'llvmlite.ir.values', 'llvmlite.ir.context', 'llvmlite.ir.module', 'llvmlite.ir.instructions', 'llvmlite.ir.builder', 'llvmlite.ir.transforms', 'llvmlite.ir', 'llvmlite.binding.analysis', 'llvmlite.binding', 'numba.core.config', '_lsprof', 'profile', 'cProfile', 'numba.testing.loader', 'numba.testing.main', 'numba.testing', 'numba.testing._runtests', 'timeit', 'numba.core.utils', 'numba.core.types.abstract', 'numba.core.types.common', 'numba.core.typeconv.castgraph', 'numba.core.typeconv', 'colorama.ansi', 'colorama.win32', 'colorama.winterm', 'colorama.ansitowin32', 'colorama.initialise', 'colorama', 'numba.core.errors', 'numba.core.types.misc', 'numba.core.types.containers', 'numba.core.types.functions', 'numba.core.types.iterators', 'numba.core.types.npytypes', 'numba.np', 'numba.np.npdatetime_helpers', 'numba.core.types.scalars', 'numba.core.types.function_type', 'numba.core.types', 'numba.core.typeconv._typeconv', 'numba.core.typeconv.typeconv', 'numba.core.typeconv.rules', 'numba.core.cpu_options', 'numba.core.typing.templates', 'numba.core.datamodel.manager', 'numba.core.datamodel.packer', 'numba.core.datamodel.registry', 'numba.core.datamodel.models', 'numba.core.datamodel', 'numba.core.cgutils', 'numba.np.numpy_support', 'numba.core.typing.typeof', 'numba.core.typing.context', 'numba.core.typing', 'numba.core.typing.asnumbatype', 'numba.misc.special', 'numba.stencils', 'numba.core.consts', 'numba.core.ir', 'numba.core.imputils', 'llvmlite.llvmpy', 'llvmlite.llvmpy.core', 'numba._helperlib', 'numba.core.debuginfo', 'numba.core.itanium_mangler', 'numba.core.funcdesc', 'numba.core.generators', 'numba.core.removerefctpass', 'numba._dynfunc', 'numba.core.serialize', 'numba.core.environment', 'numba.core.lowering', 'numba.core.pythonapi', 'numba.core.extending', 'numba.core.controlflow', 'numba.core.analysis', 'numba.core.transforms', 'numba.core.postproc', 'numba.core.rewrites.registry', 'numba.core.rewrites.static_getitem', 'numba.core.rewrites.static_raise', 'numba.core.rewrites.static_binop', 'numba.core.rewrites.ir_print', 'numba.core.rewrites', 'numba.core.ir_utils', 'numba.core.descriptors', 'numba._devicearray', 'numba._dispatcher', 'numba.core.tracing', 'numba.core.dataflow', 'numba.core.byteflow', 'numba.core.unsafe', 'numba.core.unsafe.eh', 'numba.cpython', 'numba.cpython.unsafe', 'numba.cpython.unsafe.tuple', 'numba.core.interpreter', 'numba.core.bytecode', 'numba.core.event', 'numba.core.compiler_lock', 'numba.misc.quicksort', 'numba.misc.mergesort', 'numba.cpython.slicing', 'numba.np.arrayobj', 'numba.core.typeinfer', 'numba.stencils.stencilparfor', 'numba.core.typing.npydecl', 'numba.np.unsafe', 'numba.np.unsafe.ndarray', 'numba.parfors.array_analysis', 'numba.parfors.parfor', 'numba.core.sigutils', 'numba.parfors.parfor_lowering_utils', 'numba.parfors.parfor_lowering', 'numba.parfors', 'numba.core.typing.builtins', 'numba.extending', 'numba.cpython.builtins', 'numba.core.base', 'numba.core.callconv', 'numba.core.callwrapper', 'llvmlite.llvmpy.passes', 'numba.core.runtime.nrtdynmod', 'numba.core.runtime._nrt_python', 'numba.core.runtime.nrt', 'numba.core.runtime', 'numba.core.runtime.nrtopt', 'numba.misc.inspection', 'numba.misc.llvm_pass_timings', 'numba.core.codegen', 'numba.core.intrinsics', 'numba.core.externals', 'numba.core.fastmathpass', 'numba.core.options', 'numba.core.entrypoints', 'numba.cpython.setobj', 'numba.cpython.listobj', 'numba.core.cpu', 'numba.cpython.rangeobj', 'numba.core.inline_closurecall', 'numba.core.compiler_machinery', 'numba.core.ssa', 'numba.core.untyped_passes', 'numba.core.annotations', 'numba.core.annotations.type_annotations', 'numba.core.typed_passes', 'numba.core.pylowering', 'numba.core.object_mode_passes', 'numba.core.compiler', 'numba.misc.appdirs', 'numba.core.caching', 'numba.core.dispatcher', 'numba.core.registry', 'numba.stencils.stencil', 'numba.core.decorators', 'numba.np.ufunc._internal', 'numba.np.ufunc.wrappers', 'numba.np.ufunc.sigparse', 'numba.np.ufunc.ufuncbuilder', 'numba.np.ufunc.parallel', 'numba.np.ufunc.dufunc', 'numba.np.ufunc.gufunc', 'numba.np.ufunc.decorators', 'numba.np.ufunc.array_exprs', 'numba.np.ufunc', 'numba.experimental.jitclass._box', 'numba.experimental.jitclass.base', 'numba.experimental.jitclass.decorators', 'numba.experimental.jitclass.boxing', 'numba.experimental.jitclass', 'numba.experimental', 'numba.core.withcontexts', 'numba.typed.typedobjectutils', 'numba.core.unsafe.bytes', 'numba.cpython.hashing', 'numba.cpython.unicode_support', 'numba.cpython.unicode', 'numba.typed.dictobject', 'numba.core.boxing', 'numba.cpython.charseq', 'numba.typed.dictimpl', 'numba.core.typing.ctypes_utils', 'numba.core.ccallback', 'numba.experimental.function_type', 'numba.typed.typeddict', 'numba.typed.listobject', 'numba.typed.typedlist', 'numba.typed', 'numba', 'mmdet3d.core.evaluation.kitti_utils.eval', 'mmdet3d.core.evaluation.kitti_utils', 'lyft_dataset_sdk', 'lyft_dataset_sdk.eval', 'lyft_dataset_sdk.eval.detection', 'pyquaternion.quaternion', 'pyquaternion', 'shapely', 'shapely.errors', 'shapely.affinity', 'ctypes.util', 'shapely.ctypes_declarations', 'shapely.geos', 'shapely.topology', 'shapely.coords', 'shapely.algorithms', 'shapely.algorithms.cga', 'shapely.linref', 'shapely.predicates', 'shapely.impl', 'shapely.geometry.base', 'shapely.geometry.proxy', 'shapely.geometry.point', 'shapely.geometry.linestring', 'shapely.geometry.polygon', 'shapely.geometry.multipoint', 'shapely.geometry.multilinestring', 'shapely.geometry.multipolygon', 'shapely.geometry.collection', 'shapely.geometry.geo', '_cython_0_29_28', 'shapely.speedups._speedups', 'shapely.speedups', 'shapely.geometry', 'lyft_dataset_sdk.eval.detection.mAP_evaluation', 'mmdet3d.core.evaluation.lyft_eval', 'mmdet3d.core.evaluation.seg_eval', 'mmdet3d.core.evaluation', 'mmdet3d.core.post_processing.box3d_nms', 'mmdet3d.core.post_processing.merge_augs', 'mmdet3d.core.post_processing', 'mmdet3d.core.visualizer', 'mmdet3d.core.visualizer.show_result', 'trimesh.version', 'trimesh.util', 'trimesh.constants', 'trimesh.transformations', 'trimesh.geometry', 'trimesh.caching', 'trimesh.parent', 'trimesh.grouping', 'trimesh.points', 'trimesh.triangles', 'trimesh.convex', 'trimesh.nsphere', 'trimesh.bounds', 'trimesh.ray.ray_util', 'trimesh.intersections', 'trimesh.ray.ray_triangle', 'trimesh.ray', 'trimesh.resources', 'trimesh.units', 'networkx.release', 'networkx.exception', 'networkx.utils.misc', 'decorator', 'networkx.utils.decorators', 'networkx.utils.random_sequence', 'networkx.utils.union_find', 'networkx.utils.rcm', 'networkx.utils.heaps', 'networkx.utils.contextmanagers', 'networkx.utils', 'networkx.classes.coreviews', 'networkx.classes.reportviews', 'networkx.convert', 'networkx.classes.graph', 'networkx.classes.digraph', 'networkx.classes.multigraph', 'networkx.classes.multidigraph', 'networkx.classes.ordered', 'networkx.classes.function', 'networkx.classes.filters', 'networkx.classes.graphviews', 'networkx.classes', 'networkx.convert_matrix', 'networkx.relabel', 'networkx.generators.atlas', 'networkx.generators.classic', 'networkx.generators.community', 'networkx.generators.degree_seq', 'networkx.generators.directed', 'networkx.generators.duplication', 'networkx.generators.ego', 'networkx.generators.expanders', 'networkx.generators.geometric', 'networkx.algorithms.assortativity.connectivity', 'networkx.algorithms.assortativity.pairs', 'networkx.algorithms.assortativity.mixing', 'networkx.algorithms.assortativity.correlation', 'networkx.algorithms.assortativity.neighbor_degree', 'networkx.algorithms.assortativity', 'networkx.algorithms.boundary', 'networkx.algorithms.bridges', 'networkx.algorithms.chains', 'networkx.algorithms.centrality.betweenness', 'networkx.algorithms.centrality.betweenness_subset', 'networkx.algorithms.centrality.closeness', 'networkx.algorithms.centrality.subgraph_alg', 'networkx.algorithms.centrality.flow_matrix', 'networkx.algorithms.centrality.current_flow_closeness', 'networkx.algorithms.centrality.current_flow_betweenness', 'networkx.algorithms.centrality.current_flow_betweenness_subset', 'networkx.algorithms.centrality.degree_alg', 'networkx.algorithms.centrality.dispersion', 'networkx.algorithms.centrality.eigenvector', 'networkx.algorithms.centrality.harmonic', 'networkx.algorithms.centrality.katz', 'networkx.algorithms.centrality.load', 'networkx.algorithms.centrality.reaching', 'networkx.algorithms.centrality.percolation', 'networkx.algorithms.centrality.second_order', 'networkx.algorithms.centrality', 'networkx.algorithms.chordal', 'networkx.algorithms.cluster', 'networkx.algorithms.clique', 'networkx.algorithms.communicability_alg', 'networkx.algorithms.components.connected', 'networkx.algorithms.components.strongly_connected', 'networkx.algorithms.components.weakly_connected', 'networkx.algorithms.components.attracting', 'networkx.algorithms.components.biconnected', 'networkx.algorithms.components.semiconnected', 'networkx.algorithms.components', 'networkx.algorithms.coloring.greedy_coloring_with_interchange', 'networkx.algorithms.coloring.greedy_coloring', 'networkx.algorithms.coloring', 'networkx.algorithms.core', 'networkx.algorithms.covering', 'networkx.algorithms.cycles', 'networkx.algorithms.cuts', 'networkx.generators.trees', 'networkx.algorithms.dag', 'networkx.algorithms.distance_measures', 'networkx.algorithms.distance_regular', 'networkx.algorithms.dominance', 'networkx.algorithms.dominating', 'networkx.algorithms.efficiency', 'networkx.algorithms.euler', 'networkx.algorithms.graphical', 'networkx.algorithms.hierarchy', 'networkx.algorithms.hybrid', 'networkx.algorithms.link_analysis.pagerank_alg', 'networkx.algorithms.link_analysis.hits_alg', 'networkx.algorithms.link_analysis', 'networkx.algorithms.link_prediction', 'networkx.algorithms.lowest_common_ancestors', 'networkx.algorithms.isolate', 'networkx.algorithms.matching', 'networkx.algorithms.minors', 'networkx.algorithms.mis', 'networkx.algorithms.operators.all', 'networkx.algorithms.operators.binary', 'networkx.algorithms.operators.product', 'networkx.algorithms.operators.unary', 'networkx.algorithms.operators', 'networkx.algorithms.planarity', 'networkx.algorithms.reciprocity', 'networkx.algorithms.richclub', 'networkx.algorithms.shortest_paths.generic', 'networkx.algorithms.shortest_paths.unweighted', 'networkx.algorithms.shortest_paths.weighted', 'networkx.algorithms.shortest_paths.astar', 'networkx.algorithms.shortest_paths.dense', 'networkx.algorithms.shortest_paths', 'networkx.algorithms.similarity', 'networkx.algorithms.simple_paths', 'networkx.algorithms.smallworld', 'networkx.algorithms.smetric', 'networkx.algorithms.structuralholes', 'networkx.algorithms.sparsifiers', 'networkx.algorithms.swap', 'networkx.algorithms.traversal.breadth_first_search', 'networkx.algorithms.traversal.beamsearch', 'networkx.algorithms.traversal.depth_first_search', 'networkx.algorithms.traversal.edgedfs', 'networkx.algorithms.traversal.edgebfs', 'networkx.algorithms.traversal', 'networkx.algorithms.triads', 'networkx.algorithms.vitality', 'networkx.algorithms.voronoi', 'networkx.algorithms.wiener', 'networkx.algorithms.bipartite.basic', 'networkx.algorithms.bipartite.centrality', 'networkx.algorithms.bipartite.cluster', 'networkx.algorithms.bipartite.matching', 'networkx.algorithms.bipartite.covering', 'networkx.algorithms.bipartite.edgelist', 'networkx.algorithms.bipartite.matrix', 'networkx.algorithms.bipartite.projection', 'networkx.algorithms.bipartite.redundancy', 'networkx.algorithms.bipartite.spectral', 'networkx.algorithms.bipartite.generators', 'networkx.algorithms.bipartite', 'networkx.algorithms.node_classification.utils', 'networkx.algorithms.node_classification.hmn', 'networkx.algorithms.node_classification.lgc', 'networkx.algorithms.node_classification', 'networkx.algorithms.flow.utils', 'networkx.algorithms.flow.boykovkolmogorov', 'networkx.algorithms.flow.dinitz_alg', 'networkx.algorithms.flow.edmondskarp', 'networkx.algorithms.flow.preflowpush', 'networkx.algorithms.flow.shortestaugmentingpath', 'networkx.algorithms.flow.maxflow', 'networkx.algorithms.flow.mincost', 'networkx.algorithms.flow.gomory_hu', 'networkx.algorithms.flow.capacityscaling', 'networkx.algorithms.flow.networksimplex', 'networkx.algorithms.flow', 'networkx.algorithms.connectivity.utils', 'networkx.algorithms.connectivity.connectivity', 'networkx.algorithms.connectivity.cuts', 'networkx.algorithms.connectivity.edge_augmentation', 'networkx.algorithms.connectivity.edge_kcomponents', 'networkx.algorithms.connectivity.disjoint_paths', 'networkx.algorithms.connectivity.kcomponents', 'networkx.algorithms.connectivity.kcutsets', 'networkx.algorithms.connectivity.stoerwagner', 'networkx.algorithms.connectivity', 'networkx.algorithms.community.asyn_fluid', 'networkx.algorithms.community.centrality', 'networkx.algorithms.community.community_generators', 'networkx.algorithms.community.kclique', 'networkx.algorithms.community.community_utils', 'networkx.algorithms.community.kernighan_lin', 'networkx.algorithms.community.label_propagation', 'networkx.algorithms.community.quality', 'networkx.utils.mapped_queue', 'networkx.algorithms.community.modularity_max', 'networkx.algorithms.community', 'networkx.algorithms.isomorphism.isomorph', 'networkx.algorithms.isomorphism.isomorphvf2', 'networkx.algorithms.isomorphism.vf2userfunc', 'networkx.algorithms.isomorphism.matchhelpers', 'networkx.algorithms.isomorphism.temporalisomorphvf2', 'networkx.algorithms.isomorphism', 'networkx.algorithms.tournament', 'networkx.algorithms.tree.recognition', 'networkx.algorithms.tree.branchings', 'networkx.algorithms.tree.coding', 'networkx.algorithms.tree.mst', 'networkx.algorithms.tree.operations', 'networkx.algorithms.tree', 'networkx.algorithms', 'networkx.generators.intersection', 'networkx.generators.joint_degree_seq', 'networkx.generators.lattice', 'networkx.generators.line', 'networkx.generators.mycielski', 'networkx.generators.nonisomorphic_trees', 'networkx.generators.random_clustered', 'networkx.generators.random_graphs', 'networkx.generators.small', 'networkx.generators.social', 'networkx.generators.spectral_graph_forge', 'networkx.generators.stochastic', 'networkx.generators.triads', 'networkx.generators', 'networkx.readwrite.adjlist', 'networkx.readwrite.multiline_adjlist', 'networkx.readwrite.edgelist', 'networkx.readwrite.gpickle', 'networkx.readwrite.pajek', 'networkx.readwrite.leda', 'networkx.readwrite.graph6', 'networkx.readwrite.sparse6', 'networkx.readwrite.nx_yaml', 'networkx.readwrite.gml', 'xml.etree.cElementTree', 'networkx.readwrite.graphml', 'networkx.readwrite.gexf', 'networkx.readwrite.nx_shp', 'networkx.readwrite.json_graph.node_link', 'networkx.readwrite.json_graph.adjacency', 'networkx.readwrite.json_graph.tree', 'networkx.readwrite.json_graph.jit', 'networkx.readwrite.json_graph.cytoscape', 'networkx.readwrite.json_graph', 'networkx.readwrite', 'networkx.linalg.attrmatrix', 'networkx.linalg.spectrum', 'networkx.linalg.graphmatrix', 'networkx.linalg.laplacianmatrix', 'networkx.linalg.algebraicconnectivity', 'networkx.linalg.modularitymatrix', 'networkx.linalg', 'networkx.tests', 'networkx.tests.test', 'networkx.drawing.layout', 'networkx.drawing.nx_pylab', 'networkx.drawing.nx_agraph', 'networkx.drawing.nx_pydot', 'networkx.drawing', 'networkx', 'trimesh.poses', 'trimesh.graph', 'trimesh.remesh', 'trimesh.voxel', 'colorsys', 'trimesh.visual', 'trimesh.sample', 'trimesh.repair', 'trimesh.inertia', 'trimesh.io', 'trimesh.interfaces.generic', 'trimesh.interfaces.scad', 'trimesh.interfaces.blender', 'trimesh.interfaces.vhacd', 'trimesh.interfaces', 'trimesh.boolean', 'trimesh.permutate', 'trimesh.proximity', 'trimesh.collision', 'trimesh.curvature', 'trimesh.comparison', 'trimesh.registration', 'trimesh.decomposition', 'trimesh.io.wavefront', 'trimesh.io.urdf', 'trimesh.io.stl', 'trimesh.io.ply', 'trimesh.io.export', 'trimesh.scene.camera', 'trimesh.rendering', 'trimesh.io.gltf', 'trimesh.scene.transforms', 'trimesh.scene.scene', 'trimesh.scene.viewerJS', 'trimesh.scene', 'trimesh.base', 'trimesh.io.misc', 'trimesh.io.assimp', 'trimesh.io.threemf', 'trimesh.io.openctm', 'trimesh.io.xml_based', 'trimesh.path.util', 'PIL.ImageChops', 'trimesh.path.raster', 'trimesh.path.intersections', 'trimesh.path.arc', 'trimesh.path.curve', 'trimesh.path.entities', 'trimesh.path.simplify', 'shapely.prepared', 'shapely.vectorized._vectorized', 'shapely.vectorized', 'trimesh.io.load', 'shapely.wkb', 'trimesh.creation', 'trimesh.primitives', 'trimesh', 'mmdet3d.core.visualizer.image_vis', 'matplotlib', 'matplotlib._api.deprecation', 'matplotlib._api', 'matplotlib._c_internal_utils', 'matplotlib.cbook', 'matplotlib.docstring', 'matplotlib._animation_data', 'matplotlib.animation', 'PIL.ImageFile', 'PIL.GimpGradientFile', 'PIL.GimpPaletteFile', 'PIL.PaletteFile', 'PIL.ImagePalette', 'PIL.ImageSequence', 'PIL.PngImagePlugin', 'matplotlib._path', 'matplotlib.bezier', 'matplotlib.path', 'matplotlib.transforms', 'matplotlib.ticker', 'matplotlib.scale', 'matplotlib._color_data', 'matplotlib.colors', 'pyparsing', 'matplotlib.fontconfig_pattern', 'matplotlib._enums', 'cycler', 'matplotlib.rcsetup', 'matplotlib._version', 'matplotlib.ft2font', 'dateutil._version', 'dateutil', 'kiwisolver', 'dateutil._common', 'dateutil.rrule', 'dateutil.relativedelta', 'dateutil.tz._common', 'dateutil.tz._factories', 'dateutil.tz.tz', 'dateutil.tz', 'dateutil.parser._parser', 'dateutil.parser.isoparser', 'dateutil.parser', 'matplotlib.units', 'matplotlib.dates']
2022-05-13:09:34:41,matplotlib DEBUG    [__init__.py:224] CACHEDIR=/root/.cache/matplotlib
2022-05-13:09:34:41,matplotlib.font_manager DEBUG    [font_manager.py:1435] Using fontManager instance from /root/.cache/matplotlib/fontlist-v330.json
2022-05-13:09:34:41,matplotlib.pyplot DEBUG    [pyplot.py:290] Loaded backend tkagg version unknown.
2022-05-13:09:34:41,matplotlib.pyplot DEBUG    [pyplot.py:290] Loaded backend TkAgg version unknown.
NOTE! Installing ujson may make loading annotations faster.
/data/pointcloud_alg/mmdetection3d/mmdet3d/models/backbones/mink_resnet.py:9: UserWarning: Please follow `getting_started.md` to install MinkowskiEngine.`
  warnings.warn(
/data/pointcloud_alg/mmdetection3d/mmdet3d/models/dense_heads/anchor3d_head.py:84: UserWarning: dir_offset and dir_limit_offset will be depressed and be incorporated into box coder in the future
  warnings.warn(
load checkpoint from local path: /data/pointcloud_alg/mmdetection3d/configs/pointpillars/hv_pointpillars_secfpn_6x8_160e_kitti-3d-3class_20220301_150306-37dc2420.pth
2022-05-13 09:34:43,432 - mmdeploy - WARNING - DeprecationWarning: get_onnx_config will be deprecated in the future. 
2022-05-13:09:34:43,mmdeploy WARNING  [utils.py:91] DeprecationWarning: get_onnx_config will be deprecated in the future. 
/data/pointcloud_alg/mmdeploy/mmdeploy/codebase/mmdet3d/models/pillar_encode.py:41: TracerWarning: torch.tensor results are registered as constants in the trace. You can safely ignore this warning if you use this function to create tensors out of constant variables that would be the same every time you call this function. In any other case, this might cause the trace to be incorrect.
  f_center = features[..., :3] - (coors[..., 1:] * torch.tensor(
/data/pointcloud_alg/mmdeploy/mmdeploy/codebase/mmdet3d/models/pillar_encode.py:42: TracerWarning: torch.tensor results are registered as constants in the trace. You can safely ignore this warning if you use this function to create tensors out of constant variables that would be the same every time you call this function. In any other case, this might cause the trace to be incorrect.
  [self.vz, self.vy, self.vx]).to(device) + torch.tensor([
/data/pointcloud_alg/mmdeploy/mmdeploy/codebase/mmdet3d/models/voxelnet.py:53: TracerWarning: Converting a tensor to a Python boolean might cause the trace to be incorrect. We can't record the data flow of Python values, so this value will be treated as a constant in the future. This means that the trace might not generalize to other inputs!
  assert batch_size == 1
2022-05-13 09:34:47,130 - mmdeploy - INFO - torch2onnx success.
2022-05-13 09:34:47,132 - mmdeploy - INFO - onnx2tensorrt of /data/pointcloud_alg/mmdeploy/work_dir/end2end.onnx start.
2022-05-13 09:34:47,992 - mmdeploy - INFO - Successfully loaded tensorrt plugins from /data/pointcloud_alg/mmdeploy/build/lib/libmmdeploy_tensorrt_ops.so
2022-05-13:09:34:47,mmdeploy INFO     [init_plugins.py:32] Successfully loaded tensorrt plugins from /data/pointcloud_alg/mmdeploy/build/lib/libmmdeploy_tensorrt_ops.so
[TensorRT] WARNING: /workspace/TensorRT/t/oss-cicd/oss/parsers/onnx/onnx2trt_utils.cpp:227: Your ONNX model has been generated with INT64 weights, while TensorRT does not natively support INT64. Attempting to cast down to INT32.
[TensorRT] WARNING: /workspace/TensorRT/t/oss-cicd/oss/parsers/onnx/onnx2trt_utils.cpp:255: One or more weights outside the range of INT32 was clamped
[TensorRT] WARNING: /workspace/TensorRT/t/oss-cicd/oss/parsers/onnx/onnx2trt_utils.cpp:255: One or more weights outside the range of INT32 was clamped
[TensorRT] WARNING: /workspace/TensorRT/t/oss-cicd/oss/parsers/onnx/onnx2trt_utils.cpp:255: One or more weights outside the range of INT32 was clamped
[TensorRT] WARNING: /workspace/TensorRT/t/oss-cicd/oss/parsers/onnx/onnx2trt_utils.cpp:255: One or more weights outside the range of INT32 was clamped
[TensorRT] INFO: No importer registered for op: ScatterND. Attempting to import as plugin.
[TensorRT] INFO: Searching for plugin: ScatterND, plugin_version: 1, plugin_namespace: 
[TensorRT] INFO: Successfully created plugin: ScatterND
[TensorRT] WARNING: Output type must be INT32 for shape outputs
[TensorRT] WARNING: Output type must be INT32 for shape outputs
[TensorRT] INFO: Some tactics do not have sufficient workspace memory to run. Increasing workspace size may increase performance, please check verbose output.
[TensorRT] INFO: Detected 8 inputs and 3 output network tensors.
2022-05-13 09:35:07,622 - mmdeploy - INFO - onnx2tensorrt of /data/pointcloud_alg/mmdeploy/work_dir/end2end.onnx success.
2022-05-13 09:35:07,622 - mmdeploy - INFO - visualize tensorrt model start.
2022-05-13:09:35:08,shapely.geos DEBUG    [geos.py:85] Found GEOS DLL: <CDLL '/opt/conda/lib/python3.8/site-packages/Shapely.libs/libgeos_c-fdac42b1.so.1.16.0', handle 55bee8c3abf0 at 0x7f41064c52b0>, using it.
2022-05-13:09:35:08,trimesh WARNING  [collision.py:11] No FCL -- collision checking will not work
2022-05-13:09:35:09,matplotlib DEBUG    [__init__.py:224] matplotlib data path: /opt/conda/lib/python3.8/site-packages/matplotlib/mpl-data
2022-05-13:09:35:09,matplotlib DEBUG    [__init__.py:224] CONFIGDIR=/root/.config/matplotlib
2022-05-13:09:35:09,matplotlib DEBUG    [__init__.py:1385] matplotlib version 3.4.1
2022-05-13:09:35:09,matplotlib DEBUG    [__init__.py:1386] interactive is False
2022-05-13:09:35:09,matplotlib DEBUG    [__init__.py:1387] platform is linux
2022-05-13:09:35:09,matplotlib DEBUG    [__init__.py:1388] loaded modules: ['sys', 'builtins', '_frozen_importlib', '_imp', '_warnings', '_frozen_importlib_external', '_io', 'marshal', 'posix', '_thread', '_weakref', 'time', 'zipimport', '_codecs', 'codecs', 'encodings.aliases', 'encodings', 'encodings.utf_8', '_signal', '__main__', 'encodings.latin_1', '_abc', 'abc', 'io', '_stat', 'stat', '_collections_abc', 'genericpath', 'posixpath', 'os.path', 'os', '_sitebuiltins', '_locale', '_bootlocale', 'types', 'importlib._bootstrap', 'importlib._bootstrap_external', 'warnings', 'importlib', 'importlib.machinery', 'importlib.abc', '_operator', 'operator', 'keyword', '_heapq', 'heapq', 'itertools', 'reprlib', '_collections', 'collections', '_functools', 'functools', 'contextlib', 'importlib.util', 'mpl_toolkits', 'google', 'sphinxcontrib', 'site', '_weakrefset', 'threading', 'enum', 'signal', 'multiprocessing.process', 'copyreg', '_struct', 'struct', '_sre', 'sre_constants', 'sre_parse', 'sre_compile', 're', '_compat_pickle', '_pickle', 'pickle', '_socket', 'collections.abc', 'math', 'select', 'selectors', 'errno', 'socket', 'array', 'multiprocessing.reduction', 'multiprocessing.context', '__mp_main__', 'multiprocessing', 'weakref', 'pkgutil', 'runpy', 'atexit', '_posixsubprocess', 'subprocess', 'multiprocessing.util', 'multiprocessing.spawn', '_multiprocessing', '_posixshmem', 'multiprocessing.resource_tracker', 'fnmatch', 'zlib', '_compression', '_bz2', 'bz2', '_lzma', 'lzma', 'pwd', 'grp', 'shutil', 'locale', 'gettext', 'argparse', 'token', 'tokenize', 'linecache', 'traceback', '_string', 'string', 'logging', 'numpy._globals', 'numpy.__config__', 'numpy.version', 'numpy._distributor_init', 'textwrap', '_datetime', 'datetime', 'numpy.core._multiarray_umath', 'numpy.compat._inspect', 'ntpath', 'urllib', 'urllib.parse', 'pathlib', 'numpy.compat.py3k', 'numpy.compat', 'numpy.core.overrides', 'numpy.core.multiarray', 'numpy.core.umath', 'numbers', 'numpy.core._string_helpers', 'numpy.core._dtype', 'numpy.core._type_aliases', 'numpy.core.numerictypes', 'numpy.core._asarray', 'numpy.core._exceptions', 'numpy.core._methods', 'numpy.core.fromnumeric', 'numpy.core.shape_base', 'numpy.core._ufunc_config', 'numpy.core.arrayprint', 'numpy.core.numeric', 'numpy.core.defchararray', 'numpy.core.records', 'numpy.core.memmap', 'numpy.core.function_base', 'numpy.core.machar', 'numpy.core.getlimits', 'numpy.core.einsumfunc', 'numpy.core._multiarray_tests', 'numpy.core._add_newdocs', 'numpy.core._add_newdocs_scalars', 'numpy.core._dtype_ctypes', '_ast', 'ast', 'platform', '_ctypes', 'ctypes._endian', 'ctypes', 'numpy.core._internal', 'numpy._pytesttester', 'numpy.core', 'numpy.lib.mixins', 'numpy.lib.ufunclike', 'numpy.lib.type_check', 'numpy.lib.scimath', 'numpy.lib.twodim_base', 'numpy.linalg.lapack_lite', 'numpy.linalg._umath_linalg', 'numpy.linalg.linalg', 'numpy.linalg', 'numpy.matrixlib.defmatrix', 'numpy.matrixlib', 'numpy.lib.histograms', 'numpy.lib.function_base', 'numpy.lib.stride_tricks', 'numpy.lib.index_tricks', 'numpy.lib.nanfunctions', 'numpy.lib.shape_base', 'numpy.lib.polynomial', 'numpy.lib.utils', 'numpy.lib.arraysetops', 'numpy.lib.format', 'numpy.lib._datasource', 'numpy.lib._iotools', 'numpy.lib.npyio', 'numpy.lib.arrayterator', 'numpy.lib.arraypad', 'numpy.lib._version', 'numpy.lib', 'numpy.fft._pocketfft_internal', 'numpy.fft._pocketfft', 'numpy.fft.helper', 'numpy.fft', 'numpy.polynomial.polyutils', 'numpy.polynomial._polybase', 'numpy.polynomial.polynomial', 'numpy.polynomial.chebyshev', 'numpy.polynomial.legendre', 'numpy.polynomial.hermite', 'numpy.polynomial.hermite_e', 'numpy.polynomial.laguerre', 'numpy.polynomial', 'cython_runtime', '_cython_0_29_23', 'numpy.random._common', 'binascii', 'base64', '_hashlib', '_blake2', '_sha3', 'hashlib', 'hmac', '_bisect', 'bisect', '_sha512', '_random', 'random', 'secrets', 'numpy.random.bit_generator', 'numpy.random._bounded_integers', 'numpy.random._mt19937', 'numpy.random.mtrand', 'numpy.random._philox', 'numpy.random._pcg64', 'numpy.random._sfc64', 'numpy.random._generator', 'numpy.random._pickle', 'numpy.random', 'numpy.ctypeslib', '_opcode', 'opcode', 'dis', 'inspect', 'numpy.ma.core', 'numpy.ma.extras', 'numpy.ma', 'numpy', 'mmcv.arraymisc.quantization', 'mmcv.arraymisc', 'tempfile', 'typing.io', 'typing.re', 'typing', 'email', 'http', 'email.errors', 'email.quoprimime', 'email.base64mime', 'quopri', 'email.encoders', 'email.charset', 'email.header', 'calendar', 'email._parseaddr', 'email.utils', 'email._policybase', 'email.feedparser', 'email.parser', 'uu', 'email._encoded_words', 'email.iterators', 'email.message', '_ssl', 'ssl', 'http.client', 'urllib.response', 'urllib.error', 'urllib.request', 'copy', 'uuid', 'addict.addict', 'addict', '__future__', 'yapf.yapflib', 'lib2to3', 'lib2to3.pgen2', 'lib2to3.pgen2.token', 'lib2to3.pgen2.tokenize', 'yapf.yapflib.errors', 'configparser', 'yapf.yapflib.py3compat', 'yapf.yapflib.style', 'yapf.yapflib.file_resources', 'difflib', 'lib2to3.pgen2.parse', 'lib2to3.pgen2.grammar', 'lib2to3.pgen2.pgen', 'lib2to3.pgen2.driver', 'lib2to3.pytree', 'lib2to3.pygram', 'yapf.yapflib.pytree_utils', 'yapf.yapflib.pytree_visitor', 'yapf.yapflib.blank_line_calculator', 'yapf.yapflib.comment_splicer', 'yapf.yapflib.subtypes', 'yapf.yapflib.format_token', 'yapf.yapflib.continuation_splicer', 'yapf.yapflib.identify_container', 'yapf.yapflib.split_penalty', 'lib2to3.pgen2.literals', 'lib2to3.patcomp', 'lib2to3.fixer_util', 'yapf.yapflib.logical_line', 'yapf.yapflib.object_state', 'yapf.yapflib.pytree_unwrapper', 'yapf.yapflib.format_decision_state', 'yapf.yapflib.line_joiner', 'yapf.yapflib.verifier', 'yapf.yapflib.reformatter', 'yapf.yapflib.subtype_assigner', 'yapf.yapflib.yapf_api', 'yapf', 'mmcv.utils.misc', 'mmcv.utils.path', 'mmcv.utils.config', 'mmcv.utils.timer', 'mmcv.utils.progressbar', 'shlex', 'unittest.util', 'unittest.result', 'concurrent', 'concurrent.futures._base', 'concurrent.futures', 'asyncio.constants', 'asyncio.format_helpers', 'asyncio.base_futures', 'asyncio.log', 'asyncio.coroutines', '_contextvars', 'contextvars', 'asyncio.exceptions', 'asyncio.base_tasks', '_asyncio', 'asyncio.events', 'asyncio.futures', 'asyncio.protocols', 'asyncio.transports', 'asyncio.sslproto', 'asyncio.locks', 'asyncio.tasks', 'asyncio.staggered', 'asyncio.trsock', 'asyncio.base_events', 'asyncio.runners', 'asyncio.queues', 'asyncio.streams', 'asyncio.subprocess', 'asyncio.base_subprocess', 'asyncio.selector_events', 'asyncio.unix_events', 'asyncio', 'pprint', 'unittest.case', 'unittest.async_case', 'unittest.suite', 'unittest.loader', 'unittest.signals', 'unittest.runner', 'unittest.main', 'unittest', 'unittest.mock', 'mmcv.utils.testing', 'packaging.__about__', 'packaging', 'packaging._structures', 'packaging._typing', 'packaging.version', 'mmcv.utils.version_utils', 'torch._utils', 'torch._utils_internal', 'torch.version', 'torch._six', 'torch._C._onnx', 'torch._C._jit', 'torch._C._jit_tree_views', 'torch._C._te', 'torch._C.cpp', 'torch._C.cpp.nn', 'torch._C._cudart', 'torch._C._nvtx', 'torch._C._cudnn', 'torch._C', 'torch._C._fft', 'torch._C._linalg', 'torch._C._nn', 'torch._C._special', 'torch._namedtensor_internals', 'torch.overrides', 'torch.utils.throughput_benchmark', 'torch.utils', 'torch.utils.hooks', 'torch._tensor', 'torch.storage', 'torch.random', 'tarfile', 'torch.types', 'torch.serialization', 'torch._tensor_str', 'torch.cuda._utils', 'torch.cuda.streams', 'torch.cuda.memory', 'torch.cuda.random', 'torch.cuda.sparse', 'torch.cuda.profiler', 'torch.cuda.nvtx', 'torch.cuda.amp.autocast_mode', 'torch.cuda.amp.common', 'torch.cuda.amp.grad_scaler', 'torch.cuda.amp', 'torch.cuda', 'torch.sparse', 'torch.nn.parameter', 'torch.nn.modules.module', 'torch._VF', 'torch._torch_docs', 'torch._C._distributed_c10d', 'torch.distributed.constants', 'torch.distributed.rendezvous', 'torch.distributed.distributed_c10d', 'torch.distributed', 'torch._C._distributed_rpc', 'torch.futures', 'torch.distributed.rpc.internal', 'torch.distributed.rpc.constants', 'torch.distributed.rpc.api', 'torch.distributed.rpc.backend_registry', 'torch.distributed.rpc.functions', 'torch.distributed.rpc.options', 'torch.autograd.variable', 'torch.autograd.function', 'cmath', 'torch.testing.check_kernel_launches', 'torch.testing', 'torch.utils._pytree', 'torch._vmap_internals', 'torch.autograd.gradcheck', 'torch.autograd.grad_mode', 'torch.autograd.anomaly_mode', 'torch.autograd.functional', 'torch.autograd.forward_ad', 'torch._C._autograd', 'torch.autograd.profiler', 'torch.autograd', 'torch.distributed.rpc.server_process_global_profiler', 'torch._C._distributed_autograd', 'torch.distributed.autograd', 'torch.distributed.rpc', 'torch._jit_internal', 'torch.nn._reduction', 'torch.nn.modules.utils', 'torch.nn.grad', 'torch.nn.functional', 'torch.nn.init', 'typing_extensions', 'torch.nn.modules.lazy', 'torch.nn.modules.linear', 'torch.nn.common_types', 'torch.nn.modules.conv', 'torch.nn.modules.activation', 'torch.nn.modules.distance', 'torch.nn.modules.loss', 'torch.nn.modules.container', 'torch.nn.modules.pooling', 'torch.nn.modules._functions', 'torch.nn.modules.batchnorm', 'torch.nn.modules.instancenorm', 'torch.nn.modules.normalization', 'torch.nn.modules.dropout', 'torch.nn.modules.padding', 'torch.nn.modules.sparse', 'torch.nn.utils.rnn', 'torch.nn.utils.clip_grad', 'torch.nn.utils.weight_norm', 'torch.nn.utils.convert_parameters', 'torch.nn.utils.spectral_norm', 'torch.nn.utils.fusion', 'torch.nn.utils.memory_format', 'torch.nn.utils', 'torch.nn.modules.rnn', 'torch.nn.modules.pixelshuffle', 'torch.nn.modules.upsampling', 'torch.nn.modules.fold', 'torch.nn.modules.adaptive', 'torch.nn.modules.transformer', 'torch.nn.modules.flatten', 'torch.nn.modules.channelshuffle', 'torch.nn.modules', 'torch.nn.parallel.parallel_apply', 'torch.cuda.nccl', 'torch.nn.parallel.comm', 'torch.nn.parallel.replicate', 'torch.nn.parallel._functions', 'torch.nn.parallel.scatter_gather', 'torch.nn.parallel.data_parallel', 'torch.nn.parallel.distributed', 'torch.nn.parallel', 'torch.nn', 'torch._linalg_utils', 'torch._lowrank', 'torch._autograd_functions', 'torch.functional', 'torch.fft', 'torch.nn.intrinsic.modules.fused', 'torch.nn.intrinsic.modules', 'torch.nn.intrinsic', 'torch.nn.quantized.modules.utils', 'torch.jit._state', 'torch.jit.annotations', 'torch.jit.frontend', 'torch.backends', 'torch.backends.cudnn', 'torch.jit._builtins', 'torch.jit._check', 'torch.jit._recursive', 'torch.jit._fuser', 'torch.jit._script', 'torch.jit._trace', 'torch.jit._async', 'torch.jit._serialization', 'torch.jit.cuda', 'torch.jit._freeze', 'torch.jit', 'torch.nn.quantized.functional', 'torch.nn.quantized.modules.activation', 'torch.nn.quantized.modules.batchnorm', 'torch.nn.quantized.modules.normalization', 'torch.nn.qat.modules.linear', 'torch.nn.qat.modules.conv', 'torch.nn.qat.modules', 'torch.nn.qat', 'torch.nn.intrinsic.qat.modules.linear_relu', 'torch.nn.intrinsic.qat.modules.conv_fused', 'torch.nn.intrinsic.qat.modules', 'torch.nn.intrinsic.qat', 'torch._ops', 'torch.nn.quantized.modules.conv', 'torch.nn.quantized.modules.linear', 'torch.nn.quantized.modules.embedding_ops', 'torch.nn.quantized.modules.functional_modules', 'torch.nn.quantized.modules', 'torch.nn.quantized', 'torch.nn.quantizable.modules.activation', 'torch.nn.quantizable.modules.rnn', 'torch.nn.quantizable.modules', 'torch.nn.quantizable', 'torch.optim._functional', 'torch.optim.optimizer', 'torch.optim.adadelta', 'torch.optim.adagrad', 'torch.optim.adam', 'torch.optim.adamw', 'torch.optim.sparse_adam', 'torch.optim.adamax', 'torch.optim.asgd', 'torch.optim.sgd', 'torch.optim.rprop', 'torch.optim.rmsprop', 'torch.optim.lbfgs', 'torch.optim.lr_scheduler', 'torch.optim.swa_utils', 'torch.optim', 'torch.optim._multi_tensor.adam', 'torch.optim._multi_tensor.adamw', 'torch.optim._multi_tensor.sgd', 'torch.optim._multi_tensor.rmsprop', 'torch.optim._multi_tensor.rprop', 'torch.optim._multi_tensor.asgd', 'torch.optim._multi_tensor.adamax', 'torch.optim._multi_tensor.adadelta', 'torch.optim._multi_tensor', 'multiprocessing.resource_sharer', 'torch.multiprocessing.reductions', 'multiprocessing.connection', 'torch.multiprocessing.spawn', 'torch.multiprocessing', 'torch.special', 'torch.utils.backcompat', 'torch.onnx', 'torch.linalg', 'zipfile', 'unicodedata', 'tqdm.utils', 'tqdm._monitor', 'tqdm.std', 'tqdm.gui', 'tqdm._tqdm_pandas', 'tqdm._dist_ver', 'tqdm.version', 'tqdm.cli', 'tqdm', 'tqdm.autonotebook', 'tqdm.asyncio', 'tqdm.auto', 'torch.hub', 'torch.distributions.constraints', 'torch.distributions.utils', 'torch.distributions.distribution', 'torch.distributions.exp_family', 'torch.distributions.bernoulli', 'torch.distributions.dirichlet', 'torch.distributions.beta', 'torch.distributions.binomial', 'torch.distributions.categorical', 'torch.distributions.cauchy', 'torch.distributions.gamma', 'torch.distributions.chi2', 'torch.distributions.transforms', 'torch.distributions.constraint_registry', 'torch.distributions.continuous_bernoulli', 'torch.distributions.exponential', 'torch.distributions.fishersnedecor', 'torch.distributions.geometric', 'torch.distributions.uniform', 'torch.distributions.independent', 'torch.distributions.transformed_distribution', 'torch.distributions.gumbel', 'torch.distributions.half_cauchy', 'torch.distributions.normal', 'torch.distributions.half_normal', 'torch.distributions.laplace', 'torch.distributions.multivariate_normal', 'torch.distributions.lowrank_multivariate_normal', 'torch.distributions.one_hot_categorical', 'torch.distributions.pareto', 'torch.distributions.poisson', 'torch.distributions.kl', 'torch.distributions.kumaraswamy', 'torch.distributions.lkj_cholesky', 'torch.distributions.log_normal', 'torch.distributions.logistic_normal', 'torch.distributions.mixture_same_family', 'torch.distributions.multinomial', 'torch.distributions.negative_binomial', 'torch.distributions.relaxed_bernoulli', 'torch.distributions.relaxed_categorical', 'torch.distributions.studentT', 'torch.distributions.von_mises', 'torch.distributions.weibull', 'torch.distributions', 'torch.backends.cuda', 'torch.backends.mkl', 'torch.backends.mkldnn', 'torch.backends.openmp', 'torch.backends.quantized', 'torch.nn.intrinsic.quantized.modules.linear_relu', 'torch.nn.intrinsic.quantized.modules.conv_relu', 'torch.nn.intrinsic.quantized.modules.bn_relu', 'torch.nn.intrinsic.quantized.modules', 'torch.nn.intrinsic.quantized', 'torch.nn.quantized.dynamic.modules.linear', 'torch.nn.quantized.dynamic.modules.rnn', 'torch.nn.quantized.dynamic.modules', 'torch.nn.quantized.dynamic', 'torch.quantization.stubs', 'torch.quantization.observer', 'torch.quantization.fake_quantize', 'torch.quantization.quant_type', 'torch.quantization.utils', 'torch.quantization.quantization_mappings', 'torch.quantization.qconfig', 'torch.quantization.quantize', 'torch.quantization.fuser_method_mappings', 'torch.quantization.fuse_modules', 'torch.quantization.quantize_jit', 'torch.quantization', 'torch.utils.data.sampler', 'torch.utils.data.dataset', 'torch.utils.data.distributed', '_queue', 'queue', 'dataclasses', 'torch.utils.data._utils.signal_handling', 'torch.utils.data._utils.worker', 'torch.utils.data._utils.pin_memory', 'torch.utils.data._utils.collate', 'torch.utils.data._utils.fetch', 'torch.utils.data._utils', 'torch.utils.data.dataloader', 'torch.utils.data.decorator', 'torch.utils.data.datapipes.utils', 'torch.utils.data.datapipes.utils.common', 'torch.utils.data.datapipes.iter.listdirfiles', 'torch.utils.data.datapipes.iter.loadfilesfromdisk', 'torch.utils.data.datapipes.iter.readfilesfromtar', 'torch.utils.data.datapipes.iter.readfilesfromzip', '_json', 'json.scanner', 'json.decoder', 'json.encoder', 'json', 'torch.utils.data.datapipes.utils.decoder', 'torch.utils.data.datapipes.iter.routeddecoder', 'torch.utils.data.datapipes.iter.callable', 'torch.utils.data.datapipes.iter.combining', 'torch.utils.data.datapipes.iter.combinatorics', 'torch.utils.data.datapipes.iter.grouping', 'torch.utils.data.datapipes.iter.selecting', 'torch.utils.data.datapipes.iter', 'torch.utils.data.datapipes', 'torch.utils.data', 'torch.__config__', 'torch.__future__', 'torch.profiler.profiler', 'torch.profiler', 'torch._tensor_docs', 'torch._storage_docs', 'torch._classes', 'torch.quasirandom', 'torch.multiprocessing._atfork', 'torch._lobpcg', 'torch', 'mmcv.utils.device_type', 'cv2.Error', 'cv2.cuda', 'cv2.detail', 'cv2.dnn', 'cv2.fisheye', 'cv2.flann', 'cv2.gapi.core', 'cv2.gapi.core.cpu', 'cv2.gapi.core.fluid', 'cv2.gapi.core.ocl', 'cv2.gapi.ie', 'cv2.gapi.ie.detail', 'cv2.gapi.onnx', 'cv2.gapi.own', 'cv2.gapi.own.detail', 'cv2.gapi.render', 'cv2.gapi.render.ocv', 'cv2.gapi.streaming', 'cv2.gapi.video', 'cv2.gapi.wip', 'cv2.gapi.wip.draw', 'cv2.gapi.wip.gst', 'cv2.gapi.wip.onevpl', 'cv2.ipp', 'cv2.ml', 'cv2.ocl', 'cv2.ogl', 'cv2.parallel', 'cv2.samples', 'cv2.segmentation', 'cv2.utils.fs', 'cv2.videoio_registry', 'cv2.cv2', 'cv2.misc.version', 'cv2.version', 'cv2.load_config_py3', 'cv2.data', 'cv2.qt', 'cv2.mat_wrapper', 'cv2.misc', 'cv2.gapi', 'cv2.utils', 'cv2', 'glob', 'imp', '_distutils_hack', '_distutils_hack.override', 'distutils', 'distutils.debug', 'distutils.errors', 'getopt', 'distutils.fancy_getopt', 'distutils.dep_util', 'distutils.log', 'distutils.spawn', 'distutils.util', 'distutils.dist', 'distutils.dir_util', 'distutils.file_util', 'distutils.archive_util', 'distutils.cmd', 'distutils.config', 'distutils.extension', 'distutils.core', 'setuptools._deprecation_warning', 'xml', 'xml.parsers', 'pyexpat.errors', 'pyexpat.model', 'pyexpat', 'xml.parsers.expat.model', 'xml.parsers.expat.errors', 'xml.parsers.expat', 'plistlib', 'pkg_resources.extern', 'pkg_resources._vendor', 'pkg_resources._vendor.appdirs', 'pkg_resources.extern.appdirs', 'pkg_resources._vendor.packaging.__about__', 'pkg_resources._vendor.packaging', 'pkg_resources.extern.packaging', 'pkg_resources.extern.packaging._structures', 'pkg_resources.extern.packaging._typing', 'pkg_resources.extern.packaging.version', 'pkg_resources.extern.packaging._compat', 'pkg_resources.extern.packaging.utils', 'pkg_resources.extern.packaging.specifiers', 'pkg_resources._vendor.pyparsing', 'pkg_resources.extern.pyparsing', 'pkg_resources.extern.packaging.markers', 'pkg_resources.extern.packaging.requirements', 'sysconfig', 'encodings.cp437', 'pkg_resources', 'setuptools.version', 'distutils.filelist', 'setuptools.monkey', 'setuptools.extension', 'distutils.version', 'setuptools.extern', 'setuptools._vendor', 'setuptools._vendor.packaging.__about__', 'setuptools._vendor.packaging', 'setuptools.extern.packaging', 'setuptools._vendor.ordered_set', 'setuptools.extern.ordered_set', 'setuptools.windows_support', 'setuptools.extern.packaging._structures', 'setuptools.extern.packaging._typing', 'setuptools.extern.packaging.version', 'setuptools.extern.packaging._compat', 'setuptools.extern.packaging.utils', 'setuptools.extern.packaging.specifiers', 'setuptools.config', 'setuptools.dist', 'setuptools.py34compat', 'setuptools._imp', 'setuptools.depends', 'distutils.ccompiler', 'setuptools.msvc', 'setuptools', 'torch._appdirs', 'torch.utils.file_baton', 'torch.utils._cpp_extension_versioner', 'torch.utils.hipify.version', 'torch.utils.hipify', 'torch.utils.hipify.constants', 'torch.utils.hipify.cuda_to_hip_mappings', 'torch.utils.hipify.hipify_python', 'distutils.command', 'distutils.command.bdist', 'distutils.command.install_scripts', 'setuptools.command.install_scripts', 'setuptools.command', 'distutils.sysconfig', 'distutils.command.build_ext', 'cython.parallel', 'Cython.Shadow', 'Cython', '_sysconfigdata__linux_x86_64-linux-gnu', 'Cython.Distutils.old_build_ext', 'Cython.Distutils.build_ext', 'Cython.Distutils.extension', 'Cython.Distutils', 'Cython.Compiler', 'Cython.Utils', 'Cython.Compiler.DebugFlags', 'Cython.Compiler.Options', 'Cython.Compiler.Errors', 'Cython.Compiler.StringEncoding', '_cython_0_28_4', 'Cython.Plex.Actions', 'Cython.Plex.Transitions', 'Cython.Plex.Machines', 'Cython.Plex.DFA', 'Cython.Plex.Errors', 'Cython.Plex.Regexps', 'Cython.Plex.Lexicons', 'Cython.Plex.Scanners', 'Cython.Plex', 'Cython.Compiler.Lexicon', 'Cython.Compiler.Future', 'Cython.Compiler.Scanning', 'Cython.Compiler.Naming', 'Cython.Compiler.Version', 'Cython.StringIOTree', 'Cython.Compiler.Code', 'Cython.Compiler.PyrexTypes', 'Cython.Compiler.TypeSlots', 'Cython.Compiler.Symtab', 'Cython.Compiler.Main', 'setuptools.command.build_ext', 'torch.utils.cpp_extension', 'mmcv.utils.parrots_wrapper', 'mmcv.utils.env', 'torch.utils.model_zoo', 'mmcv.utils.hub', 'mmcv.utils.logging', 'mmcv.utils.parrots_jit', 'mmcv.utils.registry', 'mmcv.utils.seed', 'mmcv.utils.trace', 'mmcv.utils', 'mmcv.fileio.file_client', 'mmcv.fileio.handlers.base', 'mmcv.fileio.handlers.json_handler', 'mmcv.fileio.handlers.pickle_handler', 'yaml.error', 'yaml.tokens', 'yaml.events', 'yaml.nodes', 'yaml.reader', 'yaml.scanner', 'yaml.parser', 'yaml.composer', 'yaml.constructor', 'yaml.resolver', 'yaml.loader', 'yaml.emitter', 'yaml.serializer', 'yaml.representer', 'yaml.dumper', 'yaml._yaml', 'yaml.cyaml', 'yaml', 'mmcv.fileio.handlers.yaml_handler', 'mmcv.fileio.handlers', 'mmcv.fileio.io', 'mmcv.fileio.parse', 'mmcv.fileio', 'mmcv.image.colorspace', 'PIL._version', 'PIL', 'defusedxml.common', 'defusedxml', 'xml.etree', 'xml.etree.ElementPath', '_elementtree', 'xml.etree.ElementTree', 'defusedxml.ElementTree', 'PIL.ImageMode', 'PIL.TiffTags', 'PIL._binary', 'PIL._util', 'PIL._imaging', 'cffi.lock', 'cffi.error', 'cffi.model', 'cffi.api', 'cffi', 'PIL.Image', 'PIL.ImageOps', 'mmcv.image.io', 'mmcv.image.geometric', 'mmcv.image.misc', 'mmcv.image.photometric', 'mmcv.image', 'mmcv.version', 'mmcv.video.io', 'mmcv.video.optflow', 'mmcv.video.processing', 'mmcv.video', 'mmcv.visualization.color', 'mmcv.visualization.image', 'mmcv.visualization.optflow', 'mmcv.visualization', 'mmcv', 'mmdeploy.utils.constants', 'mmdeploy.utils.utils', 'mmdeploy.utils.config_utils', 'mmdeploy.utils.device', 'mmdeploy.utils.env', 'mmdeploy.utils', 'mmdeploy.version', 'onnx.onnx_cpp2py_export.defs', 'onnx.onnx_cpp2py_export.checker', 'onnx.onnx_cpp2py_export.optimizer', 'onnx.onnx_cpp2py_export.version_converter', 'onnx.onnx_cpp2py_export.shape_inference', 'onnx.onnx_cpp2py_export', 'google.protobuf', 'google.protobuf.internal', 'six', 'google.protobuf.internal.enum_type_wrapper', 'google.protobuf.internal._api_implementation', 'google.protobuf.internal.api_implementation', 'google.protobuf.pyext', 'google.protobuf.internal.containers', 'google.protobuf.message', 'google.protobuf.pyext._message', 'google.protobuf.descriptor', 'google.protobuf.descriptor_database', 'google.protobuf.text_encoding', 'google.protobuf.descriptor_pool', 'google.protobuf.pyext.cpp_message', 'google.protobuf.message_factory', 'google.protobuf.symbol_database', 'google.protobuf.reflection', 'google.protobuf.internal.well_known_types', 'onnx.onnx_ml_pb2', 'onnx.onnx_pb', 'onnx.external_data_helper', 'onnx.onnx_operators_ml_pb2', 'onnx.onnx_operators_pb', 'onnx.onnx_data_pb2', 'onnx.onnx_data_pb', 'onnx.version', 'onnx.defs', 'onnx.shape_inference', 'onnx.checker', 'onnx.mapping', 'onnx.helper', 'onnx.optimizer', 'onnx.utils', 'onnx', 'mmdeploy.core.optimizers.extractor', 'mmdeploy.core.rewriters.rewriter_utils', 'mmdeploy.core.rewriters.function_rewriter', 'mmdeploy.core.rewriters.module_rewriter', 'torch.onnx.utils', 'torch.onnx.symbolic_helper', 'torch.onnx.symbolic_opset9', 'torch.onnx.symbolic_opset7', 'torch.onnx.symbolic_opset8', 'torch.onnx.symbolic_opset10', 'torch.onnx.symbolic_opset11', 'torch.onnx.symbolic_opset12', 'torch.onnx.symbolic_opset13', 'torch.onnx.symbolic_registry', 'mmdeploy.core.rewriters.symbolic_rewriter', 'mmdeploy.core.rewriters.rewriter_manager', 'mmdeploy.core.rewriters', 'mmdeploy.core.optimizers.function_marker', 'mmdeploy.core.optimizers.optimize', 'mmdeploy.core.optimizers', 'mmdeploy.core', 'mmdeploy.pytorch.functions.getattribute', 'mmdeploy.pytorch.functions.group_norm', 'mmdeploy.pytorch.functions.interpolate', 'mmdeploy.pytorch.functions.linear', 'mmdeploy.pytorch.functions.repeat', 'mmdeploy.pytorch.functions.size', 'mmdeploy.pytorch.functions.topk', 'mmdeploy.pytorch.functions', 'mmdeploy.pytorch.ops.adaptive_avg_pool', 'mmdeploy.pytorch.ops.grid_sampler', 'mmdeploy.pytorch.ops.hardsigmoid', 'mmdeploy.pytorch.ops.instance_norm', 'mmdeploy.pytorch.ops.lstm', 'mmdeploy.pytorch.ops.squeeze', 'mmdeploy.pytorch.ops', 'mmdeploy.pytorch', 'mmdeploy.mmcv.ops.deform_conv', 'mmdeploy.mmcv.ops.modulated_deform_conv', 'mmdeploy.mmcv.ops.nms', 'mmdeploy.mmcv.ops.roi_align', 'mmdeploy.mmcv.ops', 'mmdeploy.mmcv', 'mmdeploy', 'h5py._errors', '_cython_0_29_22', 'h5py.defs', 'gc', 'h5py._objects', 'h5py.h5py_warnings', 'h5py.h5', 'h5py.version', 'h5py.h5r', 'h5py.utils', 'h5py.h5s', 'h5py.h5ac', 'h5py.h5p', 'h5py.h5t', 'h5py._conv', 'h5py.h5z', 'h5py._proxy', 'h5py.h5a', 'h5py.h5d', 'h5py.h5ds', 'h5py.h5g', 'h5py.h5i', 'h5py.h5f', 'h5py.h5fd', 'h5py.h5pl', 'h5py._hl', 'h5py._hl.compat', 'h5py._hl.filters', 'h5py._hl.base', 'h5py.h5o', 'h5py.h5l', 'h5py._selector', 'h5py._hl.selections', 'h5py._hl.selections2', 'h5py._hl.datatype', 'h5py._hl.vds', 'h5py._hl.dataset', 'h5py._hl.group', 'h5py._hl.files', 'h5py._hl.attrs', 'h5py', 'mmcv.parallel.data_container', 'mmcv.parallel.collate', 'mmcv.parallel._functions', 'mmcv.parallel.scatter_gather', 'mmcv.parallel.data_parallel', 'mmcv.parallel.distributed', 'mmcv.parallel.registry', 'mmcv.parallel.utils', 'mmcv.parallel', 'mmdeploy.apis.calibration', 'mmdeploy.apis.extract_model', 'mmdeploy.apis.inference', 'mmdeploy.apis.pytorch2onnx', 'mmdeploy.backend.ncnn.init_plugins', 'mmdeploy.backend.ncnn', 'mmdeploy.backend.onnxruntime.init_plugins', 'onnxruntime.capi', 'onnxruntime.capi._ld_preload', 'onnxruntime.capi.onnxruntime_pybind11_state', 'onnxruntime.capi._pybind_state', 'onnxruntime.capi.onnxruntime_inference_collection', 'onnxruntime.capi.onnxruntime_validation', 'onnxruntime.capi.training', 'onnxruntime', 'mmdeploy.utils.timer', 'mmdeploy.backend.base.backend_wrapper_registry', 'mmdeploy.backend.base.base_wrapper', 'mmdeploy.backend.base', 'mmdeploy.backend.onnxruntime.wrapper', 'mmdeploy.backend.onnxruntime', 'mmdeploy.backend.openvino', 'mmdeploy.backend.pplnn', 'mmdeploy.backend.sdk', 'mmdeploy.backend.tensorrt.init_plugins', 'tensorrt.tensorrt', 'tensorrt', 'mmdeploy.backend.tensorrt.calib_utils', 'mmdeploy.backend.tensorrt.utils', 'mmdeploy.backend.tensorrt.wrapper', 'mmdeploy.backend.tensorrt', 'mmdeploy.backend', 'mmdeploy.backend.torchscript.init_plugins', 'mmdeploy.backend.torchscript.wrapper', 'mmdeploy.backend.torchscript', 'mmdeploy.apis.pytorch2torchscript', 'mmdeploy.codebase.base.backend_model', 'mmdeploy.utils.dataset', 'mmdeploy.codebase.base.task', 'mmdeploy.codebase.base.mmcodebase', 'mmdeploy.codebase.base', 'mmdeploy.codebase', 'mmdeploy.apis.utils', 'mmdeploy.apis.visualize', 'mmdeploy.apis', 'mmdeploy.utils.export_info', 'mmap', 'multiprocessing.heap', 'multiprocessing.sharedctypes', 'multiprocessing.popen_fork', 'multiprocessing.popen_spawn_posix', 'mmdeploy.codebase.mmdet3d', 'mmdeploy.codebase.mmdet3d.deploy', 'mmdeploy.codebase.mmdet3d.deploy.mmdetection3d', 'mmdeploy.codebase.mmdet3d.deploy.voxel_detection', 'mmdet.version', 'mmdet', 'mmseg.version', 'mmseg', 'mmdet3d.version', 'mmdet3d', 'mmdet3d.core', 'mmdet.core.anchor.builder', 'mmdet.core.anchor.anchor_generator', 'mmdet.core.anchor.point_generator', 'mmdet.core.anchor.utils', 'mmdet.core.anchor', 'mmdet.core.bbox.builder', 'mmdet.core.bbox.iou_calculators.builder', 'mmdet.core.bbox.iou_calculators.iou2d_calculator', 'mmdet.core.bbox.iou_calculators', 'mmdet.utils.collect_env', 'mmdet.utils.compat_config', 'mmdet.utils.logger', 'mmdet.utils.misc', 'mmdet.utils.setup_env', 'mmdet.utils.split_batch', 'mmdet.utils.util_distribution', 'mmdet.utils', 'mmdet.utils.util_mixins', 'mmdet.core.bbox.assigners.assign_result', 'mmdet.core.bbox.assigners.base_assigner', 'mmdet.core.bbox.assigners.max_iou_assigner', 'mmdet.core.bbox.assigners.approx_max_iou_assigner', 'mmdet.core.bbox.assigners.atss_assigner', 'mmdet.core.bbox.assigners.center_region_assigner', 'mmdet.core.bbox.assigners.grid_assigner', 'mmdet.core.bbox.match_costs.builder', 'mmdet.core.bbox.transforms', 'mmdet.core.bbox.match_costs.match_cost', 'mmdet.core.bbox.match_costs', 'scipy._lib._testutils', 'scipy._lib', 'scipy._lib.deprecation', 'scipy.__config__', 'scipy.version', 'scipy._distributor_init', 'scipy._lib._pep440', 'scipy._lib._ccallback_c', 'scipy._lib._ccallback', 'scipy', 'scipy.optimize.minpack2', 'scipy.optimize.linesearch', 'scipy._lib._util', 'scipy.sparse.sputils', 'scipy.sparse.base', 'scipy.sparse._sparsetools', 'scipy.sparse.data', 'scipy.sparse.dia', 'scipy.sparse._index', 'scipy.sparse.compressed', 'scipy.sparse.csr', 'scipy.sparse.csc', 'scipy.sparse._csparsetools', 'scipy.sparse.lil', 'scipy.sparse.dok', 'scipy.sparse.coo', 'scipy.sparse.bsr', 'scipy.sparse.construct', 'scipy.sparse.extract', 'scipy.sparse._matrix_io', 'scipy.sparse.csgraph._laplacian', 'scipy.sparse.csgraph._tools', 'scipy.sparse.csgraph._validation', 'scipy.sparse.csgraph._shortest_path', 'scipy.sparse.csgraph._traversal', 'scipy.sparse.csgraph._min_spanning_tree', 'scipy.sparse.csgraph._flow', 'scipy.sparse.csgraph._matching', 'scipy.sparse.csgraph._reordering', 'scipy.sparse.csgraph', 'scipy.sparse', 'scipy.sparse.linalg.isolve._iterative', 'scipy.sparse.linalg.interface', 'scipy.sparse.linalg.isolve.utils', 'scipy._lib.decorator', 'scipy._lib._threadsafety', 'scipy.sparse.linalg.isolve.iterative', 'scipy.sparse.linalg.isolve.minres', 'scipy.linalg._fblas', 'scipy.linalg.blas', 'scipy.linalg._flapack', 'scipy.linalg.lapack', 'scipy.linalg.misc', 'scipy.linalg._flinalg', 'scipy.linalg.flinalg', 'scipy.linalg.decomp', 'scipy.linalg.decomp_svd', 'scipy.linalg._solve_toeplitz', 'scipy.linalg.basic', 'scipy.linalg.decomp_lu', 'scipy.linalg._decomp_ldl', 'scipy.linalg.decomp_cholesky', 'scipy.linalg.decomp_qr', 'scipy.linalg._decomp_qz', 'scipy.linalg.decomp_schur', 'scipy.linalg._decomp_polar', 'scipy.linalg.special_matrices', 'scipy.linalg._expm_frechet', 'scipy.linalg._matfuncs_sqrtm_triu', 'scipy.linalg._matfuncs_sqrtm', 'scipy.linalg.matfuncs', 'scipy.linalg._solvers', 'scipy.linalg._procrustes', 'scipy.linalg.cython_blas', 'scipy.linalg.cython_lapack', 'scipy.linalg._decomp_update', 'scipy.linalg._sketches', 'scipy.linalg._decomp_cossin', 'scipy.linalg', 'scipy.sparse.linalg.isolve._gcrotmk', 'scipy.sparse.linalg.isolve.lgmres', 'scipy.sparse.linalg.isolve.lsqr', 'scipy.sparse.linalg.isolve.lsmr', 'scipy.sparse.linalg.isolve', 'scipy.sparse.linalg.dsolve._superlu', 'scipy.sparse.linalg.dsolve.linsolve', 'scipy.sparse.linalg.dsolve._add_newdocs', 'scipy.sparse.linalg.dsolve', 'scipy.sparse.linalg.eigen.arpack._arpack', 'scipy.sparse.linalg.eigen.lobpcg.lobpcg', 'scipy.sparse.linalg.eigen.lobpcg', 'scipy.sparse.linalg.eigen.arpack.arpack', 'scipy.sparse.linalg.eigen.arpack', 'scipy.sparse.linalg.eigen', 'scipy.special.sf_error', 'scipy.special._ufuncs_cxx', 'scipy.special._ufuncs', 'scipy.special.specfun', 'scipy.special.orthogonal', 'scipy.special._comb', 'scipy.special._basic', 'scipy.special._logsumexp', 'scipy.special.spfun_stats', 'scipy.special._ellip_harm_2', 'scipy.special._ellip_harm', 'scipy.special._lambertw', 'scipy.special._spherical_bessel', 'scipy.special', 'scipy.sparse.linalg._expm_multiply', 'scipy.sparse.linalg.matfuncs', 'scipy.sparse.linalg._onenormest', 'scipy.sparse.linalg._norm', 'scipy.sparse.linalg', 'scipy.optimize._group_columns', 'scipy.optimize._numdiff', 'scipy.optimize._hessian_update_strategy', 'scipy.optimize._differentiable_functions', 'scipy.optimize.optimize', 'scipy.optimize._trustregion', 'scipy.optimize._trustregion_dogleg', 'scipy.optimize._trustregion_ncg', 'scipy._lib.messagestream', 'scipy.optimize._trlib._trlib', 'scipy.optimize._trlib', 'scipy.optimize._trustregion_krylov', 'scipy.optimize._trustregion_exact', 'numpy.testing._private', 'numpy.testing._private.utils', 'numpy.testing._private.decorators', 'numpy.testing._private.nosetester', 'numpy.testing', 'scipy.optimize._constraints', 'scipy.optimize._trustregion_constr.projections', 'scipy.optimize._trustregion_constr.qp_subproblem', 'scipy.optimize._trustregion_constr.equality_constrained_sqp', 'scipy.optimize._trustregion_constr.canonical_constraint', 'scipy.optimize._trustregion_constr.tr_interior_point', 'scipy.optimize._trustregion_constr.report', 'scipy.optimize._trustregion_constr.minimize_trustregion_constr', 'scipy.optimize._trustregion_constr', 'scipy.optimize._lbfgsb', 'scipy.optimize.lbfgsb', 'scipy.optimize.moduleTNC', 'scipy.optimize.tnc', 'scipy.optimize._cobyla', 'scipy.optimize.cobyla', 'scipy.optimize._slsqp', 'scipy.optimize.slsqp', 'scipy.optimize._minimize', 'scipy.optimize._minpack', 'scipy.optimize._lsq.common', 'scipy.optimize._lsq.trf', 'scipy.optimize._lsq.dogbox', 'scipy.optimize._lsq.least_squares', 'scipy.optimize._lsq.givens_elimination', 'scipy.optimize._lsq.trf_linear', 'scipy.optimize._lsq.bvls', 'scipy.optimize._lsq.lsq_linear', 'scipy.optimize._lsq', 'scipy.optimize.minpack', 'scipy.optimize._spectral', 'scipy.optimize.nonlin', 'scipy.optimize._root', 'scipy.optimize._zeros', 'scipy.optimize.zeros', 'scipy.optimize._root_scalar', 'scipy.optimize.__nnls', 'scipy.optimize._nnls', 'scipy.optimize._basinhopping', 'scipy.optimize._highs', 'scipy.optimize._highs.cython.src._highs_wrapper', 'scipy.optimize._highs._highs_wrapper', 'scipy.optimize._highs.cython.src._highs_constants', 'scipy.optimize._highs._highs_constants', 'scipy.optimize._linprog_highs', 'scipy.linalg._interpolative', 'scipy.linalg._interpolative_backend', 'scipy.linalg.interpolative', 'scipy.optimize._remove_redundancy', 'scipy.optimize._linprog_util', 'scipy.optimize._linprog_ip', 'scipy.optimize._linprog_simplex', 'scipy.optimize._bglu_dense', 'scipy.optimize._linprog_rs', 'scipy.optimize._linprog_doc', 'scipy.optimize._linprog', 'scipy.optimize._lsap_module', 'scipy.optimize._lsap', 'scipy.optimize._differentialevolution', 'scipy.spatial.ckdtree', 'scipy.spatial.kdtree', 'scipy.spatial.qhull', 'scipy.spatial._voronoi', 'scipy.spatial._spherical_voronoi', 'scipy.spatial._plotutils', 'scipy.spatial._procrustes', 'scipy.spatial._distance_wrap', 'scipy.spatial._hausdorff', 'scipy.spatial.distance', 'scipy.spatial._geometric_slerp', 'scipy.constants.codata', 'scipy.constants.constants', 'scipy.constants', 'scipy.spatial.transform._rotation_groups', 'scipy.spatial.transform.rotation', 'scipy.spatial.transform._rotation_spline', 'scipy.spatial.transform', 'scipy.spatial', 'scipy.optimize._shgo_lib', 'scipy.optimize._shgo_lib.sobol_seq', 'scipy.optimize._shgo_lib.triangulation', 'scipy.optimize._shgo', 'scipy.optimize._dual_annealing', 'scipy.optimize._qap', 'scipy.optimize', 'mmdet.core.bbox.assigners.hungarian_assigner', 'mmdet.core.bbox.assigners.mask_hungarian_assigner', 'mmdet.core.bbox.assigners.point_assigner', 'mmdet.core.bbox.assigners.region_assigner', 'mmdet.core.bbox.assigners.sim_ota_assigner', 'mmdet.core.bbox.assigners.task_aligned_assigner', 'mmdet.core.bbox.assigners.uniform_assigner', 'mmdet.core.bbox.assigners', 'mmdet.core.bbox.coder.base_bbox_coder', 'mmdet.core.bbox.coder.bucketing_bbox_coder', 'mmdet.core.bbox.coder.delta_xywh_bbox_coder', 'mmdet.core.bbox.coder.distance_point_bbox_coder', 'mmdet.core.bbox.coder.legacy_delta_xywh_bbox_coder', 'mmdet.core.bbox.coder.pseudo_bbox_coder', 'mmdet.core.bbox.coder.tblr_bbox_coder', 'mmdet.core.bbox.coder.yolo_bbox_coder', 'mmdet.core.bbox.coder', 'mmdet.core.bbox.samplers.sampling_result', 'mmdet.core.bbox.samplers.base_sampler', 'mmdet.core.bbox.samplers.combined_sampler', 'mmdet.core.bbox.samplers.random_sampler', 'mmdet.core.bbox.samplers.instance_balanced_pos_sampler', 'mmdet.core.bbox.samplers.iou_balanced_neg_sampler', 'mmdet.core.bbox.samplers.mask_sampling_result', 'mmdet.core.bbox.samplers.mask_pseudo_sampler', 'mmdet.core.bbox.samplers.ohem_sampler', 'mmdet.core.bbox.samplers.pseudo_sampler', 'mmcv.utils.ext_loader', 'mmcv._ext', 'mmcv.ops.active_rotated_filter', 'mmcv.ops.assign_score_withk', 'mmcv.ops.ball_query', 'mmcv.ops.bbox', 'mmcv.ops.border_align', 'mmcv.ops.box_iou_rotated', 'mmcv.cnn.alexnet', 'mmcv.cnn.bricks.registry', 'mmcv.cnn.bricks.activation', 'mmcv.cnn.utils.flops_counter', 'mmcv.cnn.utils.fuse_conv_bn', 'mmcv.cnn.utils.sync_bn', 'mmcv.cnn.utils.weight_init', 'mmcv.cnn.utils', 'mmcv.cnn.bricks.context_block', 'mmcv.cnn.bricks.conv', 'mmcv.cnn.bricks.conv2d_adaptive_padding', 'mmcv.cnn.bricks.norm', 'mmcv.cnn.bricks.padding', 'mmcv.cnn.bricks.conv_module', 'mmcv.cnn.bricks.conv_ws', 'mmcv.cnn.bricks.depthwise_separable_conv_module', 'mmcv.cnn.bricks.drop', 'mmcv.cnn.bricks.generalized_attention', 'mmcv.cnn.bricks.hsigmoid', 'mmcv.cnn.bricks.hswish', 'mmcv.cnn.bricks.non_local', 'mmcv.cnn.bricks.plugin', 'mmcv.cnn.bricks.scale', 'mmcv.cnn.bricks.swish', 'mmcv.cnn.bricks.upsample', 'mmcv.cnn.bricks.wrappers', 'mmcv.cnn.bricks', 'mmcv.runner.dist_utils', 'mmcv.runner.base_module', 'torchvision.extension', 'torchvision.models.utils', 'torchvision.models.alexnet', 'torchvision.models.resnet', 'torchvision.models.resnext', 'torchvision.models.vgg', 'torchvision.models.squeezenet', 'torchvision.models.inception', 'torch.utils.checkpoint', 'torchvision.models.densenet', 'torchvision.models.googlenet', 'torchvision.models.mobilenetv2', 'torchvision.models.mobilenetv3', 'torchvision.models.mobilenet', 'torchvision.models.mnasnet', 'torchvision.models.shufflenetv2', 'torchvision.models._utils', 'torchvision.models.segmentation._utils', 'torchvision.models.segmentation.deeplabv3', 'torchvision.models.segmentation.fcn', 'torchvision.models.segmentation.lraspp', 'torchvision.models.segmentation.segmentation', 'torchvision.models.segmentation', 'torchvision.ops._box_convert', 'torchvision.ops.boxes', 'torchvision.ops.deform_conv', 'torchvision.ops._utils', 'torchvision.ops.roi_align', 'torchvision.ops.roi_pool', 'torchvision.ops.ps_roi_align', 'torchvision.ops.ps_roi_pool', 'torchvision.ops.poolers', 'torchvision.ops.feature_pyramid_network', 'torchvision.ops.focal_loss', 'torchvision.ops._register_onnx_ops', 'torchvision.ops', 'torchvision.ops.misc', 'torchvision.models.detection._utils', 'torchvision.models.detection.image_list', 'torchvision.models.detection.anchor_utils', 'torchvision.models.detection.generalized_rcnn', 'torchvision.models.detection.rpn', 'torchvision.models.detection.roi_heads', 'torchvision.models.detection.transform', 'torchvision.models.detection.backbone_utils', 'torchvision.models.detection.faster_rcnn', 'torchvision.models.detection.mask_rcnn', 'torchvision.models.detection.keypoint_rcnn', 'torchvision.models.detection.retinanet', 'torchvision.models.detection', 'torchvision.models.video.resnet', 'torchvision.models.video', 'torchvision.models.quantization.utils', 'torchvision.models.quantization.mobilenetv2', 'torchvision.models.quantization.mobilenetv3', 'torchvision.models.quantization.mobilenet', 'torchvision.models.quantization.resnet', 'torchvision.models.quantization.googlenet', 'torchvision.models.quantization.inception', 'torchvision.models.quantization.shufflenetv2', 'torchvision.models.quantization', 'torchvision.models', 'torchvision.datasets.vision', 'gzip', 'torchvision.datasets.utils', 'torchvision.datasets.lsun', 'torchvision.datasets.folder', 'torchvision.datasets.coco', 'torchvision.datasets.cifar', 'torchvision.datasets.stl10', 'torchvision.datasets.mnist', 'torchvision.datasets.svhn', 'torchvision.datasets.phototour', 'PIL.ImageFilter', 'PIL.ImageStat', 'PIL.ImageEnhance', 'torchvision.transforms.functional_pil', 'torchvision.transforms.functional_tensor', 'torchvision.transforms.functional', 'torchvision.transforms.transforms', 'torchvision.transforms.autoaugment', 'torchvision.transforms', 'torchvision.datasets.fakedata', 'torchvision.datasets.semeion', 'torchvision.datasets.omniglot', 'torchvision.datasets.sbu', 'html.entities', 'html', '_markupbase', 'html.parser', 'torchvision.datasets.flickr', 'torchvision.datasets.voc', 'torchvision.datasets.cityscapes', 'torchvision.datasets.imagenet', 'torchvision.datasets.caltech', 'torchvision.datasets.celeba', 'torchvision.datasets.widerface', 'torchvision.datasets.sbd', 'torchvision.datasets.usps', '_decimal', 'decimal', 'fractions', 'torchvision.io._video_opt', 'torchvision.io.video', 'torchvision.io.image', 'torchvision.io', 'torchvision.datasets.video_utils', 'torchvision.datasets.kinetics', 'torchvision.datasets.hmdb51', 'torchvision.datasets.ucf101', 'torchvision.datasets.places365', 'torchvision.datasets', 'PIL.ImageColor', 'PIL._imagingft', 'PIL.ImageFont', 'PIL.ImageDraw', 'torchvision.utils', 'torchvision.version', 'torchvision', 'mmcv.runner.checkpoint', 'mmcv.runner.hooks.hook', 'mmcv.runner.hooks.checkpoint', 'mmcv.runner.hooks.closure', 'mmcv.runner.hooks.ema', 'mmcv.runner.hooks.logger.base', 'mmcv.runner.hooks.logger.dvclive', 'mmcv.runner.hooks.logger.mlflow', 'mmcv.runner.hooks.logger.neptune', 'mmcv.runner.hooks.logger.pavi', 'mmcv.runner.hooks.logger.segmind', 'mmcv.runner.hooks.logger.tensorboard', 'mmcv.runner.hooks.logger.text', 'mmcv.runner.hooks.logger.wandb', 'mmcv.runner.hooks.logger', 'mmcv.runner.hooks.evaluation', 'mmcv.runner.hooks.iter_timer', 'mmcv.runner.hooks.lr_updater', 'mmcv.runner.hooks.memory', 'mmcv.runner.hooks.momentum_updater', 'mmcv.runner.fp16_utils', 'mmcv.runner.hooks.optimizer', 'mmcv.runner.hooks.profiler', 'mmcv.runner.hooks.sampler_seed', 'mmcv.runner.hooks.sync_buffer', 'mmcv.runner.hooks', 'mmcv.runner.log_buffer', 'mmcv.runner.priority', 'termios', 'getpass', 'mmcv.runner.utils', 'mmcv.runner.base_runner', 'mmcv.runner.builder', 'mmcv.runner.default_constructor', 'mmcv.runner.epoch_based_runner', 'mmcv.runner.iter_based_runner', 'mmcv.runner.optimizer.builder', 'mmcv.runner.optimizer.default_constructor', 'mmcv.runner.optimizer', 'mmcv.device.ipu', 'mmcv.device.mlu._functions', 'mmcv.device.mlu.scatter_gather', 'mmcv.device.mlu.data_parallel', 'mmcv.device.mlu.distributed', 'mmcv.device.mlu', 'mmcv.device', 'mmcv.runner', 'mmcv.cnn.builder', 'mmcv.cnn.resnet', 'mmcv.cnn.vgg', 'mmcv.cnn', 'mmcv.ops.carafe', 'mmcv.ops.cc_attention', 'mmcv.ops.contour_expand', 'mmcv.ops.convex_iou', 'mmcv.ops.corner_pool', 'mmcv.ops.correlation', 'mmcv.ops.deform_conv', 'mmcv.ops.deform_roi_pool', 'mmcv.ops.deprecated_wrappers', 'mmcv.ops.diff_iou_rotated', 'mmcv.ops.focal_loss', 'mmcv.ops.furthest_point_sample', 'mmcv.ops.fused_bias_leakyrelu', 'mmcv.ops.gather_points', 'mmcv.ops.knn', 'mmcv.ops.group_points', 'mmcv.ops.info', 'mmcv.ops.iou3d', 'mmcv.ops.masked_conv', 'mmcv.ops.min_area_polygons', 'mmcv.ops.modulated_deform_conv', 'mmcv.ops.multi_scale_deform_attn', 'mmcv.ops.nms', 'mmcv.ops.pixel_group', 'torch.onnx.operators', 'mmcv.ops.point_sample', 'mmcv.ops.points_in_boxes', 'mmcv.ops.points_in_polygons', 'mmcv.ops.points_sampler', 'mmcv.ops.psa_mask', 'mmcv.ops.riroi_align_rotated', 'mmcv.ops.roi_align', 'mmcv.ops.roi_align_rotated', 'mmcv.ops.roi_pool', 'mmcv.ops.roiaware_pool3d', 'mmcv.ops.roipoint_pool3d', 'mmcv.ops.rotated_feature_align', 'mmcv.ops.saconv', 'mmcv.ops.scatter_points', 'mmcv.ops.sparse_ops', 'mmcv.ops.sparse_functional', 'mmcv.ops.sparse_structure', 'mmcv.ops.sparse_modules', 'mmcv.ops.sparse_conv', 'mmcv.ops.sparse_pool', 'mmcv.ops.sync_bn', 'mmcv.ops.three_interpolate', 'mmcv.ops.three_nn', 'mmcv.ops.tin_shift', 'mmcv.ops.upfirdn2d', 'mmcv.ops.voxelize', 'mmcv.ops', 'mmdet.core.bbox.samplers.score_hlr_sampler', 'mmdet.core.bbox.samplers', 'mmdet.core.bbox', 'mmdet.core.data_structures.general_data', 'mmdet.core.data_structures.instance_data', 'mmdet.core.data_structures', 'mmdet.core.evaluation.class_names', 'mmdet.core.evaluation.eval_hooks', 'terminaltables.terminal_io', 'terminaltables.width_and_alignment', 'terminaltables.build', 'terminaltables.base_table', 'terminaltables.ascii_table', 'terminaltables.github_table', 'terminaltables.other_tables', 'terminaltables', 'mmdet.core.evaluation.bbox_overlaps', 'mmdet.core.evaluation.mean_ap', 'mmdet.core.evaluation.panoptic_utils', 'mmdet.core.evaluation.recall', 'mmdet.core.evaluation', 'mmdet.core.hook.checkloss_hook', 'mmdet.core.hook.ema', 'mmdet.core.hook.memory_profiler_hook', 'mmdet.core.hook.set_epoch_info_hook', 'mmdet.core.utils.dist_utils', 'six.moves', 'mmdet.core.mask.mask_target', 'pycocotools', 'pycocotools._mask', 'pycocotools.mask', 'mmdet.core.mask.structures', 'mmdet.core.mask.utils', 'mmdet.core.mask', 'mmdet.core.utils.misc', 'mmdet.core.utils', 'mmdet.core.hook.sync_norm_hook', 'mmdet.core.hook.sync_random_size_hook', 'mmdet.core.hook.yolox_lrupdater_hook', 'mmdet.core.hook.yolox_mode_switch_hook', 'mmdet.core.hook', 'mmdet.core.post_processing.bbox_nms', 'mmdet.core.post_processing.matrix_nms', 'mmdet.core.post_processing.merge_augs', 'mmdet.core.post_processing', 'mmdet.core', 'mmdet3d.core.anchor.anchor_3d_generator', 'mmdet3d.core.anchor', 'mmdet3d.core.bbox.assigners', 'mmdet3d.core.bbox.coders.partial_bin_based_bbox_coder', 'mmdet3d.core.bbox.coders.anchor_free_bbox_coder', 'mmdet3d.core.bbox.coders.centerpoint_bbox_coders', 'mmdet3d.core.bbox.coders.delta_xyzwhlr_bbox_coder', 'mmdet3d.core.utils.array_converter', 'mmdet3d.core.utils.gaussian', 'mmdet3d.core.utils', 'mmdet3d.core.bbox.structures.utils', 'mmdet3d.core.bbox.structures.base_box3d', 'mmdet3d.core.points.base_points', 'mmdet3d.core.points.cam_points', 'mmdet3d.core.points.depth_points', 'mmdet3d.core.points.lidar_points', 'mmdet3d.core.points', 'mmdet3d.core.bbox.structures.cam_box3d', 'mmdet3d.core.bbox.structures.depth_box3d', 'mmdet3d.core.bbox.structures.lidar_box3d', 'mmdet3d.core.bbox.structures.box_3d_mode', 'mmdet3d.core.bbox.structures.coord_3d_mode', 'mmdet3d.core.bbox.structures', 'mmdet3d.core.bbox.coders.fcos3d_bbox_coder', 'mmdet3d.core.bbox.coders.groupfree3d_bbox_coder', 'mmdet3d.core.bbox.coders.monoflex_bbox_coder', 'mmdet3d.core.bbox.coders.pgd_bbox_coder', 'mmdet3d.core.bbox.coders.point_xyzwhlr_bbox_coder', 'mmdet3d.core.bbox.coders.smoke_bbox_coder', 'mmdet3d.core.bbox.coders', 'mmdet3d.core.bbox.iou_calculators.iou3d_calculator', 'mmdet3d.core.bbox.iou_calculators', 'mmdet3d.core.bbox.samplers.iou_neg_piecewise_sampler', 'mmdet3d.core.bbox.samplers', 'mmdet3d.core.bbox.transforms', 'mmdet3d.core.bbox', 'mmdet3d.core.evaluation.indoor_eval', 'mmdet3d.core.evaluation.scannet_utils.util_3d', 'mmdet3d.core.evaluation.scannet_utils.evaluate_semantic_instance', 'mmdet3d.core.evaluation.scannet_utils', 'mmdet3d.core.evaluation.instance_seg_eval', 'numba._version', 'numba.misc', 'numba.misc.init_utils', 'numba.core', 'llvmlite._version', 'llvmlite', 'llvmlite.binding.common', 'llvmlite.utils', 'llvmlite.binding.ffi', 'llvmlite.binding.dylib', 'llvmlite.binding.targets', 'llvmlite.binding.object_file', 'llvmlite.binding.executionengine', 'llvmlite.binding.initfini', 'llvmlite.binding.linker', 'llvmlite.binding.value', 'llvmlite.binding.context', 'llvmlite.binding.module', 'llvmlite.binding.options', 'llvmlite.binding.passmanagers', 'llvmlite.binding.transforms', 'llvmlite.ir._utils', 'llvmlite.ir.types', 'llvmlite.ir.values', 'llvmlite.ir.context', 'llvmlite.ir.module', 'llvmlite.ir.instructions', 'llvmlite.ir.builder', 'llvmlite.ir.transforms', 'llvmlite.ir', 'llvmlite.binding.analysis', 'llvmlite.binding', 'numba.core.config', '_lsprof', 'profile', 'cProfile', 'numba.testing.loader', 'numba.testing.main', 'numba.testing', 'numba.testing._runtests', 'timeit', 'numba.core.utils', 'numba.core.types.abstract', 'numba.core.types.common', 'numba.core.typeconv.castgraph', 'numba.core.typeconv', 'colorama.ansi', 'colorama.win32', 'colorama.winterm', 'colorama.ansitowin32', 'colorama.initialise', 'colorama', 'numba.core.errors', 'numba.core.types.misc', 'numba.core.types.containers', 'numba.core.types.functions', 'numba.core.types.iterators', 'numba.core.types.npytypes', 'numba.np', 'numba.np.npdatetime_helpers', 'numba.core.types.scalars', 'numba.core.types.function_type', 'numba.core.types', 'numba.core.typeconv._typeconv', 'numba.core.typeconv.typeconv', 'numba.core.typeconv.rules', 'numba.core.cpu_options', 'numba.core.typing.templates', 'numba.core.datamodel.manager', 'numba.core.datamodel.packer', 'numba.core.datamodel.registry', 'numba.core.datamodel.models', 'numba.core.datamodel', 'numba.core.cgutils', 'numba.np.numpy_support', 'numba.core.typing.typeof', 'numba.core.typing.context', 'numba.core.typing', 'numba.core.typing.asnumbatype', 'numba.misc.special', 'numba.stencils', 'numba.core.consts', 'numba.core.ir', 'numba.core.imputils', 'llvmlite.llvmpy', 'llvmlite.llvmpy.core', 'numba._helperlib', 'numba.core.debuginfo', 'numba.core.itanium_mangler', 'numba.core.funcdesc', 'numba.core.generators', 'numba.core.removerefctpass', 'numba._dynfunc', 'numba.core.serialize', 'numba.core.environment', 'numba.core.lowering', 'numba.core.pythonapi', 'numba.core.extending', 'numba.core.controlflow', 'numba.core.analysis', 'numba.core.transforms', 'numba.core.postproc', 'numba.core.rewrites.registry', 'numba.core.rewrites.static_getitem', 'numba.core.rewrites.static_raise', 'numba.core.rewrites.static_binop', 'numba.core.rewrites.ir_print', 'numba.core.rewrites', 'numba.core.ir_utils', 'numba.core.descriptors', 'numba._devicearray', 'numba._dispatcher', 'numba.core.tracing', 'numba.core.dataflow', 'numba.core.byteflow', 'numba.core.unsafe', 'numba.core.unsafe.eh', 'numba.cpython', 'numba.cpython.unsafe', 'numba.cpython.unsafe.tuple', 'numba.core.interpreter', 'numba.core.bytecode', 'numba.core.event', 'numba.core.compiler_lock', 'numba.misc.quicksort', 'numba.misc.mergesort', 'numba.cpython.slicing', 'numba.np.arrayobj', 'numba.core.typeinfer', 'numba.stencils.stencilparfor', 'numba.core.typing.npydecl', 'numba.np.unsafe', 'numba.np.unsafe.ndarray', 'numba.parfors.array_analysis', 'numba.parfors.parfor', 'numba.core.sigutils', 'numba.parfors.parfor_lowering_utils', 'numba.parfors.parfor_lowering', 'numba.parfors', 'numba.core.typing.builtins', 'numba.extending', 'numba.cpython.builtins', 'numba.core.base', 'numba.core.callconv', 'numba.core.callwrapper', 'llvmlite.llvmpy.passes', 'numba.core.runtime.nrtdynmod', 'numba.core.runtime._nrt_python', 'numba.core.runtime.nrt', 'numba.core.runtime', 'numba.core.runtime.nrtopt', 'numba.misc.inspection', 'numba.misc.llvm_pass_timings', 'numba.core.codegen', 'numba.core.intrinsics', 'numba.core.externals', 'numba.core.fastmathpass', 'numba.core.options', 'numba.core.entrypoints', 'numba.cpython.setobj', 'numba.cpython.listobj', 'numba.core.cpu', 'numba.cpython.rangeobj', 'numba.core.inline_closurecall', 'numba.core.compiler_machinery', 'numba.core.ssa', 'numba.core.untyped_passes', 'numba.core.annotations', 'numba.core.annotations.type_annotations', 'numba.core.typed_passes', 'numba.core.pylowering', 'numba.core.object_mode_passes', 'numba.core.compiler', 'numba.misc.appdirs', 'numba.core.caching', 'numba.core.dispatcher', 'numba.core.registry', 'numba.stencils.stencil', 'numba.core.decorators', 'numba.np.ufunc._internal', 'numba.np.ufunc.wrappers', 'numba.np.ufunc.sigparse', 'numba.np.ufunc.ufuncbuilder', 'numba.np.ufunc.parallel', 'numba.np.ufunc.dufunc', 'numba.np.ufunc.gufunc', 'numba.np.ufunc.decorators', 'numba.np.ufunc.array_exprs', 'numba.np.ufunc', 'numba.experimental.jitclass._box', 'numba.experimental.jitclass.base', 'numba.experimental.jitclass.decorators', 'numba.experimental.jitclass.boxing', 'numba.experimental.jitclass', 'numba.experimental', 'numba.core.withcontexts', 'numba.typed.typedobjectutils', 'numba.core.unsafe.bytes', 'numba.cpython.hashing', 'numba.cpython.unicode_support', 'numba.cpython.unicode', 'numba.typed.dictobject', 'numba.core.boxing', 'numba.cpython.charseq', 'numba.typed.dictimpl', 'numba.core.typing.ctypes_utils', 'numba.core.ccallback', 'numba.experimental.function_type', 'numba.typed.typeddict', 'numba.typed.listobject', 'numba.typed.typedlist', 'numba.typed', 'numba', 'mmdet3d.core.evaluation.kitti_utils.eval', 'mmdet3d.core.evaluation.kitti_utils', 'lyft_dataset_sdk', 'lyft_dataset_sdk.eval', 'lyft_dataset_sdk.eval.detection', 'pyquaternion.quaternion', 'pyquaternion', 'shapely', 'shapely.errors', 'shapely.affinity', 'ctypes.util', 'shapely.ctypes_declarations', 'shapely.geos', 'shapely.topology', 'shapely.coords', 'shapely.algorithms', 'shapely.algorithms.cga', 'shapely.linref', 'shapely.predicates', 'shapely.impl', 'shapely.geometry.base', 'shapely.geometry.proxy', 'shapely.geometry.point', 'shapely.geometry.linestring', 'shapely.geometry.polygon', 'shapely.geometry.multipoint', 'shapely.geometry.multilinestring', 'shapely.geometry.multipolygon', 'shapely.geometry.collection', 'shapely.geometry.geo', '_cython_0_29_28', 'shapely.speedups._speedups', 'shapely.speedups', 'shapely.geometry', 'lyft_dataset_sdk.eval.detection.mAP_evaluation', 'mmdet3d.core.evaluation.lyft_eval', 'mmdet3d.core.evaluation.seg_eval', 'mmdet3d.core.evaluation', 'mmdet3d.core.post_processing.box3d_nms', 'mmdet3d.core.post_processing.merge_augs', 'mmdet3d.core.post_processing', 'mmdet3d.core.visualizer', 'mmdet3d.core.visualizer.show_result', 'trimesh.version', 'trimesh.util', 'trimesh.constants', 'trimesh.transformations', 'trimesh.geometry', 'trimesh.caching', 'trimesh.parent', 'trimesh.grouping', 'trimesh.points', 'trimesh.triangles', 'trimesh.convex', 'trimesh.nsphere', 'trimesh.bounds', 'trimesh.ray.ray_util', 'trimesh.intersections', 'trimesh.ray.ray_triangle', 'trimesh.ray', 'trimesh.resources', 'trimesh.units', 'networkx.release', 'networkx.exception', 'networkx.utils.misc', 'decorator', 'networkx.utils.decorators', 'networkx.utils.random_sequence', 'networkx.utils.union_find', 'networkx.utils.rcm', 'networkx.utils.heaps', 'networkx.utils.contextmanagers', 'networkx.utils', 'networkx.classes.coreviews', 'networkx.classes.reportviews', 'networkx.convert', 'networkx.classes.graph', 'networkx.classes.digraph', 'networkx.classes.multigraph', 'networkx.classes.multidigraph', 'networkx.classes.ordered', 'networkx.classes.function', 'networkx.classes.filters', 'networkx.classes.graphviews', 'networkx.classes', 'networkx.convert_matrix', 'networkx.relabel', 'networkx.generators.atlas', 'networkx.generators.classic', 'networkx.generators.community', 'networkx.generators.degree_seq', 'networkx.generators.directed', 'networkx.generators.duplication', 'networkx.generators.ego', 'networkx.generators.expanders', 'networkx.generators.geometric', 'networkx.algorithms.assortativity.connectivity', 'networkx.algorithms.assortativity.pairs', 'networkx.algorithms.assortativity.mixing', 'networkx.algorithms.assortativity.correlation', 'networkx.algorithms.assortativity.neighbor_degree', 'networkx.algorithms.assortativity', 'networkx.algorithms.boundary', 'networkx.algorithms.bridges', 'networkx.algorithms.chains', 'networkx.algorithms.centrality.betweenness', 'networkx.algorithms.centrality.betweenness_subset', 'networkx.algorithms.centrality.closeness', 'networkx.algorithms.centrality.subgraph_alg', 'networkx.algorithms.centrality.flow_matrix', 'networkx.algorithms.centrality.current_flow_closeness', 'networkx.algorithms.centrality.current_flow_betweenness', 'networkx.algorithms.centrality.current_flow_betweenness_subset', 'networkx.algorithms.centrality.degree_alg', 'networkx.algorithms.centrality.dispersion', 'networkx.algorithms.centrality.eigenvector', 'networkx.algorithms.centrality.harmonic', 'networkx.algorithms.centrality.katz', 'networkx.algorithms.centrality.load', 'networkx.algorithms.centrality.reaching', 'networkx.algorithms.centrality.percolation', 'networkx.algorithms.centrality.second_order', 'networkx.algorithms.centrality', 'networkx.algorithms.chordal', 'networkx.algorithms.cluster', 'networkx.algorithms.clique', 'networkx.algorithms.communicability_alg', 'networkx.algorithms.components.connected', 'networkx.algorithms.components.strongly_connected', 'networkx.algorithms.components.weakly_connected', 'networkx.algorithms.components.attracting', 'networkx.algorithms.components.biconnected', 'networkx.algorithms.components.semiconnected', 'networkx.algorithms.components', 'networkx.algorithms.coloring.greedy_coloring_with_interchange', 'networkx.algorithms.coloring.greedy_coloring', 'networkx.algorithms.coloring', 'networkx.algorithms.core', 'networkx.algorithms.covering', 'networkx.algorithms.cycles', 'networkx.algorithms.cuts', 'networkx.generators.trees', 'networkx.algorithms.dag', 'networkx.algorithms.distance_measures', 'networkx.algorithms.distance_regular', 'networkx.algorithms.dominance', 'networkx.algorithms.dominating', 'networkx.algorithms.efficiency', 'networkx.algorithms.euler', 'networkx.algorithms.graphical', 'networkx.algorithms.hierarchy', 'networkx.algorithms.hybrid', 'networkx.algorithms.link_analysis.pagerank_alg', 'networkx.algorithms.link_analysis.hits_alg', 'networkx.algorithms.link_analysis', 'networkx.algorithms.link_prediction', 'networkx.algorithms.lowest_common_ancestors', 'networkx.algorithms.isolate', 'networkx.algorithms.matching', 'networkx.algorithms.minors', 'networkx.algorithms.mis', 'networkx.algorithms.operators.all', 'networkx.algorithms.operators.binary', 'networkx.algorithms.operators.product', 'networkx.algorithms.operators.unary', 'networkx.algorithms.operators', 'networkx.algorithms.planarity', 'networkx.algorithms.reciprocity', 'networkx.algorithms.richclub', 'networkx.algorithms.shortest_paths.generic', 'networkx.algorithms.shortest_paths.unweighted', 'networkx.algorithms.shortest_paths.weighted', 'networkx.algorithms.shortest_paths.astar', 'networkx.algorithms.shortest_paths.dense', 'networkx.algorithms.shortest_paths', 'networkx.algorithms.similarity', 'networkx.algorithms.simple_paths', 'networkx.algorithms.smallworld', 'networkx.algorithms.smetric', 'networkx.algorithms.structuralholes', 'networkx.algorithms.sparsifiers', 'networkx.algorithms.swap', 'networkx.algorithms.traversal.breadth_first_search', 'networkx.algorithms.traversal.beamsearch', 'networkx.algorithms.traversal.depth_first_search', 'networkx.algorithms.traversal.edgedfs', 'networkx.algorithms.traversal.edgebfs', 'networkx.algorithms.traversal', 'networkx.algorithms.triads', 'networkx.algorithms.vitality', 'networkx.algorithms.voronoi', 'networkx.algorithms.wiener', 'networkx.algorithms.bipartite.basic', 'networkx.algorithms.bipartite.centrality', 'networkx.algorithms.bipartite.cluster', 'networkx.algorithms.bipartite.matching', 'networkx.algorithms.bipartite.covering', 'networkx.algorithms.bipartite.edgelist', 'networkx.algorithms.bipartite.matrix', 'networkx.algorithms.bipartite.projection', 'networkx.algorithms.bipartite.redundancy', 'networkx.algorithms.bipartite.spectral', 'networkx.algorithms.bipartite.generators', 'networkx.algorithms.bipartite', 'networkx.algorithms.node_classification.utils', 'networkx.algorithms.node_classification.hmn', 'networkx.algorithms.node_classification.lgc', 'networkx.algorithms.node_classification', 'networkx.algorithms.flow.utils', 'networkx.algorithms.flow.boykovkolmogorov', 'networkx.algorithms.flow.dinitz_alg', 'networkx.algorithms.flow.edmondskarp', 'networkx.algorithms.flow.preflowpush', 'networkx.algorithms.flow.shortestaugmentingpath', 'networkx.algorithms.flow.maxflow', 'networkx.algorithms.flow.mincost', 'networkx.algorithms.flow.gomory_hu', 'networkx.algorithms.flow.capacityscaling', 'networkx.algorithms.flow.networksimplex', 'networkx.algorithms.flow', 'networkx.algorithms.connectivity.utils', 'networkx.algorithms.connectivity.connectivity', 'networkx.algorithms.connectivity.cuts', 'networkx.algorithms.connectivity.edge_augmentation', 'networkx.algorithms.connectivity.edge_kcomponents', 'networkx.algorithms.connectivity.disjoint_paths', 'networkx.algorithms.connectivity.kcomponents', 'networkx.algorithms.connectivity.kcutsets', 'networkx.algorithms.connectivity.stoerwagner', 'networkx.algorithms.connectivity', 'networkx.algorithms.community.asyn_fluid', 'networkx.algorithms.community.centrality', 'networkx.algorithms.community.community_generators', 'networkx.algorithms.community.kclique', 'networkx.algorithms.community.community_utils', 'networkx.algorithms.community.kernighan_lin', 'networkx.algorithms.community.label_propagation', 'networkx.algorithms.community.quality', 'networkx.utils.mapped_queue', 'networkx.algorithms.community.modularity_max', 'networkx.algorithms.community', 'networkx.algorithms.isomorphism.isomorph', 'networkx.algorithms.isomorphism.isomorphvf2', 'networkx.algorithms.isomorphism.vf2userfunc', 'networkx.algorithms.isomorphism.matchhelpers', 'networkx.algorithms.isomorphism.temporalisomorphvf2', 'networkx.algorithms.isomorphism', 'networkx.algorithms.tournament', 'networkx.algorithms.tree.recognition', 'networkx.algorithms.tree.branchings', 'networkx.algorithms.tree.coding', 'networkx.algorithms.tree.mst', 'networkx.algorithms.tree.operations', 'networkx.algorithms.tree', 'networkx.algorithms', 'networkx.generators.intersection', 'networkx.generators.joint_degree_seq', 'networkx.generators.lattice', 'networkx.generators.line', 'networkx.generators.mycielski', 'networkx.generators.nonisomorphic_trees', 'networkx.generators.random_clustered', 'networkx.generators.random_graphs', 'networkx.generators.small', 'networkx.generators.social', 'networkx.generators.spectral_graph_forge', 'networkx.generators.stochastic', 'networkx.generators.triads', 'networkx.generators', 'networkx.readwrite.adjlist', 'networkx.readwrite.multiline_adjlist', 'networkx.readwrite.edgelist', 'networkx.readwrite.gpickle', 'networkx.readwrite.pajek', 'networkx.readwrite.leda', 'networkx.readwrite.graph6', 'networkx.readwrite.sparse6', 'networkx.readwrite.nx_yaml', 'networkx.readwrite.gml', 'xml.etree.cElementTree', 'networkx.readwrite.graphml', 'networkx.readwrite.gexf', 'networkx.readwrite.nx_shp', 'networkx.readwrite.json_graph.node_link', 'networkx.readwrite.json_graph.adjacency', 'networkx.readwrite.json_graph.tree', 'networkx.readwrite.json_graph.jit', 'networkx.readwrite.json_graph.cytoscape', 'networkx.readwrite.json_graph', 'networkx.readwrite', 'networkx.linalg.attrmatrix', 'networkx.linalg.spectrum', 'networkx.linalg.graphmatrix', 'networkx.linalg.laplacianmatrix', 'networkx.linalg.algebraicconnectivity', 'networkx.linalg.modularitymatrix', 'networkx.linalg', 'networkx.tests', 'networkx.tests.test', 'networkx.drawing.layout', 'networkx.drawing.nx_pylab', 'networkx.drawing.nx_agraph', 'networkx.drawing.nx_pydot', 'networkx.drawing', 'networkx', 'trimesh.poses', 'trimesh.graph', 'trimesh.remesh', 'trimesh.voxel', 'colorsys', 'trimesh.visual', 'trimesh.sample', 'trimesh.repair', 'trimesh.inertia', 'trimesh.io', 'trimesh.interfaces.generic', 'trimesh.interfaces.scad', 'trimesh.interfaces.blender', 'trimesh.interfaces.vhacd', 'trimesh.interfaces', 'trimesh.boolean', 'trimesh.permutate', 'trimesh.proximity', 'trimesh.collision', 'trimesh.curvature', 'trimesh.comparison', 'trimesh.registration', 'trimesh.decomposition', 'trimesh.io.wavefront', 'trimesh.io.urdf', 'trimesh.io.stl', 'trimesh.io.ply', 'trimesh.io.export', 'trimesh.scene.camera', 'trimesh.rendering', 'trimesh.io.gltf', 'trimesh.scene.transforms', 'trimesh.scene.scene', 'trimesh.scene.viewerJS', 'trimesh.scene', 'trimesh.base', 'trimesh.io.misc', 'trimesh.io.assimp', 'trimesh.io.threemf', 'trimesh.io.openctm', 'trimesh.io.xml_based', 'trimesh.path.util', 'PIL.ImageChops', 'trimesh.path.raster', 'trimesh.path.intersections', 'trimesh.path.arc', 'trimesh.path.curve', 'trimesh.path.entities', 'trimesh.path.simplify', 'shapely.prepared', 'shapely.vectorized._vectorized', 'shapely.vectorized', 'trimesh.io.load', 'shapely.wkb', 'trimesh.creation', 'trimesh.primitives', 'trimesh', 'mmdet3d.core.visualizer.image_vis', 'matplotlib', 'matplotlib._api.deprecation', 'matplotlib._api', 'matplotlib._c_internal_utils', 'matplotlib.cbook', 'matplotlib.docstring', 'matplotlib._animation_data', 'matplotlib.animation', 'PIL.ImageFile', 'PIL.GimpGradientFile', 'PIL.GimpPaletteFile', 'PIL.PaletteFile', 'PIL.ImagePalette', 'PIL.ImageSequence', 'PIL.PngImagePlugin', 'matplotlib._path', 'matplotlib.bezier', 'matplotlib.path', 'matplotlib.transforms', 'matplotlib.ticker', 'matplotlib.scale', 'matplotlib._color_data', 'matplotlib.colors', 'pyparsing', 'matplotlib.fontconfig_pattern', 'matplotlib._enums', 'cycler', 'matplotlib.rcsetup', 'matplotlib._version', 'matplotlib.ft2font', 'dateutil._version', 'dateutil', 'kiwisolver', 'dateutil._common', 'dateutil.rrule', 'dateutil.relativedelta', 'dateutil.tz._common', 'dateutil.tz._factories', 'dateutil.tz.tz', 'dateutil.tz', 'dateutil.parser._parser', 'dateutil.parser.isoparser', 'dateutil.parser', 'matplotlib.units', 'matplotlib.dates']
2022-05-13:09:35:09,matplotlib DEBUG    [__init__.py:224] CACHEDIR=/root/.cache/matplotlib
2022-05-13:09:35:09,matplotlib.font_manager DEBUG    [font_manager.py:1435] Using fontManager instance from /root/.cache/matplotlib/fontlist-v330.json
2022-05-13:09:35:09,matplotlib.pyplot DEBUG    [pyplot.py:290] Loaded backend tkagg version unknown.
2022-05-13:09:35:09,matplotlib.pyplot DEBUG    [pyplot.py:290] Loaded backend TkAgg version unknown.
NOTE! Installing ujson may make loading annotations faster.
/data/pointcloud_alg/mmdetection3d/mmdet3d/models/backbones/mink_resnet.py:9: UserWarning: Please follow `getting_started.md` to install MinkowskiEngine.`
  warnings.warn(
2022-05-13 09:35:09,621 - mmdeploy - INFO - Successfully loaded tensorrt plugins from /data/pointcloud_alg/mmdeploy/build/lib/libmmdeploy_tensorrt_ops.so
2022-05-13:09:35:09,mmdeploy INFO     [init_plugins.py:32] Successfully loaded tensorrt plugins from /data/pointcloud_alg/mmdeploy/build/lib/libmmdeploy_tensorrt_ops.so
2022-05-13 09:35:09,621 - mmdeploy - INFO - Successfully loaded tensorrt plugins from /data/pointcloud_alg/mmdeploy/build/lib/libmmdeploy_tensorrt_ops.so
2022-05-13:09:35:09,mmdeploy INFO     [init_plugins.py:32] Successfully loaded tensorrt plugins from /data/pointcloud_alg/mmdeploy/build/lib/libmmdeploy_tensorrt_ops.so
/data/pointcloud_alg/mmdetection3d/mmdet3d/models/dense_heads/anchor3d_head.py:84: UserWarning: dir_offset and dir_limit_offset will be depressed and be incorporated into box coder in the future
  warnings.warn(
2022-05-13:09:35:17,trimesh DEBUG    [caching.py:387] 1 items cleared from cache: ['face_normals']
2022-05-13:09:35:17,trimesh DEBUG    [base.py:2089] mesh transformed by matrix
2022-05-13:09:35:17,trimesh DEBUG    [caching.py:387] 1 items cleared from cache: ['face_normals']
2022-05-13:09:35:17,trimesh DEBUG    [base.py:2089] mesh transformed by matrix
2022-05-13:09:35:17,trimesh DEBUG    [caching.py:387] 1 items cleared from cache: ['face_normals']
2022-05-13:09:35:17,trimesh DEBUG    [base.py:2089] mesh transformed by matrix
2022-05-13:09:35:17,trimesh DEBUG    [caching.py:387] 1 items cleared from cache: ['face_normals']
2022-05-13:09:35:17,trimesh DEBUG    [base.py:2089] mesh transformed by matrix
2022-05-13:09:35:17,trimesh DEBUG    [caching.py:387] 1 items cleared from cache: ['face_normals']
2022-05-13:09:35:17,trimesh DEBUG    [base.py:2089] mesh transformed by matrix
2022-05-13:09:35:17,trimesh DEBUG    [caching.py:387] 1 items cleared from cache: ['face_normals']
2022-05-13:09:35:17,trimesh DEBUG    [base.py:2089] mesh transformed by matrix
2022-05-13:09:35:17,trimesh DEBUG    [caching.py:387] 1 items cleared from cache: ['face_normals']
2022-05-13:09:35:17,trimesh DEBUG    [base.py:2089] mesh transformed by matrix
2022-05-13:09:35:17,trimesh DEBUG    [caching.py:387] 1 items cleared from cache: ['face_normals']
2022-05-13:09:35:17,trimesh DEBUG    [base.py:2089] mesh transformed by matrix
2022-05-13:09:35:17,trimesh DEBUG    [caching.py:387] 1 items cleared from cache: ['face_normals']
2022-05-13:09:35:17,trimesh DEBUG    [base.py:2089] mesh transformed by matrix
2022-05-13:09:35:17,trimesh DEBUG    [caching.py:387] 1 items cleared from cache: ['face_normals']
2022-05-13:09:35:17,trimesh DEBUG    [base.py:2089] mesh transformed by matrix
2022-05-13:09:35:17,trimesh DEBUG    [caching.py:94] nodes_geometry was not in cache, executed in 0.000015
2022-05-13:09:35:17,trimesh DEBUG    [caching.py:94] is_empty was not in cache, executed in 0.000002
2022-05-13:09:35:17,trimesh DEBUG    [base.py:2002] apply_tranform passed identity matrix
2022-05-13:09:35:17,trimesh DEBUG    [caching.py:94] is_empty was not in cache, executed in 0.000001
2022-05-13:09:35:17,trimesh DEBUG    [base.py:2002] apply_tranform passed identity matrix
2022-05-13:09:35:17,trimesh DEBUG    [caching.py:94] is_empty was not in cache, executed in 0.000001
2022-05-13:09:35:17,trimesh DEBUG    [base.py:2002] apply_tranform passed identity matrix
2022-05-13:09:35:17,trimesh DEBUG    [caching.py:94] is_empty was not in cache, executed in 0.000001
2022-05-13:09:35:17,trimesh DEBUG    [base.py:2002] apply_tranform passed identity matrix
2022-05-13:09:35:17,trimesh DEBUG    [caching.py:94] is_empty was not in cache, executed in 0.000001
2022-05-13:09:35:17,trimesh DEBUG    [base.py:2002] apply_tranform passed identity matrix
2022-05-13:09:35:17,trimesh DEBUG    [caching.py:94] is_empty was not in cache, executed in 0.000001
2022-05-13:09:35:17,trimesh DEBUG    [base.py:2002] apply_tranform passed identity matrix
2022-05-13:09:35:17,trimesh DEBUG    [caching.py:94] is_empty was not in cache, executed in 0.000001
2022-05-13:09:35:17,trimesh DEBUG    [base.py:2002] apply_tranform passed identity matrix
2022-05-13:09:35:17,trimesh DEBUG    [caching.py:94] is_empty was not in cache, executed in 0.000001
2022-05-13:09:35:17,trimesh DEBUG    [base.py:2002] apply_tranform passed identity matrix
2022-05-13:09:35:17,trimesh DEBUG    [caching.py:94] is_empty was not in cache, executed in 0.000001
2022-05-13:09:35:17,trimesh DEBUG    [base.py:2002] apply_tranform passed identity matrix
2022-05-13:09:35:17,trimesh DEBUG    [caching.py:94] is_empty was not in cache, executed in 0.000001
2022-05-13:09:35:17,trimesh DEBUG    [base.py:2002] apply_tranform passed identity matrix
2022-05-13:09:35:17,trimesh DEBUG    [export.py:43] Exporting 120 faces as OBJ
2022-05-13 09:35:18,003 - mmdeploy - INFO - visualize tensorrt model success.
2022-05-13 09:35:18,003 - mmdeploy - INFO - visualize pytorch model start.
2022-05-13:09:35:19,shapely.geos DEBUG    [geos.py:85] Found GEOS DLL: <CDLL '/opt/conda/lib/python3.8/site-packages/Shapely.libs/libgeos_c-fdac42b1.so.1.16.0', handle 55d69cc5c2f0 at 0x7f8f43fbb2b0>, using it.
2022-05-13:09:35:19,trimesh WARNING  [collision.py:11] No FCL -- collision checking will not work
2022-05-13:09:35:19,matplotlib DEBUG    [__init__.py:224] matplotlib data path: /opt/conda/lib/python3.8/site-packages/matplotlib/mpl-data
2022-05-13:09:35:19,matplotlib DEBUG    [__init__.py:224] CONFIGDIR=/root/.config/matplotlib
2022-05-13:09:35:19,matplotlib DEBUG    [__init__.py:1385] matplotlib version 3.4.1
2022-05-13:09:35:19,matplotlib DEBUG    [__init__.py:1386] interactive is False
2022-05-13:09:35:19,matplotlib DEBUG    [__init__.py:1387] platform is linux
2022-05-13:09:35:19,matplotlib DEBUG    [__init__.py:1388] loaded modules: ['sys', 'builtins', '_frozen_importlib', '_imp', '_warnings', '_frozen_importlib_external', '_io', 'marshal', 'posix', '_thread', '_weakref', 'time', 'zipimport', '_codecs', 'codecs', 'encodings.aliases', 'encodings', 'encodings.utf_8', '_signal', '__main__', 'encodings.latin_1', '_abc', 'abc', 'io', '_stat', 'stat', '_collections_abc', 'genericpath', 'posixpath', 'os.path', 'os', '_sitebuiltins', '_locale', '_bootlocale', 'types', 'importlib._bootstrap', 'importlib._bootstrap_external', 'warnings', 'importlib', 'importlib.machinery', 'importlib.abc', '_operator', 'operator', 'keyword', '_heapq', 'heapq', 'itertools', 'reprlib', '_collections', 'collections', '_functools', 'functools', 'contextlib', 'importlib.util', 'mpl_toolkits', 'google', 'sphinxcontrib', 'site', '_weakrefset', 'threading', 'enum', 'signal', 'multiprocessing.process', 'copyreg', '_struct', 'struct', '_sre', 'sre_constants', 'sre_parse', 'sre_compile', 're', '_compat_pickle', '_pickle', 'pickle', '_socket', 'collections.abc', 'math', 'select', 'selectors', 'errno', 'socket', 'array', 'multiprocessing.reduction', 'multiprocessing.context', '__mp_main__', 'multiprocessing', 'weakref', 'pkgutil', 'runpy', 'atexit', '_posixsubprocess', 'subprocess', 'multiprocessing.util', 'multiprocessing.spawn', '_multiprocessing', '_posixshmem', 'multiprocessing.resource_tracker', 'fnmatch', 'zlib', '_compression', '_bz2', 'bz2', '_lzma', 'lzma', 'pwd', 'grp', 'shutil', 'locale', 'gettext', 'argparse', 'token', 'tokenize', 'linecache', 'traceback', '_string', 'string', 'logging', 'numpy._globals', 'numpy.__config__', 'numpy.version', 'numpy._distributor_init', 'textwrap', '_datetime', 'datetime', 'numpy.core._multiarray_umath', 'numpy.compat._inspect', 'ntpath', 'urllib', 'urllib.parse', 'pathlib', 'numpy.compat.py3k', 'numpy.compat', 'numpy.core.overrides', 'numpy.core.multiarray', 'numpy.core.umath', 'numbers', 'numpy.core._string_helpers', 'numpy.core._dtype', 'numpy.core._type_aliases', 'numpy.core.numerictypes', 'numpy.core._asarray', 'numpy.core._exceptions', 'numpy.core._methods', 'numpy.core.fromnumeric', 'numpy.core.shape_base', 'numpy.core._ufunc_config', 'numpy.core.arrayprint', 'numpy.core.numeric', 'numpy.core.defchararray', 'numpy.core.records', 'numpy.core.memmap', 'numpy.core.function_base', 'numpy.core.machar', 'numpy.core.getlimits', 'numpy.core.einsumfunc', 'numpy.core._multiarray_tests', 'numpy.core._add_newdocs', 'numpy.core._add_newdocs_scalars', 'numpy.core._dtype_ctypes', '_ast', 'ast', 'platform', '_ctypes', 'ctypes._endian', 'ctypes', 'numpy.core._internal', 'numpy._pytesttester', 'numpy.core', 'numpy.lib.mixins', 'numpy.lib.ufunclike', 'numpy.lib.type_check', 'numpy.lib.scimath', 'numpy.lib.twodim_base', 'numpy.linalg.lapack_lite', 'numpy.linalg._umath_linalg', 'numpy.linalg.linalg', 'numpy.linalg', 'numpy.matrixlib.defmatrix', 'numpy.matrixlib', 'numpy.lib.histograms', 'numpy.lib.function_base', 'numpy.lib.stride_tricks', 'numpy.lib.index_tricks', 'numpy.lib.nanfunctions', 'numpy.lib.shape_base', 'numpy.lib.polynomial', 'numpy.lib.utils', 'numpy.lib.arraysetops', 'numpy.lib.format', 'numpy.lib._datasource', 'numpy.lib._iotools', 'numpy.lib.npyio', 'numpy.lib.arrayterator', 'numpy.lib.arraypad', 'numpy.lib._version', 'numpy.lib', 'numpy.fft._pocketfft_internal', 'numpy.fft._pocketfft', 'numpy.fft.helper', 'numpy.fft', 'numpy.polynomial.polyutils', 'numpy.polynomial._polybase', 'numpy.polynomial.polynomial', 'numpy.polynomial.chebyshev', 'numpy.polynomial.legendre', 'numpy.polynomial.hermite', 'numpy.polynomial.hermite_e', 'numpy.polynomial.laguerre', 'numpy.polynomial', 'cython_runtime', '_cython_0_29_23', 'numpy.random._common', 'binascii', 'base64', '_hashlib', '_blake2', '_sha3', 'hashlib', 'hmac', '_bisect', 'bisect', '_sha512', '_random', 'random', 'secrets', 'numpy.random.bit_generator', 'numpy.random._bounded_integers', 'numpy.random._mt19937', 'numpy.random.mtrand', 'numpy.random._philox', 'numpy.random._pcg64', 'numpy.random._sfc64', 'numpy.random._generator', 'numpy.random._pickle', 'numpy.random', 'numpy.ctypeslib', '_opcode', 'opcode', 'dis', 'inspect', 'numpy.ma.core', 'numpy.ma.extras', 'numpy.ma', 'numpy', 'mmcv.arraymisc.quantization', 'mmcv.arraymisc', 'tempfile', 'typing.io', 'typing.re', 'typing', 'email', 'http', 'email.errors', 'email.quoprimime', 'email.base64mime', 'quopri', 'email.encoders', 'email.charset', 'email.header', 'calendar', 'email._parseaddr', 'email.utils', 'email._policybase', 'email.feedparser', 'email.parser', 'uu', 'email._encoded_words', 'email.iterators', 'email.message', '_ssl', 'ssl', 'http.client', 'urllib.response', 'urllib.error', 'urllib.request', 'copy', 'uuid', 'addict.addict', 'addict', '__future__', 'yapf.yapflib', 'lib2to3', 'lib2to3.pgen2', 'lib2to3.pgen2.token', 'lib2to3.pgen2.tokenize', 'yapf.yapflib.errors', 'configparser', 'yapf.yapflib.py3compat', 'yapf.yapflib.style', 'yapf.yapflib.file_resources', 'difflib', 'lib2to3.pgen2.parse', 'lib2to3.pgen2.grammar', 'lib2to3.pgen2.pgen', 'lib2to3.pgen2.driver', 'lib2to3.pytree', 'lib2to3.pygram', 'yapf.yapflib.pytree_utils', 'yapf.yapflib.pytree_visitor', 'yapf.yapflib.blank_line_calculator', 'yapf.yapflib.comment_splicer', 'yapf.yapflib.subtypes', 'yapf.yapflib.format_token', 'yapf.yapflib.continuation_splicer', 'yapf.yapflib.identify_container', 'yapf.yapflib.split_penalty', 'lib2to3.pgen2.literals', 'lib2to3.patcomp', 'lib2to3.fixer_util', 'yapf.yapflib.logical_line', 'yapf.yapflib.object_state', 'yapf.yapflib.pytree_unwrapper', 'yapf.yapflib.format_decision_state', 'yapf.yapflib.line_joiner', 'yapf.yapflib.verifier', 'yapf.yapflib.reformatter', 'yapf.yapflib.subtype_assigner', 'yapf.yapflib.yapf_api', 'yapf', 'mmcv.utils.misc', 'mmcv.utils.path', 'mmcv.utils.config', 'mmcv.utils.timer', 'mmcv.utils.progressbar', 'shlex', 'unittest.util', 'unittest.result', 'concurrent', 'concurrent.futures._base', 'concurrent.futures', 'asyncio.constants', 'asyncio.format_helpers', 'asyncio.base_futures', 'asyncio.log', 'asyncio.coroutines', '_contextvars', 'contextvars', 'asyncio.exceptions', 'asyncio.base_tasks', '_asyncio', 'asyncio.events', 'asyncio.futures', 'asyncio.protocols', 'asyncio.transports', 'asyncio.sslproto', 'asyncio.locks', 'asyncio.tasks', 'asyncio.staggered', 'asyncio.trsock', 'asyncio.base_events', 'asyncio.runners', 'asyncio.queues', 'asyncio.streams', 'asyncio.subprocess', 'asyncio.base_subprocess', 'asyncio.selector_events', 'asyncio.unix_events', 'asyncio', 'pprint', 'unittest.case', 'unittest.async_case', 'unittest.suite', 'unittest.loader', 'unittest.signals', 'unittest.runner', 'unittest.main', 'unittest', 'unittest.mock', 'mmcv.utils.testing', 'packaging.__about__', 'packaging', 'packaging._structures', 'packaging._typing', 'packaging.version', 'mmcv.utils.version_utils', 'torch._utils', 'torch._utils_internal', 'torch.version', 'torch._six', 'torch._C._onnx', 'torch._C._jit', 'torch._C._jit_tree_views', 'torch._C._te', 'torch._C.cpp', 'torch._C.cpp.nn', 'torch._C._cudart', 'torch._C._nvtx', 'torch._C._cudnn', 'torch._C', 'torch._C._fft', 'torch._C._linalg', 'torch._C._nn', 'torch._C._special', 'torch._namedtensor_internals', 'torch.overrides', 'torch.utils.throughput_benchmark', 'torch.utils', 'torch.utils.hooks', 'torch._tensor', 'torch.storage', 'torch.random', 'tarfile', 'torch.types', 'torch.serialization', 'torch._tensor_str', 'torch.cuda._utils', 'torch.cuda.streams', 'torch.cuda.memory', 'torch.cuda.random', 'torch.cuda.sparse', 'torch.cuda.profiler', 'torch.cuda.nvtx', 'torch.cuda.amp.autocast_mode', 'torch.cuda.amp.common', 'torch.cuda.amp.grad_scaler', 'torch.cuda.amp', 'torch.cuda', 'torch.sparse', 'torch.nn.parameter', 'torch.nn.modules.module', 'torch._VF', 'torch._torch_docs', 'torch._C._distributed_c10d', 'torch.distributed.constants', 'torch.distributed.rendezvous', 'torch.distributed.distributed_c10d', 'torch.distributed', 'torch._C._distributed_rpc', 'torch.futures', 'torch.distributed.rpc.internal', 'torch.distributed.rpc.constants', 'torch.distributed.rpc.api', 'torch.distributed.rpc.backend_registry', 'torch.distributed.rpc.functions', 'torch.distributed.rpc.options', 'torch.autograd.variable', 'torch.autograd.function', 'cmath', 'torch.testing.check_kernel_launches', 'torch.testing', 'torch.utils._pytree', 'torch._vmap_internals', 'torch.autograd.gradcheck', 'torch.autograd.grad_mode', 'torch.autograd.anomaly_mode', 'torch.autograd.functional', 'torch.autograd.forward_ad', 'torch._C._autograd', 'torch.autograd.profiler', 'torch.autograd', 'torch.distributed.rpc.server_process_global_profiler', 'torch._C._distributed_autograd', 'torch.distributed.autograd', 'torch.distributed.rpc', 'torch._jit_internal', 'torch.nn._reduction', 'torch.nn.modules.utils', 'torch.nn.grad', 'torch.nn.functional', 'torch.nn.init', 'typing_extensions', 'torch.nn.modules.lazy', 'torch.nn.modules.linear', 'torch.nn.common_types', 'torch.nn.modules.conv', 'torch.nn.modules.activation', 'torch.nn.modules.distance', 'torch.nn.modules.loss', 'torch.nn.modules.container', 'torch.nn.modules.pooling', 'torch.nn.modules._functions', 'torch.nn.modules.batchnorm', 'torch.nn.modules.instancenorm', 'torch.nn.modules.normalization', 'torch.nn.modules.dropout', 'torch.nn.modules.padding', 'torch.nn.modules.sparse', 'torch.nn.utils.rnn', 'torch.nn.utils.clip_grad', 'torch.nn.utils.weight_norm', 'torch.nn.utils.convert_parameters', 'torch.nn.utils.spectral_norm', 'torch.nn.utils.fusion', 'torch.nn.utils.memory_format', 'torch.nn.utils', 'torch.nn.modules.rnn', 'torch.nn.modules.pixelshuffle', 'torch.nn.modules.upsampling', 'torch.nn.modules.fold', 'torch.nn.modules.adaptive', 'torch.nn.modules.transformer', 'torch.nn.modules.flatten', 'torch.nn.modules.channelshuffle', 'torch.nn.modules', 'torch.nn.parallel.parallel_apply', 'torch.cuda.nccl', 'torch.nn.parallel.comm', 'torch.nn.parallel.replicate', 'torch.nn.parallel._functions', 'torch.nn.parallel.scatter_gather', 'torch.nn.parallel.data_parallel', 'torch.nn.parallel.distributed', 'torch.nn.parallel', 'torch.nn', 'torch._linalg_utils', 'torch._lowrank', 'torch._autograd_functions', 'torch.functional', 'torch.fft', 'torch.nn.intrinsic.modules.fused', 'torch.nn.intrinsic.modules', 'torch.nn.intrinsic', 'torch.nn.quantized.modules.utils', 'torch.jit._state', 'torch.jit.annotations', 'torch.jit.frontend', 'torch.backends', 'torch.backends.cudnn', 'torch.jit._builtins', 'torch.jit._check', 'torch.jit._recursive', 'torch.jit._fuser', 'torch.jit._script', 'torch.jit._trace', 'torch.jit._async', 'torch.jit._serialization', 'torch.jit.cuda', 'torch.jit._freeze', 'torch.jit', 'torch.nn.quantized.functional', 'torch.nn.quantized.modules.activation', 'torch.nn.quantized.modules.batchnorm', 'torch.nn.quantized.modules.normalization', 'torch.nn.qat.modules.linear', 'torch.nn.qat.modules.conv', 'torch.nn.qat.modules', 'torch.nn.qat', 'torch.nn.intrinsic.qat.modules.linear_relu', 'torch.nn.intrinsic.qat.modules.conv_fused', 'torch.nn.intrinsic.qat.modules', 'torch.nn.intrinsic.qat', 'torch._ops', 'torch.nn.quantized.modules.conv', 'torch.nn.quantized.modules.linear', 'torch.nn.quantized.modules.embedding_ops', 'torch.nn.quantized.modules.functional_modules', 'torch.nn.quantized.modules', 'torch.nn.quantized', 'torch.nn.quantizable.modules.activation', 'torch.nn.quantizable.modules.rnn', 'torch.nn.quantizable.modules', 'torch.nn.quantizable', 'torch.optim._functional', 'torch.optim.optimizer', 'torch.optim.adadelta', 'torch.optim.adagrad', 'torch.optim.adam', 'torch.optim.adamw', 'torch.optim.sparse_adam', 'torch.optim.adamax', 'torch.optim.asgd', 'torch.optim.sgd', 'torch.optim.rprop', 'torch.optim.rmsprop', 'torch.optim.lbfgs', 'torch.optim.lr_scheduler', 'torch.optim.swa_utils', 'torch.optim', 'torch.optim._multi_tensor.adam', 'torch.optim._multi_tensor.adamw', 'torch.optim._multi_tensor.sgd', 'torch.optim._multi_tensor.rmsprop', 'torch.optim._multi_tensor.rprop', 'torch.optim._multi_tensor.asgd', 'torch.optim._multi_tensor.adamax', 'torch.optim._multi_tensor.adadelta', 'torch.optim._multi_tensor', 'multiprocessing.resource_sharer', 'torch.multiprocessing.reductions', 'multiprocessing.connection', 'torch.multiprocessing.spawn', 'torch.multiprocessing', 'torch.special', 'torch.utils.backcompat', 'torch.onnx', 'torch.linalg', 'zipfile', 'unicodedata', 'tqdm.utils', 'tqdm._monitor', 'tqdm.std', 'tqdm.gui', 'tqdm._tqdm_pandas', 'tqdm._dist_ver', 'tqdm.version', 'tqdm.cli', 'tqdm', 'tqdm.autonotebook', 'tqdm.asyncio', 'tqdm.auto', 'torch.hub', 'torch.distributions.constraints', 'torch.distributions.utils', 'torch.distributions.distribution', 'torch.distributions.exp_family', 'torch.distributions.bernoulli', 'torch.distributions.dirichlet', 'torch.distributions.beta', 'torch.distributions.binomial', 'torch.distributions.categorical', 'torch.distributions.cauchy', 'torch.distributions.gamma', 'torch.distributions.chi2', 'torch.distributions.transforms', 'torch.distributions.constraint_registry', 'torch.distributions.continuous_bernoulli', 'torch.distributions.exponential', 'torch.distributions.fishersnedecor', 'torch.distributions.geometric', 'torch.distributions.uniform', 'torch.distributions.independent', 'torch.distributions.transformed_distribution', 'torch.distributions.gumbel', 'torch.distributions.half_cauchy', 'torch.distributions.normal', 'torch.distributions.half_normal', 'torch.distributions.laplace', 'torch.distributions.multivariate_normal', 'torch.distributions.lowrank_multivariate_normal', 'torch.distributions.one_hot_categorical', 'torch.distributions.pareto', 'torch.distributions.poisson', 'torch.distributions.kl', 'torch.distributions.kumaraswamy', 'torch.distributions.lkj_cholesky', 'torch.distributions.log_normal', 'torch.distributions.logistic_normal', 'torch.distributions.mixture_same_family', 'torch.distributions.multinomial', 'torch.distributions.negative_binomial', 'torch.distributions.relaxed_bernoulli', 'torch.distributions.relaxed_categorical', 'torch.distributions.studentT', 'torch.distributions.von_mises', 'torch.distributions.weibull', 'torch.distributions', 'torch.backends.cuda', 'torch.backends.mkl', 'torch.backends.mkldnn', 'torch.backends.openmp', 'torch.backends.quantized', 'torch.nn.intrinsic.quantized.modules.linear_relu', 'torch.nn.intrinsic.quantized.modules.conv_relu', 'torch.nn.intrinsic.quantized.modules.bn_relu', 'torch.nn.intrinsic.quantized.modules', 'torch.nn.intrinsic.quantized', 'torch.nn.quantized.dynamic.modules.linear', 'torch.nn.quantized.dynamic.modules.rnn', 'torch.nn.quantized.dynamic.modules', 'torch.nn.quantized.dynamic', 'torch.quantization.stubs', 'torch.quantization.observer', 'torch.quantization.fake_quantize', 'torch.quantization.quant_type', 'torch.quantization.utils', 'torch.quantization.quantization_mappings', 'torch.quantization.qconfig', 'torch.quantization.quantize', 'torch.quantization.fuser_method_mappings', 'torch.quantization.fuse_modules', 'torch.quantization.quantize_jit', 'torch.quantization', 'torch.utils.data.sampler', 'torch.utils.data.dataset', 'torch.utils.data.distributed', '_queue', 'queue', 'dataclasses', 'torch.utils.data._utils.signal_handling', 'torch.utils.data._utils.worker', 'torch.utils.data._utils.pin_memory', 'torch.utils.data._utils.collate', 'torch.utils.data._utils.fetch', 'torch.utils.data._utils', 'torch.utils.data.dataloader', 'torch.utils.data.decorator', 'torch.utils.data.datapipes.utils', 'torch.utils.data.datapipes.utils.common', 'torch.utils.data.datapipes.iter.listdirfiles', 'torch.utils.data.datapipes.iter.loadfilesfromdisk', 'torch.utils.data.datapipes.iter.readfilesfromtar', 'torch.utils.data.datapipes.iter.readfilesfromzip', '_json', 'json.scanner', 'json.decoder', 'json.encoder', 'json', 'torch.utils.data.datapipes.utils.decoder', 'torch.utils.data.datapipes.iter.routeddecoder', 'torch.utils.data.datapipes.iter.callable', 'torch.utils.data.datapipes.iter.combining', 'torch.utils.data.datapipes.iter.combinatorics', 'torch.utils.data.datapipes.iter.grouping', 'torch.utils.data.datapipes.iter.selecting', 'torch.utils.data.datapipes.iter', 'torch.utils.data.datapipes', 'torch.utils.data', 'torch.__config__', 'torch.__future__', 'torch.profiler.profiler', 'torch.profiler', 'torch._tensor_docs', 'torch._storage_docs', 'torch._classes', 'torch.quasirandom', 'torch.multiprocessing._atfork', 'torch._lobpcg', 'torch', 'mmcv.utils.device_type', 'cv2.Error', 'cv2.cuda', 'cv2.detail', 'cv2.dnn', 'cv2.fisheye', 'cv2.flann', 'cv2.gapi.core', 'cv2.gapi.core.cpu', 'cv2.gapi.core.fluid', 'cv2.gapi.core.ocl', 'cv2.gapi.ie', 'cv2.gapi.ie.detail', 'cv2.gapi.onnx', 'cv2.gapi.own', 'cv2.gapi.own.detail', 'cv2.gapi.render', 'cv2.gapi.render.ocv', 'cv2.gapi.streaming', 'cv2.gapi.video', 'cv2.gapi.wip', 'cv2.gapi.wip.draw', 'cv2.gapi.wip.gst', 'cv2.gapi.wip.onevpl', 'cv2.ipp', 'cv2.ml', 'cv2.ocl', 'cv2.ogl', 'cv2.parallel', 'cv2.samples', 'cv2.segmentation', 'cv2.utils.fs', 'cv2.videoio_registry', 'cv2.cv2', 'cv2.misc.version', 'cv2.version', 'cv2.load_config_py3', 'cv2.data', 'cv2.qt', 'cv2.mat_wrapper', 'cv2.misc', 'cv2.gapi', 'cv2.utils', 'cv2', 'glob', 'imp', '_distutils_hack', '_distutils_hack.override', 'distutils', 'distutils.debug', 'distutils.errors', 'getopt', 'distutils.fancy_getopt', 'distutils.dep_util', 'distutils.log', 'distutils.spawn', 'distutils.util', 'distutils.dist', 'distutils.dir_util', 'distutils.file_util', 'distutils.archive_util', 'distutils.cmd', 'distutils.config', 'distutils.extension', 'distutils.core', 'setuptools._deprecation_warning', 'xml', 'xml.parsers', 'pyexpat.errors', 'pyexpat.model', 'pyexpat', 'xml.parsers.expat.model', 'xml.parsers.expat.errors', 'xml.parsers.expat', 'plistlib', 'pkg_resources.extern', 'pkg_resources._vendor', 'pkg_resources._vendor.appdirs', 'pkg_resources.extern.appdirs', 'pkg_resources._vendor.packaging.__about__', 'pkg_resources._vendor.packaging', 'pkg_resources.extern.packaging', 'pkg_resources.extern.packaging._structures', 'pkg_resources.extern.packaging._typing', 'pkg_resources.extern.packaging.version', 'pkg_resources.extern.packaging._compat', 'pkg_resources.extern.packaging.utils', 'pkg_resources.extern.packaging.specifiers', 'pkg_resources._vendor.pyparsing', 'pkg_resources.extern.pyparsing', 'pkg_resources.extern.packaging.markers', 'pkg_resources.extern.packaging.requirements', 'sysconfig', 'encodings.cp437', 'pkg_resources', 'setuptools.version', 'distutils.filelist', 'setuptools.monkey', 'setuptools.extension', 'distutils.version', 'setuptools.extern', 'setuptools._vendor', 'setuptools._vendor.packaging.__about__', 'setuptools._vendor.packaging', 'setuptools.extern.packaging', 'setuptools._vendor.ordered_set', 'setuptools.extern.ordered_set', 'setuptools.windows_support', 'setuptools.extern.packaging._structures', 'setuptools.extern.packaging._typing', 'setuptools.extern.packaging.version', 'setuptools.extern.packaging._compat', 'setuptools.extern.packaging.utils', 'setuptools.extern.packaging.specifiers', 'setuptools.config', 'setuptools.dist', 'setuptools.py34compat', 'setuptools._imp', 'setuptools.depends', 'distutils.ccompiler', 'setuptools.msvc', 'setuptools', 'torch._appdirs', 'torch.utils.file_baton', 'torch.utils._cpp_extension_versioner', 'torch.utils.hipify.version', 'torch.utils.hipify', 'torch.utils.hipify.constants', 'torch.utils.hipify.cuda_to_hip_mappings', 'torch.utils.hipify.hipify_python', 'distutils.command', 'distutils.command.bdist', 'distutils.command.install_scripts', 'setuptools.command.install_scripts', 'setuptools.command', 'distutils.sysconfig', 'distutils.command.build_ext', 'cython.parallel', 'Cython.Shadow', 'Cython', '_sysconfigdata__linux_x86_64-linux-gnu', 'Cython.Distutils.old_build_ext', 'Cython.Distutils.build_ext', 'Cython.Distutils.extension', 'Cython.Distutils', 'Cython.Compiler', 'Cython.Utils', 'Cython.Compiler.DebugFlags', 'Cython.Compiler.Options', 'Cython.Compiler.Errors', 'Cython.Compiler.StringEncoding', '_cython_0_28_4', 'Cython.Plex.Actions', 'Cython.Plex.Transitions', 'Cython.Plex.Machines', 'Cython.Plex.DFA', 'Cython.Plex.Errors', 'Cython.Plex.Regexps', 'Cython.Plex.Lexicons', 'Cython.Plex.Scanners', 'Cython.Plex', 'Cython.Compiler.Lexicon', 'Cython.Compiler.Future', 'Cython.Compiler.Scanning', 'Cython.Compiler.Naming', 'Cython.Compiler.Version', 'Cython.StringIOTree', 'Cython.Compiler.Code', 'Cython.Compiler.PyrexTypes', 'Cython.Compiler.TypeSlots', 'Cython.Compiler.Symtab', 'Cython.Compiler.Main', 'setuptools.command.build_ext', 'torch.utils.cpp_extension', 'mmcv.utils.parrots_wrapper', 'mmcv.utils.env', 'torch.utils.model_zoo', 'mmcv.utils.hub', 'mmcv.utils.logging', 'mmcv.utils.parrots_jit', 'mmcv.utils.registry', 'mmcv.utils.seed', 'mmcv.utils.trace', 'mmcv.utils', 'mmcv.fileio.file_client', 'mmcv.fileio.handlers.base', 'mmcv.fileio.handlers.json_handler', 'mmcv.fileio.handlers.pickle_handler', 'yaml.error', 'yaml.tokens', 'yaml.events', 'yaml.nodes', 'yaml.reader', 'yaml.scanner', 'yaml.parser', 'yaml.composer', 'yaml.constructor', 'yaml.resolver', 'yaml.loader', 'yaml.emitter', 'yaml.serializer', 'yaml.representer', 'yaml.dumper', 'yaml._yaml', 'yaml.cyaml', 'yaml', 'mmcv.fileio.handlers.yaml_handler', 'mmcv.fileio.handlers', 'mmcv.fileio.io', 'mmcv.fileio.parse', 'mmcv.fileio', 'mmcv.image.colorspace', 'PIL._version', 'PIL', 'defusedxml.common', 'defusedxml', 'xml.etree', 'xml.etree.ElementPath', '_elementtree', 'xml.etree.ElementTree', 'defusedxml.ElementTree', 'PIL.ImageMode', 'PIL.TiffTags', 'PIL._binary', 'PIL._util', 'PIL._imaging', 'cffi.lock', 'cffi.error', 'cffi.model', 'cffi.api', 'cffi', 'PIL.Image', 'PIL.ImageOps', 'mmcv.image.io', 'mmcv.image.geometric', 'mmcv.image.misc', 'mmcv.image.photometric', 'mmcv.image', 'mmcv.version', 'mmcv.video.io', 'mmcv.video.optflow', 'mmcv.video.processing', 'mmcv.video', 'mmcv.visualization.color', 'mmcv.visualization.image', 'mmcv.visualization.optflow', 'mmcv.visualization', 'mmcv', 'mmdeploy.utils.constants', 'mmdeploy.utils.utils', 'mmdeploy.utils.config_utils', 'mmdeploy.utils.device', 'mmdeploy.utils.env', 'mmdeploy.utils', 'mmdeploy.version', 'onnx.onnx_cpp2py_export.defs', 'onnx.onnx_cpp2py_export.checker', 'onnx.onnx_cpp2py_export.optimizer', 'onnx.onnx_cpp2py_export.version_converter', 'onnx.onnx_cpp2py_export.shape_inference', 'onnx.onnx_cpp2py_export', 'google.protobuf', 'google.protobuf.internal', 'six', 'google.protobuf.internal.enum_type_wrapper', 'google.protobuf.internal._api_implementation', 'google.protobuf.internal.api_implementation', 'google.protobuf.pyext', 'google.protobuf.internal.containers', 'google.protobuf.message', 'google.protobuf.pyext._message', 'google.protobuf.descriptor', 'google.protobuf.descriptor_database', 'google.protobuf.text_encoding', 'google.protobuf.descriptor_pool', 'google.protobuf.pyext.cpp_message', 'google.protobuf.message_factory', 'google.protobuf.symbol_database', 'google.protobuf.reflection', 'google.protobuf.internal.well_known_types', 'onnx.onnx_ml_pb2', 'onnx.onnx_pb', 'onnx.external_data_helper', 'onnx.onnx_operators_ml_pb2', 'onnx.onnx_operators_pb', 'onnx.onnx_data_pb2', 'onnx.onnx_data_pb', 'onnx.version', 'onnx.defs', 'onnx.shape_inference', 'onnx.checker', 'onnx.mapping', 'onnx.helper', 'onnx.optimizer', 'onnx.utils', 'onnx', 'mmdeploy.core.optimizers.extractor', 'mmdeploy.core.rewriters.rewriter_utils', 'mmdeploy.core.rewriters.function_rewriter', 'mmdeploy.core.rewriters.module_rewriter', 'torch.onnx.utils', 'torch.onnx.symbolic_helper', 'torch.onnx.symbolic_opset9', 'torch.onnx.symbolic_opset7', 'torch.onnx.symbolic_opset8', 'torch.onnx.symbolic_opset10', 'torch.onnx.symbolic_opset11', 'torch.onnx.symbolic_opset12', 'torch.onnx.symbolic_opset13', 'torch.onnx.symbolic_registry', 'mmdeploy.core.rewriters.symbolic_rewriter', 'mmdeploy.core.rewriters.rewriter_manager', 'mmdeploy.core.rewriters', 'mmdeploy.core.optimizers.function_marker', 'mmdeploy.core.optimizers.optimize', 'mmdeploy.core.optimizers', 'mmdeploy.core', 'mmdeploy.pytorch.functions.getattribute', 'mmdeploy.pytorch.functions.group_norm', 'mmdeploy.pytorch.functions.interpolate', 'mmdeploy.pytorch.functions.linear', 'mmdeploy.pytorch.functions.repeat', 'mmdeploy.pytorch.functions.size', 'mmdeploy.pytorch.functions.topk', 'mmdeploy.pytorch.functions', 'mmdeploy.pytorch.ops.adaptive_avg_pool', 'mmdeploy.pytorch.ops.grid_sampler', 'mmdeploy.pytorch.ops.hardsigmoid', 'mmdeploy.pytorch.ops.instance_norm', 'mmdeploy.pytorch.ops.lstm', 'mmdeploy.pytorch.ops.squeeze', 'mmdeploy.pytorch.ops', 'mmdeploy.pytorch', 'mmdeploy.mmcv.ops.deform_conv', 'mmdeploy.mmcv.ops.modulated_deform_conv', 'mmdeploy.mmcv.ops.nms', 'mmdeploy.mmcv.ops.roi_align', 'mmdeploy.mmcv.ops', 'mmdeploy.mmcv', 'mmdeploy', 'h5py._errors', '_cython_0_29_22', 'h5py.defs', 'gc', 'h5py._objects', 'h5py.h5py_warnings', 'h5py.h5', 'h5py.version', 'h5py.h5r', 'h5py.utils', 'h5py.h5s', 'h5py.h5ac', 'h5py.h5p', 'h5py.h5t', 'h5py._conv', 'h5py.h5z', 'h5py._proxy', 'h5py.h5a', 'h5py.h5d', 'h5py.h5ds', 'h5py.h5g', 'h5py.h5i', 'h5py.h5f', 'h5py.h5fd', 'h5py.h5pl', 'h5py._hl', 'h5py._hl.compat', 'h5py._hl.filters', 'h5py._hl.base', 'h5py.h5o', 'h5py.h5l', 'h5py._selector', 'h5py._hl.selections', 'h5py._hl.selections2', 'h5py._hl.datatype', 'h5py._hl.vds', 'h5py._hl.dataset', 'h5py._hl.group', 'h5py._hl.files', 'h5py._hl.attrs', 'h5py', 'mmcv.parallel.data_container', 'mmcv.parallel.collate', 'mmcv.parallel._functions', 'mmcv.parallel.scatter_gather', 'mmcv.parallel.data_parallel', 'mmcv.parallel.distributed', 'mmcv.parallel.registry', 'mmcv.parallel.utils', 'mmcv.parallel', 'mmdeploy.apis.calibration', 'mmdeploy.apis.extract_model', 'mmdeploy.apis.inference', 'mmdeploy.apis.pytorch2onnx', 'mmdeploy.backend.ncnn.init_plugins', 'mmdeploy.backend.ncnn', 'mmdeploy.backend.onnxruntime.init_plugins', 'onnxruntime.capi', 'onnxruntime.capi._ld_preload', 'onnxruntime.capi.onnxruntime_pybind11_state', 'onnxruntime.capi._pybind_state', 'onnxruntime.capi.onnxruntime_inference_collection', 'onnxruntime.capi.onnxruntime_validation', 'onnxruntime.capi.training', 'onnxruntime', 'mmdeploy.utils.timer', 'mmdeploy.backend.base.backend_wrapper_registry', 'mmdeploy.backend.base.base_wrapper', 'mmdeploy.backend.base', 'mmdeploy.backend.onnxruntime.wrapper', 'mmdeploy.backend.onnxruntime', 'mmdeploy.backend.openvino', 'mmdeploy.backend.pplnn', 'mmdeploy.backend.sdk', 'mmdeploy.backend.tensorrt.init_plugins', 'tensorrt.tensorrt', 'tensorrt', 'mmdeploy.backend.tensorrt.calib_utils', 'mmdeploy.backend.tensorrt.utils', 'mmdeploy.backend.tensorrt.wrapper', 'mmdeploy.backend.tensorrt', 'mmdeploy.backend', 'mmdeploy.backend.torchscript.init_plugins', 'mmdeploy.backend.torchscript.wrapper', 'mmdeploy.backend.torchscript', 'mmdeploy.apis.pytorch2torchscript', 'mmdeploy.codebase.base.backend_model', 'mmdeploy.utils.dataset', 'mmdeploy.codebase.base.task', 'mmdeploy.codebase.base.mmcodebase', 'mmdeploy.codebase.base', 'mmdeploy.codebase', 'mmdeploy.apis.utils', 'mmdeploy.apis.visualize', 'mmdeploy.apis', 'mmdeploy.utils.export_info', 'mmap', 'multiprocessing.heap', 'multiprocessing.sharedctypes', 'multiprocessing.popen_fork', 'multiprocessing.popen_spawn_posix', 'mmdeploy.codebase.mmdet3d', 'mmdeploy.codebase.mmdet3d.deploy', 'mmdeploy.codebase.mmdet3d.deploy.mmdetection3d', 'mmdeploy.codebase.mmdet3d.deploy.voxel_detection', 'mmdet.version', 'mmdet', 'mmseg.version', 'mmseg', 'mmdet3d.version', 'mmdet3d', 'mmdet3d.core', 'mmdet.core.anchor.builder', 'mmdet.core.anchor.anchor_generator', 'mmdet.core.anchor.point_generator', 'mmdet.core.anchor.utils', 'mmdet.core.anchor', 'mmdet.core.bbox.builder', 'mmdet.core.bbox.iou_calculators.builder', 'mmdet.core.bbox.iou_calculators.iou2d_calculator', 'mmdet.core.bbox.iou_calculators', 'mmdet.utils.collect_env', 'mmdet.utils.compat_config', 'mmdet.utils.logger', 'mmdet.utils.misc', 'mmdet.utils.setup_env', 'mmdet.utils.split_batch', 'mmdet.utils.util_distribution', 'mmdet.utils', 'mmdet.utils.util_mixins', 'mmdet.core.bbox.assigners.assign_result', 'mmdet.core.bbox.assigners.base_assigner', 'mmdet.core.bbox.assigners.max_iou_assigner', 'mmdet.core.bbox.assigners.approx_max_iou_assigner', 'mmdet.core.bbox.assigners.atss_assigner', 'mmdet.core.bbox.assigners.center_region_assigner', 'mmdet.core.bbox.assigners.grid_assigner', 'mmdet.core.bbox.match_costs.builder', 'mmdet.core.bbox.transforms', 'mmdet.core.bbox.match_costs.match_cost', 'mmdet.core.bbox.match_costs', 'scipy._lib._testutils', 'scipy._lib', 'scipy._lib.deprecation', 'scipy.__config__', 'scipy.version', 'scipy._distributor_init', 'scipy._lib._pep440', 'scipy._lib._ccallback_c', 'scipy._lib._ccallback', 'scipy', 'scipy.optimize.minpack2', 'scipy.optimize.linesearch', 'scipy._lib._util', 'scipy.sparse.sputils', 'scipy.sparse.base', 'scipy.sparse._sparsetools', 'scipy.sparse.data', 'scipy.sparse.dia', 'scipy.sparse._index', 'scipy.sparse.compressed', 'scipy.sparse.csr', 'scipy.sparse.csc', 'scipy.sparse._csparsetools', 'scipy.sparse.lil', 'scipy.sparse.dok', 'scipy.sparse.coo', 'scipy.sparse.bsr', 'scipy.sparse.construct', 'scipy.sparse.extract', 'scipy.sparse._matrix_io', 'scipy.sparse.csgraph._laplacian', 'scipy.sparse.csgraph._tools', 'scipy.sparse.csgraph._validation', 'scipy.sparse.csgraph._shortest_path', 'scipy.sparse.csgraph._traversal', 'scipy.sparse.csgraph._min_spanning_tree', 'scipy.sparse.csgraph._flow', 'scipy.sparse.csgraph._matching', 'scipy.sparse.csgraph._reordering', 'scipy.sparse.csgraph', 'scipy.sparse', 'scipy.sparse.linalg.isolve._iterative', 'scipy.sparse.linalg.interface', 'scipy.sparse.linalg.isolve.utils', 'scipy._lib.decorator', 'scipy._lib._threadsafety', 'scipy.sparse.linalg.isolve.iterative', 'scipy.sparse.linalg.isolve.minres', 'scipy.linalg._fblas', 'scipy.linalg.blas', 'scipy.linalg._flapack', 'scipy.linalg.lapack', 'scipy.linalg.misc', 'scipy.linalg._flinalg', 'scipy.linalg.flinalg', 'scipy.linalg.decomp', 'scipy.linalg.decomp_svd', 'scipy.linalg._solve_toeplitz', 'scipy.linalg.basic', 'scipy.linalg.decomp_lu', 'scipy.linalg._decomp_ldl', 'scipy.linalg.decomp_cholesky', 'scipy.linalg.decomp_qr', 'scipy.linalg._decomp_qz', 'scipy.linalg.decomp_schur', 'scipy.linalg._decomp_polar', 'scipy.linalg.special_matrices', 'scipy.linalg._expm_frechet', 'scipy.linalg._matfuncs_sqrtm_triu', 'scipy.linalg._matfuncs_sqrtm', 'scipy.linalg.matfuncs', 'scipy.linalg._solvers', 'scipy.linalg._procrustes', 'scipy.linalg.cython_blas', 'scipy.linalg.cython_lapack', 'scipy.linalg._decomp_update', 'scipy.linalg._sketches', 'scipy.linalg._decomp_cossin', 'scipy.linalg', 'scipy.sparse.linalg.isolve._gcrotmk', 'scipy.sparse.linalg.isolve.lgmres', 'scipy.sparse.linalg.isolve.lsqr', 'scipy.sparse.linalg.isolve.lsmr', 'scipy.sparse.linalg.isolve', 'scipy.sparse.linalg.dsolve._superlu', 'scipy.sparse.linalg.dsolve.linsolve', 'scipy.sparse.linalg.dsolve._add_newdocs', 'scipy.sparse.linalg.dsolve', 'scipy.sparse.linalg.eigen.arpack._arpack', 'scipy.sparse.linalg.eigen.lobpcg.lobpcg', 'scipy.sparse.linalg.eigen.lobpcg', 'scipy.sparse.linalg.eigen.arpack.arpack', 'scipy.sparse.linalg.eigen.arpack', 'scipy.sparse.linalg.eigen', 'scipy.special.sf_error', 'scipy.special._ufuncs_cxx', 'scipy.special._ufuncs', 'scipy.special.specfun', 'scipy.special.orthogonal', 'scipy.special._comb', 'scipy.special._basic', 'scipy.special._logsumexp', 'scipy.special.spfun_stats', 'scipy.special._ellip_harm_2', 'scipy.special._ellip_harm', 'scipy.special._lambertw', 'scipy.special._spherical_bessel', 'scipy.special', 'scipy.sparse.linalg._expm_multiply', 'scipy.sparse.linalg.matfuncs', 'scipy.sparse.linalg._onenormest', 'scipy.sparse.linalg._norm', 'scipy.sparse.linalg', 'scipy.optimize._group_columns', 'scipy.optimize._numdiff', 'scipy.optimize._hessian_update_strategy', 'scipy.optimize._differentiable_functions', 'scipy.optimize.optimize', 'scipy.optimize._trustregion', 'scipy.optimize._trustregion_dogleg', 'scipy.optimize._trustregion_ncg', 'scipy._lib.messagestream', 'scipy.optimize._trlib._trlib', 'scipy.optimize._trlib', 'scipy.optimize._trustregion_krylov', 'scipy.optimize._trustregion_exact', 'numpy.testing._private', 'numpy.testing._private.utils', 'numpy.testing._private.decorators', 'numpy.testing._private.nosetester', 'numpy.testing', 'scipy.optimize._constraints', 'scipy.optimize._trustregion_constr.projections', 'scipy.optimize._trustregion_constr.qp_subproblem', 'scipy.optimize._trustregion_constr.equality_constrained_sqp', 'scipy.optimize._trustregion_constr.canonical_constraint', 'scipy.optimize._trustregion_constr.tr_interior_point', 'scipy.optimize._trustregion_constr.report', 'scipy.optimize._trustregion_constr.minimize_trustregion_constr', 'scipy.optimize._trustregion_constr', 'scipy.optimize._lbfgsb', 'scipy.optimize.lbfgsb', 'scipy.optimize.moduleTNC', 'scipy.optimize.tnc', 'scipy.optimize._cobyla', 'scipy.optimize.cobyla', 'scipy.optimize._slsqp', 'scipy.optimize.slsqp', 'scipy.optimize._minimize', 'scipy.optimize._minpack', 'scipy.optimize._lsq.common', 'scipy.optimize._lsq.trf', 'scipy.optimize._lsq.dogbox', 'scipy.optimize._lsq.least_squares', 'scipy.optimize._lsq.givens_elimination', 'scipy.optimize._lsq.trf_linear', 'scipy.optimize._lsq.bvls', 'scipy.optimize._lsq.lsq_linear', 'scipy.optimize._lsq', 'scipy.optimize.minpack', 'scipy.optimize._spectral', 'scipy.optimize.nonlin', 'scipy.optimize._root', 'scipy.optimize._zeros', 'scipy.optimize.zeros', 'scipy.optimize._root_scalar', 'scipy.optimize.__nnls', 'scipy.optimize._nnls', 'scipy.optimize._basinhopping', 'scipy.optimize._highs', 'scipy.optimize._highs.cython.src._highs_wrapper', 'scipy.optimize._highs._highs_wrapper', 'scipy.optimize._highs.cython.src._highs_constants', 'scipy.optimize._highs._highs_constants', 'scipy.optimize._linprog_highs', 'scipy.linalg._interpolative', 'scipy.linalg._interpolative_backend', 'scipy.linalg.interpolative', 'scipy.optimize._remove_redundancy', 'scipy.optimize._linprog_util', 'scipy.optimize._linprog_ip', 'scipy.optimize._linprog_simplex', 'scipy.optimize._bglu_dense', 'scipy.optimize._linprog_rs', 'scipy.optimize._linprog_doc', 'scipy.optimize._linprog', 'scipy.optimize._lsap_module', 'scipy.optimize._lsap', 'scipy.optimize._differentialevolution', 'scipy.spatial.ckdtree', 'scipy.spatial.kdtree', 'scipy.spatial.qhull', 'scipy.spatial._voronoi', 'scipy.spatial._spherical_voronoi', 'scipy.spatial._plotutils', 'scipy.spatial._procrustes', 'scipy.spatial._distance_wrap', 'scipy.spatial._hausdorff', 'scipy.spatial.distance', 'scipy.spatial._geometric_slerp', 'scipy.constants.codata', 'scipy.constants.constants', 'scipy.constants', 'scipy.spatial.transform._rotation_groups', 'scipy.spatial.transform.rotation', 'scipy.spatial.transform._rotation_spline', 'scipy.spatial.transform', 'scipy.spatial', 'scipy.optimize._shgo_lib', 'scipy.optimize._shgo_lib.sobol_seq', 'scipy.optimize._shgo_lib.triangulation', 'scipy.optimize._shgo', 'scipy.optimize._dual_annealing', 'scipy.optimize._qap', 'scipy.optimize', 'mmdet.core.bbox.assigners.hungarian_assigner', 'mmdet.core.bbox.assigners.mask_hungarian_assigner', 'mmdet.core.bbox.assigners.point_assigner', 'mmdet.core.bbox.assigners.region_assigner', 'mmdet.core.bbox.assigners.sim_ota_assigner', 'mmdet.core.bbox.assigners.task_aligned_assigner', 'mmdet.core.bbox.assigners.uniform_assigner', 'mmdet.core.bbox.assigners', 'mmdet.core.bbox.coder.base_bbox_coder', 'mmdet.core.bbox.coder.bucketing_bbox_coder', 'mmdet.core.bbox.coder.delta_xywh_bbox_coder', 'mmdet.core.bbox.coder.distance_point_bbox_coder', 'mmdet.core.bbox.coder.legacy_delta_xywh_bbox_coder', 'mmdet.core.bbox.coder.pseudo_bbox_coder', 'mmdet.core.bbox.coder.tblr_bbox_coder', 'mmdet.core.bbox.coder.yolo_bbox_coder', 'mmdet.core.bbox.coder', 'mmdet.core.bbox.samplers.sampling_result', 'mmdet.core.bbox.samplers.base_sampler', 'mmdet.core.bbox.samplers.combined_sampler', 'mmdet.core.bbox.samplers.random_sampler', 'mmdet.core.bbox.samplers.instance_balanced_pos_sampler', 'mmdet.core.bbox.samplers.iou_balanced_neg_sampler', 'mmdet.core.bbox.samplers.mask_sampling_result', 'mmdet.core.bbox.samplers.mask_pseudo_sampler', 'mmdet.core.bbox.samplers.ohem_sampler', 'mmdet.core.bbox.samplers.pseudo_sampler', 'mmcv.utils.ext_loader', 'mmcv._ext', 'mmcv.ops.active_rotated_filter', 'mmcv.ops.assign_score_withk', 'mmcv.ops.ball_query', 'mmcv.ops.bbox', 'mmcv.ops.border_align', 'mmcv.ops.box_iou_rotated', 'mmcv.cnn.alexnet', 'mmcv.cnn.bricks.registry', 'mmcv.cnn.bricks.activation', 'mmcv.cnn.utils.flops_counter', 'mmcv.cnn.utils.fuse_conv_bn', 'mmcv.cnn.utils.sync_bn', 'mmcv.cnn.utils.weight_init', 'mmcv.cnn.utils', 'mmcv.cnn.bricks.context_block', 'mmcv.cnn.bricks.conv', 'mmcv.cnn.bricks.conv2d_adaptive_padding', 'mmcv.cnn.bricks.norm', 'mmcv.cnn.bricks.padding', 'mmcv.cnn.bricks.conv_module', 'mmcv.cnn.bricks.conv_ws', 'mmcv.cnn.bricks.depthwise_separable_conv_module', 'mmcv.cnn.bricks.drop', 'mmcv.cnn.bricks.generalized_attention', 'mmcv.cnn.bricks.hsigmoid', 'mmcv.cnn.bricks.hswish', 'mmcv.cnn.bricks.non_local', 'mmcv.cnn.bricks.plugin', 'mmcv.cnn.bricks.scale', 'mmcv.cnn.bricks.swish', 'mmcv.cnn.bricks.upsample', 'mmcv.cnn.bricks.wrappers', 'mmcv.cnn.bricks', 'mmcv.runner.dist_utils', 'mmcv.runner.base_module', 'torchvision.extension', 'torchvision.models.utils', 'torchvision.models.alexnet', 'torchvision.models.resnet', 'torchvision.models.resnext', 'torchvision.models.vgg', 'torchvision.models.squeezenet', 'torchvision.models.inception', 'torch.utils.checkpoint', 'torchvision.models.densenet', 'torchvision.models.googlenet', 'torchvision.models.mobilenetv2', 'torchvision.models.mobilenetv3', 'torchvision.models.mobilenet', 'torchvision.models.mnasnet', 'torchvision.models.shufflenetv2', 'torchvision.models._utils', 'torchvision.models.segmentation._utils', 'torchvision.models.segmentation.deeplabv3', 'torchvision.models.segmentation.fcn', 'torchvision.models.segmentation.lraspp', 'torchvision.models.segmentation.segmentation', 'torchvision.models.segmentation', 'torchvision.ops._box_convert', 'torchvision.ops.boxes', 'torchvision.ops.deform_conv', 'torchvision.ops._utils', 'torchvision.ops.roi_align', 'torchvision.ops.roi_pool', 'torchvision.ops.ps_roi_align', 'torchvision.ops.ps_roi_pool', 'torchvision.ops.poolers', 'torchvision.ops.feature_pyramid_network', 'torchvision.ops.focal_loss', 'torchvision.ops._register_onnx_ops', 'torchvision.ops', 'torchvision.ops.misc', 'torchvision.models.detection._utils', 'torchvision.models.detection.image_list', 'torchvision.models.detection.anchor_utils', 'torchvision.models.detection.generalized_rcnn', 'torchvision.models.detection.rpn', 'torchvision.models.detection.roi_heads', 'torchvision.models.detection.transform', 'torchvision.models.detection.backbone_utils', 'torchvision.models.detection.faster_rcnn', 'torchvision.models.detection.mask_rcnn', 'torchvision.models.detection.keypoint_rcnn', 'torchvision.models.detection.retinanet', 'torchvision.models.detection', 'torchvision.models.video.resnet', 'torchvision.models.video', 'torchvision.models.quantization.utils', 'torchvision.models.quantization.mobilenetv2', 'torchvision.models.quantization.mobilenetv3', 'torchvision.models.quantization.mobilenet', 'torchvision.models.quantization.resnet', 'torchvision.models.quantization.googlenet', 'torchvision.models.quantization.inception', 'torchvision.models.quantization.shufflenetv2', 'torchvision.models.quantization', 'torchvision.models', 'torchvision.datasets.vision', 'gzip', 'torchvision.datasets.utils', 'torchvision.datasets.lsun', 'torchvision.datasets.folder', 'torchvision.datasets.coco', 'torchvision.datasets.cifar', 'torchvision.datasets.stl10', 'torchvision.datasets.mnist', 'torchvision.datasets.svhn', 'torchvision.datasets.phototour', 'PIL.ImageFilter', 'PIL.ImageStat', 'PIL.ImageEnhance', 'torchvision.transforms.functional_pil', 'torchvision.transforms.functional_tensor', 'torchvision.transforms.functional', 'torchvision.transforms.transforms', 'torchvision.transforms.autoaugment', 'torchvision.transforms', 'torchvision.datasets.fakedata', 'torchvision.datasets.semeion', 'torchvision.datasets.omniglot', 'torchvision.datasets.sbu', 'html.entities', 'html', '_markupbase', 'html.parser', 'torchvision.datasets.flickr', 'torchvision.datasets.voc', 'torchvision.datasets.cityscapes', 'torchvision.datasets.imagenet', 'torchvision.datasets.caltech', 'torchvision.datasets.celeba', 'torchvision.datasets.widerface', 'torchvision.datasets.sbd', 'torchvision.datasets.usps', '_decimal', 'decimal', 'fractions', 'torchvision.io._video_opt', 'torchvision.io.video', 'torchvision.io.image', 'torchvision.io', 'torchvision.datasets.video_utils', 'torchvision.datasets.kinetics', 'torchvision.datasets.hmdb51', 'torchvision.datasets.ucf101', 'torchvision.datasets.places365', 'torchvision.datasets', 'PIL.ImageColor', 'PIL._imagingft', 'PIL.ImageFont', 'PIL.ImageDraw', 'torchvision.utils', 'torchvision.version', 'torchvision', 'mmcv.runner.checkpoint', 'mmcv.runner.hooks.hook', 'mmcv.runner.hooks.checkpoint', 'mmcv.runner.hooks.closure', 'mmcv.runner.hooks.ema', 'mmcv.runner.hooks.logger.base', 'mmcv.runner.hooks.logger.dvclive', 'mmcv.runner.hooks.logger.mlflow', 'mmcv.runner.hooks.logger.neptune', 'mmcv.runner.hooks.logger.pavi', 'mmcv.runner.hooks.logger.segmind', 'mmcv.runner.hooks.logger.tensorboard', 'mmcv.runner.hooks.logger.text', 'mmcv.runner.hooks.logger.wandb', 'mmcv.runner.hooks.logger', 'mmcv.runner.hooks.evaluation', 'mmcv.runner.hooks.iter_timer', 'mmcv.runner.hooks.lr_updater', 'mmcv.runner.hooks.memory', 'mmcv.runner.hooks.momentum_updater', 'mmcv.runner.fp16_utils', 'mmcv.runner.hooks.optimizer', 'mmcv.runner.hooks.profiler', 'mmcv.runner.hooks.sampler_seed', 'mmcv.runner.hooks.sync_buffer', 'mmcv.runner.hooks', 'mmcv.runner.log_buffer', 'mmcv.runner.priority', 'termios', 'getpass', 'mmcv.runner.utils', 'mmcv.runner.base_runner', 'mmcv.runner.builder', 'mmcv.runner.default_constructor', 'mmcv.runner.epoch_based_runner', 'mmcv.runner.iter_based_runner', 'mmcv.runner.optimizer.builder', 'mmcv.runner.optimizer.default_constructor', 'mmcv.runner.optimizer', 'mmcv.device.ipu', 'mmcv.device.mlu._functions', 'mmcv.device.mlu.scatter_gather', 'mmcv.device.mlu.data_parallel', 'mmcv.device.mlu.distributed', 'mmcv.device.mlu', 'mmcv.device', 'mmcv.runner', 'mmcv.cnn.builder', 'mmcv.cnn.resnet', 'mmcv.cnn.vgg', 'mmcv.cnn', 'mmcv.ops.carafe', 'mmcv.ops.cc_attention', 'mmcv.ops.contour_expand', 'mmcv.ops.convex_iou', 'mmcv.ops.corner_pool', 'mmcv.ops.correlation', 'mmcv.ops.deform_conv', 'mmcv.ops.deform_roi_pool', 'mmcv.ops.deprecated_wrappers', 'mmcv.ops.diff_iou_rotated', 'mmcv.ops.focal_loss', 'mmcv.ops.furthest_point_sample', 'mmcv.ops.fused_bias_leakyrelu', 'mmcv.ops.gather_points', 'mmcv.ops.knn', 'mmcv.ops.group_points', 'mmcv.ops.info', 'mmcv.ops.iou3d', 'mmcv.ops.masked_conv', 'mmcv.ops.min_area_polygons', 'mmcv.ops.modulated_deform_conv', 'mmcv.ops.multi_scale_deform_attn', 'mmcv.ops.nms', 'mmcv.ops.pixel_group', 'torch.onnx.operators', 'mmcv.ops.point_sample', 'mmcv.ops.points_in_boxes', 'mmcv.ops.points_in_polygons', 'mmcv.ops.points_sampler', 'mmcv.ops.psa_mask', 'mmcv.ops.riroi_align_rotated', 'mmcv.ops.roi_align', 'mmcv.ops.roi_align_rotated', 'mmcv.ops.roi_pool', 'mmcv.ops.roiaware_pool3d', 'mmcv.ops.roipoint_pool3d', 'mmcv.ops.rotated_feature_align', 'mmcv.ops.saconv', 'mmcv.ops.scatter_points', 'mmcv.ops.sparse_ops', 'mmcv.ops.sparse_functional', 'mmcv.ops.sparse_structure', 'mmcv.ops.sparse_modules', 'mmcv.ops.sparse_conv', 'mmcv.ops.sparse_pool', 'mmcv.ops.sync_bn', 'mmcv.ops.three_interpolate', 'mmcv.ops.three_nn', 'mmcv.ops.tin_shift', 'mmcv.ops.upfirdn2d', 'mmcv.ops.voxelize', 'mmcv.ops', 'mmdet.core.bbox.samplers.score_hlr_sampler', 'mmdet.core.bbox.samplers', 'mmdet.core.bbox', 'mmdet.core.data_structures.general_data', 'mmdet.core.data_structures.instance_data', 'mmdet.core.data_structures', 'mmdet.core.evaluation.class_names', 'mmdet.core.evaluation.eval_hooks', 'terminaltables.terminal_io', 'terminaltables.width_and_alignment', 'terminaltables.build', 'terminaltables.base_table', 'terminaltables.ascii_table', 'terminaltables.github_table', 'terminaltables.other_tables', 'terminaltables', 'mmdet.core.evaluation.bbox_overlaps', 'mmdet.core.evaluation.mean_ap', 'mmdet.core.evaluation.panoptic_utils', 'mmdet.core.evaluation.recall', 'mmdet.core.evaluation', 'mmdet.core.hook.checkloss_hook', 'mmdet.core.hook.ema', 'mmdet.core.hook.memory_profiler_hook', 'mmdet.core.hook.set_epoch_info_hook', 'mmdet.core.utils.dist_utils', 'six.moves', 'mmdet.core.mask.mask_target', 'pycocotools', 'pycocotools._mask', 'pycocotools.mask', 'mmdet.core.mask.structures', 'mmdet.core.mask.utils', 'mmdet.core.mask', 'mmdet.core.utils.misc', 'mmdet.core.utils', 'mmdet.core.hook.sync_norm_hook', 'mmdet.core.hook.sync_random_size_hook', 'mmdet.core.hook.yolox_lrupdater_hook', 'mmdet.core.hook.yolox_mode_switch_hook', 'mmdet.core.hook', 'mmdet.core.post_processing.bbox_nms', 'mmdet.core.post_processing.matrix_nms', 'mmdet.core.post_processing.merge_augs', 'mmdet.core.post_processing', 'mmdet.core', 'mmdet3d.core.anchor.anchor_3d_generator', 'mmdet3d.core.anchor', 'mmdet3d.core.bbox.assigners', 'mmdet3d.core.bbox.coders.partial_bin_based_bbox_coder', 'mmdet3d.core.bbox.coders.anchor_free_bbox_coder', 'mmdet3d.core.bbox.coders.centerpoint_bbox_coders', 'mmdet3d.core.bbox.coders.delta_xyzwhlr_bbox_coder', 'mmdet3d.core.utils.array_converter', 'mmdet3d.core.utils.gaussian', 'mmdet3d.core.utils', 'mmdet3d.core.bbox.structures.utils', 'mmdet3d.core.bbox.structures.base_box3d', 'mmdet3d.core.points.base_points', 'mmdet3d.core.points.cam_points', 'mmdet3d.core.points.depth_points', 'mmdet3d.core.points.lidar_points', 'mmdet3d.core.points', 'mmdet3d.core.bbox.structures.cam_box3d', 'mmdet3d.core.bbox.structures.depth_box3d', 'mmdet3d.core.bbox.structures.lidar_box3d', 'mmdet3d.core.bbox.structures.box_3d_mode', 'mmdet3d.core.bbox.structures.coord_3d_mode', 'mmdet3d.core.bbox.structures', 'mmdet3d.core.bbox.coders.fcos3d_bbox_coder', 'mmdet3d.core.bbox.coders.groupfree3d_bbox_coder', 'mmdet3d.core.bbox.coders.monoflex_bbox_coder', 'mmdet3d.core.bbox.coders.pgd_bbox_coder', 'mmdet3d.core.bbox.coders.point_xyzwhlr_bbox_coder', 'mmdet3d.core.bbox.coders.smoke_bbox_coder', 'mmdet3d.core.bbox.coders', 'mmdet3d.core.bbox.iou_calculators.iou3d_calculator', 'mmdet3d.core.bbox.iou_calculators', 'mmdet3d.core.bbox.samplers.iou_neg_piecewise_sampler', 'mmdet3d.core.bbox.samplers', 'mmdet3d.core.bbox.transforms', 'mmdet3d.core.bbox', 'mmdet3d.core.evaluation.indoor_eval', 'mmdet3d.core.evaluation.scannet_utils.util_3d', 'mmdet3d.core.evaluation.scannet_utils.evaluate_semantic_instance', 'mmdet3d.core.evaluation.scannet_utils', 'mmdet3d.core.evaluation.instance_seg_eval', 'numba._version', 'numba.misc', 'numba.misc.init_utils', 'numba.core', 'llvmlite._version', 'llvmlite', 'llvmlite.binding.common', 'llvmlite.utils', 'llvmlite.binding.ffi', 'llvmlite.binding.dylib', 'llvmlite.binding.targets', 'llvmlite.binding.object_file', 'llvmlite.binding.executionengine', 'llvmlite.binding.initfini', 'llvmlite.binding.linker', 'llvmlite.binding.value', 'llvmlite.binding.context', 'llvmlite.binding.module', 'llvmlite.binding.options', 'llvmlite.binding.passmanagers', 'llvmlite.binding.transforms', 'llvmlite.ir._utils', 'llvmlite.ir.types', 'llvmlite.ir.values', 'llvmlite.ir.context', 'llvmlite.ir.module', 'llvmlite.ir.instructions', 'llvmlite.ir.builder', 'llvmlite.ir.transforms', 'llvmlite.ir', 'llvmlite.binding.analysis', 'llvmlite.binding', 'numba.core.config', '_lsprof', 'profile', 'cProfile', 'numba.testing.loader', 'numba.testing.main', 'numba.testing', 'numba.testing._runtests', 'timeit', 'numba.core.utils', 'numba.core.types.abstract', 'numba.core.types.common', 'numba.core.typeconv.castgraph', 'numba.core.typeconv', 'colorama.ansi', 'colorama.win32', 'colorama.winterm', 'colorama.ansitowin32', 'colorama.initialise', 'colorama', 'numba.core.errors', 'numba.core.types.misc', 'numba.core.types.containers', 'numba.core.types.functions', 'numba.core.types.iterators', 'numba.core.types.npytypes', 'numba.np', 'numba.np.npdatetime_helpers', 'numba.core.types.scalars', 'numba.core.types.function_type', 'numba.core.types', 'numba.core.typeconv._typeconv', 'numba.core.typeconv.typeconv', 'numba.core.typeconv.rules', 'numba.core.cpu_options', 'numba.core.typing.templates', 'numba.core.datamodel.manager', 'numba.core.datamodel.packer', 'numba.core.datamodel.registry', 'numba.core.datamodel.models', 'numba.core.datamodel', 'numba.core.cgutils', 'numba.np.numpy_support', 'numba.core.typing.typeof', 'numba.core.typing.context', 'numba.core.typing', 'numba.core.typing.asnumbatype', 'numba.misc.special', 'numba.stencils', 'numba.core.consts', 'numba.core.ir', 'numba.core.imputils', 'llvmlite.llvmpy', 'llvmlite.llvmpy.core', 'numba._helperlib', 'numba.core.debuginfo', 'numba.core.itanium_mangler', 'numba.core.funcdesc', 'numba.core.generators', 'numba.core.removerefctpass', 'numba._dynfunc', 'numba.core.serialize', 'numba.core.environment', 'numba.core.lowering', 'numba.core.pythonapi', 'numba.core.extending', 'numba.core.controlflow', 'numba.core.analysis', 'numba.core.transforms', 'numba.core.postproc', 'numba.core.rewrites.registry', 'numba.core.rewrites.static_getitem', 'numba.core.rewrites.static_raise', 'numba.core.rewrites.static_binop', 'numba.core.rewrites.ir_print', 'numba.core.rewrites', 'numba.core.ir_utils', 'numba.core.descriptors', 'numba._devicearray', 'numba._dispatcher', 'numba.core.tracing', 'numba.core.dataflow', 'numba.core.byteflow', 'numba.core.unsafe', 'numba.core.unsafe.eh', 'numba.cpython', 'numba.cpython.unsafe', 'numba.cpython.unsafe.tuple', 'numba.core.interpreter', 'numba.core.bytecode', 'numba.core.event', 'numba.core.compiler_lock', 'numba.misc.quicksort', 'numba.misc.mergesort', 'numba.cpython.slicing', 'numba.np.arrayobj', 'numba.core.typeinfer', 'numba.stencils.stencilparfor', 'numba.core.typing.npydecl', 'numba.np.unsafe', 'numba.np.unsafe.ndarray', 'numba.parfors.array_analysis', 'numba.parfors.parfor', 'numba.core.sigutils', 'numba.parfors.parfor_lowering_utils', 'numba.parfors.parfor_lowering', 'numba.parfors', 'numba.core.typing.builtins', 'numba.extending', 'numba.cpython.builtins', 'numba.core.base', 'numba.core.callconv', 'numba.core.callwrapper', 'llvmlite.llvmpy.passes', 'numba.core.runtime.nrtdynmod', 'numba.core.runtime._nrt_python', 'numba.core.runtime.nrt', 'numba.core.runtime', 'numba.core.runtime.nrtopt', 'numba.misc.inspection', 'numba.misc.llvm_pass_timings', 'numba.core.codegen', 'numba.core.intrinsics', 'numba.core.externals', 'numba.core.fastmathpass', 'numba.core.options', 'numba.core.entrypoints', 'numba.cpython.setobj', 'numba.cpython.listobj', 'numba.core.cpu', 'numba.cpython.rangeobj', 'numba.core.inline_closurecall', 'numba.core.compiler_machinery', 'numba.core.ssa', 'numba.core.untyped_passes', 'numba.core.annotations', 'numba.core.annotations.type_annotations', 'numba.core.typed_passes', 'numba.core.pylowering', 'numba.core.object_mode_passes', 'numba.core.compiler', 'numba.misc.appdirs', 'numba.core.caching', 'numba.core.dispatcher', 'numba.core.registry', 'numba.stencils.stencil', 'numba.core.decorators', 'numba.np.ufunc._internal', 'numba.np.ufunc.wrappers', 'numba.np.ufunc.sigparse', 'numba.np.ufunc.ufuncbuilder', 'numba.np.ufunc.parallel', 'numba.np.ufunc.dufunc', 'numba.np.ufunc.gufunc', 'numba.np.ufunc.decorators', 'numba.np.ufunc.array_exprs', 'numba.np.ufunc', 'numba.experimental.jitclass._box', 'numba.experimental.jitclass.base', 'numba.experimental.jitclass.decorators', 'numba.experimental.jitclass.boxing', 'numba.experimental.jitclass', 'numba.experimental', 'numba.core.withcontexts', 'numba.typed.typedobjectutils', 'numba.core.unsafe.bytes', 'numba.cpython.hashing', 'numba.cpython.unicode_support', 'numba.cpython.unicode', 'numba.typed.dictobject', 'numba.core.boxing', 'numba.cpython.charseq', 'numba.typed.dictimpl', 'numba.core.typing.ctypes_utils', 'numba.core.ccallback', 'numba.experimental.function_type', 'numba.typed.typeddict', 'numba.typed.listobject', 'numba.typed.typedlist', 'numba.typed', 'numba', 'mmdet3d.core.evaluation.kitti_utils.eval', 'mmdet3d.core.evaluation.kitti_utils', 'lyft_dataset_sdk', 'lyft_dataset_sdk.eval', 'lyft_dataset_sdk.eval.detection', 'pyquaternion.quaternion', 'pyquaternion', 'shapely', 'shapely.errors', 'shapely.affinity', 'ctypes.util', 'shapely.ctypes_declarations', 'shapely.geos', 'shapely.topology', 'shapely.coords', 'shapely.algorithms', 'shapely.algorithms.cga', 'shapely.linref', 'shapely.predicates', 'shapely.impl', 'shapely.geometry.base', 'shapely.geometry.proxy', 'shapely.geometry.point', 'shapely.geometry.linestring', 'shapely.geometry.polygon', 'shapely.geometry.multipoint', 'shapely.geometry.multilinestring', 'shapely.geometry.multipolygon', 'shapely.geometry.collection', 'shapely.geometry.geo', '_cython_0_29_28', 'shapely.speedups._speedups', 'shapely.speedups', 'shapely.geometry', 'lyft_dataset_sdk.eval.detection.mAP_evaluation', 'mmdet3d.core.evaluation.lyft_eval', 'mmdet3d.core.evaluation.seg_eval', 'mmdet3d.core.evaluation', 'mmdet3d.core.post_processing.box3d_nms', 'mmdet3d.core.post_processing.merge_augs', 'mmdet3d.core.post_processing', 'mmdet3d.core.visualizer', 'mmdet3d.core.visualizer.show_result', 'trimesh.version', 'trimesh.util', 'trimesh.constants', 'trimesh.transformations', 'trimesh.geometry', 'trimesh.caching', 'trimesh.parent', 'trimesh.grouping', 'trimesh.points', 'trimesh.triangles', 'trimesh.convex', 'trimesh.nsphere', 'trimesh.bounds', 'trimesh.ray.ray_util', 'trimesh.intersections', 'trimesh.ray.ray_triangle', 'trimesh.ray', 'trimesh.resources', 'trimesh.units', 'networkx.release', 'networkx.exception', 'networkx.utils.misc', 'decorator', 'networkx.utils.decorators', 'networkx.utils.random_sequence', 'networkx.utils.union_find', 'networkx.utils.rcm', 'networkx.utils.heaps', 'networkx.utils.contextmanagers', 'networkx.utils', 'networkx.classes.coreviews', 'networkx.classes.reportviews', 'networkx.convert', 'networkx.classes.graph', 'networkx.classes.digraph', 'networkx.classes.multigraph', 'networkx.classes.multidigraph', 'networkx.classes.ordered', 'networkx.classes.function', 'networkx.classes.filters', 'networkx.classes.graphviews', 'networkx.classes', 'networkx.convert_matrix', 'networkx.relabel', 'networkx.generators.atlas', 'networkx.generators.classic', 'networkx.generators.community', 'networkx.generators.degree_seq', 'networkx.generators.directed', 'networkx.generators.duplication', 'networkx.generators.ego', 'networkx.generators.expanders', 'networkx.generators.geometric', 'networkx.algorithms.assortativity.connectivity', 'networkx.algorithms.assortativity.pairs', 'networkx.algorithms.assortativity.mixing', 'networkx.algorithms.assortativity.correlation', 'networkx.algorithms.assortativity.neighbor_degree', 'networkx.algorithms.assortativity', 'networkx.algorithms.boundary', 'networkx.algorithms.bridges', 'networkx.algorithms.chains', 'networkx.algorithms.centrality.betweenness', 'networkx.algorithms.centrality.betweenness_subset', 'networkx.algorithms.centrality.closeness', 'networkx.algorithms.centrality.subgraph_alg', 'networkx.algorithms.centrality.flow_matrix', 'networkx.algorithms.centrality.current_flow_closeness', 'networkx.algorithms.centrality.current_flow_betweenness', 'networkx.algorithms.centrality.current_flow_betweenness_subset', 'networkx.algorithms.centrality.degree_alg', 'networkx.algorithms.centrality.dispersion', 'networkx.algorithms.centrality.eigenvector', 'networkx.algorithms.centrality.harmonic', 'networkx.algorithms.centrality.katz', 'networkx.algorithms.centrality.load', 'networkx.algorithms.centrality.reaching', 'networkx.algorithms.centrality.percolation', 'networkx.algorithms.centrality.second_order', 'networkx.algorithms.centrality', 'networkx.algorithms.chordal', 'networkx.algorithms.cluster', 'networkx.algorithms.clique', 'networkx.algorithms.communicability_alg', 'networkx.algorithms.components.connected', 'networkx.algorithms.components.strongly_connected', 'networkx.algorithms.components.weakly_connected', 'networkx.algorithms.components.attracting', 'networkx.algorithms.components.biconnected', 'networkx.algorithms.components.semiconnected', 'networkx.algorithms.components', 'networkx.algorithms.coloring.greedy_coloring_with_interchange', 'networkx.algorithms.coloring.greedy_coloring', 'networkx.algorithms.coloring', 'networkx.algorithms.core', 'networkx.algorithms.covering', 'networkx.algorithms.cycles', 'networkx.algorithms.cuts', 'networkx.generators.trees', 'networkx.algorithms.dag', 'networkx.algorithms.distance_measures', 'networkx.algorithms.distance_regular', 'networkx.algorithms.dominance', 'networkx.algorithms.dominating', 'networkx.algorithms.efficiency', 'networkx.algorithms.euler', 'networkx.algorithms.graphical', 'networkx.algorithms.hierarchy', 'networkx.algorithms.hybrid', 'networkx.algorithms.link_analysis.pagerank_alg', 'networkx.algorithms.link_analysis.hits_alg', 'networkx.algorithms.link_analysis', 'networkx.algorithms.link_prediction', 'networkx.algorithms.lowest_common_ancestors', 'networkx.algorithms.isolate', 'networkx.algorithms.matching', 'networkx.algorithms.minors', 'networkx.algorithms.mis', 'networkx.algorithms.operators.all', 'networkx.algorithms.operators.binary', 'networkx.algorithms.operators.product', 'networkx.algorithms.operators.unary', 'networkx.algorithms.operators', 'networkx.algorithms.planarity', 'networkx.algorithms.reciprocity', 'networkx.algorithms.richclub', 'networkx.algorithms.shortest_paths.generic', 'networkx.algorithms.shortest_paths.unweighted', 'networkx.algorithms.shortest_paths.weighted', 'networkx.algorithms.shortest_paths.astar', 'networkx.algorithms.shortest_paths.dense', 'networkx.algorithms.shortest_paths', 'networkx.algorithms.similarity', 'networkx.algorithms.simple_paths', 'networkx.algorithms.smallworld', 'networkx.algorithms.smetric', 'networkx.algorithms.structuralholes', 'networkx.algorithms.sparsifiers', 'networkx.algorithms.swap', 'networkx.algorithms.traversal.breadth_first_search', 'networkx.algorithms.traversal.beamsearch', 'networkx.algorithms.traversal.depth_first_search', 'networkx.algorithms.traversal.edgedfs', 'networkx.algorithms.traversal.edgebfs', 'networkx.algorithms.traversal', 'networkx.algorithms.triads', 'networkx.algorithms.vitality', 'networkx.algorithms.voronoi', 'networkx.algorithms.wiener', 'networkx.algorithms.bipartite.basic', 'networkx.algorithms.bipartite.centrality', 'networkx.algorithms.bipartite.cluster', 'networkx.algorithms.bipartite.matching', 'networkx.algorithms.bipartite.covering', 'networkx.algorithms.bipartite.edgelist', 'networkx.algorithms.bipartite.matrix', 'networkx.algorithms.bipartite.projection', 'networkx.algorithms.bipartite.redundancy', 'networkx.algorithms.bipartite.spectral', 'networkx.algorithms.bipartite.generators', 'networkx.algorithms.bipartite', 'networkx.algorithms.node_classification.utils', 'networkx.algorithms.node_classification.hmn', 'networkx.algorithms.node_classification.lgc', 'networkx.algorithms.node_classification', 'networkx.algorithms.flow.utils', 'networkx.algorithms.flow.boykovkolmogorov', 'networkx.algorithms.flow.dinitz_alg', 'networkx.algorithms.flow.edmondskarp', 'networkx.algorithms.flow.preflowpush', 'networkx.algorithms.flow.shortestaugmentingpath', 'networkx.algorithms.flow.maxflow', 'networkx.algorithms.flow.mincost', 'networkx.algorithms.flow.gomory_hu', 'networkx.algorithms.flow.capacityscaling', 'networkx.algorithms.flow.networksimplex', 'networkx.algorithms.flow', 'networkx.algorithms.connectivity.utils', 'networkx.algorithms.connectivity.connectivity', 'networkx.algorithms.connectivity.cuts', 'networkx.algorithms.connectivity.edge_augmentation', 'networkx.algorithms.connectivity.edge_kcomponents', 'networkx.algorithms.connectivity.disjoint_paths', 'networkx.algorithms.connectivity.kcomponents', 'networkx.algorithms.connectivity.kcutsets', 'networkx.algorithms.connectivity.stoerwagner', 'networkx.algorithms.connectivity', 'networkx.algorithms.community.asyn_fluid', 'networkx.algorithms.community.centrality', 'networkx.algorithms.community.community_generators', 'networkx.algorithms.community.kclique', 'networkx.algorithms.community.community_utils', 'networkx.algorithms.community.kernighan_lin', 'networkx.algorithms.community.label_propagation', 'networkx.algorithms.community.quality', 'networkx.utils.mapped_queue', 'networkx.algorithms.community.modularity_max', 'networkx.algorithms.community', 'networkx.algorithms.isomorphism.isomorph', 'networkx.algorithms.isomorphism.isomorphvf2', 'networkx.algorithms.isomorphism.vf2userfunc', 'networkx.algorithms.isomorphism.matchhelpers', 'networkx.algorithms.isomorphism.temporalisomorphvf2', 'networkx.algorithms.isomorphism', 'networkx.algorithms.tournament', 'networkx.algorithms.tree.recognition', 'networkx.algorithms.tree.branchings', 'networkx.algorithms.tree.coding', 'networkx.algorithms.tree.mst', 'networkx.algorithms.tree.operations', 'networkx.algorithms.tree', 'networkx.algorithms', 'networkx.generators.intersection', 'networkx.generators.joint_degree_seq', 'networkx.generators.lattice', 'networkx.generators.line', 'networkx.generators.mycielski', 'networkx.generators.nonisomorphic_trees', 'networkx.generators.random_clustered', 'networkx.generators.random_graphs', 'networkx.generators.small', 'networkx.generators.social', 'networkx.generators.spectral_graph_forge', 'networkx.generators.stochastic', 'networkx.generators.triads', 'networkx.generators', 'networkx.readwrite.adjlist', 'networkx.readwrite.multiline_adjlist', 'networkx.readwrite.edgelist', 'networkx.readwrite.gpickle', 'networkx.readwrite.pajek', 'networkx.readwrite.leda', 'networkx.readwrite.graph6', 'networkx.readwrite.sparse6', 'networkx.readwrite.nx_yaml', 'networkx.readwrite.gml', 'xml.etree.cElementTree', 'networkx.readwrite.graphml', 'networkx.readwrite.gexf', 'networkx.readwrite.nx_shp', 'networkx.readwrite.json_graph.node_link', 'networkx.readwrite.json_graph.adjacency', 'networkx.readwrite.json_graph.tree', 'networkx.readwrite.json_graph.jit', 'networkx.readwrite.json_graph.cytoscape', 'networkx.readwrite.json_graph', 'networkx.readwrite', 'networkx.linalg.attrmatrix', 'networkx.linalg.spectrum', 'networkx.linalg.graphmatrix', 'networkx.linalg.laplacianmatrix', 'networkx.linalg.algebraicconnectivity', 'networkx.linalg.modularitymatrix', 'networkx.linalg', 'networkx.tests', 'networkx.tests.test', 'networkx.drawing.layout', 'networkx.drawing.nx_pylab', 'networkx.drawing.nx_agraph', 'networkx.drawing.nx_pydot', 'networkx.drawing', 'networkx', 'trimesh.poses', 'trimesh.graph', 'trimesh.remesh', 'trimesh.voxel', 'colorsys', 'trimesh.visual', 'trimesh.sample', 'trimesh.repair', 'trimesh.inertia', 'trimesh.io', 'trimesh.interfaces.generic', 'trimesh.interfaces.scad', 'trimesh.interfaces.blender', 'trimesh.interfaces.vhacd', 'trimesh.interfaces', 'trimesh.boolean', 'trimesh.permutate', 'trimesh.proximity', 'trimesh.collision', 'trimesh.curvature', 'trimesh.comparison', 'trimesh.registration', 'trimesh.decomposition', 'trimesh.io.wavefront', 'trimesh.io.urdf', 'trimesh.io.stl', 'trimesh.io.ply', 'trimesh.io.export', 'trimesh.scene.camera', 'trimesh.rendering', 'trimesh.io.gltf', 'trimesh.scene.transforms', 'trimesh.scene.scene', 'trimesh.scene.viewerJS', 'trimesh.scene', 'trimesh.base', 'trimesh.io.misc', 'trimesh.io.assimp', 'trimesh.io.threemf', 'trimesh.io.openctm', 'trimesh.io.xml_based', 'trimesh.path.util', 'PIL.ImageChops', 'trimesh.path.raster', 'trimesh.path.intersections', 'trimesh.path.arc', 'trimesh.path.curve', 'trimesh.path.entities', 'trimesh.path.simplify', 'shapely.prepared', 'shapely.vectorized._vectorized', 'shapely.vectorized', 'trimesh.io.load', 'shapely.wkb', 'trimesh.creation', 'trimesh.primitives', 'trimesh', 'mmdet3d.core.visualizer.image_vis', 'matplotlib', 'matplotlib._api.deprecation', 'matplotlib._api', 'matplotlib._c_internal_utils', 'matplotlib.cbook', 'matplotlib.docstring', 'matplotlib._animation_data', 'matplotlib.animation', 'PIL.ImageFile', 'PIL.GimpGradientFile', 'PIL.GimpPaletteFile', 'PIL.PaletteFile', 'PIL.ImagePalette', 'PIL.ImageSequence', 'PIL.PngImagePlugin', 'matplotlib._path', 'matplotlib.bezier', 'matplotlib.path', 'matplotlib.transforms', 'matplotlib.ticker', 'matplotlib.scale', 'matplotlib._color_data', 'matplotlib.colors', 'pyparsing', 'matplotlib.fontconfig_pattern', 'matplotlib._enums', 'cycler', 'matplotlib.rcsetup', 'matplotlib._version', 'matplotlib.ft2font', 'dateutil._version', 'dateutil', 'kiwisolver', 'dateutil._common', 'dateutil.rrule', 'dateutil.relativedelta', 'dateutil.tz._common', 'dateutil.tz._factories', 'dateutil.tz.tz', 'dateutil.tz', 'dateutil.parser._parser', 'dateutil.parser.isoparser', 'dateutil.parser', 'matplotlib.units', 'matplotlib.dates']
2022-05-13:09:35:19,matplotlib DEBUG    [__init__.py:224] CACHEDIR=/root/.cache/matplotlib
2022-05-13:09:35:19,matplotlib.font_manager DEBUG    [font_manager.py:1435] Using fontManager instance from /root/.cache/matplotlib/fontlist-v330.json
2022-05-13:09:35:19,matplotlib.pyplot DEBUG    [pyplot.py:290] Loaded backend tkagg version unknown.
2022-05-13:09:35:19,matplotlib.pyplot DEBUG    [pyplot.py:290] Loaded backend TkAgg version unknown.
NOTE! Installing ujson may make loading annotations faster.
/data/pointcloud_alg/mmdetection3d/mmdet3d/models/backbones/mink_resnet.py:9: UserWarning: Please follow `getting_started.md` to install MinkowskiEngine.`
  warnings.warn(
/data/pointcloud_alg/mmdetection3d/mmdet3d/models/dense_heads/anchor3d_head.py:84: UserWarning: dir_offset and dir_limit_offset will be depressed and be incorporated into box coder in the future
  warnings.warn(
load checkpoint from local path: /data/pointcloud_alg/mmdetection3d/configs/pointpillars/hv_pointpillars_secfpn_6x8_160e_kitti-3d-3class_20220301_150306-37dc2420.pth
2022-05-13:09:35:22,trimesh DEBUG    [caching.py:387] 1 items cleared from cache: ['face_normals']
2022-05-13:09:35:22,trimesh DEBUG    [base.py:2089] mesh transformed by matrix
2022-05-13:09:35:22,trimesh DEBUG    [caching.py:387] 1 items cleared from cache: ['face_normals']
2022-05-13:09:35:22,trimesh DEBUG    [base.py:2089] mesh transformed by matrix
2022-05-13:09:35:22,trimesh DEBUG    [caching.py:387] 1 items cleared from cache: ['face_normals']
2022-05-13:09:35:22,trimesh DEBUG    [base.py:2089] mesh transformed by matrix
2022-05-13:09:35:22,trimesh DEBUG    [caching.py:387] 1 items cleared from cache: ['face_normals']
2022-05-13:09:35:22,trimesh DEBUG    [base.py:2089] mesh transformed by matrix
2022-05-13:09:35:22,trimesh DEBUG    [caching.py:387] 1 items cleared from cache: ['face_normals']
2022-05-13:09:35:22,trimesh DEBUG    [base.py:2089] mesh transformed by matrix
2022-05-13:09:35:22,trimesh DEBUG    [caching.py:387] 1 items cleared from cache: ['face_normals']
2022-05-13:09:35:22,trimesh DEBUG    [base.py:2089] mesh transformed by matrix
2022-05-13:09:35:22,trimesh DEBUG    [caching.py:387] 1 items cleared from cache: ['face_normals']
2022-05-13:09:35:22,trimesh DEBUG    [base.py:2089] mesh transformed by matrix
2022-05-13:09:35:22,trimesh DEBUG    [caching.py:387] 1 items cleared from cache: ['face_normals']
2022-05-13:09:35:22,trimesh DEBUG    [base.py:2089] mesh transformed by matrix
2022-05-13:09:35:22,trimesh DEBUG    [caching.py:387] 1 items cleared from cache: ['face_normals']
2022-05-13:09:35:22,trimesh DEBUG    [base.py:2089] mesh transformed by matrix
2022-05-13:09:35:22,trimesh DEBUG    [caching.py:387] 1 items cleared from cache: ['face_normals']
2022-05-13:09:35:22,trimesh DEBUG    [base.py:2089] mesh transformed by matrix
2022-05-13:09:35:22,trimesh DEBUG    [caching.py:94] nodes_geometry was not in cache, executed in 0.000016
2022-05-13:09:35:22,trimesh DEBUG    [caching.py:94] is_empty was not in cache, executed in 0.000002
2022-05-13:09:35:22,trimesh DEBUG    [base.py:2002] apply_tranform passed identity matrix
2022-05-13:09:35:22,trimesh DEBUG    [caching.py:94] is_empty was not in cache, executed in 0.000001
2022-05-13:09:35:22,trimesh DEBUG    [base.py:2002] apply_tranform passed identity matrix
2022-05-13:09:35:22,trimesh DEBUG    [caching.py:94] is_empty was not in cache, executed in 0.000001
2022-05-13:09:35:22,trimesh DEBUG    [base.py:2002] apply_tranform passed identity matrix
2022-05-13:09:35:22,trimesh DEBUG    [caching.py:94] is_empty was not in cache, executed in 0.000001
2022-05-13:09:35:22,trimesh DEBUG    [base.py:2002] apply_tranform passed identity matrix
2022-05-13:09:35:22,trimesh DEBUG    [caching.py:94] is_empty was not in cache, executed in 0.000001
2022-05-13:09:35:22,trimesh DEBUG    [base.py:2002] apply_tranform passed identity matrix
2022-05-13:09:35:22,trimesh DEBUG    [caching.py:94] is_empty was not in cache, executed in 0.000001
2022-05-13:09:35:22,trimesh DEBUG    [base.py:2002] apply_tranform passed identity matrix
2022-05-13:09:35:22,trimesh DEBUG    [caching.py:94] is_empty was not in cache, executed in 0.000001
2022-05-13:09:35:22,trimesh DEBUG    [base.py:2002] apply_tranform passed identity matrix
2022-05-13:09:35:22,trimesh DEBUG    [caching.py:94] is_empty was not in cache, executed in 0.000001
2022-05-13:09:35:22,trimesh DEBUG    [base.py:2002] apply_tranform passed identity matrix
2022-05-13:09:35:22,trimesh DEBUG    [caching.py:94] is_empty was not in cache, executed in 0.000001
2022-05-13:09:35:22,trimesh DEBUG    [base.py:2002] apply_tranform passed identity matrix
2022-05-13:09:35:22,trimesh DEBUG    [caching.py:94] is_empty was not in cache, executed in 0.000001
2022-05-13:09:35:22,trimesh DEBUG    [base.py:2002] apply_tranform passed identity matrix
2022-05-13:09:35:22,trimesh DEBUG    [export.py:43] Exporting 120 faces as OBJ
2022-05-13 09:35:23,246 - mmdeploy - INFO - visualize pytorch model success.
2022-05-13 09:35:23,247 - mmdeploy - INFO - All process success.

Process finished with exit code 0
Tartisan commented 2 years ago

When I used cuda11.3 + pytorch1.10 + tensorrt8.2.3 , I also got ERROR [utils.py:43] Failed to parse onnx, In node 97 (parseGraph): INVALID_NODE: Invalid Node Finally I changed to cuda11.1 + pytorch1.9 + tensorrt8.2.3, the error disappeared. I don't know why

alexandrealmin commented 2 years ago

Sorry for the late answer, @VVsssssk @chenxyyy @Tartisan thank you for your help, indeed it works better with a downgrade of pytorch. Output of check_env.py for more details:

2022-06-07 16:50:43,851 - mmdeploy - INFO -

2022-06-07 16:50:43,851 - mmdeploy - INFO - **Environmental information** 2022-06-07 16:50:44,047 - mmdeploy - INFO - sys.platform: linux 2022-06-07 16:50:44,048 - mmdeploy - INFO - Python: 3.7.11 (default, Jul 27 2021, 14:32:16) [GCC 7.5.0] 2022-06-07 16:50:44,048 - mmdeploy - INFO - CUDA available: True 2022-06-07 16:50:44,048 - mmdeploy - INFO - GPU 0,1: NVIDIA GeForce RTX 2080 Ti 2022-06-07 16:50:44,048 - mmdeploy - INFO - CUDA_HOME: /usr/local/cuda 2022-06-07 16:50:44,048 - mmdeploy - INFO - NVCC: Cuda compilation tools, release 10.2, V10.2.8 2022-06-07 16:50:44,048 - mmdeploy - INFO - GCC: gcc (Ubuntu 7.5.0-3ubuntu1~18.04) 7.5.0 2022-06-07 16:50:44,048 - mmdeploy - INFO - PyTorch: 1.9.1+cu111 2022-06-07 16:50:44,048 - mmdeploy - INFO - PyTorch compiling details: PyTorch built with:

2022-06-07 16:50:44,048 - mmdeploy - INFO - TorchVision: 0.10.1+cu111 2022-06-07 16:50:44,048 - mmdeploy - INFO - OpenCV: 4.5.5 2022-06-07 16:50:44,048 - mmdeploy - INFO - MMCV: 1.5.0 2022-06-07 16:50:44,048 - mmdeploy - INFO - MMCV Compiler: GCC 7.3 2022-06-07 16:50:44,048 - mmdeploy - INFO - MMCV CUDA Compiler: 11.1 2022-06-07 16:50:44,048 - mmdeploy - INFO - MMDeploy: 0.4.0+de3f18f 2022-06-07 16:50:44,048 - mmdeploy - INFO -

2022-06-07 16:50:44,048 - mmdeploy - INFO - **Backend information** 2022-06-07 16:50:44,154 - mmdeploy - INFO - onnxruntime: 1.8.1 ops_is_avaliable : True 2022-06-07 16:50:44,154 - mmdeploy - INFO - tensorrt: 8.2.3.0 ops_is_avaliable : True 2022-06-07 16:50:44,155 - mmdeploy - INFO - ncnn: None ops_is_avaliable : False 2022-06-07 16:50:44,155 - mmdeploy - INFO - pplnn_is_avaliable: False 2022-06-07 16:50:44,155 - mmdeploy - INFO - openvino_is_avaliable: False 2022-06-07 16:50:44,155 - mmdeploy - INFO -

2022-06-07 16:50:44,155 - mmdeploy - INFO - **Codebase information** 2022-06-07 16:50:44,157 - mmdeploy - INFO - mmdet: 2.22.0 2022-06-07 16:50:44,157 - mmdeploy - INFO - mmseg: 0.21.1 2022-06-07 16:50:44,157 - mmdeploy - INFO - mmcls: None 2022-06-07 16:50:44,157 - mmdeploy - INFO - mmocr: None 2022-06-07 16:50:44,157 - mmdeploy - INFO - mmedit: None 2022-06-07 16:50:44,157 - mmdeploy - INFO - mmdet3d: 1.0.0rc2 2022-06-07 16:50:44,157 - mmdeploy - INFO - mmpose: None

alexandrealmin commented 2 years ago

@VVsssssk @Tartisan @chenxyyy Did you also try to test model conversion to trt with pointpillars trained on nuscenes? It fails at converting the model to ONNX. I get this error:

2022-05-03 17:38:10,811 - mmdeploy - WARNING - DeprecationWarning: get_onnx_config will be deprecated in the future. 
2022-05-03:17:38:10,mmdeploy WARNING  [utils.py:92] DeprecationWarning: get_onnx_config will be deprecated in the future. 
2022-05-03:17:38:10,root ERROR    [utils.py:43] extract_pts_feat() takes 4 positional arguments but 6 were given
Traceback (most recent call last):
  File "mmlab/MMDeploy/mmdeploy/utils/utils.py", line 38, in target_wrapper
    result = target(*args, **kwargs)
  File "mmlab/MMDeploy/mmdeploy/apis/pytorch2onnx.py", line 113, in torch2onnx
    output_file=output_file)
  File "mmlab/MMDeploy/mmdeploy/apis/pytorch2onnx.py", line 55, in torch2onnx_impl
    verbose=verbose)
  File "miniconda3/envs/open-mmlab/lib/python3.7/site-packages/torch/onnx/__init__.py", line 309, in export
    export_modules_as_functions)
  File "miniconda3/envs/open-mmlab/lib/python3.7/site-packages/torch/onnx/utils.py", line 122, in export
    custom_opsets=custom_opsets, export_modules_as_functions=export_modules_as_functions)
  File "miniconda3/envs/open-mmlab/lib/python3.7/site-packages/torch/onnx/utils.py", line 724, in _export
    dynamic_axes=dynamic_axes)
  File "miniconda3/envs/open-mmlab/lib/python3.7/site-packages/torch/onnx/utils.py", line 499, in _model_to_graph
    graph, params, torch_out, module = _create_jit_graph(model, args)
  File "miniconda3/envs/open-mmlab/lib/python3.7/site-packages/torch/onnx/utils.py", line 440, in _create_jit_graph
    graph, torch_out = _trace_and_get_graph_from_model(model, args)
  File "miniconda3/envs/open-mmlab/lib/python3.7/site-packages/torch/onnx/utils.py", line 391, in _trace_and_get_graph_from_model
    torch.jit._get_trace_graph(model, args, strict=False, _force_outplace=False, _return_inputs_states=True)
  File "miniconda3/envs/open-mmlab/lib/python3.7/site-packages/torch/jit/_trace.py", line 1166, in _get_trace_graph
    outs = ONNXTracedModule(f, strict, _force_outplace, return_inputs, _return_inputs_states)(*args, **kwargs)
  File "miniconda3/envs/open-mmlab/lib/python3.7/site-packages/torch/nn/modules/module.py", line 1110, in _call_impl
    return forward_call(*input, **kwargs)
  File "miniconda3/envs/open-mmlab/lib/python3.7/site-packages/torch/jit/_trace.py", line 132, in forward
    self._force_outplace,
  File "miniconda3/envs/open-mmlab/lib/python3.7/site-packages/torch/jit/_trace.py", line 118, in wrapper
    outs.append(self.inner(*trace_inputs))
  File "miniconda3/envs/open-mmlab/lib/python3.7/site-packages/torch/nn/modules/module.py", line 1110, in _call_impl
    return forward_call(*input, **kwargs)
  File "miniconda3/envs/open-mmlab/lib/python3.7/site-packages/torch/nn/modules/module.py", line 1098, in _slow_forward
    result = self.forward(*input, **kwargs)
  File "mmlab/MMDeploy/mmdeploy/core/rewriters/rewriter_utils.py", line 371, in wrapper
    return self.func(self, *args, **kwargs)
  File "mmlab/MMDeploy/mmdeploy/codebase/mmdet3d/models/base.py", line 23, in base3ddetector__forward
    return self.forward_test(*args)
  File "mmlab/MMDeploy/mmdeploy/core/rewriters/rewriter_utils.py", line 371, in wrapper
    return self.func(self, *args, **kwargs)
  File "mmlab/MMDeploy/mmdeploy/codebase/mmdet3d/models/base.py", line 16, in base3ddetector__forward_test
    return self.simple_test(voxels, num_points, coors, img_metas, img)
  File "mmlab/MMDeploy/mmdeploy/core/rewriters/rewriter_utils.py", line 371, in wrapper
    return self.func(self, *args, **kwargs)
  File "mmlab/MMDeploy/mmdeploy/codebase/mmdet3d/models/mvx_two_stage.py", line 29, in mvxtwostagedetector__simple_test
    voxels, num_points, coors, img=img, img_metas=img_metas)
  File "mmlab/MMDeploy/mmdeploy/core/rewriters/rewriter_utils.py", line 371, in wrapper
    return self.func(self, *args, **kwargs)
  File "mmlab/MMDeploy/mmdeploy/codebase/mmdet3d/models/mvx_two_stage.py", line 53, in mvxtwostagedetector__extract_feat
    img_metas)
TypeError: extract_pts_feat() takes 4 positional arguments but 6 were given
2022-05-03 17:38:11,339 - mmdeploy - ERROR - torch2onnx failed.
lfxx commented 1 year ago

@VVsssssk @Tartisan @chenxyyy Did you also try to test model conversion to trt with pointpillars trained on nuscenes? It fails at converting the model to ONNX. I get this error:

2022-05-03 17:38:10,811 - mmdeploy - WARNING - DeprecationWarning: get_onnx_config will be deprecated in the future. 
2022-05-03:17:38:10,mmdeploy WARNING  [utils.py:92] DeprecationWarning: get_onnx_config will be deprecated in the future. 
2022-05-03:17:38:10,root ERROR    [utils.py:43] extract_pts_feat() takes 4 positional arguments but 6 were given
Traceback (most recent call last):
  File "mmlab/MMDeploy/mmdeploy/utils/utils.py", line 38, in target_wrapper
    result = target(*args, **kwargs)
  File "mmlab/MMDeploy/mmdeploy/apis/pytorch2onnx.py", line 113, in torch2onnx
    output_file=output_file)
  File "mmlab/MMDeploy/mmdeploy/apis/pytorch2onnx.py", line 55, in torch2onnx_impl
    verbose=verbose)
  File "miniconda3/envs/open-mmlab/lib/python3.7/site-packages/torch/onnx/__init__.py", line 309, in export
    export_modules_as_functions)
  File "miniconda3/envs/open-mmlab/lib/python3.7/site-packages/torch/onnx/utils.py", line 122, in export
    custom_opsets=custom_opsets, export_modules_as_functions=export_modules_as_functions)
  File "miniconda3/envs/open-mmlab/lib/python3.7/site-packages/torch/onnx/utils.py", line 724, in _export
    dynamic_axes=dynamic_axes)
  File "miniconda3/envs/open-mmlab/lib/python3.7/site-packages/torch/onnx/utils.py", line 499, in _model_to_graph
    graph, params, torch_out, module = _create_jit_graph(model, args)
  File "miniconda3/envs/open-mmlab/lib/python3.7/site-packages/torch/onnx/utils.py", line 440, in _create_jit_graph
    graph, torch_out = _trace_and_get_graph_from_model(model, args)
  File "miniconda3/envs/open-mmlab/lib/python3.7/site-packages/torch/onnx/utils.py", line 391, in _trace_and_get_graph_from_model
    torch.jit._get_trace_graph(model, args, strict=False, _force_outplace=False, _return_inputs_states=True)
  File "miniconda3/envs/open-mmlab/lib/python3.7/site-packages/torch/jit/_trace.py", line 1166, in _get_trace_graph
    outs = ONNXTracedModule(f, strict, _force_outplace, return_inputs, _return_inputs_states)(*args, **kwargs)
  File "miniconda3/envs/open-mmlab/lib/python3.7/site-packages/torch/nn/modules/module.py", line 1110, in _call_impl
    return forward_call(*input, **kwargs)
  File "miniconda3/envs/open-mmlab/lib/python3.7/site-packages/torch/jit/_trace.py", line 132, in forward
    self._force_outplace,
  File "miniconda3/envs/open-mmlab/lib/python3.7/site-packages/torch/jit/_trace.py", line 118, in wrapper
    outs.append(self.inner(*trace_inputs))
  File "miniconda3/envs/open-mmlab/lib/python3.7/site-packages/torch/nn/modules/module.py", line 1110, in _call_impl
    return forward_call(*input, **kwargs)
  File "miniconda3/envs/open-mmlab/lib/python3.7/site-packages/torch/nn/modules/module.py", line 1098, in _slow_forward
    result = self.forward(*input, **kwargs)
  File "mmlab/MMDeploy/mmdeploy/core/rewriters/rewriter_utils.py", line 371, in wrapper
    return self.func(self, *args, **kwargs)
  File "mmlab/MMDeploy/mmdeploy/codebase/mmdet3d/models/base.py", line 23, in base3ddetector__forward
    return self.forward_test(*args)
  File "mmlab/MMDeploy/mmdeploy/core/rewriters/rewriter_utils.py", line 371, in wrapper
    return self.func(self, *args, **kwargs)
  File "mmlab/MMDeploy/mmdeploy/codebase/mmdet3d/models/base.py", line 16, in base3ddetector__forward_test
    return self.simple_test(voxels, num_points, coors, img_metas, img)
  File "mmlab/MMDeploy/mmdeploy/core/rewriters/rewriter_utils.py", line 371, in wrapper
    return self.func(self, *args, **kwargs)
  File "mmlab/MMDeploy/mmdeploy/codebase/mmdet3d/models/mvx_two_stage.py", line 29, in mvxtwostagedetector__simple_test
    voxels, num_points, coors, img=img, img_metas=img_metas)
  File "mmlab/MMDeploy/mmdeploy/core/rewriters/rewriter_utils.py", line 371, in wrapper
    return self.func(self, *args, **kwargs)
  File "mmlab/MMDeploy/mmdeploy/codebase/mmdet3d/models/mvx_two_stage.py", line 53, in mvxtwostagedetector__extract_feat
    img_metas)
TypeError: extract_pts_feat() takes 4 positional arguments but 6 were given
2022-05-03 17:38:11,339 - mmdeploy - ERROR - torch2onnx failed.

Same issue here,Any update on this?

RunningLeon commented 1 year ago

@lfxx Hi, it would be fixed in https://github.com/open-mmlab/mmdeploy/pull/391. You could try on this PR if it's urgent.

alexandrealmin commented 1 year ago

Quick update, pointpillars with kitti is working fine with this setup: cuda11.3 + pytorch1.10 + tensorrt8.4.1.5 (and 8.4.2.4), in case someone needs to upgrade its pytorch version