open-mmlab / mmdeploy

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

[Bug] "RTMDet-nano+RTMPose-tiny" convert model to onnx sdk and use mmdeploy_runtime.Detector, PoseDetector load Error #1976

Closed mortal-Zero closed 1 year ago

mortal-Zero commented 1 year ago

Checklist

Describe the bug

Hi, I am using mmdeploy to convert this two model to onnx
rtmdet-nano | config | weight;
rtmpose-tiny | config | weight;

Reproduction

my convert model commond is:

# RTMDet
cd /workspace/HOSTDIR/project/openmmlab/mmdeploy
python tools/deploy.py \
    configs/mmdet/detection/detection_onnxruntime_dynamic.py \
    /workspace/HOSTDIR/project/openmmlab/projects/rtmdet/configs/rtmdet_nano_320-8xb32_coco-person.py \
    /workspace/HOSTDIR/project/openmmlab/projects/rtmdet/checkpoints/rtmdet_nano.pth \
    demo/resources/human-pose.jpg \
    --work-dir mmdeploy_models/mmdet/sdk \
    --device cpu \
    --dump-info  # 导出 sdk info

# RTMPose
cd /workspace/HOSTDIR/project/openmmlab/mmdeploy
python tools/deploy.py \
    configs/mmpose/pose-detection_simcc_onnxruntime_dynamic.py \
    /workspace/HOSTDIR/project/openmmlab/projects/rtmpose/configs/rtmpose-t_8xb256-420e_coco-256x192.py \
    /workspace/HOSTDIR/project/openmmlab/projects/rtmpose/checkpoints/rtmpose-tiny.pth \
    demo/resources/human-pose.jpg \
    --work-dir mmdeploy_models/mmpose/sdk \
    --device cpu \
    --dump-info  # 导出 sdk info

Terminal information output is:

# RTMDet
(openmmlab) root@6fb7b44efe81:/workspace/HOSTDIR/project/openmmlab/projects/rtmdet# sh convert_sdk.sh 
04/11 16:33:16 - mmengine - WARNING - Failed to search registry with scope "mmdet" in the "Codebases" registry tree. As a workaround, the current "Codebases" registry in "mmdeploy" is used to build instance. This may cause unexpected failure when running the built modules. Please check whether "mmdet" is a correct scope, or whether the registry is initialized.
04/11 16:33:16 - mmengine - WARNING - Failed to search registry with scope "mmdet" in the "mmdet_tasks" registry tree. As a workaround, the current "mmdet_tasks" registry in "mmdeploy" is used to build instance. This may cause unexpected failure when running the built modules. Please check whether "mmdet" is a correct scope, or whether the registry is initialized.
04/11 16:33:18 - mmengine - INFO - Start pipeline mmdeploy.apis.pytorch2onnx.torch2onnx in subprocess
04/11 16:33:20 - mmengine - WARNING - Failed to search registry with scope "mmdet" in the "Codebases" registry tree. As a workaround, the current "Codebases" registry in "mmdeploy" is used to build instance. This may cause unexpected failure when running the built modules. Please check whether "mmdet" is a correct scope, or whether the registry is initialized.
04/11 16:33:20 - mmengine - WARNING - Failed to search registry with scope "mmdet" in the "mmdet_tasks" registry tree. As a workaround, the current "mmdet_tasks" registry in "mmdeploy" is used to build instance. This may cause unexpected failure when running the built modules. Please check whether "mmdet" is a correct scope, or whether the registry is initialized.
Loads checkpoint by local backend from path: /workspace/HOSTDIR/project/openmmlab/projects/rtmdet/checkpoints/rtmdet_nano.pth
04/11 16:33:20 - mmengine - WARNING - DeprecationWarning: get_onnx_config will be deprecated in the future. 
04/11 16:33:20 - mmengine - INFO - Export PyTorch model to ONNX: mmdeploy_models/mmdet/sdk/end2end.onnx.
04/11 16:33:20 - mmengine - WARNING - Can not find torch._C._jit_pass_onnx_autograd_function_process, function rewrite will not be applied
/workspace/HOSTDIR/project/openmmlab/mmdeploy/mmdeploy/core/optimizers/function_marker.py:160: TracerWarning: Converting a tensor to a Python integer 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!
  ys_shape = tuple(int(s) for s in ys.shape)
/root/miniconda3/envs/pose/lib/python3.8/site-packages/torch/functional.py:478: UserWarning: torch.meshgrid: in an upcoming release, it will be required to pass the indexing argument. (Triggered internally at  ../aten/src/ATen/native/TensorShape.cpp:2894.)
  return _VF.meshgrid(tensors, **kwargs)  # type: ignore[attr-defined]
/workspace/HOSTDIR/project/openmmlab/mmdeploy/mmdeploy/mmcv/ops/nms.py:270: 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.
  iou_threshold = torch.tensor([iou_threshold], dtype=torch.float32)
/workspace/HOSTDIR/project/openmmlab/mmdeploy/mmdeploy/mmcv/ops/nms.py:271: 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.
  score_threshold = torch.tensor([score_threshold], dtype=torch.float32)
/workspace/HOSTDIR/project/openmmlab/mmdeploy/mmdeploy/pytorch/functions/topk.py:28: 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.
  k = torch.tensor(k, device=input.device, dtype=torch.long)
/workspace/HOSTDIR/project/openmmlab/mmdeploy/mmdeploy/mmcv/ops/nms.py:44: TracerWarning: Converting a tensor to a Python float 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!
  score_threshold = float(score_threshold)
/workspace/HOSTDIR/project/openmmlab/mmdeploy/mmdeploy/mmcv/ops/nms.py:45: TracerWarning: Converting a tensor to a Python float 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!
  iou_threshold = float(iou_threshold)
/root/miniconda3/envs/openmmlab/lib/python3.8/site-packages/mmcv/ops/nms.py:123: 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 boxes.size(1) == 4
/root/miniconda3/envs/openmmlab/lib/python3.8/site-packages/mmcv/ops/nms.py:124: 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 boxes.size(0) == scores.size(0)
/root/miniconda3/envs/openmmlab/lib/python3.8/site-packages/mmcv/ops/nms.py:30: 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!
  if max_num > 0:
/root/miniconda3/envs/pose/lib/python3.8/site-packages/torch/onnx/symbolic_opset9.py:4189: UserWarning: Exporting aten::index operator of advanced indexing in opset 11 is achieved by combination of multiple ONNX operators, including Reshape, Transpose, Concat, and Gather. If indices include negative values, the exported graph will produce incorrect results.
  warnings.warn(
04/11 16:33:38 - mmengine - INFO - Execute onnx optimize passes.
04/11 16:33:38 - mmengine - INFO - Finish pipeline mmdeploy.apis.pytorch2onnx.torch2onnx
04/11 16:33:39 - mmengine - INFO - Start pipeline mmdeploy.apis.utils.utils.to_backend in main process
04/11 16:33:39 - mmengine - INFO - Finish pipeline mmdeploy.apis.utils.utils.to_backend
04/11 16:33:39 - mmengine - INFO - visualize onnxruntime model start.
04/11 16:33:42 - mmengine - WARNING - Failed to search registry with scope "mmdet" in the "Codebases" registry tree. As a workaround, the current "Codebases" registry in "mmdeploy" is used to build instance. This may cause unexpected failure when running the built modules. Please check whether "mmdet" is a correct scope, or whether the registry is initialized.
04/11 16:33:42 - mmengine - WARNING - Failed to search registry with scope "mmdet" in the "mmdet_tasks" registry tree. As a workaround, the current "mmdet_tasks" registry in "mmdeploy" is used to build instance. This may cause unexpected failure when running the built modules. Please check whether "mmdet" is a correct scope, or whether the registry is initialized.
04/11 16:33:42 - mmengine - WARNING - Failed to search registry with scope "mmdet" in the "backend_detectors" registry tree. As a workaround, the current "backend_detectors" registry in "mmdeploy" is used to build instance. This may cause unexpected failure when running the built modules. Please check whether "mmdet" is a correct scope, or whether the registry is initialized.
04/11 16:33:42 - mmengine - INFO - Successfully loaded onnxruntime custom ops from /workspace/HOSTDIR/project/openmmlab/mmdeploy/mmdeploy/lib/libmmdeploy_onnxruntime_ops.so
04/11 16:33:43 - mmengine - INFO - visualize onnxruntime model success.
04/11 16:33:43 - mmengine - INFO - visualize pytorch model start.
04/11 16:33:47 - mmengine - WARNING - Failed to search registry with scope "mmdet" in the "Codebases" registry tree. As a workaround, the current "Codebases" registry in "mmdeploy" is used to build instance. This may cause unexpected failure when running the built modules. Please check whether "mmdet" is a correct scope, or whether the registry is initialized.
04/11 16:33:47 - mmengine - WARNING - Failed to search registry with scope "mmdet" in the "mmdet_tasks" registry tree. As a workaround, the current "mmdet_tasks" registry in "mmdeploy" is used to build instance. This may cause unexpected failure when running the built modules. Please check whether "mmdet" is a correct scope, or whether the registry is initialized.
Loads checkpoint by local backend from path: /workspace/HOSTDIR/project/openmmlab/projects/rtmdet/checkpoints/rtmdet_nano.pth
/root/miniconda3/envs/pose/lib/python3.8/site-packages/torch/functional.py:478: UserWarning: torch.meshgrid: in an upcoming release, it will be required to pass the indexing argument. (Triggered internally at  ../aten/src/ATen/native/TensorShape.cpp:2894.)
  return _VF.meshgrid(tensors, **kwargs)  # type: ignore[attr-defined]
04/11 16:33:48 - mmengine - INFO - visualize pytorch model success.
04/11 16:33:48 - mmengine - INFO - All process success.
# RTMPose
(openmmlab) root@6fb7b44efe81:/workspace/HOSTDIR/project/openmmlab/projects/rtmpose# sh convert_sdk.sh 
04/11 16:46:56 - mmengine - WARNING - Failed to search registry with scope "mmpose" in the "Codebases" registry tree. As a workaround, the current "Codebases" registry in "mmdeploy" is used to build instance. This may cause unexpected failure when running the built modules. Please check whether "mmpose" is a correct scope, or whether the registry is initialized.
04/11 16:46:56 - mmengine - WARNING - Failed to search registry with scope "mmpose" in the "mmpose_tasks" registry tree. As a workaround, the current "mmpose_tasks" registry in "mmdeploy" is used to build instance. This may cause unexpected failure when running the built modules. Please check whether "mmpose" is a correct scope, or whether the registry is initialized.
04/11 16:46:59 - mmengine - INFO - Start pipeline mmdeploy.apis.pytorch2onnx.torch2onnx in subprocess
04/11 16:47:00 - mmengine - WARNING - Failed to search registry with scope "mmpose" in the "Codebases" registry tree. As a workaround, the current "Codebases" registry in "mmdeploy" is used to build instance. This may cause unexpected failure when running the built modules. Please check whether "mmpose" is a correct scope, or whether the registry is initialized.
04/11 16:47:00 - mmengine - WARNING - Failed to search registry with scope "mmpose" in the "mmpose_tasks" registry tree. As a workaround, the current "mmpose_tasks" registry in "mmdeploy" is used to build instance. This may cause unexpected failure when running the built modules. Please check whether "mmpose" is a correct scope, or whether the registry is initialized.
Loads checkpoint by local backend from path: /workspace/HOSTDIR/project/openmmlab/projects/rtmpose/checkpoints/rtmpose-tiny.pth
/root/miniconda3/envs/openmmlab/lib/python3.8/site-packages/mmpose/datasets/datasets/utils.py:102: UserWarning: The metainfo config file "configs/_base_/datasets/coco.py" does not exist. A matched config file "/root/miniconda3/envs/openmmlab/lib/python3.8/site-packages/mmpose/.mim/configs/_base_/datasets/coco.py" will be used instead.
  warnings.warn(
04/11 16:47:01 - mmengine - WARNING - DeprecationWarning: get_onnx_config will be deprecated in the future. 
04/11 16:47:01 - mmengine - INFO - Export PyTorch model to ONNX: mmdeploy_models/mmpose/sdk/end2end.onnx.
04/11 16:47:01 - mmengine - WARNING - Can not find torch._C._jit_pass_onnx_autograd_function_process, function rewrite will not be applied
WARNING: The shape inference of prim::Constant type is missing, so it may result in wrong shape inference for the exported graph. Please consider adding it in symbolic function.
WARNING: The shape inference of prim::Constant type is missing, so it may result in wrong shape inference for the exported graph. Please consider adding it in symbolic function.
WARNING: The shape inference of prim::Constant type is missing, so it may result in wrong shape inference for the exported graph. Please consider adding it in symbolic function.
WARNING: The shape inference of prim::Constant type is missing, so it may result in wrong shape inference for the exported graph. Please consider adding it in symbolic function.
WARNING: The shape inference of prim::Constant type is missing, so it may result in wrong shape inference for the exported graph. Please consider adding it in symbolic function.
WARNING: The shape inference of prim::Constant type is missing, so it may result in wrong shape inference for the exported graph. Please consider adding it in symbolic function.
04/11 16:47:04 - mmengine - INFO - Execute onnx optimize passes.
04/11 16:47:04 - mmengine - INFO - Finish pipeline mmdeploy.apis.pytorch2onnx.torch2onnx
04/11 16:47:05 - mmengine - INFO - Start pipeline mmdeploy.apis.utils.utils.to_backend in main process
04/11 16:47:05 - mmengine - INFO - Finish pipeline mmdeploy.apis.utils.utils.to_backend
04/11 16:47:05 - mmengine - INFO - visualize onnxruntime model start.
04/11 16:47:09 - mmengine - WARNING - Failed to search registry with scope "mmpose" in the "Codebases" registry tree. As a workaround, the current "Codebases" registry in "mmdeploy" is used to build instance. This may cause unexpected failure when running the built modules. Please check whether "mmpose" is a correct scope, or whether the registry is initialized.
04/11 16:47:09 - mmengine - WARNING - Failed to search registry with scope "mmpose" in the "mmpose_tasks" registry tree. As a workaround, the current "mmpose_tasks" registry in "mmdeploy" is used to build instance. This may cause unexpected failure when running the built modules. Please check whether "mmpose" is a correct scope, or whether the registry is initialized.
04/11 16:47:09 - mmengine - WARNING - Failed to search registry with scope "mmpose" in the "backend_segmentors" registry tree. As a workaround, the current "backend_segmentors" registry in "mmdeploy" is used to build instance. This may cause unexpected failure when running the built modules. Please check whether "mmpose" is a correct scope, or whether the registry is initialized.
04/11 16:47:09 - mmengine - INFO - Successfully loaded onnxruntime custom ops from /workspace/HOSTDIR/project/openmmlab/mmdeploy/mmdeploy/lib/libmmdeploy_onnxruntime_ops.so
/root/miniconda3/envs/openmmlab/lib/python3.8/site-packages/mmpose/datasets/datasets/utils.py:102: UserWarning: The metainfo config file "configs/_base_/datasets/coco.py" does not exist. A matched config file "/root/miniconda3/envs/openmmlab/lib/python3.8/site-packages/mmpose/.mim/configs/_base_/datasets/coco.py" will be used instead.
  warnings.warn(
04/11 16:47:10 - mmengine - INFO - visualize onnxruntime model success.
04/11 16:47:10 - mmengine - INFO - visualize pytorch model start.
04/11 16:47:14 - mmengine - WARNING - Failed to search registry with scope "mmpose" in the "Codebases" registry tree. As a workaround, the current "Codebases" registry in "mmdeploy" is used to build instance. This may cause unexpected failure when running the built modules. Please check whether "mmpose" is a correct scope, or whether the registry is initialized.
04/11 16:47:14 - mmengine - WARNING - Failed to search registry with scope "mmpose" in the "mmpose_tasks" registry tree. As a workaround, the current "mmpose_tasks" registry in "mmdeploy" is used to build instance. This may cause unexpected failure when running the built modules. Please check whether "mmpose" is a correct scope, or whether the registry is initialized.
Loads checkpoint by local backend from path: /workspace/HOSTDIR/project/openmmlab/projects/rtmpose/checkpoints/rtmpose-tiny.pth
/root/miniconda3/envs/openmmlab/lib/python3.8/site-packages/mmpose/datasets/datasets/utils.py:102: UserWarning: The metainfo config file "configs/_base_/datasets/coco.py" does not exist. A matched config file "/root/miniconda3/envs/openmmlab/lib/python3.8/site-packages/mmpose/.mim/configs/_base_/datasets/coco.py" will be used instead.
  warnings.warn(
04/11 16:47:15 - mmengine - INFO - visualize pytorch model success.
04/11 16:47:15 - mmengine - INFO - All process success.

Environment

My 'mmdeploy/tools/check_env.py' output is:

(openmmlab) root@6fb7b44efe81:/workspace/HOSTDIR/project/openmmlab/mmdeploy# python tools/check_env.py 
04/11 16:55:10 - mmengine - INFO - 

04/11 16:55:10 - mmengine - INFO - **********Environmental information**********
04/11 16:55:12 - mmengine - INFO - sys.platform: linux
04/11 16:55:12 - mmengine - INFO - Python: 3.8.16 (default, Mar  2 2023, 03:21:46) [GCC 11.2.0]
04/11 16:55:12 - mmengine - INFO - CUDA available: True
04/11 16:55:12 - mmengine - INFO - numpy_random_seed: 2147483648
04/11 16:55:12 - mmengine - INFO - GPU 0,1: Tesla T4
04/11 16:55:12 - mmengine - INFO - CUDA_HOME: /usr/local/cuda
04/11 16:55:12 - mmengine - INFO - NVCC: Cuda compilation tools, release 11.3, V11.3.58
04/11 16:55:12 - mmengine - INFO - GCC: gcc (Ubuntu 9.4.0-1ubuntu1~18.04) 9.4.0
04/11 16:55:12 - mmengine - INFO - PyTorch: 1.12.1+cu113
04/11 16:55:12 - mmengine - INFO - PyTorch compiling details: PyTorch built with:
  - GCC 9.3
  - C++ Version: 201402
  - Intel(R) Math Kernel Library Version 2020.0.0 Product Build 20191122 for Intel(R) 64 architecture applications
  - Intel(R) MKL-DNN v2.6.0 (Git Hash 52b5f107dd9cf10910aaa19cb47f3abf9b349815)
  - 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_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
  - CuDNN 8.6  (built against CUDA 11.8)
    - Built with CuDNN 8.3.2
  - Magma 2.5.2
  - Build settings: BLAS_INFO=mkl, BUILD_TYPE=Release, CUDA_VERSION=11.3, CUDNN_VERSION=8.3.2, CXX_COMPILER=/opt/rh/devtoolset-9/root/usr/bin/c++, CXX_FLAGS= -fabi-version=11 -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-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 -Werror=cast-function-type -Wno-stringop-overflow, LAPACK_INFO=mkl, PERF_WITH_AVX=1, PERF_WITH_AVX2=1, PERF_WITH_AVX512=1, TORCH_VERSION=1.12.1, 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, 

04/11 16:55:12 - mmengine - INFO - TorchVision: 0.13.1+cu113
04/11 16:55:12 - mmengine - INFO - OpenCV: 4.7.0
04/11 16:55:12 - mmengine - INFO - MMEngine: 0.7.2
04/11 16:55:12 - mmengine - INFO - MMCV: 2.0.0rc4
04/11 16:55:12 - mmengine - INFO - MMCV Compiler: GCC 9.3
04/11 16:55:12 - mmengine - INFO - MMCV CUDA Compiler: 11.3
04/11 16:55:12 - mmengine - INFO - MMDeploy: 1.0.0rc3+0196cd0
04/11 16:55:12 - mmengine - INFO - 

04/11 16:55:12 - mmengine - INFO - **********Backend information**********
04/11 16:55:12 - mmengine - INFO - tensorrt:    None
04/11 16:55:12 - mmengine - INFO - ONNXRuntime: 1.8.1
04/11 16:55:12 - mmengine - INFO - ONNXRuntime-gpu:     None
04/11 16:55:12 - mmengine - INFO - ONNXRuntime custom ops:      Available
04/11 16:55:12 - mmengine - INFO - pplnn:       0.8.2
04/11 16:55:12 - mmengine - INFO - ncnn:        1.0.20230411
04/11 16:55:12 - mmengine - INFO - ncnn custom ops:     Available
04/11 16:55:12 - mmengine - INFO - snpe:        None
04/11 16:55:12 - mmengine - INFO - openvino:    2022.3.0
04/11 16:55:12 - mmengine - INFO - torchscript: 1.12.1+cu113
04/11 16:55:12 - mmengine - INFO - torchscript custom ops:      Available
04/11 16:55:12 - mmengine - INFO - rknn-toolkit:        None
04/11 16:55:12 - mmengine - INFO - rknn-toolkit2:       None
04/11 16:55:12 - mmengine - INFO - ascend:      None
04/11 16:55:12 - mmengine - INFO - coreml:      None
04/11 16:55:12 - mmengine - INFO - tvm: None
04/11 16:55:12 - mmengine - INFO - vacc:        None
04/11 16:55:12 - mmengine - INFO - 

04/11 16:55:12 - mmengine - INFO - **********Codebase information**********
04/11 16:55:12 - mmengine - INFO - mmdet:       3.0.0
04/11 16:55:12 - mmengine - INFO - mmseg:       None
04/11 16:55:12 - mmengine - INFO - mmcls:       None
04/11 16:55:12 - mmengine - INFO - mmocr:       None
04/11 16:55:12 - mmengine - INFO - mmedit:      None
04/11 16:55:12 - mmengine - INFO - mmdet3d:     None
04/11 16:55:12 - mmengine - INFO - mmpose:      1.0.0
04/11 16:55:12 - mmengine - INFO - mmrotate:    None
04/11 16:55:12 - mmengine - INFO - mmaction:    None
04/11 16:55:12 - mmengine - INFO - mmrazor:     None

Error traceback

When I load the model with mmdeploy_runtime's Detector and PoseDetector, the code is:

    # create object detector
    detector = Detector(model_path='/workspace/HOSTDIR/project/openmmlab/mmdeploy/mmdeploy_models/mmdet/sdk', device_name='cpu')
    # create pose detector
    pose_detector = PoseDetector(model_path='/workspace/HOSTDIR/project/openmmlab/mmdeploy/mmdeploy_models/mmpose/sdk', device_name='cpu')
The terminal reports the following error information: 

# RTMDet
[2023-04-11 16:52:50.070] [mmdeploy] [info] [model.cpp:35] [DirectoryModel] Load model: "/workspace/HOSTDIR/project/openmmlab/mmdeploy/mmdeploy_models/mmdet/sdk"
[2023-04-11 16:52:50.071] [mmdeploy] [error] [net_module.cpp:46] Net backend not found: onnxruntime, available backends: []
[2023-04-11 16:52:50.071] [mmdeploy] [error] [task.cpp:99] error parsing config: {
  "context": {
    "device": "<any>",
    "model": "<any>",
    "stream": "<any>"
  },
  "input": [
    "prep_output"
  ],
  "input_map": {
    "img": "input"
  },
  "is_batched": true,
  "module": "Net",
  "name": "rtmdet",
  "output": [
    "infer_output"
  ],
  "output_map": {},
  "type": "Task"
}
# RTMPose
[2023-04-11 16:54:14.656] [mmdeploy] [info] [model.cpp:35] [DirectoryModel] Load model: "/workspace/HOSTDIR/project/openmmlab/mmdeploy/mmdeploy_models/mmpose/sdk"
[2023-04-11 16:54:14.658] [mmdeploy] [error] [net_module.cpp:46] Net backend not found: onnxruntime, available backends: []
[2023-04-11 16:54:14.658] [mmdeploy] [error] [task.cpp:99] error parsing config: {
  "context": {
    "device": "<any>",
    "model": "<any>",
    "stream": "<any>"
  },
  "input": [
    "prep_output"
  ],
  "input_map": {
    "img": "input"
  },
  "is_batched": true,
  "module": "Net",
  "name": "topdownposeestimator",
  "output": [
    "infer_output"
  ],
  "output_map": {},
  "type": "Task"
}
irexyc commented 1 year ago

Are you install mmdeploy_runtime by pip?

Are there have some logs like failed to load library xxx when you import mmdeploy_runtime?

mortal-Zero commented 1 year ago

Are you install mmdeploy_runtime by pip?

Are there have some logs like failed to load library xxx when you import mmdeploy_runtime?

I install mmdeploy_runtime with this doc “https://mmdeploy.readthedocs.io/zh_CN/1.x/01-how-to-build/build_from_script.html”, I ran "mmdeploy/tools/scripts/build_ubuntu_x64_ort.py"

Terminal information output is:

(openmmlab) root@6fb7b44efe81:/workspace/HOSTDIR/project/openmmlab/mmdeploy# python tools/scripts/build_ubuntu_x64_ort.py 
your can use `python3 tools/scripts/build_ubuntu_x64_ort.py N` to set make -j [N]
g_jobs 30
----------ensure base env----------

    check python, root, pytorch version, auto install these binary:

    * make
    * g++
    * git
    * wget
    * unzip
    * opencv
    * mmcv (not compulsory)

Looking in links: /tmp/tmp14px598t
Requirement already satisfied: setuptools in /root/miniconda3/envs/pose/lib/python3.8/site-packages (65.6.3)
Requirement already satisfied: pip in /root/miniconda3/envs/pose/lib/python3.8/site-packages (23.0.1)
WARNING: Running pip as the 'root' user can result in broken permissions and conflicting behaviour with the system package manager. It is recommended to use a virtual environment instead: https://pip.pypa.io/warnings/venv
Looking in indexes: https://pypi.tuna.tsinghua.edu.cn/simple
Requirement already satisfied: wheel in /root/miniconda3/envs/pose/lib/python3.8/site-packages (0.38.4)
WARNING: Running pip as the 'root' user can result in broken permissions and conflicting behaviour with the system package manager. It is recommended to use a virtual environment instead: https://pip.pypa.io/warnings/venv
ubuntu          :18.04
python bin      :/root/miniconda3/envs/openmmlab/bin/python3
python version  :3.8.16
cmake bin       :/usr/bin/cmake
cmake version   :3.18.0
make bin        :/usr/bin/make
make version    :4.1
wget bin        :/usr/bin/wget
g++ bin :/usr/bin/g++
mmcv version    :2.0.0rc4
torch version   :1.12.1+cu113
ocv version     :3.2.0
git bin         :/usr/bin/git
git version     :2.17.1
unzip bin       :/usr/bin/unzip
work dir        :/workspace/HOSTDIR/project/openmmlab/mmdeploy
dep dir         :/workspace/HOSTDIR/project/openmmlab/mmdeploy-dep

----------install ort----------
Looking in indexes: https://pypi.tuna.tsinghua.edu.cn/simple
Requirement already satisfied: onnxruntime==1.8.1 in /root/miniconda3/envs/openmmlab/lib/python3.8/site-packages (1.8.1)
Requirement already satisfied: flatbuffers in /root/miniconda3/envs/pose/lib/python3.8/site-packages (from onnxruntime==1.8.1) (2.0.7)
Requirement already satisfied: protobuf in /root/miniconda3/envs/openmmlab/lib/python3.8/site-packages (from onnxruntime==1.8.1) (3.20.2)
Requirement already satisfied: numpy>=1.16.6 in /root/miniconda3/envs/pose/lib/python3.8/site-packages (from onnxruntime==1.8.1) (1.23.4)
WARNING: Running pip as the 'root' user can result in broken permissions and conflicting behaviour with the system package manager. It is recommended to use a virtual environment instead: https://pip.pypa.io/warnings/venv
onnxruntime dir         :/workspace/HOSTDIR/project/openmmlab/mmdeploy-dep/onnxruntime-linux-x64-1.8.1

----------build and install mmdeploy----------
-- CMAKE_INSTALL_PREFIX: /workspace/HOSTDIR/project/openmmlab/mmdeploy/build/install
-- The C compiler identification is GNU 9.4.0
-- The CXX compiler identification is GNU 9.4.0
-- Detecting C compiler ABI info
-- Detecting C compiler ABI info - done
-- Check for working C compiler: /usr/bin/cc - skipped
-- Detecting C compile features
-- Detecting C compile features - done
-- Detecting CXX compiler ABI info
-- Detecting CXX compiler ABI info - done
-- Check for working CXX compiler: /usr/bin/c++ - skipped
-- Detecting CXX compile features
-- Detecting CXX compile features - done
-- Build ONNXRUNTIME custom ops.
-- Found OpenCV: /usr/local/opencv343 (found version "3.4.6") 
-- Build spdlog: 1.10.0
-- Looking for pthread.h
-- Looking for pthread.h - found
-- Performing Test CMAKE_HAVE_LIBC_PTHREAD
-- Performing Test CMAKE_HAVE_LIBC_PTHREAD - Failed
-- Looking for pthread_create in pthreads
-- Looking for pthread_create in pthreads - not found
-- Looking for pthread_create in pthread
-- Looking for pthread_create in pthread - found
-- Found Threads: TRUE  
-- Build type: Release
-- Check if compiler accepts -pthread
-- Check if compiler accepts -pthread - yes
-- build codebase: mmcls
-- build codebase: mmdet
-- build codebase: mmseg
-- build codebase: mmocr
-- build codebase: mmedit
-- build codebase: mmpose
-- build codebase: mmrotate
-- build codebase: mmaction
-- pybind11 v2.9.0 dev1
-- Found PythonInterp: /root/miniconda3/envs/openmmlab/bin/python (found version "3.8.16") 
-- Found PythonLibs: /root/miniconda3/envs/openmmlab/lib/libpython3.8.so
-- Performing Test HAS_FLTO
-- Performing Test HAS_FLTO - Success
-- Configuring done
-- Generating done
-- Build files have been written to: /workspace/HOSTDIR/project/openmmlab/mmdeploy/build
[  3%] Built target mmdeploy_onnxruntime_ops_obj
[  7%] Built target spdlog
[  7%] Built target mmdeploy_onnxruntime_ops
[ 14%] Built target mmdeploy_core
[ 15%] Built target mmdeploy_dlpack_utils
[ 16%] Built target mmdeploy_cpu_device
[ 17%] Built target mmdeploy_directory_model
[ 18%] Built target mmdeploy_net_module
[ 18%] Built target mmdeploy_pipeline_obj
[ 19%] Built target mmdeploy_detector_obj
[ 20%] Built target mmdeploy_restorer_obj
[ 20%] Built target mmdeploy_video_recognizer_obj
[ 20%] Built target mmdeploy_classifier_obj
[ 21%] Built target mmdeploy_operation
[ 22%] Built target mmdeploy_common_obj
[ 24%] Built target mmdeploy_mmcls
[ 25%] Built target mmdeploy_text_detector_obj
[ 26%] Built target mmdeploy_rotated_detector_obj
[ 26%] Built target mmdeploy_execution
[ 27%] Built target mmdeploy_pose_detector_obj
[ 27%] Built target mmdeploy_model_obj
[ 28%] Built target mmdeploy_pose_tracker_obj
[ 29%] Built target mmdeploy_text_recognizer_obj
[ 29%] Built target mmdeploy_executor_obj
[ 30%] Built target mmdeploy_mmedit
[ 31%] Built target mmdeploy_opencv_utils
[ 32%] Built target mmdeploy_segmentor_obj
[ 35%] Built target mmdeploy_graph
[ 37%] Built target mmdeploy_mmrotate
[ 38%] Built target mmdeploy_mmseg
[ 40%] Built target mmdeploy_mmocr_cpu_impl
[ 43%] Built target mmdeploy_mmdet
[ 50%] Built target mmdeploy_transform
[ 50%] Built target mmdeploy_common
[ 50%] Built target mmdeploy_model
[ 55%] Built target mmdeploy_operation_cpu
[ 56%] Built target mmdeploy_executor
[ 57%] Built target mmdeploy_transform_module
[ 59%] Built target mmdeploy_mmaction
[ 60%] Built target mmdeploy_pipeline
[ 66%] Built target mmdeploy_mmocr
[ 67%] Built target mmdeploy_operation_dummy
[ 67%] Built target mmdeploy_segmentor
[ 67%] Built target mmdeploy_text_detector
[ 72%] Built target mmdeploy_mmpose
[ 72%] Built target mmdeploy_rotated_detector
[ 73%] Built target mmdeploy_classifier
[ 73%] Built target mmdeploy_text_recognizer
[ 74%] Built target mmdeploy_pose_detector
[ 74%] Built target mmdeploy_detector
[ 74%] Built target mmdeploy_restorer
[ 74%] Built target mmdeploy_video_recognizer
[ 75%] Built target mmdeploy_ort_net
[ 75%] Built target mmdeploy_pose_tracker
Scanning dependencies of target mmdeploy
[ 75%] Linking CXX shared library ../../../../lib/libmmdeploy.so
[ 75%] Built target mmdeploy
[ 75%] Linking CXX executable ../../bin/object_detection
[ 75%] Linking CXX executable ../../bin/pose_detection
[ 76%] Linking CXX executable ../../bin/video_recognition
[ 77%] Linking CXX executable ../../bin/video_cls
[ 77%] Linking CXX executable ../../bin/segmentor
[ 77%] Linking CXX executable ../../bin/detector
[ 78%] Linking CXX executable ../../bin/rotated_detector
[ 79%] Linking CXX executable ../../bin/image_segmentation
[ 79%] Linking CXX executable ../../bin/classifier
[ 80%] Linking CXX executable ../../bin/image_restorer
[ 81%] Linking CXX executable ../../bin/text_det_recog
[ 82%] Linking CXX executable ../../bin/text_ocr
[ 83%] Linking CXX executable ../../bin/pose_tracker
[ 83%] Linking CXX executable ../../bin/det_pose
[ 83%] Linking CXX executable ../../bin/pose_detector
[ 83%] Linking CXX executable ../../bin/batch_object_detection
[ 84%] Linking CXX executable ../../bin/restorer
[ 84%] Linking CXX executable ../../bin/ocr
[ 85%] Linking CXX executable ../../bin/image_classification
[ 86%] Linking CXX executable ../../bin/rotated_object_detection
[ 87%] Linking CXX shared module ../../../../lib/mmdeploy_runtime.cpython-38-x86_64-linux-gnu.so
[ 87%] Linking CXX executable ../../bin/batch_image_classification
[ 88%] Built target batch_object_detection
[ 89%] Built target object_detection
[ 90%] Built target pose_detection
[ 91%] Built target pose_detector
[ 91%] Built target batch_image_classification
[ 92%] Built target classifier
[ 93%] Built target det_pose
[ 93%] Built target segmentor
[ 94%] Built target ocr
[ 95%] Built target detector
[ 95%] Built target image_segmentation
[ 95%] Built target image_classification
[ 95%] Built target image_restorer
[ 95%] Built target rotated_object_detection
[ 95%] Built target video_recognition
[ 95%] Built target rotated_detector
[ 95%] Built target text_det_recog
[ 95%] Built target restorer
[ 95%] Built target pose_tracker
[ 95%] Built target text_ocr
[ 95%] Built target video_cls
[100%] Built target mmdeploy_runtime
[  3%] Built target mmdeploy_onnxruntime_ops_obj
[  3%] Built target mmdeploy_onnxruntime_ops
[  7%] Built target spdlog
[ 14%] Built target mmdeploy_core
[ 14%] Built target mmdeploy_execution
[ 15%] Built target mmdeploy_dlpack_utils
[ 16%] Built target mmdeploy_opencv_utils
[ 17%] Built target mmdeploy_cpu_device
[ 20%] Built target mmdeploy_graph
[ 21%] Built target mmdeploy_directory_model
[ 22%] Built target mmdeploy_operation
[ 27%] Built target mmdeploy_operation_cpu
[ 28%] Built target mmdeploy_operation_dummy
[ 35%] Built target mmdeploy_transform
[ 36%] Built target mmdeploy_transform_module
[ 37%] Built target mmdeploy_net_module
[ 38%] Built target mmdeploy_ort_net
[ 40%] Built target mmdeploy_mmcls
[ 43%] Built target mmdeploy_mmdet
[ 44%] Built target mmdeploy_mmseg
[ 46%] Built target mmdeploy_mmocr_cpu_impl
[ 52%] Built target mmdeploy_mmocr
[ 53%] Built target mmdeploy_mmedit
[ 58%] Built target mmdeploy_mmpose
[ 60%] Built target mmdeploy_mmrotate
[ 62%] Built target mmdeploy_mmaction
[ 63%] Built target mmdeploy_text_detector_obj
[ 63%] Built target mmdeploy_video_recognizer_obj
[ 64%] Built target mmdeploy_rotated_detector_obj
[ 65%] Built target mmdeploy_pose_tracker_obj
[ 65%] Built target mmdeploy_pipeline_obj
[ 65%] Built target mmdeploy_classifier_obj
[ 65%] Built target mmdeploy_executor_obj
[ 66%] Built target mmdeploy_text_recognizer_obj
[ 67%] Built target mmdeploy_restorer_obj
[ 68%] Built target mmdeploy_common_obj
[ 69%] Built target mmdeploy_model_obj
[ 69%] Built target mmdeploy_pose_detector_obj
[ 70%] Built target mmdeploy_detector_obj
[ 71%] Built target mmdeploy_segmentor_obj
[ 71%] Built target mmdeploy
[ 71%] Built target mmdeploy_common
[ 72%] Built target mmdeploy_executor
[ 72%] Built target mmdeploy_model
[ 73%] Built target mmdeploy_pipeline
[ 73%] Built target mmdeploy_rotated_detector
[ 73%] Built target mmdeploy_pose_tracker
[ 74%] Built target mmdeploy_classifier
[ 74%] Built target mmdeploy_segmentor
[ 74%] Built target mmdeploy_restorer
[ 75%] Built target mmdeploy_pose_detector
[ 75%] Built target mmdeploy_text_recognizer
[ 75%] Built target mmdeploy_detector
[ 75%] Built target mmdeploy_video_recognizer
[ 75%] Built target mmdeploy_text_detector
[ 81%] Built target mmdeploy_runtime
[ 82%] Built target rotated_object_detection
[ 83%] Built target image_classification
[ 84%] Built target image_restorer
[ 85%] Built target ocr
[ 86%] Built target image_segmentation
[ 87%] Built target rotated_detector
[ 88%] Built target video_recognition
[ 88%] Built target batch_image_classification
[ 89%] Built target batch_object_detection
[ 90%] Built target pose_detection
[ 91%] Built target classifier
[ 92%] Built target detector
[ 92%] Built target segmentor
[ 93%] Built target det_pose
[ 94%] Built target restorer
[ 95%] Built target text_ocr
[ 96%] Built target text_det_recog
[ 97%] Built target video_cls
[ 98%] Built target pose_detector
[ 99%] Built target pose_tracker
[100%] Built target object_detection
Install the project...
-- Install configuration: "Release"
-- Up-to-date: /workspace/HOSTDIR/project/openmmlab/mmdeploy/mmdeploy/lib/libmmdeploy_onnxruntime_ops.so
-- Up-to-date: /workspace/HOSTDIR/project/openmmlab/mmdeploy/build/install/include/mmdeploy/third_party/spdlog
-- Up-to-date: /workspace/HOSTDIR/project/openmmlab/mmdeploy/build/install/include/mmdeploy/third_party/spdlog/pattern_formatter.h
-- Up-to-date: /workspace/HOSTDIR/project/openmmlab/mmdeploy/build/install/include/mmdeploy/third_party/spdlog/spdlog.h
-- Up-to-date: /workspace/HOSTDIR/project/openmmlab/mmdeploy/build/install/include/mmdeploy/third_party/spdlog/pattern_formatter-inl.h
-- Up-to-date: /workspace/HOSTDIR/project/openmmlab/mmdeploy/build/install/include/mmdeploy/third_party/spdlog/common.h
-- Up-to-date: /workspace/HOSTDIR/project/openmmlab/mmdeploy/build/install/include/mmdeploy/third_party/spdlog/sinks
-- Up-to-date: /workspace/HOSTDIR/project/openmmlab/mmdeploy/build/install/include/mmdeploy/third_party/spdlog/sinks/rotating_file_sink-inl.h
-- Up-to-date: /workspace/HOSTDIR/project/openmmlab/mmdeploy/build/install/include/mmdeploy/third_party/spdlog/sinks/stdout_sinks.h
-- Up-to-date: /workspace/HOSTDIR/project/openmmlab/mmdeploy/build/install/include/mmdeploy/third_party/spdlog/sinks/wincolor_sink.h
-- Up-to-date: /workspace/HOSTDIR/project/openmmlab/mmdeploy/build/install/include/mmdeploy/third_party/spdlog/sinks/dist_sink.h
-- Up-to-date: /workspace/HOSTDIR/project/openmmlab/mmdeploy/build/install/include/mmdeploy/third_party/spdlog/sinks/syslog_sink.h
-- Up-to-date: /workspace/HOSTDIR/project/openmmlab/mmdeploy/build/install/include/mmdeploy/third_party/spdlog/sinks/ringbuffer_sink.h
-- Up-to-date: /workspace/HOSTDIR/project/openmmlab/mmdeploy/build/install/include/mmdeploy/third_party/spdlog/sinks/stdout_sinks-inl.h
-- Up-to-date: /workspace/HOSTDIR/project/openmmlab/mmdeploy/build/install/include/mmdeploy/third_party/spdlog/sinks/sink.h
-- Up-to-date: /workspace/HOSTDIR/project/openmmlab/mmdeploy/build/install/include/mmdeploy/third_party/spdlog/sinks/dup_filter_sink.h
-- Up-to-date: /workspace/HOSTDIR/project/openmmlab/mmdeploy/build/install/include/mmdeploy/third_party/spdlog/sinks/wincolor_sink-inl.h
-- Up-to-date: /workspace/HOSTDIR/project/openmmlab/mmdeploy/build/install/include/mmdeploy/third_party/spdlog/sinks/daily_file_sink.h
-- Up-to-date: /workspace/HOSTDIR/project/openmmlab/mmdeploy/build/install/include/mmdeploy/third_party/spdlog/sinks/stdout_color_sinks-inl.h
-- Up-to-date: /workspace/HOSTDIR/project/openmmlab/mmdeploy/build/install/include/mmdeploy/third_party/spdlog/sinks/android_sink.h
-- Up-to-date: /workspace/HOSTDIR/project/openmmlab/mmdeploy/build/install/include/mmdeploy/third_party/spdlog/sinks/ansicolor_sink-inl.h
-- Up-to-date: /workspace/HOSTDIR/project/openmmlab/mmdeploy/build/install/include/mmdeploy/third_party/spdlog/sinks/base_sink-inl.h
-- Up-to-date: /workspace/HOSTDIR/project/openmmlab/mmdeploy/build/install/include/mmdeploy/third_party/spdlog/sinks/null_sink.h
-- Up-to-date: /workspace/HOSTDIR/project/openmmlab/mmdeploy/build/install/include/mmdeploy/third_party/spdlog/sinks/rotating_file_sink.h
-- Up-to-date: /workspace/HOSTDIR/project/openmmlab/mmdeploy/build/install/include/mmdeploy/third_party/spdlog/sinks/mongo_sink.h
-- Up-to-date: /workspace/HOSTDIR/project/openmmlab/mmdeploy/build/install/include/mmdeploy/third_party/spdlog/sinks/win_eventlog_sink.h
-- Up-to-date: /workspace/HOSTDIR/project/openmmlab/mmdeploy/build/install/include/mmdeploy/third_party/spdlog/sinks/ansicolor_sink.h
-- Up-to-date: /workspace/HOSTDIR/project/openmmlab/mmdeploy/build/install/include/mmdeploy/third_party/spdlog/sinks/hourly_file_sink.h
-- Up-to-date: /workspace/HOSTDIR/project/openmmlab/mmdeploy/build/install/include/mmdeploy/third_party/spdlog/sinks/ostream_sink.h
-- Up-to-date: /workspace/HOSTDIR/project/openmmlab/mmdeploy/build/install/include/mmdeploy/third_party/spdlog/sinks/msvc_sink.h
-- Up-to-date: /workspace/HOSTDIR/project/openmmlab/mmdeploy/build/install/include/mmdeploy/third_party/spdlog/sinks/qt_sinks.h
-- Up-to-date: /workspace/HOSTDIR/project/openmmlab/mmdeploy/build/install/include/mmdeploy/third_party/spdlog/sinks/basic_file_sink-inl.h
-- Up-to-date: /workspace/HOSTDIR/project/openmmlab/mmdeploy/build/install/include/mmdeploy/third_party/spdlog/sinks/basic_file_sink.h
-- Up-to-date: /workspace/HOSTDIR/project/openmmlab/mmdeploy/build/install/include/mmdeploy/third_party/spdlog/sinks/udp_sink.h
-- Up-to-date: /workspace/HOSTDIR/project/openmmlab/mmdeploy/build/install/include/mmdeploy/third_party/spdlog/sinks/stdout_color_sinks.h
-- Up-to-date: /workspace/HOSTDIR/project/openmmlab/mmdeploy/build/install/include/mmdeploy/third_party/spdlog/sinks/systemd_sink.h
-- Up-to-date: /workspace/HOSTDIR/project/openmmlab/mmdeploy/build/install/include/mmdeploy/third_party/spdlog/sinks/tcp_sink.h
-- Up-to-date: /workspace/HOSTDIR/project/openmmlab/mmdeploy/build/install/include/mmdeploy/third_party/spdlog/sinks/base_sink.h
-- Up-to-date: /workspace/HOSTDIR/project/openmmlab/mmdeploy/build/install/include/mmdeploy/third_party/spdlog/sinks/sink-inl.h
-- Up-to-date: /workspace/HOSTDIR/project/openmmlab/mmdeploy/build/install/include/mmdeploy/third_party/spdlog/logger.h
-- Up-to-date: /workspace/HOSTDIR/project/openmmlab/mmdeploy/build/install/include/mmdeploy/third_party/spdlog/spdlog-inl.h
-- Up-to-date: /workspace/HOSTDIR/project/openmmlab/mmdeploy/build/install/include/mmdeploy/third_party/spdlog/cfg
-- Up-to-date: /workspace/HOSTDIR/project/openmmlab/mmdeploy/build/install/include/mmdeploy/third_party/spdlog/cfg/argv.h
-- Up-to-date: /workspace/HOSTDIR/project/openmmlab/mmdeploy/build/install/include/mmdeploy/third_party/spdlog/cfg/helpers-inl.h
-- Up-to-date: /workspace/HOSTDIR/project/openmmlab/mmdeploy/build/install/include/mmdeploy/third_party/spdlog/cfg/env.h
-- Up-to-date: /workspace/HOSTDIR/project/openmmlab/mmdeploy/build/install/include/mmdeploy/third_party/spdlog/cfg/helpers.h
-- Up-to-date: /workspace/HOSTDIR/project/openmmlab/mmdeploy/build/install/include/mmdeploy/third_party/spdlog/async_logger.h
-- Up-to-date: /workspace/HOSTDIR/project/openmmlab/mmdeploy/build/install/include/mmdeploy/third_party/spdlog/async_logger-inl.h
-- Up-to-date: /workspace/HOSTDIR/project/openmmlab/mmdeploy/build/install/include/mmdeploy/third_party/spdlog/formatter.h
-- Up-to-date: /workspace/HOSTDIR/project/openmmlab/mmdeploy/build/install/include/mmdeploy/third_party/spdlog/tweakme.h
-- Up-to-date: /workspace/HOSTDIR/project/openmmlab/mmdeploy/build/install/include/mmdeploy/third_party/spdlog/stopwatch.h
-- Up-to-date: /workspace/HOSTDIR/project/openmmlab/mmdeploy/build/install/include/mmdeploy/third_party/spdlog/async.h
-- Up-to-date: /workspace/HOSTDIR/project/openmmlab/mmdeploy/build/install/include/mmdeploy/third_party/spdlog/logger-inl.h
-- Up-to-date: /workspace/HOSTDIR/project/openmmlab/mmdeploy/build/install/include/mmdeploy/third_party/spdlog/common-inl.h
-- Up-to-date: /workspace/HOSTDIR/project/openmmlab/mmdeploy/build/install/include/mmdeploy/third_party/spdlog/fmt
-- Up-to-date: /workspace/HOSTDIR/project/openmmlab/mmdeploy/build/install/include/mmdeploy/third_party/spdlog/fmt/fmt.h
-- Up-to-date: /workspace/HOSTDIR/project/openmmlab/mmdeploy/build/install/include/mmdeploy/third_party/spdlog/fmt/xchar.h
-- Up-to-date: /workspace/HOSTDIR/project/openmmlab/mmdeploy/build/install/include/mmdeploy/third_party/spdlog/fmt/ranges.h
-- Up-to-date: /workspace/HOSTDIR/project/openmmlab/mmdeploy/build/install/include/mmdeploy/third_party/spdlog/fmt/bundled
-- Up-to-date: /workspace/HOSTDIR/project/openmmlab/mmdeploy/build/install/include/mmdeploy/third_party/spdlog/fmt/bundled/color.h
-- Up-to-date: /workspace/HOSTDIR/project/openmmlab/mmdeploy/build/install/include/mmdeploy/third_party/spdlog/fmt/bundled/xchar.h
-- Up-to-date: /workspace/HOSTDIR/project/openmmlab/mmdeploy/build/install/include/mmdeploy/third_party/spdlog/fmt/bundled/ranges.h
-- Up-to-date: /workspace/HOSTDIR/project/openmmlab/mmdeploy/build/install/include/mmdeploy/third_party/spdlog/fmt/bundled/fmt.license.rst
-- Up-to-date: /workspace/HOSTDIR/project/openmmlab/mmdeploy/build/install/include/mmdeploy/third_party/spdlog/fmt/bundled/os.h
-- Up-to-date: /workspace/HOSTDIR/project/openmmlab/mmdeploy/build/install/include/mmdeploy/third_party/spdlog/fmt/bundled/ostream.h
-- Up-to-date: /workspace/HOSTDIR/project/openmmlab/mmdeploy/build/install/include/mmdeploy/third_party/spdlog/fmt/bundled/args.h
-- Up-to-date: /workspace/HOSTDIR/project/openmmlab/mmdeploy/build/install/include/mmdeploy/third_party/spdlog/fmt/bundled/locale.h
-- Up-to-date: /workspace/HOSTDIR/project/openmmlab/mmdeploy/build/install/include/mmdeploy/third_party/spdlog/fmt/bundled/core.h
-- Up-to-date: /workspace/HOSTDIR/project/openmmlab/mmdeploy/build/install/include/mmdeploy/third_party/spdlog/fmt/bundled/format.h
-- Up-to-date: /workspace/HOSTDIR/project/openmmlab/mmdeploy/build/install/include/mmdeploy/third_party/spdlog/fmt/bundled/format-inl.h
-- Up-to-date: /workspace/HOSTDIR/project/openmmlab/mmdeploy/build/install/include/mmdeploy/third_party/spdlog/fmt/bundled/chrono.h
-- Up-to-date: /workspace/HOSTDIR/project/openmmlab/mmdeploy/build/install/include/mmdeploy/third_party/spdlog/fmt/bundled/printf.h
-- Up-to-date: /workspace/HOSTDIR/project/openmmlab/mmdeploy/build/install/include/mmdeploy/third_party/spdlog/fmt/bundled/compile.h
-- Up-to-date: /workspace/HOSTDIR/project/openmmlab/mmdeploy/build/install/include/mmdeploy/third_party/spdlog/fmt/chrono.h
-- Up-to-date: /workspace/HOSTDIR/project/openmmlab/mmdeploy/build/install/include/mmdeploy/third_party/spdlog/fmt/bin_to_hex.h
-- Up-to-date: /workspace/HOSTDIR/project/openmmlab/mmdeploy/build/install/include/mmdeploy/third_party/spdlog/fmt/compile.h
-- Up-to-date: /workspace/HOSTDIR/project/openmmlab/mmdeploy/build/install/include/mmdeploy/third_party/spdlog/fmt/ostr.h
-- Up-to-date: /workspace/HOSTDIR/project/openmmlab/mmdeploy/build/install/include/mmdeploy/third_party/spdlog/details
-- Up-to-date: /workspace/HOSTDIR/project/openmmlab/mmdeploy/build/install/include/mmdeploy/third_party/spdlog/details/udp_client.h
-- Up-to-date: /workspace/HOSTDIR/project/openmmlab/mmdeploy/build/install/include/mmdeploy/third_party/spdlog/details/synchronous_factory.h
-- Up-to-date: /workspace/HOSTDIR/project/openmmlab/mmdeploy/build/install/include/mmdeploy/third_party/spdlog/details/os.h
-- Up-to-date: /workspace/HOSTDIR/project/openmmlab/mmdeploy/build/install/include/mmdeploy/third_party/spdlog/details/periodic_worker.h
-- Up-to-date: /workspace/HOSTDIR/project/openmmlab/mmdeploy/build/install/include/mmdeploy/third_party/spdlog/details/fmt_helper.h
-- Up-to-date: /workspace/HOSTDIR/project/openmmlab/mmdeploy/build/install/include/mmdeploy/third_party/spdlog/details/udp_client-windows.h
-- Up-to-date: /workspace/HOSTDIR/project/openmmlab/mmdeploy/build/install/include/mmdeploy/third_party/spdlog/details/windows_include.h
-- Up-to-date: /workspace/HOSTDIR/project/openmmlab/mmdeploy/build/install/include/mmdeploy/third_party/spdlog/details/thread_pool-inl.h
-- Up-to-date: /workspace/HOSTDIR/project/openmmlab/mmdeploy/build/install/include/mmdeploy/third_party/spdlog/details/console_globals.h
-- Up-to-date: /workspace/HOSTDIR/project/openmmlab/mmdeploy/build/install/include/mmdeploy/third_party/spdlog/details/log_msg.h
-- Up-to-date: /workspace/HOSTDIR/project/openmmlab/mmdeploy/build/install/include/mmdeploy/third_party/spdlog/details/null_mutex.h
-- Up-to-date: /workspace/HOSTDIR/project/openmmlab/mmdeploy/build/install/include/mmdeploy/third_party/spdlog/details/os-inl.h
-- Up-to-date: /workspace/HOSTDIR/project/openmmlab/mmdeploy/build/install/include/mmdeploy/third_party/spdlog/details/file_helper.h
-- Up-to-date: /workspace/HOSTDIR/project/openmmlab/mmdeploy/build/install/include/mmdeploy/third_party/spdlog/details/registry.h
-- Up-to-date: /workspace/HOSTDIR/project/openmmlab/mmdeploy/build/install/include/mmdeploy/third_party/spdlog/details/backtracer.h
-- Up-to-date: /workspace/HOSTDIR/project/openmmlab/mmdeploy/build/install/include/mmdeploy/third_party/spdlog/details/tcp_client-windows.h
-- Up-to-date: /workspace/HOSTDIR/project/openmmlab/mmdeploy/build/install/include/mmdeploy/third_party/spdlog/details/periodic_worker-inl.h
-- Up-to-date: /workspace/HOSTDIR/project/openmmlab/mmdeploy/build/install/include/mmdeploy/third_party/spdlog/details/log_msg-inl.h
-- Up-to-date: /workspace/HOSTDIR/project/openmmlab/mmdeploy/build/install/include/mmdeploy/third_party/spdlog/details/file_helper-inl.h
-- Up-to-date: /workspace/HOSTDIR/project/openmmlab/mmdeploy/build/install/include/mmdeploy/third_party/spdlog/details/registry-inl.h
-- Up-to-date: /workspace/HOSTDIR/project/openmmlab/mmdeploy/build/install/include/mmdeploy/third_party/spdlog/details/circular_q.h
-- Up-to-date: /workspace/HOSTDIR/project/openmmlab/mmdeploy/build/install/include/mmdeploy/third_party/spdlog/details/log_msg_buffer-inl.h
-- Up-to-date: /workspace/HOSTDIR/project/openmmlab/mmdeploy/build/install/include/mmdeploy/third_party/spdlog/details/mpmc_blocking_q.h
-- Up-to-date: /workspace/HOSTDIR/project/openmmlab/mmdeploy/build/install/include/mmdeploy/third_party/spdlog/details/backtracer-inl.h
-- Up-to-date: /workspace/HOSTDIR/project/openmmlab/mmdeploy/build/install/include/mmdeploy/third_party/spdlog/details/tcp_client.h
-- Up-to-date: /workspace/HOSTDIR/project/openmmlab/mmdeploy/build/install/include/mmdeploy/third_party/spdlog/details/thread_pool.h
-- Up-to-date: /workspace/HOSTDIR/project/openmmlab/mmdeploy/build/install/include/mmdeploy/third_party/spdlog/details/log_msg_buffer.h
-- Up-to-date: /workspace/HOSTDIR/project/openmmlab/mmdeploy/build/install/include/mmdeploy/third_party/spdlog/fwd.h
-- Up-to-date: /workspace/HOSTDIR/project/openmmlab/mmdeploy/build/install/include/mmdeploy/third_party/spdlog/version.h
-- Up-to-date: /workspace/HOSTDIR/project/openmmlab/mmdeploy/build/install/include/mmdeploy/core
-- Up-to-date: /workspace/HOSTDIR/project/openmmlab/mmdeploy/build/install/include/mmdeploy/core/module.h
-- Up-to-date: /workspace/HOSTDIR/project/openmmlab/mmdeploy/build/install/include/mmdeploy/core/model.h
-- Up-to-date: /workspace/HOSTDIR/project/openmmlab/mmdeploy/build/install/include/mmdeploy/core/logger.h
-- Up-to-date: /workspace/HOSTDIR/project/openmmlab/mmdeploy/build/install/include/mmdeploy/core/utils
-- Up-to-date: /workspace/HOSTDIR/project/openmmlab/mmdeploy/build/install/include/mmdeploy/core/utils/filesystem.h
-- Up-to-date: /workspace/HOSTDIR/project/openmmlab/mmdeploy/build/install/include/mmdeploy/core/utils/stacktrace.h
-- Up-to-date: /workspace/HOSTDIR/project/openmmlab/mmdeploy/build/install/include/mmdeploy/core/utils/formatter.h
-- Up-to-date: /workspace/HOSTDIR/project/openmmlab/mmdeploy/build/install/include/mmdeploy/core/utils/source_location.h
-- Up-to-date: /workspace/HOSTDIR/project/openmmlab/mmdeploy/build/install/include/mmdeploy/core/utils/device_utils.h
-- Up-to-date: /workspace/HOSTDIR/project/openmmlab/mmdeploy/build/install/include/mmdeploy/core/profiler.h
-- Up-to-date: /workspace/HOSTDIR/project/openmmlab/mmdeploy/build/install/include/mmdeploy/core/value.h
-- Up-to-date: /workspace/HOSTDIR/project/openmmlab/mmdeploy/build/install/include/mmdeploy/core/macro.h
-- Up-to-date: /workspace/HOSTDIR/project/openmmlab/mmdeploy/build/install/include/mmdeploy/core/status_code.h
-- Up-to-date: /workspace/HOSTDIR/project/openmmlab/mmdeploy/build/install/include/mmdeploy/core/device_impl.h
-- Up-to-date: /workspace/HOSTDIR/project/openmmlab/mmdeploy/build/install/include/mmdeploy/core/mpl
-- Up-to-date: /workspace/HOSTDIR/project/openmmlab/mmdeploy/build/install/include/mmdeploy/core/mpl/span.h
-- Up-to-date: /workspace/HOSTDIR/project/openmmlab/mmdeploy/build/install/include/mmdeploy/core/mpl/static_any.h
-- Up-to-date: /workspace/HOSTDIR/project/openmmlab/mmdeploy/build/install/include/mmdeploy/core/mpl/detected.h
-- Up-to-date: /workspace/HOSTDIR/project/openmmlab/mmdeploy/build/install/include/mmdeploy/core/mpl/iterator.h
-- Up-to-date: /workspace/HOSTDIR/project/openmmlab/mmdeploy/build/install/include/mmdeploy/core/mpl/type_traits.h
-- Up-to-date: /workspace/HOSTDIR/project/openmmlab/mmdeploy/build/install/include/mmdeploy/core/mpl/priority_tag.h
-- Up-to-date: /workspace/HOSTDIR/project/openmmlab/mmdeploy/build/install/include/mmdeploy/core/mpl/structure.h
-- Up-to-date: /workspace/HOSTDIR/project/openmmlab/mmdeploy/build/install/include/mmdeploy/core/tensor.h
-- Up-to-date: /workspace/HOSTDIR/project/openmmlab/mmdeploy/build/install/include/mmdeploy/core/device.h
-- Up-to-date: /workspace/HOSTDIR/project/openmmlab/mmdeploy/build/install/include/mmdeploy/core/registry.h
-- Up-to-date: /workspace/HOSTDIR/project/openmmlab/mmdeploy/build/install/include/mmdeploy/core/graph.h
-- Up-to-date: /workspace/HOSTDIR/project/openmmlab/mmdeploy/build/install/include/mmdeploy/core/net.h
-- Up-to-date: /workspace/HOSTDIR/project/openmmlab/mmdeploy/build/install/include/mmdeploy/core/operator.h
-- Up-to-date: /workspace/HOSTDIR/project/openmmlab/mmdeploy/build/install/include/mmdeploy/core/serialization.h
-- Up-to-date: /workspace/HOSTDIR/project/openmmlab/mmdeploy/build/install/include/mmdeploy/core/types.h
-- Up-to-date: /workspace/HOSTDIR/project/openmmlab/mmdeploy/build/install/include/mmdeploy/core/mat.h
-- Up-to-date: /workspace/HOSTDIR/project/openmmlab/mmdeploy/build/install/include/mmdeploy/core/archive.h
-- Up-to-date: /workspace/HOSTDIR/project/openmmlab/mmdeploy/build/install/include/mmdeploy/core/model_impl.h
-- Up-to-date: /workspace/HOSTDIR/project/openmmlab/mmdeploy/build/install/include/mmdeploy/third_party/outcome/outcome-experimental.hpp
-- Up-to-date: /workspace/HOSTDIR/project/openmmlab/mmdeploy/build/install/include/mmdeploy/experimental
-- Up-to-date: /workspace/HOSTDIR/project/openmmlab/mmdeploy/build/install/include/mmdeploy/experimental/module_adapter.h
-- Up-to-date: /workspace/HOSTDIR/project/openmmlab/mmdeploy/build/install/include/mmdeploy/archive
-- Up-to-date: /workspace/HOSTDIR/project/openmmlab/mmdeploy/build/install/include/mmdeploy/archive/json_archive.h
-- Up-to-date: /workspace/HOSTDIR/project/openmmlab/mmdeploy/build/install/include/mmdeploy/archive/value_archive.h
-- Up-to-date: /workspace/HOSTDIR/project/openmmlab/mmdeploy/build/install/include/mmdeploy/third_party/json/json.hpp
-- Up-to-date: /workspace/HOSTDIR/project/openmmlab/mmdeploy/build/install/include/mmdeploy/common.h
-- Up-to-date: /workspace/HOSTDIR/project/openmmlab/mmdeploy/build/install/include/mmdeploy/model.h
-- Up-to-date: /workspace/HOSTDIR/project/openmmlab/mmdeploy/build/install/include/mmdeploy/executor.h
-- Up-to-date: /workspace/HOSTDIR/project/openmmlab/mmdeploy/build/install/include/mmdeploy/pipeline.h
-- Up-to-date: /workspace/HOSTDIR/project/openmmlab/mmdeploy/build/install/include/mmdeploy/classifier.h
-- Up-to-date: /workspace/HOSTDIR/project/openmmlab/mmdeploy/build/install/include/mmdeploy/detector.h
-- Up-to-date: /workspace/HOSTDIR/project/openmmlab/mmdeploy/build/install/include/mmdeploy/segmentor.h
-- Up-to-date: /workspace/HOSTDIR/project/openmmlab/mmdeploy/build/install/include/mmdeploy/text_detector.h
-- Up-to-date: /workspace/HOSTDIR/project/openmmlab/mmdeploy/build/install/include/mmdeploy/text_recognizer.h
-- Up-to-date: /workspace/HOSTDIR/project/openmmlab/mmdeploy/build/install/include/mmdeploy/restorer.h
-- Up-to-date: /workspace/HOSTDIR/project/openmmlab/mmdeploy/build/install/include/mmdeploy/pose_detector.h
-- Up-to-date: /workspace/HOSTDIR/project/openmmlab/mmdeploy/build/install/include/mmdeploy/pose_tracker.h
-- Up-to-date: /workspace/HOSTDIR/project/openmmlab/mmdeploy/build/install/include/mmdeploy/rotated_detector.h
-- Up-to-date: /workspace/HOSTDIR/project/openmmlab/mmdeploy/build/install/include/mmdeploy/video_recognizer.h
-- Up-to-date: /workspace/HOSTDIR/project/openmmlab/mmdeploy/build/install/example/cpp
-- Up-to-date: /workspace/HOSTDIR/project/openmmlab/mmdeploy/build/install/example/cpp/CMakeLists.txt
-- Up-to-date: /workspace/HOSTDIR/project/openmmlab/mmdeploy/build/install/example/cpp/c
-- Up-to-date: /workspace/HOSTDIR/project/openmmlab/mmdeploy/build/install/example/cpp/c/batch_image_classification.cpp
-- Up-to-date: /workspace/HOSTDIR/project/openmmlab/mmdeploy/build/install/example/cpp/c/image_classification.cpp
-- Up-to-date: /workspace/HOSTDIR/project/openmmlab/mmdeploy/build/install/example/cpp/c/video_recognition.cpp
-- Up-to-date: /workspace/HOSTDIR/project/openmmlab/mmdeploy/build/install/example/cpp/c/image_segmentation.cpp
-- Up-to-date: /workspace/HOSTDIR/project/openmmlab/mmdeploy/build/install/example/cpp/c/pose_detection.cpp
-- Up-to-date: /workspace/HOSTDIR/project/openmmlab/mmdeploy/build/install/example/cpp/c/rotated_object_detection.cpp
-- Up-to-date: /workspace/HOSTDIR/project/openmmlab/mmdeploy/build/install/example/cpp/c/object_detection.cpp
-- Up-to-date: /workspace/HOSTDIR/project/openmmlab/mmdeploy/build/install/example/cpp/c/det_cls.cpp
-- Up-to-date: /workspace/HOSTDIR/project/openmmlab/mmdeploy/build/install/example/cpp/c/det_pose.cpp
-- Up-to-date: /workspace/HOSTDIR/project/openmmlab/mmdeploy/build/install/example/cpp/c/ocr.cpp
-- Up-to-date: /workspace/HOSTDIR/project/openmmlab/mmdeploy/build/install/example/cpp/c/image_restorer.cpp
-- Up-to-date: /workspace/HOSTDIR/project/openmmlab/mmdeploy/build/install/example/cpp/c/batch_object_detection.cpp
-- Up-to-date: /workspace/HOSTDIR/project/openmmlab/mmdeploy/build/install/example/cpp/cpp
-- Up-to-date: /workspace/HOSTDIR/project/openmmlab/mmdeploy/build/install/example/cpp/cpp/utils
-- Installing: /workspace/HOSTDIR/project/openmmlab/mmdeploy/build/install/lib/libmmdeploy.so.0.13.0
-- Up-to-date: /workspace/HOSTDIR/project/openmmlab/mmdeploy/build/install/lib/libmmdeploy.so.0
-- Set runtime path of "/workspace/HOSTDIR/project/openmmlab/mmdeploy/build/install/lib/libmmdeploy.so.0.13.0" to "$ORIGIN"
-- Up-to-date: /workspace/HOSTDIR/project/openmmlab/mmdeploy/build/install/lib/libmmdeploy.so
-- Up-to-date: /workspace/HOSTDIR/project/openmmlab/mmdeploy/build/install/include/mmdeploy/classifier.hpp
-- Up-to-date: /workspace/HOSTDIR/project/openmmlab/mmdeploy/build/install/include/mmdeploy/detector.hpp
-- Up-to-date: /workspace/HOSTDIR/project/openmmlab/mmdeploy/build/install/include/mmdeploy/segmentor.hpp
-- Up-to-date: /workspace/HOSTDIR/project/openmmlab/mmdeploy/build/install/include/mmdeploy/text_detector.hpp
-- Up-to-date: /workspace/HOSTDIR/project/openmmlab/mmdeploy/build/install/include/mmdeploy/text_recognizer.hpp
-- Up-to-date: /workspace/HOSTDIR/project/openmmlab/mmdeploy/build/install/include/mmdeploy/restorer.hpp
-- Up-to-date: /workspace/HOSTDIR/project/openmmlab/mmdeploy/build/install/include/mmdeploy/pose_detector.hpp
-- Up-to-date: /workspace/HOSTDIR/project/openmmlab/mmdeploy/build/install/include/mmdeploy/pose_tracker.hpp
-- Up-to-date: /workspace/HOSTDIR/project/openmmlab/mmdeploy/build/install/include/mmdeploy/rotated_detector.hpp
-- Up-to-date: /workspace/HOSTDIR/project/openmmlab/mmdeploy/build/install/include/mmdeploy/video_recognizer.hpp
-- Up-to-date: /workspace/HOSTDIR/project/openmmlab/mmdeploy/build/install/include/mmdeploy/pipeline.hpp
-- Up-to-date: /workspace/HOSTDIR/project/openmmlab/mmdeploy/build/install/include/mmdeploy/common.hpp
-- Up-to-date: /workspace/HOSTDIR/project/openmmlab/mmdeploy/build/install/example/cpp
-- Up-to-date: /workspace/HOSTDIR/project/openmmlab/mmdeploy/build/install/example/cpp/c
-- Up-to-date: /workspace/HOSTDIR/project/openmmlab/mmdeploy/build/install/example/cpp/cpp
-- Up-to-date: /workspace/HOSTDIR/project/openmmlab/mmdeploy/build/install/example/cpp/cpp/det_pose.cxx
-- Up-to-date: /workspace/HOSTDIR/project/openmmlab/mmdeploy/build/install/example/cpp/cpp/restorer.cxx
-- Up-to-date: /workspace/HOSTDIR/project/openmmlab/mmdeploy/build/install/example/cpp/cpp/utils
-- Up-to-date: /workspace/HOSTDIR/project/openmmlab/mmdeploy/build/install/example/cpp/cpp/utils/visualize.h
-- Up-to-date: /workspace/HOSTDIR/project/openmmlab/mmdeploy/build/install/example/cpp/cpp/utils/argparse.h
-- Up-to-date: /workspace/HOSTDIR/project/openmmlab/mmdeploy/build/install/example/cpp/cpp/utils/palette.h
-- Up-to-date: /workspace/HOSTDIR/project/openmmlab/mmdeploy/build/install/example/cpp/cpp/utils/mediaio.h
-- Up-to-date: /workspace/HOSTDIR/project/openmmlab/mmdeploy/build/install/example/cpp/cpp/utils/skeleton.h
-- Up-to-date: /workspace/HOSTDIR/project/openmmlab/mmdeploy/build/install/example/cpp/cpp/classifier.cxx
-- Up-to-date: /workspace/HOSTDIR/project/openmmlab/mmdeploy/build/install/example/cpp/cpp/pose_tracker.cxx
-- Up-to-date: /workspace/HOSTDIR/project/openmmlab/mmdeploy/build/install/example/cpp/cpp/segmentor.cxx
-- Up-to-date: /workspace/HOSTDIR/project/openmmlab/mmdeploy/build/install/example/cpp/cpp/text_det_recog.cxx
-- Up-to-date: /workspace/HOSTDIR/project/openmmlab/mmdeploy/build/install/example/cpp/cpp/detector.cxx
-- Up-to-date: /workspace/HOSTDIR/project/openmmlab/mmdeploy/build/install/example/cpp/cpp/pose_detector.cxx
-- Up-to-date: /workspace/HOSTDIR/project/openmmlab/mmdeploy/build/install/example/cpp/cpp/pose_tracker_params.h
-- Up-to-date: /workspace/HOSTDIR/project/openmmlab/mmdeploy/build/install/example/cpp/cpp/video_cls.cxx
-- Up-to-date: /workspace/HOSTDIR/project/openmmlab/mmdeploy/build/install/example/cpp/cpp/text_ocr.cxx
-- Up-to-date: /workspace/HOSTDIR/project/openmmlab/mmdeploy/build/install/example/cpp/cpp/rotated_detector.cxx
-- Up-to-date: /workspace/HOSTDIR/project/openmmlab/mmdeploy/build/install/example/python
-- Up-to-date: /workspace/HOSTDIR/project/openmmlab/mmdeploy/build/install/example/python/image_classification.py
-- Up-to-date: /workspace/HOSTDIR/project/openmmlab/mmdeploy/build/install/example/python/pipeline.py
-- Up-to-date: /workspace/HOSTDIR/project/openmmlab/mmdeploy/build/install/example/python/video_recognition.py
-- Up-to-date: /workspace/HOSTDIR/project/openmmlab/mmdeploy/build/install/example/python/det_pose.py
-- Up-to-date: /workspace/HOSTDIR/project/openmmlab/mmdeploy/build/install/example/python/rotated_object_detection.py
-- Up-to-date: /workspace/HOSTDIR/project/openmmlab/mmdeploy/build/install/example/python/pose_detection.py
-- Up-to-date: /workspace/HOSTDIR/project/openmmlab/mmdeploy/build/install/example/python/image_restorer.py
-- Up-to-date: /workspace/HOSTDIR/project/openmmlab/mmdeploy/build/install/example/python/pose_tracker.py
-- Installing: /workspace/HOSTDIR/project/openmmlab/mmdeploy/build/install/example/python/pose_tracker_copy.py
-- Up-to-date: /workspace/HOSTDIR/project/openmmlab/mmdeploy/build/install/example/python/image_segmentation.py
-- Up-to-date: /workspace/HOSTDIR/project/openmmlab/mmdeploy/build/install/example/python/object_detection.py
-- Up-to-date: /workspace/HOSTDIR/project/openmmlab/mmdeploy/build/install/example/python/ocr.py
-- Installing: /workspace/HOSTDIR/project/openmmlab/mmdeploy/build/install/bin/image_classification
-- Set runtime path of "/workspace/HOSTDIR/project/openmmlab/mmdeploy/build/install/bin/image_classification" to ""
-- Installing: /workspace/HOSTDIR/project/openmmlab/mmdeploy/build/install/bin/batch_image_classification
-- Set runtime path of "/workspace/HOSTDIR/project/openmmlab/mmdeploy/build/install/bin/batch_image_classification" to ""
-- Installing: /workspace/HOSTDIR/project/openmmlab/mmdeploy/build/install/bin/object_detection
-- Set runtime path of "/workspace/HOSTDIR/project/openmmlab/mmdeploy/build/install/bin/object_detection" to ""
-- Installing: /workspace/HOSTDIR/project/openmmlab/mmdeploy/build/install/bin/batch_object_detection
-- Set runtime path of "/workspace/HOSTDIR/project/openmmlab/mmdeploy/build/install/bin/batch_object_detection" to ""
-- Installing: /workspace/HOSTDIR/project/openmmlab/mmdeploy/build/install/bin/image_segmentation
-- Set runtime path of "/workspace/HOSTDIR/project/openmmlab/mmdeploy/build/install/bin/image_segmentation" to ""
-- Installing: /workspace/HOSTDIR/project/openmmlab/mmdeploy/build/install/bin/image_restorer
-- Set runtime path of "/workspace/HOSTDIR/project/openmmlab/mmdeploy/build/install/bin/image_restorer" to ""
-- Installing: /workspace/HOSTDIR/project/openmmlab/mmdeploy/build/install/bin/ocr
-- Set runtime path of "/workspace/HOSTDIR/project/openmmlab/mmdeploy/build/install/bin/ocr" to ""
-- Installing: /workspace/HOSTDIR/project/openmmlab/mmdeploy/build/install/bin/pose_detection
-- Set runtime path of "/workspace/HOSTDIR/project/openmmlab/mmdeploy/build/install/bin/pose_detection" to ""
-- Installing: /workspace/HOSTDIR/project/openmmlab/mmdeploy/build/install/bin/rotated_object_detection
-- Set runtime path of "/workspace/HOSTDIR/project/openmmlab/mmdeploy/build/install/bin/rotated_object_detection" to ""
-- Installing: /workspace/HOSTDIR/project/openmmlab/mmdeploy/build/install/bin/video_recognition
-- Set runtime path of "/workspace/HOSTDIR/project/openmmlab/mmdeploy/build/install/bin/video_recognition" to ""
-- Installing: /workspace/HOSTDIR/project/openmmlab/mmdeploy/build/install/bin/classifier
-- Set runtime path of "/workspace/HOSTDIR/project/openmmlab/mmdeploy/build/install/bin/classifier" to ""
-- Installing: /workspace/HOSTDIR/project/openmmlab/mmdeploy/build/install/bin/detector
-- Set runtime path of "/workspace/HOSTDIR/project/openmmlab/mmdeploy/build/install/bin/detector" to ""
-- Installing: /workspace/HOSTDIR/project/openmmlab/mmdeploy/build/install/bin/segmentor
-- Set runtime path of "/workspace/HOSTDIR/project/openmmlab/mmdeploy/build/install/bin/segmentor" to ""
-- Installing: /workspace/HOSTDIR/project/openmmlab/mmdeploy/build/install/bin/restorer
-- Set runtime path of "/workspace/HOSTDIR/project/openmmlab/mmdeploy/build/install/bin/restorer" to ""
-- Installing: /workspace/HOSTDIR/project/openmmlab/mmdeploy/build/install/bin/text_ocr
-- Set runtime path of "/workspace/HOSTDIR/project/openmmlab/mmdeploy/build/install/bin/text_ocr" to ""
-- Installing: /workspace/HOSTDIR/project/openmmlab/mmdeploy/build/install/bin/text_det_recog
-- Set runtime path of "/workspace/HOSTDIR/project/openmmlab/mmdeploy/build/install/bin/text_det_recog" to ""
-- Installing: /workspace/HOSTDIR/project/openmmlab/mmdeploy/build/install/bin/pose_detector
-- Set runtime path of "/workspace/HOSTDIR/project/openmmlab/mmdeploy/build/install/bin/pose_detector" to ""
-- Installing: /workspace/HOSTDIR/project/openmmlab/mmdeploy/build/install/bin/rotated_detector
-- Set runtime path of "/workspace/HOSTDIR/project/openmmlab/mmdeploy/build/install/bin/rotated_detector" to ""
-- Installing: /workspace/HOSTDIR/project/openmmlab/mmdeploy/build/install/bin/pose_tracker
-- Set runtime path of "/workspace/HOSTDIR/project/openmmlab/mmdeploy/build/install/bin/pose_tracker" to ""
-- Installing: /workspace/HOSTDIR/project/openmmlab/mmdeploy/build/install/bin/det_pose
-- Set runtime path of "/workspace/HOSTDIR/project/openmmlab/mmdeploy/build/install/bin/det_pose" to ""
-- Installing: /workspace/HOSTDIR/project/openmmlab/mmdeploy/build/install/bin/video_cls
-- Set runtime path of "/workspace/HOSTDIR/project/openmmlab/mmdeploy/build/install/bin/video_cls" to ""
-- Up-to-date: /workspace/HOSTDIR/project/openmmlab/mmdeploy/build/install/lib/cmake/MMDeploy/MMDeployTargets.cmake
-- Installing: /workspace/HOSTDIR/project/openmmlab/mmdeploy/build/install/lib/cmake/MMDeploy/MMDeployTargets-release.cmake
-- Installing: /workspace/HOSTDIR/project/openmmlab/mmdeploy/build/install/lib/cmake/MMDeploy/MMDeployConfig.cmake
-- Up-to-date: /workspace/HOSTDIR/project/openmmlab/mmdeploy/build/install/lib/cmake/MMDeploy/MMDeployConfigVersion.cmake
-- Up-to-date: /workspace/HOSTDIR/project/openmmlab/mmdeploy/build/install/lib/cmake/MMDeploy/MMDeploy.cmake
-- Up-to-date: /workspace/HOSTDIR/project/openmmlab/mmdeploy/build/install/lib/cmake/MMDeploy/modules
-- Up-to-date: /workspace/HOSTDIR/project/openmmlab/mmdeploy/build/install/lib/cmake/MMDeploy/modules/FindONNXRUNTIME.cmake
-- Up-to-date: /workspace/HOSTDIR/project/openmmlab/mmdeploy/build/install/lib/cmake/MMDeploy/modules/FindTVM.cmake
-- Up-to-date: /workspace/HOSTDIR/project/openmmlab/mmdeploy/build/install/lib/cmake/MMDeploy/modules/FindCUDNN.cmake
-- Up-to-date: /workspace/HOSTDIR/project/openmmlab/mmdeploy/build/install/lib/cmake/MMDeploy/modules/FindTENSORRT.cmake
Looking in indexes: https://pypi.tuna.tsinghua.edu.cn/simple
Obtaining file:///workspace/HOSTDIR/project/openmmlab/mmdeploy
  Preparing metadata (setup.py) ... done
Requirement already satisfied: aenum in /root/miniconda3/envs/openmmlab/lib/python3.8/site-packages (from mmdeploy==1.0.0rc3) (3.1.12)
Requirement already satisfied: grpcio in /root/miniconda3/envs/pose/lib/python3.8/site-packages (from mmdeploy==1.0.0rc3) (1.51.3)
Requirement already satisfied: matplotlib in /root/miniconda3/envs/pose/lib/python3.8/site-packages (from mmdeploy==1.0.0rc3) (3.7.1)
Requirement already satisfied: mmengine in /root/miniconda3/envs/openmmlab/lib/python3.8/site-packages (from mmdeploy==1.0.0rc3) (0.7.2)
Requirement already satisfied: multiprocess in /root/miniconda3/envs/openmmlab/lib/python3.8/site-packages (from mmdeploy==1.0.0rc3) (0.70.14)
Requirement already satisfied: numpy in /root/miniconda3/envs/pose/lib/python3.8/site-packages (from mmdeploy==1.0.0rc3) (1.23.4)
Requirement already satisfied: onnx>=1.13.0 in /root/miniconda3/envs/openmmlab/lib/python3.8/site-packages (from mmdeploy==1.0.0rc3) (1.13.1)
Requirement already satisfied: prettytable in /root/miniconda3/envs/pose/lib/python3.8/site-packages (from mmdeploy==1.0.0rc3) (3.6.0)
Requirement already satisfied: protobuf<=3.20.2 in /root/miniconda3/envs/openmmlab/lib/python3.8/site-packages (from mmdeploy==1.0.0rc3) (3.20.2)
Requirement already satisfied: six in /root/miniconda3/envs/pose/lib/python3.8/site-packages (from mmdeploy==1.0.0rc3) (1.16.0)
Requirement already satisfied: terminaltables in /root/.local/lib/python3.8/site-packages/terminaltables-3.1.10-py3.8.egg (from mmdeploy==1.0.0rc3) (3.1.10)
Requirement already satisfied: typing-extensions>=3.6.2.1 in /root/miniconda3/envs/pose/lib/python3.8/site-packages (from onnx>=1.13.0->mmdeploy==1.0.0rc3) (4.5.0)
Requirement already satisfied: cycler>=0.10 in /root/miniconda3/envs/pose/lib/python3.8/site-packages (from matplotlib->mmdeploy==1.0.0rc3) (0.11.0)
Requirement already satisfied: pyparsing>=2.3.1 in /root/miniconda3/envs/pose/lib/python3.8/site-packages (from matplotlib->mmdeploy==1.0.0rc3) (3.0.9)
Requirement already satisfied: fonttools>=4.22.0 in /root/miniconda3/envs/pose/lib/python3.8/site-packages (from matplotlib->mmdeploy==1.0.0rc3) (4.39.0)
Requirement already satisfied: packaging>=20.0 in /root/miniconda3/envs/pose/lib/python3.8/site-packages (from matplotlib->mmdeploy==1.0.0rc3) (23.0)
Requirement already satisfied: contourpy>=1.0.1 in /root/miniconda3/envs/pose/lib/python3.8/site-packages (from matplotlib->mmdeploy==1.0.0rc3) (1.0.7)
Requirement already satisfied: kiwisolver>=1.0.1 in /root/miniconda3/envs/pose/lib/python3.8/site-packages (from matplotlib->mmdeploy==1.0.0rc3) (1.4.4)
Requirement already satisfied: python-dateutil>=2.7 in /root/miniconda3/envs/pose/lib/python3.8/site-packages (from matplotlib->mmdeploy==1.0.0rc3) (2.8.2)
Requirement already satisfied: importlib-resources>=3.2.0 in /root/miniconda3/envs/pose/lib/python3.8/site-packages (from matplotlib->mmdeploy==1.0.0rc3) (5.12.0)
Requirement already satisfied: pillow>=6.2.0 in /root/miniconda3/envs/pose/lib/python3.8/site-packages (from matplotlib->mmdeploy==1.0.0rc3) (9.4.0)
Requirement already satisfied: opencv-python>=3 in /root/miniconda3/envs/pose/lib/python3.8/site-packages (from mmengine->mmdeploy==1.0.0rc3) (4.7.0.72)
Requirement already satisfied: rich in /root/miniconda3/envs/openmmlab/lib/python3.8/site-packages (from mmengine->mmdeploy==1.0.0rc3) (13.3.3)
Requirement already satisfied: addict in /root/miniconda3/envs/openmmlab/lib/python3.8/site-packages (from mmengine->mmdeploy==1.0.0rc3) (2.4.0)
Requirement already satisfied: termcolor in /root/miniconda3/envs/pose/lib/python3.8/site-packages (from mmengine->mmdeploy==1.0.0rc3) (2.2.0)
Requirement already satisfied: pyyaml in /root/miniconda3/envs/pose/lib/python3.8/site-packages (from mmengine->mmdeploy==1.0.0rc3) (6.0)
Requirement already satisfied: yapf in /root/miniconda3/envs/openmmlab/lib/python3.8/site-packages (from mmengine->mmdeploy==1.0.0rc3) (0.32.0)
Requirement already satisfied: dill>=0.3.6 in /root/miniconda3/envs/openmmlab/lib/python3.8/site-packages (from multiprocess->mmdeploy==1.0.0rc3) (0.3.6)
Requirement already satisfied: wcwidth in /root/miniconda3/envs/pose/lib/python3.8/site-packages (from prettytable->mmdeploy==1.0.0rc3) (0.2.6)
Requirement already satisfied: zipp>=3.1.0 in /root/miniconda3/envs/pose/lib/python3.8/site-packages (from importlib-resources>=3.2.0->matplotlib->mmdeploy==1.0.0rc3) (3.15.0)
Requirement already satisfied: pygments<3.0.0,>=2.13.0 in /root/miniconda3/envs/pose/lib/python3.8/site-packages (from rich->mmengine->mmdeploy==1.0.0rc3) (2.14.0)
Requirement already satisfied: markdown-it-py<3.0.0,>=2.2.0 in /root/miniconda3/envs/pose/lib/python3.8/site-packages (from rich->mmengine->mmdeploy==1.0.0rc3) (2.2.0)
Requirement already satisfied: mdurl~=0.1 in /root/miniconda3/envs/pose/lib/python3.8/site-packages (from markdown-it-py<3.0.0,>=2.2.0->rich->mmengine->mmdeploy==1.0.0rc3) (0.1.2)
Installing collected packages: mmdeploy
  Attempting uninstall: mmdeploy
    Found existing installation: mmdeploy 1.0.0rc3
    Uninstalling mmdeploy-1.0.0rc3:
      Successfully uninstalled mmdeploy-1.0.0rc3
  Running setup.py develop for mmdeploy
Successfully installed mmdeploy
WARNING: Running pip as the 'root' user can result in broken permissions and conflicting behaviour with the system package manager. It is recommended to use a virtual environment instead: https://pip.pypa.io/warnings/venv
2.0.0rc4
04/11 17:50:40 - mmengine - INFO - 

04/11 17:50:40 - mmengine - INFO - **********Environmental information**********
04/11 17:50:43 - mmengine - INFO - sys.platform: linux
04/11 17:50:43 - mmengine - INFO - Python: 3.8.16 (default, Mar  2 2023, 03:21:46) [GCC 11.2.0]
04/11 17:50:43 - mmengine - INFO - CUDA available: True
04/11 17:50:43 - mmengine - INFO - numpy_random_seed: 2147483648
04/11 17:50:43 - mmengine - INFO - GPU 0,1: Tesla T4
04/11 17:50:43 - mmengine - INFO - CUDA_HOME: /usr/local/cuda
04/11 17:50:43 - mmengine - INFO - NVCC: Cuda compilation tools, release 11.3, V11.3.58
04/11 17:50:43 - mmengine - INFO - GCC: gcc (Ubuntu 9.4.0-1ubuntu1~18.04) 9.4.0
04/11 17:50:43 - mmengine - INFO - PyTorch: 1.12.1+cu113
04/11 17:50:43 - mmengine - INFO - PyTorch compiling details: PyTorch built with:
  - GCC 9.3
  - C++ Version: 201402
  - Intel(R) Math Kernel Library Version 2020.0.0 Product Build 20191122 for Intel(R) 64 architecture applications
  - Intel(R) MKL-DNN v2.6.0 (Git Hash 52b5f107dd9cf10910aaa19cb47f3abf9b349815)
  - 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_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
  - CuDNN 8.6  (built against CUDA 11.8)
    - Built with CuDNN 8.3.2
  - Magma 2.5.2
  - Build settings: BLAS_INFO=mkl, BUILD_TYPE=Release, CUDA_VERSION=11.3, CUDNN_VERSION=8.3.2, CXX_COMPILER=/opt/rh/devtoolset-9/root/usr/bin/c++, CXX_FLAGS= -fabi-version=11 -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-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 -Werror=cast-function-type -Wno-stringop-overflow, LAPACK_INFO=mkl, PERF_WITH_AVX=1, PERF_WITH_AVX2=1, PERF_WITH_AVX512=1, TORCH_VERSION=1.12.1, 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, 

04/11 17:50:43 - mmengine - INFO - TorchVision: 0.13.1+cu113
04/11 17:50:43 - mmengine - INFO - OpenCV: 4.7.0
04/11 17:50:43 - mmengine - INFO - MMEngine: 0.7.2
04/11 17:50:43 - mmengine - INFO - MMCV: 2.0.0rc4
04/11 17:50:43 - mmengine - INFO - MMCV Compiler: GCC 9.3
04/11 17:50:43 - mmengine - INFO - MMCV CUDA Compiler: 11.3
04/11 17:50:43 - mmengine - INFO - MMDeploy: 1.0.0rc3+0196cd0
04/11 17:50:43 - mmengine - INFO - 

04/11 17:50:43 - mmengine - INFO - **********Backend information**********
04/11 17:50:43 - mmengine - INFO - tensorrt:    None
04/11 17:50:43 - mmengine - INFO - ONNXRuntime: 1.8.1
04/11 17:50:43 - mmengine - INFO - ONNXRuntime-gpu:     None
04/11 17:50:43 - mmengine - INFO - ONNXRuntime custom ops:      Available
04/11 17:50:43 - mmengine - INFO - pplnn:       0.8.2
04/11 17:50:43 - mmengine - INFO - ncnn:        1.0.20230411
04/11 17:50:43 - mmengine - INFO - ncnn custom ops:     Available
04/11 17:50:43 - mmengine - INFO - snpe:        None
04/11 17:50:43 - mmengine - INFO - openvino:    2022.3.0
04/11 17:50:43 - mmengine - INFO - torchscript: 1.12.1+cu113
04/11 17:50:43 - mmengine - INFO - torchscript custom ops:      Available
04/11 17:50:43 - mmengine - INFO - rknn-toolkit:        None
04/11 17:50:43 - mmengine - INFO - rknn-toolkit2:       None
04/11 17:50:43 - mmengine - INFO - ascend:      None
04/11 17:50:43 - mmengine - INFO - coreml:      None
04/11 17:50:43 - mmengine - INFO - tvm: None
04/11 17:50:43 - mmengine - INFO - vacc:        None
04/11 17:50:43 - mmengine - INFO - 

04/11 17:50:43 - mmengine - INFO - **********Codebase information**********
04/11 17:50:43 - mmengine - INFO - mmdet:       3.0.0
04/11 17:50:43 - mmengine - INFO - mmseg:       None
04/11 17:50:43 - mmengine - INFO - mmcls:       None
04/11 17:50:43 - mmengine - INFO - mmocr:       None
04/11 17:50:43 - mmengine - INFO - mmedit:      None
04/11 17:50:43 - mmengine - INFO - mmdet3d:     None
04/11 17:50:43 - mmengine - INFO - mmpose:      1.0.0
04/11 17:50:43 - mmengine - INFO - mmrotate:    None
04/11 17:50:43 - mmengine - INFO - mmaction:    None
04/11 17:50:43 - mmengine - INFO - mmrazor:     None
Please source ~/mmdeploy.env to setup your env !
export PATH=/workspace/HOSTDIR/project/openmmlab/mmdeploy-dep/pbinstall/bin:$PATH
export LD_LIBRARY_PATH=/workspace/HOSTDIR/project/openmmlab/mmdeploy-dep/pbinstall/lib:$LD_LIBRARY_PATH
export PATH=/workspace/HOSTDIR/project/openmmlab/mmdeploy-dep/pbinstall/bin:$PATH
export LD_LIBRARY_PATH=/workspace/HOSTDIR/project/openmmlab/mmdeploy-dep/pbinstall/lib:$LD_LIBRARY_PATH
export PATH=/workspace/HOSTDIR/project/openmmlab/mmdeploy/mmdeploy/backend/ncnn:$PATH
export PATH=/workspace/HOSTDIR/project/openmmlab/mmdeploy-dep/pbinstall/bin:$PATH
export LD_LIBRARY_PATH=/workspace/HOSTDIR/project/openmmlab/mmdeploy-dep/pbinstall/lib:$LD_LIBRARY_PATH
export PATH=/workspace/HOSTDIR/project/openmmlab/mmdeploy/mmdeploy/backend/ncnn:$PATH
export PATH=/workspace/HOSTDIR/project/openmmlab/mmdeploy-dep/pbinstall/bin:$PATH
export LD_LIBRARY_PATH=/workspace/HOSTDIR/project/openmmlab/mmdeploy-dep/pbinstall/lib:$LD_LIBRARY_PATH
export PATH=/workspace/HOSTDIR/project/openmmlab/mmdeploy/mmdeploy/backend/ncnn:$PATH

I had add environment variable to ~/.bashrc.

# >>> for mmdeploy_python >>>
export PYTHONPATH=/workspace/HOSTDIR/project/openmmlab/mmdeploy/build/lib
export LD_LIBRARY_PATH=/workspace/HOSTDIR/project/openmmlab/mmdeploy-dep/onnxruntime-linux-x64-1.8.1/lib/:$LD_LIBRARY_PATH
# <<< for mmdeploy_pathon <<<

And when I import mmdeploy_runtime, I got nothing.

Python 3.8.16 (default, Mar  2 2023, 03:21:46) 
[GCC 11.2.0] :: Anaconda, Inc. on linux
Type "help", "copyright", "credits" or "license" for more information.
>>> import mmdeploy_runtime
>>> 
mortal-Zero commented 1 year ago

Are you install mmdeploy_runtime by pip?

Are there have some logs like failed to load library xxx when you import mmdeploy_runtime?

Sorry, my bad. I also found another mmdeploy_runtime '.so' library in my environment variable that I compiled last week, I think there is a problem with the compilation of the '.so' library, and python references the library, after I removed this environment variable, my code is fine.

mortal-Zero commented 1 year ago

Are you install mmdeploy_runtime by pip?

Are there have some logs like failed to load library xxx when you import mmdeploy_runtime?

Again, thank you very very very much for your reply.