Getting these attached issues, please anyone help me
(dotsocr-env) dev@OKSCPU-409:/dots.ocr$ python3 test_vllm.py/dots.ocr$
INFO 08-11 11:37:44 [init.py:235] Automatically detected platform cuda.
INFO 08-11 11:37:49 [config.py:1604] Using max model len 131072
INFO 08-11 11:37:49 [config.py:2434] Chunked prefill is enabled with max_num_batched_tokens=8192.
INFO 08-11 11:37:49 [core.py:572] Waiting for init message from front-end.
INFO 08-11 11:37:49 [core.py:71] Initializing a V1 LLM engine (v0.10.0) with config: model='/home/dev/dots.ocr/weights/DotsOCR', speculative_config=None, tokenizer='/home/dev/dots.ocr/weights/DotsOCR', skip_tokenizer_init=False, tokenizer_mode=auto, revision=None, override_neuron_config={}, tokenizer_revision=None, trust_remote_code=True, dtype=torch.bfloat16, max_seq_len=131072, download_dir=None, load_format=LoadFormat.AUTO, tensor_parallel_size=1, pipeline_parallel_size=1, disable_custom_all_reduce=False, quantization=None, enforce_eager=False, kv_cache_dtype=auto, device_config=cuda, decoding_config=DecodingConfig(backend='auto', disable_fallback=False, disable_any_whitespace=False, disable_additional_properties=False, reasoning_backend=''), observability_config=ObservabilityConfig(show_hidden_metrics_for_version=None, otlp_traces_endpoint=None, collect_detailed_traces=None), seed=0, served_model_name=/home/dev/dots.ocr/weights/DotsOCR, num_scheduler_steps=1, multi_step_stream_outputs=True, enable_prefix_caching=True, chunked_prefill_enabled=True, use_async_output_proc=True, pooler_config=None, compilation_config={"level":3,"debug_dump_path":"","cache_dir":"","backend":"","custom_ops":[],"splitting_ops":["vllm.unified_attention","vllm.unified_attention_with_output","vllm.mamba_mixer2"],"use_inductor":true,"compile_sizes":[],"inductor_compile_config":{"enable_auto_functionalized_v2":false},"inductor_passes":{},"use_cudagraph":true,"cudagraph_num_of_warmups":1,"cudagraph_capture_sizes":[512,504,496,488,480,472,464,456,448,440,432,424,416,408,400,392,384,376,368,360,352,344,336,328,320,312,304,296,288,280,272,264,256,248,240,232,224,216,208,200,192,184,176,168,160,152,144,136,128,120,112,104,96,88,80,72,64,56,48,40,32,24,16,8,4,2,1],"cudagraph_copy_inputs":false,"full_cuda_graph":false,"max_capture_size":512,"local_cache_dir":null}
INFO 08-11 11:37:51 [parallel_state.py:1102] rank 0 in world size 1 is assigned as DP rank 0, PP rank 0, TP rank 0, EP rank 0
WARNING 08-11 11:37:51 [interface.py:380] Using 'pin_memory=False' as WSL is detected. This may slow down the performance.
WARNING 08-11 11:37:51 [topk_topp_sampler.py:59] FlashInfer is not available. Falling back to the PyTorch-native implementation of top-p & top-k sampling. For the best performance, please install FlashInfer.
WARNING 08-11 11:37:51 [utils.py:185] DotsOCRForCausalLM has no vLLM implementation, falling back to Transformers implementation. Some features may not be supported and performance may not be optimal.
ERROR 08-11 11:37:51 [core.py:632] EngineCore failed to start.
ERROR 08-11 11:37:51 [core.py:632] Traceback (most recent call last):
ERROR 08-11 11:37:51 [core.py:632] File "/home/dev/dotsocr-env/lib/python3.12/site-packages/vllm/v1/engine/core.py", line 623, in run_engine_core
ERROR 08-11 11:37:51 [core.py:632] engine_core = EngineCoreProc(*args, **kwargs)
ERROR 08-11 11:37:51 [core.py:632] ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^
ERROR 08-11 11:37:51 [core.py:632] File "/home/dev/dotsocr-env/lib/python3.12/site-packages/vllm/v1/engine/core.py", line 441, in init
ERROR 08-11 11:37:51 [core.py:632] super().init(vllm_config, executor_class, log_stats,
ERROR 08-11 11:37:51 [core.py:632] File "/home/dev/dotsocr-env/lib/python3.12/site-packages/vllm/v1/engine/core.py", line 77, in init
ERROR 08-11 11:37:51 [core.py:632] self.model_executor = executor_class(vllm_config)
ERROR 08-11 11:37:51 [core.py:632] ^^^^^^^^^^^^^^^^^^^^^^^^^^^
ERROR 08-11 11:37:51 [core.py:632] File "/home/dev/dotsocr-env/lib/python3.12/site-packages/vllm/executor/executor_base.py", line 53, in init
ERROR 08-11 11:37:51 [core.py:632] self._init_executor()
ERROR 08-11 11:37:51 [core.py:632] File "/home/dev/dotsocr-env/lib/python3.12/site-packages/vllm/executor/uniproc_executor.py", line 48, in _init_executor
ERROR 08-11 11:37:51 [core.py:632] self.collective_rpc("init_device")
ERROR 08-11 11:37:51 [core.py:632] File "/home/dev/dotsocr-env/lib/python3.12/site-packages/vllm/executor/uniproc_executor.py", line 58, in collective_rpc
ERROR 08-11 11:37:51 [core.py:632] answer = run_method(self.driver_worker, method, args, kwargs)
ERROR 08-11 11:37:51 [core.py:632] ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^
ERROR 08-11 11:37:51 [core.py:632] File "/home/dev/dotsocr-env/lib/python3.12/site-packages/vllm/utils/init.py", line 2985, in run_method
ERROR 08-11 11:37:51 [core.py:632] return func(*args, **kwargs)
ERROR 08-11 11:37:51 [core.py:632] ^^^^^^^^^^^^^^^^^^^^^
ERROR 08-11 11:37:51 [core.py:632] File "/home/dev/dotsocr-env/lib/python3.12/site-packages/vllm/worker/worker_base.py", line 603, in init_device
ERROR 08-11 11:37:51 [core.py:632] self.worker.init_device() # type: ignore
ERROR 08-11 11:37:51 [core.py:632] ^^^^^^^^^^^^^^^^^^^^^^^^^
ERROR 08-11 11:37:51 [core.py:632] File "/home/dev/dotsocr-env/lib/python3.12/site-packages/vllm/v1/worker/gpu_worker.py", line 194, in init_device
ERROR 08-11 11:37:51 [core.py:632] report_usage_stats(self.vllm_config)
ERROR 08-11 11:37:51 [core.py:632] File "/home/dev/dotsocr-env/lib/python3.12/site-packages/vllm/v1/utils.py", line 299, in report_usage_stats
ERROR 08-11 11:37:51 [core.py:632] get_architecture_class_name(vllm_config.model_config),
ERROR 08-11 11:37:51 [core.py:632] ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^
ERROR 08-11 11:37:51 [core.py:632] File "/home/dev/dotsocr-env/lib/python3.12/site-packages/vllm/model_executor/model_loader/utils.py", line 301, in get_architecture_class_name
ERROR 08-11 11:37:51 [core.py:632] return get_model_architecture(model_config)[1]
ERROR 08-11 11:37:51 [core.py:632] ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^
ERROR 08-11 11:37:51 [core.py:632] File "/home/dev/dotsocr-env/lib/python3.12/site-packages/vllm/model_executor/model_loader/utils.py", line 275, in get_model_architecture
ERROR 08-11 11:37:51 [core.py:632] architectures = resolve_transformers_arch(model_config, architectures)
ERROR 08-11 11:37:51 [core.py:632] ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^
ERROR 08-11 11:37:51 [core.py:632] File "/home/dev/dotsocr-env/lib/python3.12/site-packages/vllm/model_executor/model_loader/utils.py", line 210, in resolve_transformers_arch
ERROR 08-11 11:37:51 [core.py:632] raise ValueError(
ERROR 08-11 11:37:51 [core.py:632] ValueError: Cannot find model module. 'DotsOCRForCausalLM' is not a registered model in the Transformers library (only relevant if the model is meant to be in Transformers) and 'AutoModel' is not present in the model config's 'auto_map' (relevant if the model is custom).
Process EngineCore_0:
Traceback (most recent call last):
File "/usr/lib/python3.12/multiprocessing/process.py", line 314, in _bootstrap
self.run()
File "/usr/lib/python3.12/multiprocessing/process.py", line 108, in run
self._target(*self._args, **self._kwargs)
File "/home/dev/dotsocr-env/lib/python3.12/site-packages/vllm/v1/engine/core.py", line 636, in run_engine_core
raise e
File "/home/dev/dotsocr-env/lib/python3.12/site-packages/vllm/v1/engine/core.py", line 623, in run_engine_core
engine_core = EngineCoreProc(*args, **kwargs)
^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^
File "/home/dev/dotsocr-env/lib/python3.12/site-packages/vllm/v1/engine/core.py", line 441, in init
super().init(vllm_config, executor_class, log_stats,
File "/home/dev/dotsocr-env/lib/python3.12/site-packages/vllm/v1/engine/core.py", line 77, in init
self.model_executor = executor_class(vllm_config)
^^^^^^^^^^^^^^^^^^^^^^^^^^^
File "/home/dev/dotsocr-env/lib/python3.12/site-packages/vllm/executor/executor_base.py", line 53, in init
self._init_executor()
File "/home/dev/dotsocr-env/lib/python3.12/site-packages/vllm/executor/uniproc_executor.py", line 48, in _init_executor
self.collective_rpc("init_device")
File "/home/dev/dotsocr-env/lib/python3.12/site-packages/vllm/executor/uniproc_executor.py", line 58, in collective_rpc
answer = run_method(self.driver_worker, method, args, kwargs)
^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^
File "/home/dev/dotsocr-env/lib/python3.12/site-packages/vllm/utils/init.py", line 2985, in run_method
return func(*args, **kwargs)
^^^^^^^^^^^^^^^^^^^^^
File "/home/dev/dotsocr-env/lib/python3.12/site-packages/vllm/worker/worker_base.py", line 603, in init_device
self.worker.init_device() # type: ignore
^^^^^^^^^^^^^^^^^^^^^^^^^
File "/home/dev/dotsocr-env/lib/python3.12/site-packages/vllm/v1/worker/gpu_worker.py", line 194, in init_device
report_usage_stats(self.vllm_config)
File "/home/dev/dotsocr-env/lib/python3.12/site-packages/vllm/v1/utils.py", line 299, in report_usage_stats
get_architecture_class_name(vllm_config.model_config),
^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^
File "/home/dev/dotsocr-env/lib/python3.12/site-packages/vllm/model_executor/model_loader/utils.py", line 301, in get_architecture_class_name
return get_model_architecture(model_config)[1]
^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^
File "/home/dev/dotsocr-env/lib/python3.12/site-packages/vllm/model_executor/model_loader/utils.py", line 275, in get_model_architecture
architectures = resolve_transformers_arch(model_config, architectures)
^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^
File "/home/dev/dotsocr-env/lib/python3.12/site-packages/vllm/model_executor/model_loader/utils.py", line 210, in resolve_transformers_arch
raise ValueError(
ValueError: Cannot find model module. 'DotsOCRForCausalLM' is not a registered model in the Transformers library (only relevant if the model is meant to be in Transformers) and 'AutoModel' is not present in the model config's 'auto_map' (relevant if the model is custom).
Traceback (most recent call last):
File "/home/dev/dots.ocr/test_vllm.py", line 4, in
llm = LLM(model=model_path, trust_remote_code=True)
^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^
File "/home/dev/dotsocr-env/lib/python3.12/site-packages/vllm/entrypoints/llm.py", line 273, in init
self.llm_engine = LLMEngine.from_engine_args(
^^^^^^^^^^^^^^^^^^^^^^^^^^^
File "/home/dev/dotsocr-env/lib/python3.12/site-packages/vllm/engine/llm_engine.py", line 497, in from_engine_args
return engine_cls.from_vllm_config(
^^^^^^^^^^^^^^^^^^^^^^^^^^^^
File "/home/dev/dotsocr-env/lib/python3.12/site-packages/vllm/v1/engine/llm_engine.py", line 126, in from_vllm_config
return cls(vllm_config=vllm_config,
^^^^^^^^^^^^^^^^^^^^^^^^^^^^
File "/home/dev/dotsocr-env/lib/python3.12/site-packages/vllm/v1/engine/llm_engine.py", line 103, in init
self.engine_core = EngineCoreClient.make_client(
^^^^^^^^^^^^^^^^^^^^^^^^^^^^^
File "/home/dev/dotsocr-env/lib/python3.12/site-packages/vllm/v1/engine/core_client.py", line 77, in make_client
return SyncMPClient(vllm_config, executor_class, log_stats)
^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^
File "/home/dev/dotsocr-env/lib/python3.12/site-packages/vllm/v1/engine/core_client.py", line 514, in init
super().init(
File "/home/dev/dotsocr-env/lib/python3.12/site-packages/vllm/v1/engine/core_client.py", line 408, in init
with launch_core_engines(vllm_config, executor_class,
File "/usr/lib/python3.12/contextlib.py", line 144, in exit
next(self.gen)
File "/home/dev/dotsocr-env/lib/python3.12/site-packages/vllm/v1/engine/utils.py", line 697, in launch_core_engines
wait_for_engine_startup(
File "/home/dev/dotsocr-env/lib/python3.12/site-packages/vllm/v1/engine/utils.py", line 750, in wait_for_engine_startup
raise RuntimeError("Engine core initialization failed. "
RuntimeError: Engine core initialization failed. See root cause above. Failed core proc(s): {}
(dotsocr-env) dev@OKSCPU-409: