vllm-cpu 0.9.2.post2__cp311-cp311-manylinux_2_17_aarch64.whl

This diff represents the content of publicly available package versions that have been released to one of the supported registries. The information contained in this diff is provided for informational purposes only and reflects changes between package versions as they appear in their respective public registries.
Files changed (1236) hide show
  1. vllm/_C.abi3.so +0 -0
  2. vllm/__init__.py +214 -0
  3. vllm/_custom_ops.py +1915 -0
  4. vllm/_ipex_ops.py +350 -0
  5. vllm/_version.py +34 -0
  6. vllm/adapter_commons/__init__.py +0 -0
  7. vllm/adapter_commons/layers.py +16 -0
  8. vllm/adapter_commons/models.py +106 -0
  9. vllm/adapter_commons/request.py +26 -0
  10. vllm/adapter_commons/utils.py +93 -0
  11. vllm/adapter_commons/worker_manager.py +39 -0
  12. vllm/assets/__init__.py +0 -0
  13. vllm/assets/audio.py +45 -0
  14. vllm/assets/base.py +41 -0
  15. vllm/assets/image.py +34 -0
  16. vllm/assets/video.py +139 -0
  17. vllm/attention/__init__.py +20 -0
  18. vllm/attention/backends/__init__.py +0 -0
  19. vllm/attention/backends/abstract.py +325 -0
  20. vllm/attention/backends/blocksparse_attn.py +465 -0
  21. vllm/attention/backends/cpu_mla.py +307 -0
  22. vllm/attention/backends/dual_chunk_flash_attn.py +1506 -0
  23. vllm/attention/backends/flash_attn.py +1008 -0
  24. vllm/attention/backends/flashinfer.py +1107 -0
  25. vllm/attention/backends/flashmla.py +244 -0
  26. vllm/attention/backends/hpu_attn.py +318 -0
  27. vllm/attention/backends/ipex_attn.py +403 -0
  28. vllm/attention/backends/mla/__init__.py +0 -0
  29. vllm/attention/backends/mla/common.py +1391 -0
  30. vllm/attention/backends/pallas.py +356 -0
  31. vllm/attention/backends/placeholder_attn.py +400 -0
  32. vllm/attention/backends/rocm_aiter_mla.py +435 -0
  33. vllm/attention/backends/rocm_flash_attn.py +1015 -0
  34. vllm/attention/backends/torch_sdpa.py +707 -0
  35. vllm/attention/backends/triton_mla.py +115 -0
  36. vllm/attention/backends/utils.py +610 -0
  37. vllm/attention/backends/xformers.py +807 -0
  38. vllm/attention/layer.py +481 -0
  39. vllm/attention/ops/__init__.py +0 -0
  40. vllm/attention/ops/blocksparse_attention/__init__.py +0 -0
  41. vllm/attention/ops/blocksparse_attention/blocksparse_attention_kernel.py +433 -0
  42. vllm/attention/ops/blocksparse_attention/interface.py +239 -0
  43. vllm/attention/ops/blocksparse_attention/utils.py +246 -0
  44. vllm/attention/ops/chunked_prefill_paged_decode.py +368 -0
  45. vllm/attention/ops/flashmla.py +116 -0
  46. vllm/attention/ops/hpu_paged_attn.py +88 -0
  47. vllm/attention/ops/ipex_attn.py +195 -0
  48. vllm/attention/ops/merge_attn_states.py +43 -0
  49. vllm/attention/ops/nki_flash_attn.py +903 -0
  50. vllm/attention/ops/paged_attn.py +256 -0
  51. vllm/attention/ops/pallas_kv_cache_update.py +120 -0
  52. vllm/attention/ops/prefix_prefill.py +902 -0
  53. vllm/attention/ops/rocm_aiter_mla.py +100 -0
  54. vllm/attention/ops/rocm_aiter_paged_attn.py +102 -0
  55. vllm/attention/ops/triton_decode_attention.py +674 -0
  56. vllm/attention/ops/triton_flash_attention.py +984 -0
  57. vllm/attention/ops/triton_merge_attn_states.py +97 -0
  58. vllm/attention/ops/triton_unified_attention.py +738 -0
  59. vllm/attention/selector.py +214 -0
  60. vllm/attention/utils/fa_utils.py +72 -0
  61. vllm/beam_search.py +87 -0
  62. vllm/benchmarks/__init__.py +0 -0
  63. vllm/benchmarks/datasets.py +1441 -0
  64. vllm/benchmarks/endpoint_request_func.py +393 -0
  65. vllm/benchmarks/latency.py +168 -0
  66. vllm/benchmarks/serve.py +1063 -0
  67. vllm/benchmarks/throughput.py +609 -0
  68. vllm/benchmarks/utils.py +70 -0
  69. vllm/collect_env.py +820 -0
  70. vllm/compilation/__init__.py +0 -0
  71. vllm/compilation/activation_quant_fusion.py +89 -0
  72. vllm/compilation/backends.py +610 -0
  73. vllm/compilation/base_piecewise_backend.py +72 -0
  74. vllm/compilation/collective_fusion.py +127 -0
  75. vllm/compilation/compiler_interface.py +564 -0
  76. vllm/compilation/counter.py +41 -0
  77. vllm/compilation/cuda_piecewise_backend.py +218 -0
  78. vllm/compilation/decorators.py +250 -0
  79. vllm/compilation/fix_functionalization.py +191 -0
  80. vllm/compilation/fusion.py +645 -0
  81. vllm/compilation/fusion_attn.py +166 -0
  82. vllm/compilation/fx_utils.py +84 -0
  83. vllm/compilation/inductor_pass.py +115 -0
  84. vllm/compilation/monitor.py +39 -0
  85. vllm/compilation/multi_output_match.py +109 -0
  86. vllm/compilation/noop_elimination.py +165 -0
  87. vllm/compilation/pass_manager.py +82 -0
  88. vllm/compilation/sequence_parallelism.py +482 -0
  89. vllm/compilation/torch25_custom_graph_pass.py +42 -0
  90. vllm/compilation/vllm_inductor_pass.py +70 -0
  91. vllm/compilation/wrapper.py +135 -0
  92. vllm/config.py +4913 -0
  93. vllm/connections.py +174 -0
  94. vllm/core/__init__.py +0 -0
  95. vllm/core/block/__init__.py +0 -0
  96. vllm/core/block/block_table.py +399 -0
  97. vllm/core/block/common.py +371 -0
  98. vllm/core/block/cpu_gpu_block_allocator.py +441 -0
  99. vllm/core/block/interfaces.py +319 -0
  100. vllm/core/block/naive_block.py +466 -0
  101. vllm/core/block/prefix_caching_block.py +1135 -0
  102. vllm/core/block/utils.py +28 -0
  103. vllm/core/block_manager.py +525 -0
  104. vllm/core/evictor.py +157 -0
  105. vllm/core/interfaces.py +139 -0
  106. vllm/core/placeholder_block_space_manager.py +103 -0
  107. vllm/core/scheduler.py +2126 -0
  108. vllm/device_allocator/__init__.py +0 -0
  109. vllm/device_allocator/cumem.py +281 -0
  110. vllm/distributed/__init__.py +6 -0
  111. vllm/distributed/communication_op.py +41 -0
  112. vllm/distributed/device_communicators/__init__.py +0 -0
  113. vllm/distributed/device_communicators/all2all.py +264 -0
  114. vllm/distributed/device_communicators/base_device_communicator.py +260 -0
  115. vllm/distributed/device_communicators/cpu_communicator.py +145 -0
  116. vllm/distributed/device_communicators/cuda_communicator.py +194 -0
  117. vllm/distributed/device_communicators/cuda_wrapper.py +180 -0
  118. vllm/distributed/device_communicators/custom_all_reduce.py +304 -0
  119. vllm/distributed/device_communicators/custom_all_reduce_utils.py +259 -0
  120. vllm/distributed/device_communicators/hpu_communicator.py +46 -0
  121. vllm/distributed/device_communicators/neuron_communicator.py +20 -0
  122. vllm/distributed/device_communicators/pynccl.py +218 -0
  123. vllm/distributed/device_communicators/pynccl_wrapper.py +349 -0
  124. vllm/distributed/device_communicators/quick_all_reduce.py +278 -0
  125. vllm/distributed/device_communicators/shm_broadcast.py +585 -0
  126. vllm/distributed/device_communicators/tpu_communicator.py +103 -0
  127. vllm/distributed/device_communicators/xpu_communicator.py +55 -0
  128. vllm/distributed/eplb/__init__.py +8 -0
  129. vllm/distributed/eplb/eplb_state.py +432 -0
  130. vllm/distributed/eplb/rebalance_algo.py +234 -0
  131. vllm/distributed/eplb/rebalance_execute.py +307 -0
  132. vllm/distributed/kv_events.py +356 -0
  133. vllm/distributed/kv_transfer/README.md +29 -0
  134. vllm/distributed/kv_transfer/__init__.py +12 -0
  135. vllm/distributed/kv_transfer/disagg_prefill_workflow.jpg +0 -0
  136. vllm/distributed/kv_transfer/kv_connector/__init__.py +0 -0
  137. vllm/distributed/kv_transfer/kv_connector/base.py +128 -0
  138. vllm/distributed/kv_transfer/kv_connector/factory.py +133 -0
  139. vllm/distributed/kv_transfer/kv_connector/lmcache_connector.py +99 -0
  140. vllm/distributed/kv_transfer/kv_connector/mooncake_store_connector.py +203 -0
  141. vllm/distributed/kv_transfer/kv_connector/simple_connector.py +329 -0
  142. vllm/distributed/kv_transfer/kv_connector/utils.py +109 -0
  143. vllm/distributed/kv_transfer/kv_connector/v1/__init__.py +6 -0
  144. vllm/distributed/kv_transfer/kv_connector/v1/base.py +283 -0
  145. vllm/distributed/kv_transfer/kv_connector/v1/lmcache_connector.py +167 -0
  146. vllm/distributed/kv_transfer/kv_connector/v1/multi_connector.py +201 -0
  147. vllm/distributed/kv_transfer/kv_connector/v1/nixl_connector.py +1103 -0
  148. vllm/distributed/kv_transfer/kv_connector/v1/p2p/__init__.py +0 -0
  149. vllm/distributed/kv_transfer/kv_connector/v1/p2p/p2p_nccl_connector.py +485 -0
  150. vllm/distributed/kv_transfer/kv_connector/v1/p2p/p2p_nccl_engine.py +533 -0
  151. vllm/distributed/kv_transfer/kv_connector/v1/p2p/tensor_memory_pool.py +265 -0
  152. vllm/distributed/kv_transfer/kv_connector/v1/shared_storage_connector.py +389 -0
  153. vllm/distributed/kv_transfer/kv_connector_agent.py +77 -0
  154. vllm/distributed/kv_transfer/kv_lookup_buffer/__init__.py +0 -0
  155. vllm/distributed/kv_transfer/kv_lookup_buffer/base.py +175 -0
  156. vllm/distributed/kv_transfer/kv_lookup_buffer/mooncake_store.py +161 -0
  157. vllm/distributed/kv_transfer/kv_lookup_buffer/simple_buffer.py +237 -0
  158. vllm/distributed/kv_transfer/kv_pipe/__init__.py +0 -0
  159. vllm/distributed/kv_transfer/kv_pipe/base.py +67 -0
  160. vllm/distributed/kv_transfer/kv_pipe/mooncake_pipe.py +290 -0
  161. vllm/distributed/kv_transfer/kv_pipe/pynccl_pipe.py +280 -0
  162. vllm/distributed/kv_transfer/kv_transfer_state.py +71 -0
  163. vllm/distributed/parallel_state.py +1385 -0
  164. vllm/distributed/tpu_distributed_utils.py +178 -0
  165. vllm/distributed/utils.py +536 -0
  166. vllm/engine/__init__.py +0 -0
  167. vllm/engine/arg_utils.py +1801 -0
  168. vllm/engine/async_llm_engine.py +1200 -0
  169. vllm/engine/async_timeout.py +173 -0
  170. vllm/engine/llm_engine.py +2101 -0
  171. vllm/engine/metrics.py +629 -0
  172. vllm/engine/metrics_types.py +94 -0
  173. vllm/engine/multiprocessing/__init__.py +148 -0
  174. vllm/engine/multiprocessing/client.py +681 -0
  175. vllm/engine/multiprocessing/engine.py +460 -0
  176. vllm/engine/output_processor/__init__.py +0 -0
  177. vllm/engine/output_processor/interfaces.py +75 -0
  178. vllm/engine/output_processor/multi_step.py +216 -0
  179. vllm/engine/output_processor/single_step.py +145 -0
  180. vllm/engine/output_processor/stop_checker.py +131 -0
  181. vllm/engine/output_processor/util.py +28 -0
  182. vllm/engine/protocol.py +326 -0
  183. vllm/entrypoints/__init__.py +0 -0
  184. vllm/entrypoints/api_server.py +178 -0
  185. vllm/entrypoints/chat_utils.py +1278 -0
  186. vllm/entrypoints/cli/__init__.py +12 -0
  187. vllm/entrypoints/cli/benchmark/__init__.py +0 -0
  188. vllm/entrypoints/cli/benchmark/base.py +25 -0
  189. vllm/entrypoints/cli/benchmark/latency.py +21 -0
  190. vllm/entrypoints/cli/benchmark/main.py +58 -0
  191. vllm/entrypoints/cli/benchmark/serve.py +21 -0
  192. vllm/entrypoints/cli/benchmark/throughput.py +21 -0
  193. vllm/entrypoints/cli/collect_env.py +36 -0
  194. vllm/entrypoints/cli/main.py +71 -0
  195. vllm/entrypoints/cli/openai.py +201 -0
  196. vllm/entrypoints/cli/run_batch.py +69 -0
  197. vllm/entrypoints/cli/serve.py +265 -0
  198. vllm/entrypoints/cli/types.py +29 -0
  199. vllm/entrypoints/launcher.py +147 -0
  200. vllm/entrypoints/llm.py +1599 -0
  201. vllm/entrypoints/logger.py +50 -0
  202. vllm/entrypoints/openai/__init__.py +0 -0
  203. vllm/entrypoints/openai/api_server.py +1495 -0
  204. vllm/entrypoints/openai/cli_args.py +331 -0
  205. vllm/entrypoints/openai/logits_processors.py +90 -0
  206. vllm/entrypoints/openai/protocol.py +2096 -0
  207. vllm/entrypoints/openai/run_batch.py +473 -0
  208. vllm/entrypoints/openai/serving_chat.py +1258 -0
  209. vllm/entrypoints/openai/serving_classification.py +160 -0
  210. vllm/entrypoints/openai/serving_completion.py +618 -0
  211. vllm/entrypoints/openai/serving_embedding.py +201 -0
  212. vllm/entrypoints/openai/serving_engine.py +988 -0
  213. vllm/entrypoints/openai/serving_models.py +315 -0
  214. vllm/entrypoints/openai/serving_pooling.py +234 -0
  215. vllm/entrypoints/openai/serving_score.py +431 -0
  216. vllm/entrypoints/openai/serving_tokenization.py +157 -0
  217. vllm/entrypoints/openai/serving_transcription.py +132 -0
  218. vllm/entrypoints/openai/speech_to_text.py +395 -0
  219. vllm/entrypoints/openai/tool_parsers/__init__.py +25 -0
  220. vllm/entrypoints/openai/tool_parsers/abstract_tool_parser.py +164 -0
  221. vllm/entrypoints/openai/tool_parsers/deepseekv3_tool_parser.py +370 -0
  222. vllm/entrypoints/openai/tool_parsers/granite_20b_fc_tool_parser.py +259 -0
  223. vllm/entrypoints/openai/tool_parsers/granite_tool_parser.py +237 -0
  224. vllm/entrypoints/openai/tool_parsers/hermes_tool_parser.py +371 -0
  225. vllm/entrypoints/openai/tool_parsers/internlm2_tool_parser.py +216 -0
  226. vllm/entrypoints/openai/tool_parsers/jamba_tool_parser.py +308 -0
  227. vllm/entrypoints/openai/tool_parsers/llama4_pythonic_tool_parser.py +316 -0
  228. vllm/entrypoints/openai/tool_parsers/llama_tool_parser.py +267 -0
  229. vllm/entrypoints/openai/tool_parsers/minimax_tool_parser.py +369 -0
  230. vllm/entrypoints/openai/tool_parsers/mistral_tool_parser.py +369 -0
  231. vllm/entrypoints/openai/tool_parsers/phi4mini_tool_parser.py +112 -0
  232. vllm/entrypoints/openai/tool_parsers/pythonic_tool_parser.py +308 -0
  233. vllm/entrypoints/openai/tool_parsers/utils.py +124 -0
  234. vllm/entrypoints/openai/tool_parsers/xlam_tool_parser.py +466 -0
  235. vllm/entrypoints/score_utils.py +50 -0
  236. vllm/entrypoints/ssl.py +75 -0
  237. vllm/entrypoints/utils.py +262 -0
  238. vllm/env_override.py +41 -0
  239. vllm/envs.py +1029 -0
  240. vllm/executor/__init__.py +0 -0
  241. vllm/executor/executor_base.py +401 -0
  242. vllm/executor/mp_distributed_executor.py +244 -0
  243. vllm/executor/msgspec_utils.py +30 -0
  244. vllm/executor/multiproc_worker_utils.py +313 -0
  245. vllm/executor/ray_distributed_executor.py +701 -0
  246. vllm/executor/ray_utils.py +399 -0
  247. vllm/executor/uniproc_executor.py +139 -0
  248. vllm/forward_context.py +185 -0
  249. vllm/inputs/__init__.py +41 -0
  250. vllm/inputs/data.py +331 -0
  251. vllm/inputs/parse.py +151 -0
  252. vllm/inputs/preprocess.py +924 -0
  253. vllm/inputs/registry.py +245 -0
  254. vllm/jsontree.py +80 -0
  255. vllm/logger.py +212 -0
  256. vllm/logging_utils/__init__.py +8 -0
  257. vllm/logging_utils/dump_input.py +81 -0
  258. vllm/logging_utils/formatter.py +18 -0
  259. vllm/logits_process.py +119 -0
  260. vllm/lora/__init__.py +0 -0
  261. vllm/lora/fully_sharded_layers.py +355 -0
  262. vllm/lora/layers.py +1285 -0
  263. vllm/lora/lora.py +199 -0
  264. vllm/lora/models.py +818 -0
  265. vllm/lora/ops/__init__.py +0 -0
  266. vllm/lora/ops/torch_ops/__init__.py +16 -0
  267. vllm/lora/ops/torch_ops/lora_ops.py +119 -0
  268. vllm/lora/ops/triton_ops/__init__.py +12 -0
  269. vllm/lora/ops/triton_ops/kernel_utils.py +243 -0
  270. vllm/lora/ops/triton_ops/lora_expand_op.py +290 -0
  271. vllm/lora/ops/triton_ops/lora_kernel_metadata.py +148 -0
  272. vllm/lora/ops/triton_ops/lora_shrink_op.py +244 -0
  273. vllm/lora/ops/triton_ops/utils.py +120 -0
  274. vllm/lora/ops/xla_ops/__init__.py +7 -0
  275. vllm/lora/ops/xla_ops/lora_ops.py +145 -0
  276. vllm/lora/peft_helper.py +136 -0
  277. vllm/lora/punica_wrapper/__init__.py +10 -0
  278. vllm/lora/punica_wrapper/punica_base.py +485 -0
  279. vllm/lora/punica_wrapper/punica_cpu.py +349 -0
  280. vllm/lora/punica_wrapper/punica_gpu.py +290 -0
  281. vllm/lora/punica_wrapper/punica_hpu.py +145 -0
  282. vllm/lora/punica_wrapper/punica_selector.py +20 -0
  283. vllm/lora/punica_wrapper/punica_tpu.py +405 -0
  284. vllm/lora/punica_wrapper/utils.py +164 -0
  285. vllm/lora/request.py +99 -0
  286. vllm/lora/resolver.py +85 -0
  287. vllm/lora/utils.py +240 -0
  288. vllm/lora/worker_manager.py +256 -0
  289. vllm/model_executor/__init__.py +16 -0
  290. vllm/model_executor/custom_op.py +208 -0
  291. vllm/model_executor/guided_decoding/__init__.py +181 -0
  292. vllm/model_executor/guided_decoding/guidance_decoding.py +63 -0
  293. vllm/model_executor/guided_decoding/guidance_logits_processors.py +104 -0
  294. vllm/model_executor/guided_decoding/guided_fields.py +41 -0
  295. vllm/model_executor/guided_decoding/lm_format_enforcer_decoding.py +67 -0
  296. vllm/model_executor/guided_decoding/outlines_decoding.py +155 -0
  297. vllm/model_executor/guided_decoding/outlines_logits_processors.py +284 -0
  298. vllm/model_executor/guided_decoding/utils.py +242 -0
  299. vllm/model_executor/guided_decoding/xgrammar_decoding.py +426 -0
  300. vllm/model_executor/layers/__init__.py +0 -0
  301. vllm/model_executor/layers/activation.py +420 -0
  302. vllm/model_executor/layers/fused_moe/__init__.py +78 -0
  303. vllm/model_executor/layers/fused_moe/batched_deep_gemm_moe.py +298 -0
  304. vllm/model_executor/layers/fused_moe/batched_triton_or_deep_gemm_moe.py +140 -0
  305. vllm/model_executor/layers/fused_moe/config.py +456 -0
  306. vllm/model_executor/layers/fused_moe/configs/E=1,N=14336,device_name=NVIDIA_A100-SXM4-80GB,dtype=int8_w8a16.json +146 -0
  307. vllm/model_executor/layers/fused_moe/configs/E=1,N=14336,device_name=NVIDIA_A100-SXM4-80GB.json +146 -0
  308. vllm/model_executor/layers/fused_moe/configs/E=1,N=1792,device_name=NVIDIA_A100-SXM4-80GB,dtype=int8_w8a16.json +218 -0
  309. vllm/model_executor/layers/fused_moe/configs/E=1,N=1792,device_name=NVIDIA_A100-SXM4-80GB.json +218 -0
  310. vllm/model_executor/layers/fused_moe/configs/E=1,N=3072,device_name=NVIDIA_A100-SXM4-80GB,dtype=int8_w8a16.json +218 -0
  311. vllm/model_executor/layers/fused_moe/configs/E=1,N=3072,device_name=NVIDIA_H100_80GB_HBM3,dtype=int8_w8a16.json +218 -0
  312. vllm/model_executor/layers/fused_moe/configs/E=1,N=3072,device_name=NVIDIA_H100_80GB_HBM3.json +218 -0
  313. vllm/model_executor/layers/fused_moe/configs/E=1,N=3584,device_name=NVIDIA_A100-SXM4-80GB,dtype=int8_w8a16.json +218 -0
  314. vllm/model_executor/layers/fused_moe/configs/E=1,N=3584,device_name=NVIDIA_A100-SXM4-80GB.json +218 -0
  315. vllm/model_executor/layers/fused_moe/configs/E=1,N=7168,device_name=NVIDIA_A100-SXM4-80GB,dtype=int8_w8a16.json +218 -0
  316. vllm/model_executor/layers/fused_moe/configs/E=1,N=7168,device_name=NVIDIA_A100-SXM4-80GB.json +218 -0
  317. vllm/model_executor/layers/fused_moe/configs/E=128,N=1024,device_name=AMD_Instinct_MI300X,dtype=fp8_w8a8.json +164 -0
  318. vllm/model_executor/layers/fused_moe/configs/E=128,N=1024,device_name=AMD_Instinct_MI300X.json +200 -0
  319. vllm/model_executor/layers/fused_moe/configs/E=128,N=192,device_name=NVIDIA_A100-SXM4-80GB.json +146 -0
  320. vllm/model_executor/layers/fused_moe/configs/E=128,N=192,device_name=NVIDIA_H100_80GB_HBM3.json +146 -0
  321. vllm/model_executor/layers/fused_moe/configs/E=128,N=192,device_name=NVIDIA_H20-3e.json +146 -0
  322. vllm/model_executor/layers/fused_moe/configs/E=128,N=192,device_name=NVIDIA_H20.json +146 -0
  323. vllm/model_executor/layers/fused_moe/configs/E=128,N=192,device_name=NVIDIA_H200.json +146 -0
  324. vllm/model_executor/layers/fused_moe/configs/E=128,N=384,device_name=AMD_Instinct_MI300X,dtype=fp8_w8a8,block_shape=[128,128].json +164 -0
  325. vllm/model_executor/layers/fused_moe/configs/E=128,N=384,device_name=NVIDIA_H20,dtype=fp8_w8a8,block_shape=[128,128].json +146 -0
  326. vllm/model_executor/layers/fused_moe/configs/E=128,N=384,device_name=NVIDIA_H20-3e,dtype=fp8_w8a8,block_shape=[128,128].json +146 -0
  327. vllm/model_executor/layers/fused_moe/configs/E=128,N=384,device_name=NVIDIA_H20-3e.json +146 -0
  328. vllm/model_executor/layers/fused_moe/configs/E=128,N=384,device_name=NVIDIA_H20.json +146 -0
  329. vllm/model_executor/layers/fused_moe/configs/E=128,N=384,device_name=NVIDIA_H200,dtype=fp8_w8a8,block_shape=[128,128].json +146 -0
  330. vllm/model_executor/layers/fused_moe/configs/E=128,N=384,device_name=NVIDIA_H200.json +146 -0
  331. vllm/model_executor/layers/fused_moe/configs/E=128,N=512,device_name=NVIDIA_H100_80GB_HBM3.json +146 -0
  332. vllm/model_executor/layers/fused_moe/configs/E=128,N=768,device_name=AMD_Instinct_MI300X,dtype=fp8_w8a8,block_shape=[128,128].json +164 -0
  333. vllm/model_executor/layers/fused_moe/configs/E=128,N=768,device_name=NVIDIA_B200,dtype=fp8_w8a8,block_shape=[128,128].json +146 -0
  334. vllm/model_executor/layers/fused_moe/configs/E=128,N=768,device_name=NVIDIA_H20,dtype=fp8_w8a8,block_shape=[128,128].json +146 -0
  335. vllm/model_executor/layers/fused_moe/configs/E=128,N=768,device_name=NVIDIA_H20-3e,dtype=fp8_w8a8,block_shape=[128,128].json +146 -0
  336. vllm/model_executor/layers/fused_moe/configs/E=128,N=768,device_name=NVIDIA_H20.json +146 -0
  337. vllm/model_executor/layers/fused_moe/configs/E=128,N=768,device_name=NVIDIA_H200,dtype=fp8_w8a8,block_shape=[128,128].json +146 -0
  338. vllm/model_executor/layers/fused_moe/configs/E=128,N=768,device_name=NVIDIA_H200.json +146 -0
  339. vllm/model_executor/layers/fused_moe/configs/E=128,N=96,device_name=NVIDIA_H20.json +146 -0
  340. vllm/model_executor/layers/fused_moe/configs/E=16,N=1024,device_name=AMD_Instinct_MI300X.json +200 -0
  341. vllm/model_executor/layers/fused_moe/configs/E=16,N=1024,device_name=NVIDIA_B200,dtype=fp8_w8a8.json +147 -0
  342. vllm/model_executor/layers/fused_moe/configs/E=16,N=1024,device_name=NVIDIA_B200.json +146 -0
  343. vllm/model_executor/layers/fused_moe/configs/E=16,N=1024,device_name=NVIDIA_H100.json +146 -0
  344. vllm/model_executor/layers/fused_moe/configs/E=16,N=1344,device_name=NVIDIA_A100-SXM4-40GB.json +146 -0
  345. vllm/model_executor/layers/fused_moe/configs/E=16,N=1344,device_name=NVIDIA_A100-SXM4-80GB.json +146 -0
  346. vllm/model_executor/layers/fused_moe/configs/E=16,N=1344,device_name=NVIDIA_H100_80GB_HBM3.json +146 -0
  347. vllm/model_executor/layers/fused_moe/configs/E=16,N=14336,device_name=NVIDIA_A100-SXM4-80GB,dtype=int8_w8a16.json +146 -0
  348. vllm/model_executor/layers/fused_moe/configs/E=16,N=14336,device_name=NVIDIA_A100-SXM4-80GB.json +146 -0
  349. vllm/model_executor/layers/fused_moe/configs/E=16,N=1792,device_name=NVIDIA_A100-SXM4-80GB,dtype=int8_w8a16.json +218 -0
  350. vllm/model_executor/layers/fused_moe/configs/E=16,N=1792,device_name=NVIDIA_A100-SXM4-80GB.json +218 -0
  351. vllm/model_executor/layers/fused_moe/configs/E=16,N=2688,device_name=NVIDIA_A100-SXM4-80GB.json +146 -0
  352. vllm/model_executor/layers/fused_moe/configs/E=16,N=2688,device_name=NVIDIA_H100_80GB_HBM3.json +146 -0
  353. vllm/model_executor/layers/fused_moe/configs/E=16,N=3072,device_name=NVIDIA_A100-SXM4-80GB,dtype=int8_w8a16.json +146 -0
  354. vllm/model_executor/layers/fused_moe/configs/E=16,N=3072,device_name=NVIDIA_H100_80GB_HBM3,dtype=int8_w8a16.json +146 -0
  355. vllm/model_executor/layers/fused_moe/configs/E=16,N=3200,device_name=NVIDIA_H100_80GB_HBM3,dtype=fp8_w8a8.json +130 -0
  356. vllm/model_executor/layers/fused_moe/configs/E=16,N=3584,device_name=NVIDIA_A100-SXM4-80GB,dtype=int8_w8a16.json +146 -0
  357. vllm/model_executor/layers/fused_moe/configs/E=16,N=3584,device_name=NVIDIA_A100-SXM4-80GB.json +218 -0
  358. vllm/model_executor/layers/fused_moe/configs/E=16,N=6400,device_name=NVIDIA_H100_80GB_HBM3,dtype=fp8_w8a8.json +130 -0
  359. vllm/model_executor/layers/fused_moe/configs/E=16,N=7168,device_name=NVIDIA_A100-SXM4-80GB,dtype=int8_w8a16.json +146 -0
  360. vllm/model_executor/layers/fused_moe/configs/E=16,N=7168,device_name=NVIDIA_A100-SXM4-80GB.json +146 -0
  361. vllm/model_executor/layers/fused_moe/configs/E=16,N=7168,device_name=NVIDIA_H100_80GB_HBM3,dtype=int8_w8a16.json +146 -0
  362. vllm/model_executor/layers/fused_moe/configs/E=16,N=800,device_name=NVIDIA_H100_80GB_HBM3,dtype=fp8_w8a8.json +130 -0
  363. vllm/model_executor/layers/fused_moe/configs/E=160,N=192,device_name=NVIDIA_A800-SXM4-80GB.json +146 -0
  364. vllm/model_executor/layers/fused_moe/configs/E=256,N=1024,device_name=AMD_Instinct_MI325X,block_shape=[128,128].json +200 -0
  365. vllm/model_executor/layers/fused_moe/configs/E=256,N=1024,device_name=AMD_Instinct_MI325_OAM,dtype=fp8_w8a8,block_shape=[128,128].json +200 -0
  366. vllm/model_executor/layers/fused_moe/configs/E=256,N=128,device_name=NVIDIA_A100-SXM4-80GB,dtype=int8_w8a8,block_shape=[128,128].json +146 -0
  367. vllm/model_executor/layers/fused_moe/configs/E=256,N=128,device_name=NVIDIA_A100-SXM4-80GB,dtype=int8_w8a8.json +146 -0
  368. vllm/model_executor/layers/fused_moe/configs/E=256,N=128,device_name=NVIDIA_A800-SXM4-80GB,dtype=int8_w8a8,block_shape=[128,128].json +146 -0
  369. vllm/model_executor/layers/fused_moe/configs/E=256,N=128,device_name=NVIDIA_A800-SXM4-80GB,dtype=int8_w8a8.json +146 -0
  370. vllm/model_executor/layers/fused_moe/configs/E=256,N=128,device_name=NVIDIA_H100_80GB_HBM3,dtype=fp8_w8a8,block_shape=[128,128].json +146 -0
  371. vllm/model_executor/layers/fused_moe/configs/E=256,N=128,device_name=NVIDIA_H20,dtype=fp8_w8a8,block_shape=[128,128].json +146 -0
  372. vllm/model_executor/layers/fused_moe/configs/E=256,N=128,device_name=NVIDIA_L20Y,dtype=fp8_w8a8,block_shape=[128,128].json +146 -0
  373. vllm/model_executor/layers/fused_moe/configs/E=256,N=256,device_name=AMD_Instinct_MI300X,dtype=fp8_w8a8,block_shape=[128,128].json +164 -0
  374. vllm/model_executor/layers/fused_moe/configs/E=256,N=256,device_name=AMD_Instinct_MI325X,dtype=fp8_w8a8,block_shape=[128,128].json +200 -0
  375. vllm/model_executor/layers/fused_moe/configs/E=256,N=256,device_name=AMD_Instinct_MI325_OAM,dtype=fp8_w8a8,block_shape=[128,128].json +200 -0
  376. vllm/model_executor/layers/fused_moe/configs/E=256,N=256,device_name=NVIDIA_B200,dtype=fp8_w8a8,block_shape=[128,128].json +146 -0
  377. vllm/model_executor/layers/fused_moe/configs/E=256,N=256,device_name=NVIDIA_H20,dtype=fp8_w8a8,block_shape=[128,128].json +146 -0
  378. vllm/model_executor/layers/fused_moe/configs/E=256,N=256,device_name=NVIDIA_H20,dtype=int8_w8a8,block_shape=[128,128].json +146 -0
  379. vllm/model_executor/layers/fused_moe/configs/E=256,N=256,device_name=NVIDIA_H20-3e,dtype=fp8_w8a8,block_shape=[128,128].json +146 -0
  380. vllm/model_executor/layers/fused_moe/configs/E=256,N=256,device_name=NVIDIA_H200,dtype=fp8_w8a8,block_shape=[128,128].json +146 -0
  381. vllm/model_executor/layers/fused_moe/configs/E=256,N=256,device_name=NVIDIA_L20,dtype=fp8_w8a8,block_shape=[128,128].json +146 -0
  382. vllm/model_executor/layers/fused_moe/configs/E=256,N=512,device_name=AMD_Instinct_MI325_OAM,dtype=fp8_w8a8,block_shape=[128,128].json +200 -0
  383. vllm/model_executor/layers/fused_moe/configs/E=256,N=64,device_name=NVIDIA_A800-SXM4-80GB.json +146 -0
  384. vllm/model_executor/layers/fused_moe/configs/E=60,N=1408,device_name=AMD_Instinct_MI300X.json +200 -0
  385. vllm/model_executor/layers/fused_moe/configs/E=60,N=176,device_name=AMD_Instinct_MI300X.json +200 -0
  386. vllm/model_executor/layers/fused_moe/configs/E=60,N=352,device_name=AMD_Instinct_MI300X.json +200 -0
  387. vllm/model_executor/layers/fused_moe/configs/E=60,N=704,device_name=AMD_Instinct_MI300X.json +200 -0
  388. vllm/model_executor/layers/fused_moe/configs/E=64,N=1280,device_name=NVIDIA_A100-SXM4-80GB.json +146 -0
  389. vllm/model_executor/layers/fused_moe/configs/E=64,N=1280,device_name=NVIDIA_A800-SXM4-80GB.json +146 -0
  390. vllm/model_executor/layers/fused_moe/configs/E=64,N=1280,device_name=NVIDIA_H100_80GB_HBM3,dtype=fp8_w8a8.json +146 -0
  391. vllm/model_executor/layers/fused_moe/configs/E=64,N=1280,device_name=NVIDIA_H100_80GB_HBM3.json +146 -0
  392. vllm/model_executor/layers/fused_moe/configs/E=64,N=1280,device_name=NVIDIA_H200,dtype=fp8_w8a8.json +146 -0
  393. vllm/model_executor/layers/fused_moe/configs/E=64,N=1280,device_name=NVIDIA_H200.json +146 -0
  394. vllm/model_executor/layers/fused_moe/configs/E=64,N=2560,device_name=NVIDIA_H100_80GB_HBM3,dtype=fp8_w8a8.json +146 -0
  395. vllm/model_executor/layers/fused_moe/configs/E=64,N=2560,device_name=NVIDIA_H200,dtype=fp8_w8a8.json +146 -0
  396. vllm/model_executor/layers/fused_moe/configs/E=64,N=2560,device_name=NVIDIA_H200.json +146 -0
  397. vllm/model_executor/layers/fused_moe/configs/E=64,N=320,device_name=NVIDIA_H100_80GB_HBM3,dtype=fp8_w8a8.json +146 -0
  398. vllm/model_executor/layers/fused_moe/configs/E=64,N=320,device_name=NVIDIA_H100_80GB_HBM3.json +146 -0
  399. vllm/model_executor/layers/fused_moe/configs/E=64,N=320,device_name=NVIDIA_H200,dtype=fp8_w8a8.json +146 -0
  400. vllm/model_executor/layers/fused_moe/configs/E=64,N=320,device_name=NVIDIA_H200.json +146 -0
  401. vllm/model_executor/layers/fused_moe/configs/E=64,N=640,device_name=NVIDIA_A100-SXM4-80GB.json +146 -0
  402. vllm/model_executor/layers/fused_moe/configs/E=64,N=640,device_name=NVIDIA_A800-SXM4-80GB.json +146 -0
  403. vllm/model_executor/layers/fused_moe/configs/E=64,N=640,device_name=NVIDIA_GeForce_RTX_4090,dtype=fp8_w8a8.json +146 -0
  404. vllm/model_executor/layers/fused_moe/configs/E=64,N=640,device_name=NVIDIA_H100_80GB_HBM3,dtype=fp8_w8a8.json +146 -0
  405. vllm/model_executor/layers/fused_moe/configs/E=64,N=640,device_name=NVIDIA_H100_80GB_HBM3.json +146 -0
  406. vllm/model_executor/layers/fused_moe/configs/E=64,N=640,device_name=NVIDIA_H200,dtype=fp8_w8a8.json +146 -0
  407. vllm/model_executor/layers/fused_moe/configs/E=64,N=640,device_name=NVIDIA_H200.json +146 -0
  408. vllm/model_executor/layers/fused_moe/configs/E=64,N=896,device_name=NVIDIA_H20.json +146 -0
  409. vllm/model_executor/layers/fused_moe/configs/E=8,N=14336,device_name=AMD_Instinct_MI300X,dtype=fp8_w8a8.json +164 -0
  410. vllm/model_executor/layers/fused_moe/configs/E=8,N=14336,device_name=AMD_Instinct_MI300X.json +200 -0
  411. vllm/model_executor/layers/fused_moe/configs/E=8,N=14336,device_name=AMD_Instinct_MI325X,dtype=fp8_w8a8.json +164 -0
  412. vllm/model_executor/layers/fused_moe/configs/E=8,N=14336,device_name=AMD_Instinct_MI325X.json +200 -0
  413. vllm/model_executor/layers/fused_moe/configs/E=8,N=14336,device_name=NVIDIA_H100_80GB_HBM3,dtype=fp8_w8a8.json +138 -0
  414. vllm/model_executor/layers/fused_moe/configs/E=8,N=14336,device_name=NVIDIA_H200,dtype=fp8_w8a8.json +146 -0
  415. vllm/model_executor/layers/fused_moe/configs/E=8,N=14336,device_name=NVIDIA_H200.json +146 -0
  416. vllm/model_executor/layers/fused_moe/configs/E=8,N=16384,device_name=AMD_Instinct_MI300X,dtype=fp8_w8a8.json +164 -0
  417. vllm/model_executor/layers/fused_moe/configs/E=8,N=16384,device_name=AMD_Instinct_MI300X.json +200 -0
  418. vllm/model_executor/layers/fused_moe/configs/E=8,N=16384,device_name=AMD_Instinct_MI325X,dtype=fp8_w8a8.json +164 -0
  419. vllm/model_executor/layers/fused_moe/configs/E=8,N=16384,device_name=AMD_Instinct_MI325X.json +200 -0
  420. vllm/model_executor/layers/fused_moe/configs/E=8,N=1792,device_name=AMD_Instinct_MI300X,dtype=fp8_w8a8.json +164 -0
  421. vllm/model_executor/layers/fused_moe/configs/E=8,N=1792,device_name=AMD_Instinct_MI300X.json +200 -0
  422. vllm/model_executor/layers/fused_moe/configs/E=8,N=1792,device_name=AMD_Instinct_MI325X,dtype=fp8_w8a8.json +164 -0
  423. vllm/model_executor/layers/fused_moe/configs/E=8,N=1792,device_name=AMD_Instinct_MI325X.json +200 -0
  424. vllm/model_executor/layers/fused_moe/configs/E=8,N=1792,device_name=NVIDIA_A100-SXM4-40GB.json +146 -0
  425. vllm/model_executor/layers/fused_moe/configs/E=8,N=1792,device_name=NVIDIA_A100-SXM4-80GB.json +146 -0
  426. vllm/model_executor/layers/fused_moe/configs/E=8,N=1792,device_name=NVIDIA_H100_80GB_HBM3.json +146 -0
  427. vllm/model_executor/layers/fused_moe/configs/E=8,N=1792,device_name=NVIDIA_H200,dtype=fp8_w8a8.json +146 -0
  428. vllm/model_executor/layers/fused_moe/configs/E=8,N=1792,device_name=NVIDIA_H200.json +146 -0
  429. vllm/model_executor/layers/fused_moe/configs/E=8,N=2048,device_name=AMD_Instinct_MI300X,dtype=fp8_w8a8.json +164 -0
  430. vllm/model_executor/layers/fused_moe/configs/E=8,N=2048,device_name=AMD_Instinct_MI300X.json +200 -0
  431. vllm/model_executor/layers/fused_moe/configs/E=8,N=2048,device_name=AMD_Instinct_MI325X,dtype=fp8_w8a8.json +164 -0
  432. vllm/model_executor/layers/fused_moe/configs/E=8,N=2048,device_name=AMD_Instinct_MI325X.json +200 -0
  433. vllm/model_executor/layers/fused_moe/configs/E=8,N=2048,device_name=NVIDIA_A100-SXM4-80GB.json +146 -0
  434. vllm/model_executor/layers/fused_moe/configs/E=8,N=2048,device_name=NVIDIA_H100_80GB_HBM3,dtype=fp8_w8a8.json +146 -0
  435. vllm/model_executor/layers/fused_moe/configs/E=8,N=2048,device_name=NVIDIA_H100_80GB_HBM3.json +146 -0
  436. vllm/model_executor/layers/fused_moe/configs/E=8,N=2048,device_name=NVIDIA_H200,dtype=fp8_w8a8.json +146 -0
  437. vllm/model_executor/layers/fused_moe/configs/E=8,N=2048,device_name=NVIDIA_H200.json +146 -0
  438. vllm/model_executor/layers/fused_moe/configs/E=8,N=3584,device_name=AMD_Instinct_MI300X,dtype=fp8_w8a8.json +164 -0
  439. vllm/model_executor/layers/fused_moe/configs/E=8,N=3584,device_name=AMD_Instinct_MI300X.json +200 -0
  440. vllm/model_executor/layers/fused_moe/configs/E=8,N=3584,device_name=AMD_Instinct_MI325X,dtype=fp8_w8a8.json +164 -0
  441. vllm/model_executor/layers/fused_moe/configs/E=8,N=3584,device_name=AMD_Instinct_MI325X.json +200 -0
  442. vllm/model_executor/layers/fused_moe/configs/E=8,N=3584,device_name=NVIDIA_A100-SXM4-40GB.json +146 -0
  443. vllm/model_executor/layers/fused_moe/configs/E=8,N=3584,device_name=NVIDIA_A100-SXM4-80GB.json +146 -0
  444. vllm/model_executor/layers/fused_moe/configs/E=8,N=3584,device_name=NVIDIA_GeForce_RTX_4090,dtype=fp8_w8a8.json +146 -0
  445. vllm/model_executor/layers/fused_moe/configs/E=8,N=3584,device_name=NVIDIA_H100_80GB_HBM3,dtype=fp8_w8a8.json +146 -0
  446. vllm/model_executor/layers/fused_moe/configs/E=8,N=3584,device_name=NVIDIA_H100_80GB_HBM3.json +146 -0
  447. vllm/model_executor/layers/fused_moe/configs/E=8,N=3584,device_name=NVIDIA_H200,dtype=fp8_w8a8.json +146 -0
  448. vllm/model_executor/layers/fused_moe/configs/E=8,N=3584,device_name=NVIDIA_H200.json +146 -0
  449. vllm/model_executor/layers/fused_moe/configs/E=8,N=3584,device_name=NVIDIA_L40S.json +173 -0
  450. vllm/model_executor/layers/fused_moe/configs/E=8,N=4096,device_name=AMD_Instinct_MI300X,dtype=fp8_w8a8.json +164 -0
  451. vllm/model_executor/layers/fused_moe/configs/E=8,N=4096,device_name=AMD_Instinct_MI300X.json +200 -0
  452. vllm/model_executor/layers/fused_moe/configs/E=8,N=4096,device_name=AMD_Instinct_MI325X,dtype=fp8_w8a8.json +164 -0
  453. vllm/model_executor/layers/fused_moe/configs/E=8,N=4096,device_name=AMD_Instinct_MI325X.json +200 -0
  454. vllm/model_executor/layers/fused_moe/configs/E=8,N=4096,device_name=NVIDIA_A100-SXM4-80GB.json +146 -0
  455. vllm/model_executor/layers/fused_moe/configs/E=8,N=4096,device_name=NVIDIA_H100_80GB_HBM3,dtype=fp8_w8a8.json +146 -0
  456. vllm/model_executor/layers/fused_moe/configs/E=8,N=4096,device_name=NVIDIA_H100_80GB_HBM3.json +146 -0
  457. vllm/model_executor/layers/fused_moe/configs/E=8,N=4096,device_name=NVIDIA_H200,dtype=fp8_w8a8.json +146 -0
  458. vllm/model_executor/layers/fused_moe/configs/E=8,N=4096,device_name=NVIDIA_H200.json +146 -0
  459. vllm/model_executor/layers/fused_moe/configs/E=8,N=7168,device_name=AMD_Instinct_MI300X,dtype=fp8_w8a8.json +164 -0
  460. vllm/model_executor/layers/fused_moe/configs/E=8,N=7168,device_name=AMD_Instinct_MI300X.json +200 -0
  461. vllm/model_executor/layers/fused_moe/configs/E=8,N=7168,device_name=AMD_Instinct_MI325X,dtype=fp8_w8a8.json +164 -0
  462. vllm/model_executor/layers/fused_moe/configs/E=8,N=7168,device_name=AMD_Instinct_MI325X.json +200 -0
  463. vllm/model_executor/layers/fused_moe/configs/E=8,N=7168,device_name=NVIDIA_A100-SXM4-80GB.json +146 -0
  464. vllm/model_executor/layers/fused_moe/configs/E=8,N=7168,device_name=NVIDIA_H100_80GB_HBM3,dtype=fp8_w8a8.json +146 -0
  465. vllm/model_executor/layers/fused_moe/configs/E=8,N=7168,device_name=NVIDIA_H100_80GB_HBM3.json +146 -0
  466. vllm/model_executor/layers/fused_moe/configs/E=8,N=7168,device_name=NVIDIA_H200,dtype=fp8_w8a8.json +146 -0
  467. vllm/model_executor/layers/fused_moe/configs/E=8,N=7168,device_name=NVIDIA_H200.json +146 -0
  468. vllm/model_executor/layers/fused_moe/configs/E=8,N=8192,device_name=AMD_Instinct_MI300X,dtype=fp8_w8a8.json +164 -0
  469. vllm/model_executor/layers/fused_moe/configs/E=8,N=8192,device_name=AMD_Instinct_MI300X.json +200 -0
  470. vllm/model_executor/layers/fused_moe/configs/E=8,N=8192,device_name=AMD_Instinct_MI325X,dtype=fp8_w8a8.json +164 -0
  471. vllm/model_executor/layers/fused_moe/configs/E=8,N=8192,device_name=AMD_Instinct_MI325X.json +200 -0
  472. vllm/model_executor/layers/fused_moe/configs/E=8,N=8192,device_name=NVIDIA_H100_80GB_HBM3,dtype=fp8_w8a8.json +146 -0
  473. vllm/model_executor/layers/fused_moe/configs/E=8,N=8192,device_name=NVIDIA_H200,dtype=fp8_w8a8.json +146 -0
  474. vllm/model_executor/layers/fused_moe/configs/README +12 -0
  475. vllm/model_executor/layers/fused_moe/cpu_fused_moe.py +215 -0
  476. vllm/model_executor/layers/fused_moe/cutlass_moe.py +645 -0
  477. vllm/model_executor/layers/fused_moe/deep_gemm_moe.py +250 -0
  478. vllm/model_executor/layers/fused_moe/deepep_ht_prepare_finalize.py +231 -0
  479. vllm/model_executor/layers/fused_moe/deepep_ll_prepare_finalize.py +183 -0
  480. vllm/model_executor/layers/fused_moe/fused_batched_moe.py +1021 -0
  481. vllm/model_executor/layers/fused_moe/fused_marlin_moe.py +234 -0
  482. vllm/model_executor/layers/fused_moe/fused_moe.py +1734 -0
  483. vllm/model_executor/layers/fused_moe/layer.py +1528 -0
  484. vllm/model_executor/layers/fused_moe/modular_kernel.py +598 -0
  485. vllm/model_executor/layers/fused_moe/moe_align_block_size.py +224 -0
  486. vllm/model_executor/layers/fused_moe/moe_pallas.py +80 -0
  487. vllm/model_executor/layers/fused_moe/moe_permute_unpermute.py +190 -0
  488. vllm/model_executor/layers/fused_moe/moe_torch_iterative.py +60 -0
  489. vllm/model_executor/layers/fused_moe/pplx_prepare_finalize.py +233 -0
  490. vllm/model_executor/layers/fused_moe/prepare_finalize.py +66 -0
  491. vllm/model_executor/layers/fused_moe/rocm_aiter_fused_moe.py +429 -0
  492. vllm/model_executor/layers/fused_moe/triton_deep_gemm_moe.py +136 -0
  493. vllm/model_executor/layers/fused_moe/utils.py +144 -0
  494. vllm/model_executor/layers/layernorm.py +287 -0
  495. vllm/model_executor/layers/lightning_attn.py +652 -0
  496. vllm/model_executor/layers/linear.py +1547 -0
  497. vllm/model_executor/layers/logits_processor.py +197 -0
  498. vllm/model_executor/layers/mamba/__init__.py +0 -0
  499. vllm/model_executor/layers/mamba/mamba2_metadata.py +125 -0
  500. vllm/model_executor/layers/mamba/mamba_mixer.py +245 -0
  501. vllm/model_executor/layers/mamba/mamba_mixer2.py +731 -0
  502. vllm/model_executor/layers/mamba/ops/__init__.py +0 -0
  503. vllm/model_executor/layers/mamba/ops/causal_conv1d.py +105 -0
  504. vllm/model_executor/layers/mamba/ops/mamba_ssm.py +414 -0
  505. vllm/model_executor/layers/mamba/ops/ssd_bmm.py +262 -0
  506. vllm/model_executor/layers/mamba/ops/ssd_chunk_scan.py +589 -0
  507. vllm/model_executor/layers/mamba/ops/ssd_chunk_state.py +751 -0
  508. vllm/model_executor/layers/mamba/ops/ssd_combined.py +232 -0
  509. vllm/model_executor/layers/mamba/ops/ssd_state_passing.py +206 -0
  510. vllm/model_executor/layers/pooler.py +473 -0
  511. vllm/model_executor/layers/quantization/__init__.py +160 -0
  512. vllm/model_executor/layers/quantization/aqlm.py +376 -0
  513. vllm/model_executor/layers/quantization/auto_round.py +310 -0
  514. vllm/model_executor/layers/quantization/awq.py +228 -0
  515. vllm/model_executor/layers/quantization/awq_marlin.py +523 -0
  516. vllm/model_executor/layers/quantization/awq_triton.py +320 -0
  517. vllm/model_executor/layers/quantization/base_config.py +164 -0
  518. vllm/model_executor/layers/quantization/bitblas.py +462 -0
  519. vllm/model_executor/layers/quantization/bitsandbytes.py +396 -0
  520. vllm/model_executor/layers/quantization/compressed_tensors/__init__.py +0 -0
  521. vllm/model_executor/layers/quantization/compressed_tensors/compressed_tensors.py +694 -0
  522. vllm/model_executor/layers/quantization/compressed_tensors/compressed_tensors_moe.py +1613 -0
  523. vllm/model_executor/layers/quantization/compressed_tensors/schemes/__init__.py +24 -0
  524. vllm/model_executor/layers/quantization/compressed_tensors/schemes/compressed_tensors_24.py +358 -0
  525. vllm/model_executor/layers/quantization/compressed_tensors/schemes/compressed_tensors_scheme.py +55 -0
  526. vllm/model_executor/layers/quantization/compressed_tensors/schemes/compressed_tensors_w4a16_24.py +160 -0
  527. vllm/model_executor/layers/quantization/compressed_tensors/schemes/compressed_tensors_w4a16_nvfp4.py +105 -0
  528. vllm/model_executor/layers/quantization/compressed_tensors/schemes/compressed_tensors_w4a4_nvfp4.py +149 -0
  529. vllm/model_executor/layers/quantization/compressed_tensors/schemes/compressed_tensors_w8a16_fp8.py +121 -0
  530. vllm/model_executor/layers/quantization/compressed_tensors/schemes/compressed_tensors_w8a8_fp8.py +150 -0
  531. vllm/model_executor/layers/quantization/compressed_tensors/schemes/compressed_tensors_w8a8_int8.py +111 -0
  532. vllm/model_executor/layers/quantization/compressed_tensors/schemes/compressed_tensors_wNa16.py +201 -0
  533. vllm/model_executor/layers/quantization/compressed_tensors/triton_scaled_mm.py +206 -0
  534. vllm/model_executor/layers/quantization/compressed_tensors/utils.py +216 -0
  535. vllm/model_executor/layers/quantization/deepgemm.py +83 -0
  536. vllm/model_executor/layers/quantization/deepspeedfp.py +195 -0
  537. vllm/model_executor/layers/quantization/experts_int8.py +204 -0
  538. vllm/model_executor/layers/quantization/fbgemm_fp8.py +172 -0
  539. vllm/model_executor/layers/quantization/fp8.py +950 -0
  540. vllm/model_executor/layers/quantization/gguf.py +577 -0
  541. vllm/model_executor/layers/quantization/gptq.py +278 -0
  542. vllm/model_executor/layers/quantization/gptq_bitblas.py +446 -0
  543. vllm/model_executor/layers/quantization/gptq_marlin.py +679 -0
  544. vllm/model_executor/layers/quantization/gptq_marlin_24.py +297 -0
  545. vllm/model_executor/layers/quantization/hqq_marlin.py +332 -0
  546. vllm/model_executor/layers/quantization/ipex_quant.py +250 -0
  547. vllm/model_executor/layers/quantization/kernels/__init__.py +0 -0
  548. vllm/model_executor/layers/quantization/kernels/mixed_precision/MPLinearKernel.py +90 -0
  549. vllm/model_executor/layers/quantization/kernels/mixed_precision/__init__.py +83 -0
  550. vllm/model_executor/layers/quantization/kernels/mixed_precision/allspark.py +116 -0
  551. vllm/model_executor/layers/quantization/kernels/mixed_precision/bitblas.py +300 -0
  552. vllm/model_executor/layers/quantization/kernels/mixed_precision/exllama.py +143 -0
  553. vllm/model_executor/layers/quantization/kernels/mixed_precision/machete.py +132 -0
  554. vllm/model_executor/layers/quantization/kernels/mixed_precision/marlin.py +131 -0
  555. vllm/model_executor/layers/quantization/kernels/scaled_mm/ScaledMMLinearKernel.py +67 -0
  556. vllm/model_executor/layers/quantization/kernels/scaled_mm/__init__.py +87 -0
  557. vllm/model_executor/layers/quantization/kernels/scaled_mm/aiter.py +120 -0
  558. vllm/model_executor/layers/quantization/kernels/scaled_mm/cutlass.py +137 -0
  559. vllm/model_executor/layers/quantization/kernels/scaled_mm/triton.py +41 -0
  560. vllm/model_executor/layers/quantization/kernels/scaled_mm/xla.py +105 -0
  561. vllm/model_executor/layers/quantization/kv_cache.py +139 -0
  562. vllm/model_executor/layers/quantization/marlin.py +263 -0
  563. vllm/model_executor/layers/quantization/modelopt.py +747 -0
  564. vllm/model_executor/layers/quantization/moe_wna16.py +457 -0
  565. vllm/model_executor/layers/quantization/neuron_quant.py +76 -0
  566. vllm/model_executor/layers/quantization/ptpc_fp8.py +127 -0
  567. vllm/model_executor/layers/quantization/qqq.py +275 -0
  568. vllm/model_executor/layers/quantization/quark/__init__.py +0 -0
  569. vllm/model_executor/layers/quantization/quark/quark.py +437 -0
  570. vllm/model_executor/layers/quantization/quark/quark_moe.py +245 -0
  571. vllm/model_executor/layers/quantization/quark/schemes/__init__.py +9 -0
  572. vllm/model_executor/layers/quantization/quark/schemes/quark_scheme.py +55 -0
  573. vllm/model_executor/layers/quantization/quark/schemes/quark_w4a4_mxfp4.py +126 -0
  574. vllm/model_executor/layers/quantization/quark/schemes/quark_w8a8_fp8.py +157 -0
  575. vllm/model_executor/layers/quantization/quark/schemes/quark_w8a8_int8.py +122 -0
  576. vllm/model_executor/layers/quantization/quark/utils.py +105 -0
  577. vllm/model_executor/layers/quantization/rtn.py +289 -0
  578. vllm/model_executor/layers/quantization/schema.py +86 -0
  579. vllm/model_executor/layers/quantization/torchao.py +212 -0
  580. vllm/model_executor/layers/quantization/tpu_int8.py +121 -0
  581. vllm/model_executor/layers/quantization/utils/__init__.py +6 -0
  582. vllm/model_executor/layers/quantization/utils/allspark_utils.py +52 -0
  583. vllm/model_executor/layers/quantization/utils/bitblas_utils.py +208 -0
  584. vllm/model_executor/layers/quantization/utils/configs/N=1536,K=1536,device_name=AMD_Instinct_MI300X,dtype=fp8_w8a8,block_shape=[128,128].json +164 -0
  585. vllm/model_executor/layers/quantization/utils/configs/N=1536,K=1536,device_name=AMD_Instinct_MI325X,dtype=fp8_w8a8,block_shape=[128,128].json +164 -0
  586. vllm/model_executor/layers/quantization/utils/configs/N=1536,K=1536,device_name=AMD_Instinct_MI325_OAM,dtype=fp8_w8a8,block_shape=[128,128].json +164 -0
  587. vllm/model_executor/layers/quantization/utils/configs/N=1536,K=1536,device_name=NVIDIA_A100-SXM4-80GB,dtype=int8_w8a8,block_shape=[128,128].json +146 -0
  588. vllm/model_executor/layers/quantization/utils/configs/N=1536,K=1536,device_name=NVIDIA_A800-SXM4-80GB,dtype=int8_w8a8,block_shape=[128,128].json +146 -0
  589. vllm/model_executor/layers/quantization/utils/configs/N=1536,K=1536,device_name=NVIDIA_H100_80GB_HBM3,dtype=fp8_w8a8,block_shape=[128,128].json +146 -0
  590. vllm/model_executor/layers/quantization/utils/configs/N=1536,K=1536,device_name=NVIDIA_H20,dtype=fp8_w8a8,block_shape=[128,128].json +146 -0
  591. vllm/model_executor/layers/quantization/utils/configs/N=1536,K=1536,device_name=NVIDIA_L20Y,dtype=fp8_w8a8,block_shape=[128,128].json +26 -0
  592. vllm/model_executor/layers/quantization/utils/configs/N=1536,K=7168,device_name=AMD_Instinct_MI300X,dtype=fp8_w8a8,block_shape=[128,128].json +164 -0
  593. vllm/model_executor/layers/quantization/utils/configs/N=1536,K=7168,device_name=AMD_Instinct_MI325X,dtype=fp8_w8a8,block_shape=[128,128].json +164 -0
  594. vllm/model_executor/layers/quantization/utils/configs/N=1536,K=7168,device_name=AMD_Instinct_MI325_OAM,dtype=fp8_w8a8,block_shape=[128,128].json +164 -0
  595. vllm/model_executor/layers/quantization/utils/configs/N=1536,K=7168,device_name=NVIDIA_A100-SXM4-80GB,dtype=int8_w8a8,block_shape=[128,128].json +146 -0
  596. vllm/model_executor/layers/quantization/utils/configs/N=1536,K=7168,device_name=NVIDIA_A800-SXM4-80GB,dtype=int8_w8a8,block_shape=[128,128].json +146 -0
  597. vllm/model_executor/layers/quantization/utils/configs/N=1536,K=7168,device_name=NVIDIA_H100_80GB_HBM3,dtype=fp8_w8a8,block_shape=[128,128].json +146 -0
  598. vllm/model_executor/layers/quantization/utils/configs/N=1536,K=7168,device_name=NVIDIA_H20,dtype=fp8_w8a8,block_shape=[128,128].json +146 -0
  599. vllm/model_executor/layers/quantization/utils/configs/N=1536,K=7168,device_name=NVIDIA_H200,dtype=fp8_w8a8,block_shape=[128,128].json +146 -0
  600. vllm/model_executor/layers/quantization/utils/configs/N=1536,K=7168,device_name=NVIDIA_L20,dtype=fp8_w8a8,block_shape=[128,128].json +26 -0
  601. vllm/model_executor/layers/quantization/utils/configs/N=1536,K=7168,device_name=NVIDIA_L20Y,dtype=fp8_w8a8,block_shape=[128,128].json +26 -0
  602. vllm/model_executor/layers/quantization/utils/configs/N=2048,K=512,device_name=AMD_Instinct_MI300X,dtype=fp8_w8a8,block_shape=[128,128].json +164 -0
  603. vllm/model_executor/layers/quantization/utils/configs/N=2048,K=512,device_name=AMD_Instinct_MI325X,dtype=fp8_w8a8,block_shape=[128,128].json +164 -0
  604. vllm/model_executor/layers/quantization/utils/configs/N=2048,K=512,device_name=AMD_Instinct_MI325_OAM,dtype=fp8_w8a8,block_shape=[128,128].json +164 -0
  605. vllm/model_executor/layers/quantization/utils/configs/N=2048,K=512,device_name=NVIDIA_A100-SXM4-80GB,dtype=int8_w8a8,block_shape=[128,128].json +146 -0
  606. vllm/model_executor/layers/quantization/utils/configs/N=2048,K=512,device_name=NVIDIA_A800-SXM4-80GB,dtype=int8_w8a8,block_shape=[128,128].json +146 -0
  607. vllm/model_executor/layers/quantization/utils/configs/N=2048,K=512,device_name=NVIDIA_H100_80GB_HBM3,dtype=fp8_w8a8,block_shape=[128,128].json +146 -0
  608. vllm/model_executor/layers/quantization/utils/configs/N=2048,K=512,device_name=NVIDIA_H20,dtype=fp8_w8a8,block_shape=[128,128].json +146 -0
  609. vllm/model_executor/layers/quantization/utils/configs/N=2048,K=512,device_name=NVIDIA_H200,dtype=fp8_w8a8,block_shape=[128,128].json +146 -0
  610. vllm/model_executor/layers/quantization/utils/configs/N=2048,K=512,device_name=NVIDIA_L20Y,dtype=fp8_w8a8,block_shape=[128,128].json +26 -0
  611. vllm/model_executor/layers/quantization/utils/configs/N=2304,K=7168,device_name=AMD_Instinct_MI300X,dtype=fp8_w8a8,block_shape=[128,128].json +164 -0
  612. vllm/model_executor/layers/quantization/utils/configs/N=2304,K=7168,device_name=AMD_Instinct_MI325X,dtype=fp8_w8a8,block_shape=[128,128].json +164 -0
  613. vllm/model_executor/layers/quantization/utils/configs/N=2304,K=7168,device_name=AMD_Instinct_MI325_OAM,dtype=fp8_w8a8,block_shape=[128,128].json +164 -0
  614. vllm/model_executor/layers/quantization/utils/configs/N=2304,K=7168,device_name=NVIDIA_A100-SXM4-80GB,dtype=int8_w8a8,block_shape=[128,128].json +146 -0
  615. vllm/model_executor/layers/quantization/utils/configs/N=2304,K=7168,device_name=NVIDIA_A800-SXM4-80GB,dtype=int8_w8a8,block_shape=[128,128].json +146 -0
  616. vllm/model_executor/layers/quantization/utils/configs/N=2304,K=7168,device_name=NVIDIA_H100_80GB_HBM3,dtype=fp8_w8a8,block_shape=[128,128].json +146 -0
  617. vllm/model_executor/layers/quantization/utils/configs/N=2304,K=7168,device_name=NVIDIA_H20,dtype=fp8_w8a8,block_shape=[128,128].json +146 -0
  618. vllm/model_executor/layers/quantization/utils/configs/N=2304,K=7168,device_name=NVIDIA_H200,dtype=fp8_w8a8,block_shape=[128,128].json +146 -0
  619. vllm/model_executor/layers/quantization/utils/configs/N=2304,K=7168,device_name=NVIDIA_L20Y,dtype=fp8_w8a8,block_shape=[128,128].json +26 -0
  620. vllm/model_executor/layers/quantization/utils/configs/N=24576,K=7168,device_name=AMD_Instinct_MI300X,dtype=fp8_w8a8,block_shape=[128,128].json +164 -0
  621. vllm/model_executor/layers/quantization/utils/configs/N=24576,K=7168,device_name=AMD_Instinct_MI325X,dtype=fp8_w8a8,block_shape=[128,128].json +164 -0
  622. vllm/model_executor/layers/quantization/utils/configs/N=24576,K=7168,device_name=AMD_Instinct_MI325_OAM,dtype=fp8_w8a8,block_shape=[128,128].json +164 -0
  623. vllm/model_executor/layers/quantization/utils/configs/N=24576,K=7168,device_name=NVIDIA_A100-SXM4-80GB,dtype=int8_w8a8,block_shape=[128,128].json +146 -0
  624. vllm/model_executor/layers/quantization/utils/configs/N=24576,K=7168,device_name=NVIDIA_A800-SXM4-80GB,dtype=int8_w8a8,block_shape=[128,128].json +146 -0
  625. vllm/model_executor/layers/quantization/utils/configs/N=24576,K=7168,device_name=NVIDIA_B200,dtype=fp8_w8a8,block_shape=[128,128].json +146 -0
  626. vllm/model_executor/layers/quantization/utils/configs/N=24576,K=7168,device_name=NVIDIA_H100_80GB_HBM3,dtype=fp8_w8a8,block_shape=[128,128].json +146 -0
  627. vllm/model_executor/layers/quantization/utils/configs/N=24576,K=7168,device_name=NVIDIA_H20,dtype=fp8_w8a8,block_shape=[128,128].json +146 -0
  628. vllm/model_executor/layers/quantization/utils/configs/N=24576,K=7168,device_name=NVIDIA_H20,dtype=int8_w8a8,block_shape=[128,128].json +146 -0
  629. vllm/model_executor/layers/quantization/utils/configs/N=24576,K=7168,device_name=NVIDIA_H200,dtype=fp8_w8a8,block_shape=[128,128].json +146 -0
  630. vllm/model_executor/layers/quantization/utils/configs/N=24576,K=7168,device_name=NVIDIA_L20,dtype=fp8_w8a8,block_shape=[128,128].json +26 -0
  631. vllm/model_executor/layers/quantization/utils/configs/N=24576,K=7168,device_name=NVIDIA_L20Y,dtype=fp8_w8a8,block_shape=[128,128].json +26 -0
  632. vllm/model_executor/layers/quantization/utils/configs/N=256,K=7168,device_name=AMD_Instinct_MI300X,dtype=fp8_w8a8,block_shape=[128,128].json +164 -0
  633. vllm/model_executor/layers/quantization/utils/configs/N=256,K=7168,device_name=AMD_Instinct_MI325X,dtype=fp8_w8a8,block_shape=[128,128].json +164 -0
  634. vllm/model_executor/layers/quantization/utils/configs/N=256,K=7168,device_name=AMD_Instinct_MI325_OAM,dtype=fp8_w8a8,block_shape=[128,128].json +164 -0
  635. vllm/model_executor/layers/quantization/utils/configs/N=256,K=7168,device_name=NVIDIA_A100-SXM4-80GB,dtype=int8_w8a8,block_shape=[128,128].json +146 -0
  636. vllm/model_executor/layers/quantization/utils/configs/N=256,K=7168,device_name=NVIDIA_A800-SXM4-80GB,dtype=int8_w8a8,block_shape=[128,128].json +146 -0
  637. vllm/model_executor/layers/quantization/utils/configs/N=256,K=7168,device_name=NVIDIA_H100_80GB_HBM3,dtype=fp8_w8a8,block_shape=[128,128].json +146 -0
  638. vllm/model_executor/layers/quantization/utils/configs/N=256,K=7168,device_name=NVIDIA_H20,dtype=fp8_w8a8,block_shape=[128,128].json +146 -0
  639. vllm/model_executor/layers/quantization/utils/configs/N=256,K=7168,device_name=NVIDIA_L20Y,dtype=fp8_w8a8,block_shape=[128,128].json +26 -0
  640. vllm/model_executor/layers/quantization/utils/configs/N=3072,K=1536,device_name=AMD_Instinct_MI300X,dtype=fp8_w8a8,block_shape=[128,128].json +164 -0
  641. vllm/model_executor/layers/quantization/utils/configs/N=3072,K=1536,device_name=AMD_Instinct_MI325X,dtype=fp8_w8a8,block_shape=[128,128].json +164 -0
  642. vllm/model_executor/layers/quantization/utils/configs/N=3072,K=1536,device_name=AMD_Instinct_MI325_OAM,dtype=fp8_w8a8,block_shape=[128,128].json +164 -0
  643. vllm/model_executor/layers/quantization/utils/configs/N=3072,K=1536,device_name=NVIDIA_B200,dtype=fp8_w8a8,block_shape=[128,128].json +146 -0
  644. vllm/model_executor/layers/quantization/utils/configs/N=3072,K=1536,device_name=NVIDIA_H20,dtype=int8_w8a8,block_shape=[128,128].json +146 -0
  645. vllm/model_executor/layers/quantization/utils/configs/N=3072,K=1536,device_name=NVIDIA_H200,dtype=fp8_w8a8,block_shape=[128,128].json +146 -0
  646. vllm/model_executor/layers/quantization/utils/configs/N=3072,K=1536,device_name=NVIDIA_L20,dtype=fp8_w8a8,block_shape=[128,128].json +26 -0
  647. vllm/model_executor/layers/quantization/utils/configs/N=3072,K=7168,device_name=AMD_Instinct_MI300X,dtype=fp8_w8a8,block_shape=[128,128].json +164 -0
  648. vllm/model_executor/layers/quantization/utils/configs/N=3072,K=7168,device_name=AMD_Instinct_MI325X,dtype=fp8_w8a8,block_shape=[128,128].json +164 -0
  649. vllm/model_executor/layers/quantization/utils/configs/N=3072,K=7168,device_name=AMD_Instinct_MI325_OAM,dtype=fp8_w8a8,block_shape=[128,128].json +164 -0
  650. vllm/model_executor/layers/quantization/utils/configs/N=3072,K=7168,device_name=NVIDIA_B200,dtype=fp8_w8a8,block_shape=[128,128].json +146 -0
  651. vllm/model_executor/layers/quantization/utils/configs/N=3072,K=7168,device_name=NVIDIA_H100_80GB_HBM3,dtype=fp8_w8a8,block_shape=[128,128].json +146 -0
  652. vllm/model_executor/layers/quantization/utils/configs/N=3072,K=7168,device_name=NVIDIA_H20,dtype=int8_w8a8,block_shape=[128,128].json +146 -0
  653. vllm/model_executor/layers/quantization/utils/configs/N=3072,K=7168,device_name=NVIDIA_H200,dtype=fp8_w8a8,block_shape=[128,128].json +146 -0
  654. vllm/model_executor/layers/quantization/utils/configs/N=3072,K=7168,device_name=NVIDIA_L20,dtype=fp8_w8a8,block_shape=[128,128].json +26 -0
  655. vllm/model_executor/layers/quantization/utils/configs/N=32768,K=512,device_name=AMD_Instinct_MI300X,dtype=fp8_w8a8,block_shape=[128,128].json +164 -0
  656. vllm/model_executor/layers/quantization/utils/configs/N=32768,K=512,device_name=AMD_Instinct_MI325X,dtype=fp8_w8a8,block_shape=[128,128].json +164 -0
  657. vllm/model_executor/layers/quantization/utils/configs/N=32768,K=512,device_name=AMD_Instinct_MI325_OAM,dtype=fp8_w8a8,block_shape=[128,128].json +164 -0
  658. vllm/model_executor/layers/quantization/utils/configs/N=32768,K=512,device_name=NVIDIA_A100-SXM4-80GB,dtype=int8_w8a8,block_shape=[128,128].json +146 -0
  659. vllm/model_executor/layers/quantization/utils/configs/N=32768,K=512,device_name=NVIDIA_A800-SXM4-80GB,dtype=int8_w8a8,block_shape=[128,128].json +146 -0
  660. vllm/model_executor/layers/quantization/utils/configs/N=32768,K=512,device_name=NVIDIA_B200,dtype=fp8_w8a8,block_shape=[128,128].json +146 -0
  661. vllm/model_executor/layers/quantization/utils/configs/N=32768,K=512,device_name=NVIDIA_H100_80GB_HBM3,dtype=fp8_w8a8,block_shape=[128,128].json +146 -0
  662. vllm/model_executor/layers/quantization/utils/configs/N=32768,K=512,device_name=NVIDIA_H20,dtype=fp8_w8a8,block_shape=[128,128].json +146 -0
  663. vllm/model_executor/layers/quantization/utils/configs/N=32768,K=512,device_name=NVIDIA_H20,dtype=int8_w8a8,block_shape=[128,128].json +146 -0
  664. vllm/model_executor/layers/quantization/utils/configs/N=32768,K=512,device_name=NVIDIA_H200,dtype=fp8_w8a8,block_shape=[128,128].json +146 -0
  665. vllm/model_executor/layers/quantization/utils/configs/N=32768,K=512,device_name=NVIDIA_L20,dtype=fp8_w8a8,block_shape=[128,128].json +26 -0
  666. vllm/model_executor/layers/quantization/utils/configs/N=32768,K=512,device_name=NVIDIA_L20Y,dtype=fp8_w8a8,block_shape=[128,128].json +26 -0
  667. vllm/model_executor/layers/quantization/utils/configs/N=36864,K=7168,device_name=AMD_Instinct_MI300X,dtype=fp8_w8a8,block_shape=[128,128].json +164 -0
  668. vllm/model_executor/layers/quantization/utils/configs/N=36864,K=7168,device_name=AMD_Instinct_MI325X,dtype=fp8_w8a8,block_shape=[128,128].json +164 -0
  669. vllm/model_executor/layers/quantization/utils/configs/N=36864,K=7168,device_name=AMD_Instinct_MI325_OAM,dtype=fp8_w8a8,block_shape=[128,128].json +164 -0
  670. vllm/model_executor/layers/quantization/utils/configs/N=36864,K=7168,device_name=NVIDIA_H100_80GB_HBM3,dtype=fp8_w8a8,block_shape=[128,128].json +146 -0
  671. vllm/model_executor/layers/quantization/utils/configs/N=36864,K=7168,device_name=NVIDIA_H200,dtype=fp8_w8a8,block_shape=[128,128].json +146 -0
  672. vllm/model_executor/layers/quantization/utils/configs/N=4096,K=512,device_name=AMD_Instinct_MI300X,dtype=fp8_w8a8,block_shape=[128,128].json +164 -0
  673. vllm/model_executor/layers/quantization/utils/configs/N=4096,K=512,device_name=AMD_Instinct_MI325X,dtype=fp8_w8a8,block_shape=[128,128].json +164 -0
  674. vllm/model_executor/layers/quantization/utils/configs/N=4096,K=512,device_name=AMD_Instinct_MI325_OAM,dtype=fp8_w8a8,block_shape=[128,128].json +164 -0
  675. vllm/model_executor/layers/quantization/utils/configs/N=4096,K=512,device_name=NVIDIA_B200,dtype=fp8_w8a8,block_shape=[128,128].json +146 -0
  676. vllm/model_executor/layers/quantization/utils/configs/N=4096,K=512,device_name=NVIDIA_H100_80GB_HBM3,dtype=fp8_w8a8,block_shape=[128,128].json +146 -0
  677. vllm/model_executor/layers/quantization/utils/configs/N=4096,K=512,device_name=NVIDIA_H20,dtype=int8_w8a8,block_shape=[128,128].json +146 -0
  678. vllm/model_executor/layers/quantization/utils/configs/N=4096,K=512,device_name=NVIDIA_H200,dtype=fp8_w8a8,block_shape=[128,128].json +146 -0
  679. vllm/model_executor/layers/quantization/utils/configs/N=4096,K=512,device_name=NVIDIA_L20,dtype=fp8_w8a8,block_shape=[128,128].json +26 -0
  680. vllm/model_executor/layers/quantization/utils/configs/N=4608,K=7168,device_name=AMD_Instinct_MI300X,dtype=fp8_w8a8,block_shape=[128,128].json +164 -0
  681. vllm/model_executor/layers/quantization/utils/configs/N=4608,K=7168,device_name=AMD_Instinct_MI325X,dtype=fp8_w8a8,block_shape=[128,128].json +164 -0
  682. vllm/model_executor/layers/quantization/utils/configs/N=4608,K=7168,device_name=AMD_Instinct_MI325_OAM,dtype=fp8_w8a8,block_shape=[128,128].json +164 -0
  683. vllm/model_executor/layers/quantization/utils/configs/N=4608,K=7168,device_name=NVIDIA_B200,dtype=fp8_w8a8,block_shape=[128,128].json +146 -0
  684. vllm/model_executor/layers/quantization/utils/configs/N=4608,K=7168,device_name=NVIDIA_H100_80GB_HBM3,dtype=fp8_w8a8,block_shape=[128,128].json +146 -0
  685. vllm/model_executor/layers/quantization/utils/configs/N=4608,K=7168,device_name=NVIDIA_H20,dtype=int8_w8a8,block_shape=[128,128].json +146 -0
  686. vllm/model_executor/layers/quantization/utils/configs/N=4608,K=7168,device_name=NVIDIA_H200,dtype=fp8_w8a8,block_shape=[128,128].json +146 -0
  687. vllm/model_executor/layers/quantization/utils/configs/N=4608,K=7168,device_name=NVIDIA_L20,dtype=fp8_w8a8,block_shape=[128,128].json +26 -0
  688. vllm/model_executor/layers/quantization/utils/configs/N=512,K=7168,device_name=AMD_Instinct_MI300X,dtype=fp8_w8a8,block_shape=[128,128].json +164 -0
  689. vllm/model_executor/layers/quantization/utils/configs/N=512,K=7168,device_name=AMD_Instinct_MI325X,dtype=fp8_w8a8,block_shape=[128,128].json +164 -0
  690. vllm/model_executor/layers/quantization/utils/configs/N=512,K=7168,device_name=AMD_Instinct_MI325_OAM,dtype=fp8_w8a8,block_shape=[128,128].json +164 -0
  691. vllm/model_executor/layers/quantization/utils/configs/N=512,K=7168,device_name=NVIDIA_B200,dtype=fp8_w8a8,block_shape=[128,128].json +146 -0
  692. vllm/model_executor/layers/quantization/utils/configs/N=512,K=7168,device_name=NVIDIA_H20,dtype=int8_w8a8,block_shape=[128,128].json +146 -0
  693. vllm/model_executor/layers/quantization/utils/configs/N=512,K=7168,device_name=NVIDIA_H200,dtype=fp8_w8a8,block_shape=[128,128].json +146 -0
  694. vllm/model_executor/layers/quantization/utils/configs/N=512,K=7168,device_name=NVIDIA_L20,dtype=fp8_w8a8,block_shape=[128,128].json +26 -0
  695. vllm/model_executor/layers/quantization/utils/configs/N=576,K=7168,device_name=AMD_Instinct_MI300X,dtype=fp8_w8a8,block_shape=[128,128].json +164 -0
  696. vllm/model_executor/layers/quantization/utils/configs/N=576,K=7168,device_name=AMD_Instinct_MI325X,dtype=fp8_w8a8,block_shape=[128,128].json +164 -0
  697. vllm/model_executor/layers/quantization/utils/configs/N=576,K=7168,device_name=AMD_Instinct_MI325_OAM,dtype=fp8_w8a8,block_shape=[128,128].json +164 -0
  698. vllm/model_executor/layers/quantization/utils/configs/N=576,K=7168,device_name=NVIDIA_A100-SXM4-80GB,dtype=int8_w8a8,block_shape=[128,128].json +146 -0
  699. vllm/model_executor/layers/quantization/utils/configs/N=576,K=7168,device_name=NVIDIA_A800-SXM4-80GB,dtype=int8_w8a8,block_shape=[128,128].json +146 -0
  700. vllm/model_executor/layers/quantization/utils/configs/N=576,K=7168,device_name=NVIDIA_B200,dtype=fp8_w8a8,block_shape=[128,128].json +146 -0
  701. vllm/model_executor/layers/quantization/utils/configs/N=576,K=7168,device_name=NVIDIA_H100_80GB_HBM3,dtype=fp8_w8a8,block_shape=[128,128].json +146 -0
  702. vllm/model_executor/layers/quantization/utils/configs/N=576,K=7168,device_name=NVIDIA_H20,dtype=fp8_w8a8,block_shape=[128,128].json +146 -0
  703. vllm/model_executor/layers/quantization/utils/configs/N=576,K=7168,device_name=NVIDIA_H20,dtype=int8_w8a8,block_shape=[128,128].json +146 -0
  704. vllm/model_executor/layers/quantization/utils/configs/N=576,K=7168,device_name=NVIDIA_H200,dtype=fp8_w8a8,block_shape=[128,128].json +146 -0
  705. vllm/model_executor/layers/quantization/utils/configs/N=576,K=7168,device_name=NVIDIA_L20,dtype=fp8_w8a8,block_shape=[128,128].json +18 -0
  706. vllm/model_executor/layers/quantization/utils/configs/N=576,K=7168,device_name=NVIDIA_L20Y,dtype=fp8_w8a8,block_shape=[128,128].json +26 -0
  707. vllm/model_executor/layers/quantization/utils/configs/N=7168,K=1024,device_name=AMD_Instinct_MI300X,dtype=fp8_w8a8,block_shape=[128,128].json +164 -0
  708. vllm/model_executor/layers/quantization/utils/configs/N=7168,K=1024,device_name=AMD_Instinct_MI325X,dtype=fp8_w8a8,block_shape=[128,128].json +164 -0
  709. vllm/model_executor/layers/quantization/utils/configs/N=7168,K=1024,device_name=AMD_Instinct_MI325_OAM,dtype=fp8_w8a8,block_shape=[128,128].json +164 -0
  710. vllm/model_executor/layers/quantization/utils/configs/N=7168,K=1024,device_name=NVIDIA_A100-SXM4-80GB,dtype=int8_w8a8,block_shape=[128,128].json +146 -0
  711. vllm/model_executor/layers/quantization/utils/configs/N=7168,K=1024,device_name=NVIDIA_A800-SXM4-80GB,dtype=int8_w8a8,block_shape=[128,128].json +146 -0
  712. vllm/model_executor/layers/quantization/utils/configs/N=7168,K=1024,device_name=NVIDIA_H100_80GB_HBM3,dtype=fp8_w8a8,block_shape=[128,128].json +146 -0
  713. vllm/model_executor/layers/quantization/utils/configs/N=7168,K=1024,device_name=NVIDIA_H20,dtype=fp8_w8a8,block_shape=[128,128].json +146 -0
  714. vllm/model_executor/layers/quantization/utils/configs/N=7168,K=1024,device_name=NVIDIA_H200,dtype=fp8_w8a8,block_shape=[128,128].json +146 -0
  715. vllm/model_executor/layers/quantization/utils/configs/N=7168,K=1024,device_name=NVIDIA_L20Y,dtype=fp8_w8a8,block_shape=[128,128].json +26 -0
  716. vllm/model_executor/layers/quantization/utils/configs/N=7168,K=1152,device_name=AMD_Instinct_MI300X,dtype=fp8_w8a8,block_shape=[128,128].json +164 -0
  717. vllm/model_executor/layers/quantization/utils/configs/N=7168,K=1152,device_name=AMD_Instinct_MI325X,dtype=fp8_w8a8,block_shape=[128,128].json +164 -0
  718. vllm/model_executor/layers/quantization/utils/configs/N=7168,K=1152,device_name=AMD_Instinct_MI325_OAM,dtype=fp8_w8a8,block_shape=[128,128].json +164 -0
  719. vllm/model_executor/layers/quantization/utils/configs/N=7168,K=1152,device_name=NVIDIA_A100-SXM4-80GB,dtype=int8_w8a8,block_shape=[128,128].json +146 -0
  720. vllm/model_executor/layers/quantization/utils/configs/N=7168,K=1152,device_name=NVIDIA_A800-SXM4-80GB,dtype=int8_w8a8,block_shape=[128,128].json +146 -0
  721. vllm/model_executor/layers/quantization/utils/configs/N=7168,K=1152,device_name=NVIDIA_H100_80GB_HBM3,dtype=fp8_w8a8,block_shape=[128,128].json +146 -0
  722. vllm/model_executor/layers/quantization/utils/configs/N=7168,K=1152,device_name=NVIDIA_H20,dtype=fp8_w8a8,block_shape=[128,128].json +146 -0
  723. vllm/model_executor/layers/quantization/utils/configs/N=7168,K=1152,device_name=NVIDIA_H200,dtype=fp8_w8a8,block_shape=[128,128].json +146 -0
  724. vllm/model_executor/layers/quantization/utils/configs/N=7168,K=1152,device_name=NVIDIA_L20Y,dtype=fp8_w8a8,block_shape=[128,128].json +26 -0
  725. vllm/model_executor/layers/quantization/utils/configs/N=7168,K=128,device_name=AMD_Instinct_MI300X,dtype=fp8_w8a8,block_shape=[128,128].json +164 -0
  726. vllm/model_executor/layers/quantization/utils/configs/N=7168,K=128,device_name=AMD_Instinct_MI325X,dtype=fp8_w8a8,block_shape=[128,128].json +164 -0
  727. vllm/model_executor/layers/quantization/utils/configs/N=7168,K=128,device_name=AMD_Instinct_MI325_OAM,dtype=fp8_w8a8,block_shape=[128,128].json +164 -0
  728. vllm/model_executor/layers/quantization/utils/configs/N=7168,K=128,device_name=NVIDIA_A100-SXM4-80GB,dtype=int8_w8a8,block_shape=[128,128].json +146 -0
  729. vllm/model_executor/layers/quantization/utils/configs/N=7168,K=128,device_name=NVIDIA_A800-SXM4-80GB,dtype=int8_w8a8,block_shape=[128,128].json +146 -0
  730. vllm/model_executor/layers/quantization/utils/configs/N=7168,K=128,device_name=NVIDIA_H100_80GB_HBM3,dtype=fp8_w8a8,block_shape=[128,128].json +146 -0
  731. vllm/model_executor/layers/quantization/utils/configs/N=7168,K=128,device_name=NVIDIA_H20,dtype=fp8_w8a8,block_shape=[128,128].json +146 -0
  732. vllm/model_executor/layers/quantization/utils/configs/N=7168,K=128,device_name=NVIDIA_L20Y,dtype=fp8_w8a8,block_shape=[128,128].json +26 -0
  733. vllm/model_executor/layers/quantization/utils/configs/N=7168,K=16384,device_name=AMD_Instinct_MI300X,dtype=fp8_w8a8,block_shape=[128,128].json +164 -0
  734. vllm/model_executor/layers/quantization/utils/configs/N=7168,K=16384,device_name=AMD_Instinct_MI325X,dtype=fp8_w8a8,block_shape=[128,128].json +164 -0
  735. vllm/model_executor/layers/quantization/utils/configs/N=7168,K=16384,device_name=AMD_Instinct_MI325_OAM,dtype=fp8_w8a8,block_shape=[128,128].json +164 -0
  736. vllm/model_executor/layers/quantization/utils/configs/N=7168,K=16384,device_name=NVIDIA_A100-SXM4-80GB,dtype=int8_w8a8,block_shape=[128,128].json +146 -0
  737. vllm/model_executor/layers/quantization/utils/configs/N=7168,K=16384,device_name=NVIDIA_A800-SXM4-80GB,dtype=int8_w8a8,block_shape=[128,128].json +146 -0
  738. vllm/model_executor/layers/quantization/utils/configs/N=7168,K=16384,device_name=NVIDIA_B200,dtype=fp8_w8a8,block_shape=[128,128].json +146 -0
  739. vllm/model_executor/layers/quantization/utils/configs/N=7168,K=16384,device_name=NVIDIA_H100_80GB_HBM3,dtype=fp8_w8a8,block_shape=[128,128].json +146 -0
  740. vllm/model_executor/layers/quantization/utils/configs/N=7168,K=16384,device_name=NVIDIA_H20,dtype=fp8_w8a8,block_shape=[128,128].json +146 -0
  741. vllm/model_executor/layers/quantization/utils/configs/N=7168,K=16384,device_name=NVIDIA_H20,dtype=int8_w8a8,block_shape=[128,128].json +146 -0
  742. vllm/model_executor/layers/quantization/utils/configs/N=7168,K=16384,device_name=NVIDIA_H200,dtype=fp8_w8a8,block_shape=[128,128].json +146 -0
  743. vllm/model_executor/layers/quantization/utils/configs/N=7168,K=16384,device_name=NVIDIA_L20,dtype=fp8_w8a8,block_shape=[128,128].json +26 -0
  744. vllm/model_executor/layers/quantization/utils/configs/N=7168,K=16384,device_name=NVIDIA_L20Y,dtype=fp8_w8a8,block_shape=[128,128].json +26 -0
  745. vllm/model_executor/layers/quantization/utils/configs/N=7168,K=18432,device_name=AMD_Instinct_MI300X,dtype=fp8_w8a8,block_shape=[128,128].json +164 -0
  746. vllm/model_executor/layers/quantization/utils/configs/N=7168,K=18432,device_name=AMD_Instinct_MI325X,dtype=fp8_w8a8,block_shape=[128,128].json +164 -0
  747. vllm/model_executor/layers/quantization/utils/configs/N=7168,K=18432,device_name=AMD_Instinct_MI325_OAM,dtype=fp8_w8a8,block_shape=[128,128].json +164 -0
  748. vllm/model_executor/layers/quantization/utils/configs/N=7168,K=18432,device_name=NVIDIA_A100-SXM4-80GB,dtype=int8_w8a8,block_shape=[128,128].json +146 -0
  749. vllm/model_executor/layers/quantization/utils/configs/N=7168,K=18432,device_name=NVIDIA_A800-SXM4-80GB,dtype=int8_w8a8,block_shape=[128,128].json +146 -0
  750. vllm/model_executor/layers/quantization/utils/configs/N=7168,K=18432,device_name=NVIDIA_B200,dtype=fp8_w8a8,block_shape=[128,128].json +146 -0
  751. vllm/model_executor/layers/quantization/utils/configs/N=7168,K=18432,device_name=NVIDIA_H100_80GB_HBM3,dtype=fp8_w8a8,block_shape=[128,128].json +146 -0
  752. vllm/model_executor/layers/quantization/utils/configs/N=7168,K=18432,device_name=NVIDIA_H20,dtype=fp8_w8a8,block_shape=[128,128].json +146 -0
  753. vllm/model_executor/layers/quantization/utils/configs/N=7168,K=18432,device_name=NVIDIA_H20,dtype=int8_w8a8,block_shape=[128,128].json +146 -0
  754. vllm/model_executor/layers/quantization/utils/configs/N=7168,K=18432,device_name=NVIDIA_H200,dtype=fp8_w8a8,block_shape=[128,128].json +146 -0
  755. vllm/model_executor/layers/quantization/utils/configs/N=7168,K=18432,device_name=NVIDIA_L20,dtype=fp8_w8a8,block_shape=[128,128].json +26 -0
  756. vllm/model_executor/layers/quantization/utils/configs/N=7168,K=18432,device_name=NVIDIA_L20Y,dtype=fp8_w8a8,block_shape=[128,128].json +26 -0
  757. vllm/model_executor/layers/quantization/utils/configs/N=7168,K=2048,device_name=AMD_Instinct_MI300X,dtype=fp8_w8a8,block_shape=[128,128].json +164 -0
  758. vllm/model_executor/layers/quantization/utils/configs/N=7168,K=2048,device_name=AMD_Instinct_MI325X,dtype=fp8_w8a8,block_shape=[128,128].json +164 -0
  759. vllm/model_executor/layers/quantization/utils/configs/N=7168,K=2048,device_name=AMD_Instinct_MI325_OAM,dtype=fp8_w8a8,block_shape=[128,128].json +164 -0
  760. vllm/model_executor/layers/quantization/utils/configs/N=7168,K=2048,device_name=NVIDIA_B200,dtype=fp8_w8a8,block_shape=[128,128].json +146 -0
  761. vllm/model_executor/layers/quantization/utils/configs/N=7168,K=2048,device_name=NVIDIA_H100_80GB_HBM3,dtype=fp8_w8a8,block_shape=[128,128].json +146 -0
  762. vllm/model_executor/layers/quantization/utils/configs/N=7168,K=2048,device_name=NVIDIA_H20,dtype=int8_w8a8,block_shape=[128,128].json +146 -0
  763. vllm/model_executor/layers/quantization/utils/configs/N=7168,K=2048,device_name=NVIDIA_H200,dtype=fp8_w8a8,block_shape=[128,128].json +146 -0
  764. vllm/model_executor/layers/quantization/utils/configs/N=7168,K=2048,device_name=NVIDIA_L20,dtype=fp8_w8a8,block_shape=[128,128].json +26 -0
  765. vllm/model_executor/layers/quantization/utils/configs/N=7168,K=2304,device_name=AMD_Instinct_MI300X,dtype=fp8_w8a8,block_shape=[128,128].json +164 -0
  766. vllm/model_executor/layers/quantization/utils/configs/N=7168,K=2304,device_name=AMD_Instinct_MI325X,dtype=fp8_w8a8,block_shape=[128,128].json +164 -0
  767. vllm/model_executor/layers/quantization/utils/configs/N=7168,K=2304,device_name=AMD_Instinct_MI325_OAM,dtype=fp8_w8a8,block_shape=[128,128].json +164 -0
  768. vllm/model_executor/layers/quantization/utils/configs/N=7168,K=2304,device_name=NVIDIA_B200,dtype=fp8_w8a8,block_shape=[128,128].json +146 -0
  769. vllm/model_executor/layers/quantization/utils/configs/N=7168,K=2304,device_name=NVIDIA_H100_80GB_HBM3,dtype=fp8_w8a8,block_shape=[128,128].json +146 -0
  770. vllm/model_executor/layers/quantization/utils/configs/N=7168,K=2304,device_name=NVIDIA_H20,dtype=int8_w8a8,block_shape=[128,128].json +146 -0
  771. vllm/model_executor/layers/quantization/utils/configs/N=7168,K=2304,device_name=NVIDIA_H200,dtype=fp8_w8a8,block_shape=[128,128].json +146 -0
  772. vllm/model_executor/layers/quantization/utils/configs/N=7168,K=2304,device_name=NVIDIA_L20,dtype=fp8_w8a8,block_shape=[128,128].json +26 -0
  773. vllm/model_executor/layers/quantization/utils/configs/N=7168,K=256,device_name=AMD_Instinct_MI300X,dtype=fp8_w8a8,block_shape=[128,128].json +164 -0
  774. vllm/model_executor/layers/quantization/utils/configs/N=7168,K=256,device_name=AMD_Instinct_MI325X,dtype=fp8_w8a8,block_shape=[128,128].json +164 -0
  775. vllm/model_executor/layers/quantization/utils/configs/N=7168,K=256,device_name=AMD_Instinct_MI325_OAM,dtype=fp8_w8a8,block_shape=[128,128].json +164 -0
  776. vllm/model_executor/layers/quantization/utils/configs/N=7168,K=256,device_name=NVIDIA_B200,dtype=fp8_w8a8,block_shape=[128,128].json +146 -0
  777. vllm/model_executor/layers/quantization/utils/configs/N=7168,K=256,device_name=NVIDIA_H20,dtype=int8_w8a8,block_shape=[128,128].json +146 -0
  778. vllm/model_executor/layers/quantization/utils/configs/N=7168,K=256,device_name=NVIDIA_H200,dtype=fp8_w8a8,block_shape=[128,128].json +146 -0
  779. vllm/model_executor/layers/quantization/utils/configs/N=7168,K=256,device_name=NVIDIA_L20,dtype=fp8_w8a8,block_shape=[128,128].json +26 -0
  780. vllm/model_executor/layers/quantization/utils/configs/N=7168,K=8192,device_name=AMD_Instinct_MI300X,dtype=fp8_w8a8,block_shape=[128,128].json +164 -0
  781. vllm/model_executor/layers/quantization/utils/configs/N=7168,K=8192,device_name=AMD_Instinct_MI325X,dtype=fp8_w8a8,block_shape=[128,128].json +164 -0
  782. vllm/model_executor/layers/quantization/utils/configs/N=7168,K=8192,device_name=AMD_Instinct_MI325_OAM,dtype=fp8_w8a8,block_shape=[128,128].json +164 -0
  783. vllm/model_executor/layers/quantization/utils/configs/N=8192,K=1536,device_name=AMD_Instinct_MI300X,dtype=fp8_w8a8,block_shape=[128,128].json +164 -0
  784. vllm/model_executor/layers/quantization/utils/configs/N=8192,K=1536,device_name=AMD_Instinct_MI325X,dtype=fp8_w8a8,block_shape=[128,128].json +164 -0
  785. vllm/model_executor/layers/quantization/utils/configs/N=8192,K=1536,device_name=AMD_Instinct_MI325_OAM,dtype=fp8_w8a8,block_shape=[128,128].json +164 -0
  786. vllm/model_executor/layers/quantization/utils/fp8_utils.py +653 -0
  787. vllm/model_executor/layers/quantization/utils/gptq_utils.py +95 -0
  788. vllm/model_executor/layers/quantization/utils/int8_utils.py +485 -0
  789. vllm/model_executor/layers/quantization/utils/layer_utils.py +40 -0
  790. vllm/model_executor/layers/quantization/utils/machete_utils.py +50 -0
  791. vllm/model_executor/layers/quantization/utils/marlin_utils.py +476 -0
  792. vllm/model_executor/layers/quantization/utils/marlin_utils_fp4.py +283 -0
  793. vllm/model_executor/layers/quantization/utils/marlin_utils_fp8.py +325 -0
  794. vllm/model_executor/layers/quantization/utils/marlin_utils_test.py +165 -0
  795. vllm/model_executor/layers/quantization/utils/marlin_utils_test_24.py +464 -0
  796. vllm/model_executor/layers/quantization/utils/marlin_utils_test_qqq.py +126 -0
  797. vllm/model_executor/layers/quantization/utils/mxfp4_utils.py +45 -0
  798. vllm/model_executor/layers/quantization/utils/nvfp4_emulation_utils.py +146 -0
  799. vllm/model_executor/layers/quantization/utils/quant_utils.py +573 -0
  800. vllm/model_executor/layers/quantization/utils/w8a8_utils.py +405 -0
  801. vllm/model_executor/layers/rejection_sampler.py +406 -0
  802. vllm/model_executor/layers/resampler.py +270 -0
  803. vllm/model_executor/layers/rotary_embedding.py +2025 -0
  804. vllm/model_executor/layers/sampler.py +1204 -0
  805. vllm/model_executor/layers/spec_decode_base_sampler.py +259 -0
  806. vllm/model_executor/layers/typical_acceptance_sampler.py +166 -0
  807. vllm/model_executor/layers/utils.py +116 -0
  808. vllm/model_executor/layers/vocab_parallel_embedding.py +487 -0
  809. vllm/model_executor/model_loader/__init__.py +77 -0
  810. vllm/model_executor/model_loader/base_loader.py +43 -0
  811. vllm/model_executor/model_loader/bitsandbytes_loader.py +613 -0
  812. vllm/model_executor/model_loader/default_loader.py +282 -0
  813. vllm/model_executor/model_loader/dummy_loader.py +27 -0
  814. vllm/model_executor/model_loader/gguf_loader.py +120 -0
  815. vllm/model_executor/model_loader/neuron.py +476 -0
  816. vllm/model_executor/model_loader/neuronx_distributed.py +685 -0
  817. vllm/model_executor/model_loader/runai_streamer_loader.py +109 -0
  818. vllm/model_executor/model_loader/sharded_state_loader.py +201 -0
  819. vllm/model_executor/model_loader/tensorizer.py +602 -0
  820. vllm/model_executor/model_loader/tensorizer_loader.py +127 -0
  821. vllm/model_executor/model_loader/tpu.py +113 -0
  822. vllm/model_executor/model_loader/utils.py +315 -0
  823. vllm/model_executor/model_loader/weight_utils.py +782 -0
  824. vllm/model_executor/models/__init__.py +30 -0
  825. vllm/model_executor/models/adapters.py +375 -0
  826. vllm/model_executor/models/aimv2.py +246 -0
  827. vllm/model_executor/models/arctic.py +559 -0
  828. vllm/model_executor/models/aria.py +670 -0
  829. vllm/model_executor/models/aya_vision.py +486 -0
  830. vllm/model_executor/models/baichuan.py +474 -0
  831. vllm/model_executor/models/bamba.py +558 -0
  832. vllm/model_executor/models/bart.py +938 -0
  833. vllm/model_executor/models/bert.py +513 -0
  834. vllm/model_executor/models/bert_with_rope.py +617 -0
  835. vllm/model_executor/models/blip.py +339 -0
  836. vllm/model_executor/models/blip2.py +728 -0
  837. vllm/model_executor/models/bloom.py +373 -0
  838. vllm/model_executor/models/chameleon.py +1146 -0
  839. vllm/model_executor/models/chatglm.py +478 -0
  840. vllm/model_executor/models/clip.py +407 -0
  841. vllm/model_executor/models/commandr.py +471 -0
  842. vllm/model_executor/models/config.py +200 -0
  843. vllm/model_executor/models/constant_size_cache.py +137 -0
  844. vllm/model_executor/models/dbrx.py +472 -0
  845. vllm/model_executor/models/deepseek.py +486 -0
  846. vllm/model_executor/models/deepseek_mtp.py +281 -0
  847. vllm/model_executor/models/deepseek_v2.py +935 -0
  848. vllm/model_executor/models/deepseek_vl2.py +660 -0
  849. vllm/model_executor/models/dots1.py +536 -0
  850. vllm/model_executor/models/eagle.py +261 -0
  851. vllm/model_executor/models/ernie45.py +43 -0
  852. vllm/model_executor/models/ernie45_moe.py +583 -0
  853. vllm/model_executor/models/exaone.py +551 -0
  854. vllm/model_executor/models/fairseq2_llama.py +154 -0
  855. vllm/model_executor/models/falcon.py +510 -0
  856. vllm/model_executor/models/falcon_h1.py +708 -0
  857. vllm/model_executor/models/florence2.py +1113 -0
  858. vllm/model_executor/models/fuyu.py +406 -0
  859. vllm/model_executor/models/gemma.py +427 -0
  860. vllm/model_executor/models/gemma2.py +427 -0
  861. vllm/model_executor/models/gemma3.py +535 -0
  862. vllm/model_executor/models/gemma3_mm.py +729 -0
  863. vllm/model_executor/models/gemma3n.py +811 -0
  864. vllm/model_executor/models/glm.py +23 -0
  865. vllm/model_executor/models/glm4.py +305 -0
  866. vllm/model_executor/models/glm4_1v.py +1590 -0
  867. vllm/model_executor/models/glm4v.py +657 -0
  868. vllm/model_executor/models/gpt2.py +382 -0
  869. vllm/model_executor/models/gpt_bigcode.py +335 -0
  870. vllm/model_executor/models/gpt_j.py +339 -0
  871. vllm/model_executor/models/gpt_neox.py +332 -0
  872. vllm/model_executor/models/granite.py +493 -0
  873. vllm/model_executor/models/granite_speech.py +790 -0
  874. vllm/model_executor/models/granitemoe.py +437 -0
  875. vllm/model_executor/models/granitemoehybrid.py +653 -0
  876. vllm/model_executor/models/granitemoeshared.py +341 -0
  877. vllm/model_executor/models/gritlm.py +224 -0
  878. vllm/model_executor/models/grok1.py +546 -0
  879. vllm/model_executor/models/h2ovl.py +549 -0
  880. vllm/model_executor/models/hunyuan_v1_moe.py +897 -0
  881. vllm/model_executor/models/idefics2_vision_model.py +389 -0
  882. vllm/model_executor/models/idefics3.py +786 -0
  883. vllm/model_executor/models/interfaces.py +681 -0
  884. vllm/model_executor/models/interfaces_base.py +164 -0
  885. vllm/model_executor/models/intern_vit.py +480 -0
  886. vllm/model_executor/models/internlm2.py +455 -0
  887. vllm/model_executor/models/internlm2_ve.py +147 -0
  888. vllm/model_executor/models/internvl.py +1432 -0
  889. vllm/model_executor/models/jais.py +373 -0
  890. vllm/model_executor/models/jamba.py +592 -0
  891. vllm/model_executor/models/keye.py +1736 -0
  892. vllm/model_executor/models/kimi_vl.py +585 -0
  893. vllm/model_executor/models/llama.py +644 -0
  894. vllm/model_executor/models/llama4.py +531 -0
  895. vllm/model_executor/models/llama_eagle.py +165 -0
  896. vllm/model_executor/models/llama_eagle3.py +263 -0
  897. vllm/model_executor/models/llava.py +887 -0
  898. vllm/model_executor/models/llava_next.py +604 -0
  899. vllm/model_executor/models/llava_next_video.py +492 -0
  900. vllm/model_executor/models/llava_onevision.py +985 -0
  901. vllm/model_executor/models/mamba.py +273 -0
  902. vllm/model_executor/models/mamba2.py +320 -0
  903. vllm/model_executor/models/mamba_cache.py +76 -0
  904. vllm/model_executor/models/medusa.py +219 -0
  905. vllm/model_executor/models/mimo.py +192 -0
  906. vllm/model_executor/models/mimo_mtp.py +285 -0
  907. vllm/model_executor/models/minicpm.py +592 -0
  908. vllm/model_executor/models/minicpm3.py +230 -0
  909. vllm/model_executor/models/minicpm_eagle.py +391 -0
  910. vllm/model_executor/models/minicpmo.py +772 -0
  911. vllm/model_executor/models/minicpmv.py +1307 -0
  912. vllm/model_executor/models/minimax_cache.py +36 -0
  913. vllm/model_executor/models/minimax_text_01.py +1301 -0
  914. vllm/model_executor/models/minimax_vl_01.py +374 -0
  915. vllm/model_executor/models/mistral3.py +624 -0
  916. vllm/model_executor/models/mixtral.py +488 -0
  917. vllm/model_executor/models/mixtral_quant.py +453 -0
  918. vllm/model_executor/models/mllama.py +1682 -0
  919. vllm/model_executor/models/mllama4.py +947 -0
  920. vllm/model_executor/models/mlp_speculator.py +206 -0
  921. vllm/model_executor/models/modernbert.py +339 -0
  922. vllm/model_executor/models/module_mapping.py +72 -0
  923. vllm/model_executor/models/molmo.py +1576 -0
  924. vllm/model_executor/models/moonvit.py +630 -0
  925. vllm/model_executor/models/mpt.py +331 -0
  926. vllm/model_executor/models/nemotron.py +508 -0
  927. vllm/model_executor/models/nemotron_h.py +588 -0
  928. vllm/model_executor/models/nemotron_nas.py +484 -0
  929. vllm/model_executor/models/nvlm_d.py +216 -0
  930. vllm/model_executor/models/olmo.py +389 -0
  931. vllm/model_executor/models/olmo2.py +414 -0
  932. vllm/model_executor/models/olmoe.py +468 -0
  933. vllm/model_executor/models/opt.py +412 -0
  934. vllm/model_executor/models/orion.py +349 -0
  935. vllm/model_executor/models/ovis.py +577 -0
  936. vllm/model_executor/models/paligemma.py +419 -0
  937. vllm/model_executor/models/persimmon.py +344 -0
  938. vllm/model_executor/models/phi.py +356 -0
  939. vllm/model_executor/models/phi3.py +19 -0
  940. vllm/model_executor/models/phi3_small.py +465 -0
  941. vllm/model_executor/models/phi3v.py +733 -0
  942. vllm/model_executor/models/phi4mm.py +1258 -0
  943. vllm/model_executor/models/phi4mm_audio.py +1233 -0
  944. vllm/model_executor/models/phi4mm_utils.py +1884 -0
  945. vllm/model_executor/models/phimoe.py +674 -0
  946. vllm/model_executor/models/pixtral.py +1329 -0
  947. vllm/model_executor/models/plamo2.py +738 -0
  948. vllm/model_executor/models/prithvi_geospatial_mae.py +240 -0
  949. vllm/model_executor/models/qwen.py +362 -0
  950. vllm/model_executor/models/qwen2.py +501 -0
  951. vllm/model_executor/models/qwen2_5_omni_thinker.py +923 -0
  952. vllm/model_executor/models/qwen2_5_vl.py +1175 -0
  953. vllm/model_executor/models/qwen2_audio.py +420 -0
  954. vllm/model_executor/models/qwen2_moe.py +540 -0
  955. vllm/model_executor/models/qwen2_rm.py +122 -0
  956. vllm/model_executor/models/qwen2_vl.py +1513 -0
  957. vllm/model_executor/models/qwen3.py +325 -0
  958. vllm/model_executor/models/qwen3_moe.py +541 -0
  959. vllm/model_executor/models/qwen_vl.py +796 -0
  960. vllm/model_executor/models/registry.py +634 -0
  961. vllm/model_executor/models/roberta.py +271 -0
  962. vllm/model_executor/models/siglip.py +524 -0
  963. vllm/model_executor/models/skyworkr1v.py +961 -0
  964. vllm/model_executor/models/smolvlm.py +52 -0
  965. vllm/model_executor/models/solar.py +506 -0
  966. vllm/model_executor/models/stablelm.py +343 -0
  967. vllm/model_executor/models/starcoder2.py +356 -0
  968. vllm/model_executor/models/tarsier.py +652 -0
  969. vllm/model_executor/models/telechat2.py +140 -0
  970. vllm/model_executor/models/teleflm.py +79 -0
  971. vllm/model_executor/models/transformers.py +509 -0
  972. vllm/model_executor/models/ultravox.py +670 -0
  973. vllm/model_executor/models/utils.py +744 -0
  974. vllm/model_executor/models/vision.py +147 -0
  975. vllm/model_executor/models/whisper.py +886 -0
  976. vllm/model_executor/models/zamba2.py +1036 -0
  977. vllm/model_executor/parameter.py +459 -0
  978. vllm/model_executor/pooling_metadata.py +72 -0
  979. vllm/model_executor/sampling_metadata.py +597 -0
  980. vllm/model_executor/utils.py +80 -0
  981. vllm/multimodal/__init__.py +33 -0
  982. vllm/multimodal/audio.py +116 -0
  983. vllm/multimodal/base.py +219 -0
  984. vllm/multimodal/hasher.py +91 -0
  985. vllm/multimodal/image.py +103 -0
  986. vllm/multimodal/inputs.py +878 -0
  987. vllm/multimodal/parse.py +499 -0
  988. vllm/multimodal/processing.py +1948 -0
  989. vllm/multimodal/profiling.py +283 -0
  990. vllm/multimodal/registry.py +331 -0
  991. vllm/multimodal/utils.py +492 -0
  992. vllm/multimodal/video.py +227 -0
  993. vllm/outputs.py +516 -0
  994. vllm/platforms/__init__.py +291 -0
  995. vllm/platforms/cpu.py +281 -0
  996. vllm/platforms/cuda.py +568 -0
  997. vllm/platforms/hpu.py +106 -0
  998. vllm/platforms/interface.py +551 -0
  999. vllm/platforms/neuron.py +150 -0
  1000. vllm/platforms/rocm.py +453 -0
  1001. vllm/platforms/tpu.py +206 -0
  1002. vllm/platforms/xpu.py +192 -0
  1003. vllm/plugins/__init__.py +94 -0
  1004. vllm/plugins/lora_resolvers/README.md +15 -0
  1005. vllm/plugins/lora_resolvers/__init__.py +0 -0
  1006. vllm/plugins/lora_resolvers/filesystem_resolver.py +50 -0
  1007. vllm/pooling_params.py +64 -0
  1008. vllm/profiler/__init__.py +0 -0
  1009. vllm/profiler/layerwise_profile.py +375 -0
  1010. vllm/profiler/utils.py +148 -0
  1011. vllm/prompt_adapter/__init__.py +0 -0
  1012. vllm/prompt_adapter/layers.py +83 -0
  1013. vllm/prompt_adapter/models.py +358 -0
  1014. vllm/prompt_adapter/request.py +37 -0
  1015. vllm/prompt_adapter/utils.py +98 -0
  1016. vllm/prompt_adapter/worker_manager.py +179 -0
  1017. vllm/py.typed +2 -0
  1018. vllm/reasoning/__init__.py +15 -0
  1019. vllm/reasoning/abs_reasoning_parsers.py +192 -0
  1020. vllm/reasoning/deepseek_r1_reasoning_parser.py +173 -0
  1021. vllm/reasoning/granite_reasoning_parser.py +363 -0
  1022. vllm/reasoning/qwen3_reasoning_parser.py +151 -0
  1023. vllm/sampling_params.py +602 -0
  1024. vllm/scalar_type.py +347 -0
  1025. vllm/scripts.py +15 -0
  1026. vllm/sequence.py +1568 -0
  1027. vllm/spec_decode/__init__.py +0 -0
  1028. vllm/spec_decode/batch_expansion.py +506 -0
  1029. vllm/spec_decode/draft_model_runner.py +349 -0
  1030. vllm/spec_decode/interfaces.py +99 -0
  1031. vllm/spec_decode/medusa_worker.py +138 -0
  1032. vllm/spec_decode/metrics.py +213 -0
  1033. vllm/spec_decode/mlp_speculator_worker.py +94 -0
  1034. vllm/spec_decode/mqa_scorer.py +160 -0
  1035. vllm/spec_decode/multi_step_worker.py +423 -0
  1036. vllm/spec_decode/ngram_worker.py +196 -0
  1037. vllm/spec_decode/proposer_worker_base.py +59 -0
  1038. vllm/spec_decode/smaller_tp_proposer_worker.py +196 -0
  1039. vllm/spec_decode/spec_decode_worker.py +1326 -0
  1040. vllm/spec_decode/target_model_runner.py +45 -0
  1041. vllm/spec_decode/top1_proposer.py +275 -0
  1042. vllm/spec_decode/util.py +277 -0
  1043. vllm/test_utils.py +130 -0
  1044. vllm/third_party/__init__.py +0 -0
  1045. vllm/third_party/pynvml.py +6140 -0
  1046. vllm/tracing.py +131 -0
  1047. vllm/transformers_utils/__init__.py +24 -0
  1048. vllm/transformers_utils/chat_templates/__init__.py +5 -0
  1049. vllm/transformers_utils/chat_templates/registry.py +60 -0
  1050. vllm/transformers_utils/chat_templates/template_basic.jinja +3 -0
  1051. vllm/transformers_utils/chat_templates/template_blip2.jinja +11 -0
  1052. vllm/transformers_utils/chat_templates/template_chatml.jinja +10 -0
  1053. vllm/transformers_utils/chat_templates/template_deepseek_vl2.jinja +23 -0
  1054. vllm/transformers_utils/chat_templates/template_fuyu.jinja +3 -0
  1055. vllm/transformers_utils/config.py +922 -0
  1056. vllm/transformers_utils/configs/__init__.py +57 -0
  1057. vllm/transformers_utils/configs/arctic.py +207 -0
  1058. vllm/transformers_utils/configs/chatglm.py +72 -0
  1059. vllm/transformers_utils/configs/cohere2.py +195 -0
  1060. vllm/transformers_utils/configs/dbrx.py +280 -0
  1061. vllm/transformers_utils/configs/deepseek_vl2.py +216 -0
  1062. vllm/transformers_utils/configs/eagle.py +85 -0
  1063. vllm/transformers_utils/configs/exaone.py +190 -0
  1064. vllm/transformers_utils/configs/falcon.py +90 -0
  1065. vllm/transformers_utils/configs/jais.py +238 -0
  1066. vllm/transformers_utils/configs/kimi_vl.py +37 -0
  1067. vllm/transformers_utils/configs/medusa.py +63 -0
  1068. vllm/transformers_utils/configs/minimax_text_01.py +70 -0
  1069. vllm/transformers_utils/configs/minimax_vl_01.py +71 -0
  1070. vllm/transformers_utils/configs/mllama.py +31 -0
  1071. vllm/transformers_utils/configs/mlp_speculator.py +68 -0
  1072. vllm/transformers_utils/configs/moonvit.py +33 -0
  1073. vllm/transformers_utils/configs/mpt.py +180 -0
  1074. vllm/transformers_utils/configs/nemotron.py +205 -0
  1075. vllm/transformers_utils/configs/nemotron_h.py +259 -0
  1076. vllm/transformers_utils/configs/nvlm_d.py +31 -0
  1077. vllm/transformers_utils/configs/ovis.py +184 -0
  1078. vllm/transformers_utils/configs/skyworkr1v.py +54 -0
  1079. vllm/transformers_utils/configs/solar.py +247 -0
  1080. vllm/transformers_utils/configs/telechat2.py +64 -0
  1081. vllm/transformers_utils/configs/ultravox.py +108 -0
  1082. vllm/transformers_utils/detokenizer.py +168 -0
  1083. vllm/transformers_utils/detokenizer_utils.py +189 -0
  1084. vllm/transformers_utils/processor.py +221 -0
  1085. vllm/transformers_utils/processors/__init__.py +8 -0
  1086. vllm/transformers_utils/processors/deepseek_vl2.py +363 -0
  1087. vllm/transformers_utils/processors/ovis.py +420 -0
  1088. vllm/transformers_utils/s3_utils.py +162 -0
  1089. vllm/transformers_utils/tokenizer.py +302 -0
  1090. vllm/transformers_utils/tokenizer_base.py +149 -0
  1091. vllm/transformers_utils/tokenizer_group.py +120 -0
  1092. vllm/transformers_utils/tokenizers/__init__.py +10 -0
  1093. vllm/transformers_utils/tokenizers/mistral.py +493 -0
  1094. vllm/transformers_utils/utils.py +99 -0
  1095. vllm/triton_utils/__init__.py +14 -0
  1096. vllm/triton_utils/importing.py +94 -0
  1097. vllm/usage/__init__.py +0 -0
  1098. vllm/usage/usage_lib.py +259 -0
  1099. vllm/utils/__init__.py +3008 -0
  1100. vllm/v1/__init__.py +0 -0
  1101. vllm/v1/attention/__init__.py +0 -0
  1102. vllm/v1/attention/backends/__init__.py +0 -0
  1103. vllm/v1/attention/backends/cpu_attn.py +184 -0
  1104. vllm/v1/attention/backends/flash_attn.py +757 -0
  1105. vllm/v1/attention/backends/flashinfer.py +680 -0
  1106. vllm/v1/attention/backends/flex_attention.py +491 -0
  1107. vllm/v1/attention/backends/mamba_attn.py +192 -0
  1108. vllm/v1/attention/backends/mla/__init__.py +0 -0
  1109. vllm/v1/attention/backends/mla/common.py +978 -0
  1110. vllm/v1/attention/backends/mla/cutlass_mla.py +98 -0
  1111. vllm/v1/attention/backends/mla/flashmla.py +180 -0
  1112. vllm/v1/attention/backends/mla/rocm_aiter_mla.py +241 -0
  1113. vllm/v1/attention/backends/mla/triton_mla.py +177 -0
  1114. vllm/v1/attention/backends/pallas.py +320 -0
  1115. vllm/v1/attention/backends/rocm_aiter_fa.py +609 -0
  1116. vllm/v1/attention/backends/triton_attn.py +449 -0
  1117. vllm/v1/attention/backends/utils.py +310 -0
  1118. vllm/v1/core/__init__.py +0 -0
  1119. vllm/v1/core/block_pool.py +349 -0
  1120. vllm/v1/core/encoder_cache_manager.py +254 -0
  1121. vllm/v1/core/kv_cache_coordinator.py +369 -0
  1122. vllm/v1/core/kv_cache_manager.py +398 -0
  1123. vllm/v1/core/kv_cache_utils.py +999 -0
  1124. vllm/v1/core/sched/__init__.py +0 -0
  1125. vllm/v1/core/sched/interface.py +150 -0
  1126. vllm/v1/core/sched/output.py +157 -0
  1127. vllm/v1/core/sched/request_queue.py +224 -0
  1128. vllm/v1/core/sched/scheduler.py +1115 -0
  1129. vllm/v1/core/sched/utils.py +36 -0
  1130. vllm/v1/core/single_type_kv_cache_manager.py +444 -0
  1131. vllm/v1/engine/__init__.py +179 -0
  1132. vllm/v1/engine/async_llm.py +626 -0
  1133. vllm/v1/engine/coordinator.py +278 -0
  1134. vllm/v1/engine/core.py +1046 -0
  1135. vllm/v1/engine/core_client.py +1049 -0
  1136. vllm/v1/engine/detokenizer.py +292 -0
  1137. vllm/v1/engine/exceptions.py +17 -0
  1138. vllm/v1/engine/llm_engine.py +322 -0
  1139. vllm/v1/engine/logprobs.py +200 -0
  1140. vllm/v1/engine/mm_input_cache.py +91 -0
  1141. vllm/v1/engine/output_processor.py +477 -0
  1142. vllm/v1/engine/parallel_sampling.py +133 -0
  1143. vllm/v1/engine/processor.py +422 -0
  1144. vllm/v1/engine/utils.py +546 -0
  1145. vllm/v1/executor/__init__.py +0 -0
  1146. vllm/v1/executor/abstract.py +113 -0
  1147. vllm/v1/executor/multiproc_executor.py +532 -0
  1148. vllm/v1/executor/ray_distributed_executor.py +62 -0
  1149. vllm/v1/kv_cache_interface.py +223 -0
  1150. vllm/v1/metrics/__init__.py +0 -0
  1151. vllm/v1/metrics/loggers.py +557 -0
  1152. vllm/v1/metrics/prometheus.py +82 -0
  1153. vllm/v1/metrics/ray_wrappers.py +131 -0
  1154. vllm/v1/metrics/reader.py +246 -0
  1155. vllm/v1/metrics/stats.py +240 -0
  1156. vllm/v1/outputs.py +124 -0
  1157. vllm/v1/pool/__init__.py +0 -0
  1158. vllm/v1/pool/metadata.py +17 -0
  1159. vllm/v1/request.py +229 -0
  1160. vllm/v1/sample/__init__.py +0 -0
  1161. vllm/v1/sample/logits_processor.py +517 -0
  1162. vllm/v1/sample/metadata.py +43 -0
  1163. vllm/v1/sample/ops/__init__.py +0 -0
  1164. vllm/v1/sample/ops/bad_words.py +39 -0
  1165. vllm/v1/sample/ops/penalties.py +43 -0
  1166. vllm/v1/sample/ops/topk_topp_sampler.py +296 -0
  1167. vllm/v1/sample/rejection_sampler.py +631 -0
  1168. vllm/v1/sample/sampler.py +226 -0
  1169. vllm/v1/sample/tpu/__init__.py +0 -0
  1170. vllm/v1/sample/tpu/metadata.py +124 -0
  1171. vllm/v1/sample/tpu/sampler.py +145 -0
  1172. vllm/v1/serial_utils.py +315 -0
  1173. vllm/v1/spec_decode/__init__.py +0 -0
  1174. vllm/v1/spec_decode/eagle.py +441 -0
  1175. vllm/v1/spec_decode/medusa.py +64 -0
  1176. vllm/v1/spec_decode/metadata.py +62 -0
  1177. vllm/v1/spec_decode/metrics.py +178 -0
  1178. vllm/v1/spec_decode/ngram_proposer.py +132 -0
  1179. vllm/v1/spec_decode/utils.py +41 -0
  1180. vllm/v1/structured_output/__init__.py +227 -0
  1181. vllm/v1/structured_output/backend_guidance.py +245 -0
  1182. vllm/v1/structured_output/backend_types.py +134 -0
  1183. vllm/v1/structured_output/backend_xgrammar.py +318 -0
  1184. vllm/v1/structured_output/request.py +86 -0
  1185. vllm/v1/structured_output/utils.py +175 -0
  1186. vllm/v1/utils.py +377 -0
  1187. vllm/v1/worker/__init__.py +0 -0
  1188. vllm/v1/worker/block_table.py +142 -0
  1189. vllm/v1/worker/cpu_model_runner.py +91 -0
  1190. vllm/v1/worker/cpu_worker.py +153 -0
  1191. vllm/v1/worker/gpu_input_batch.py +757 -0
  1192. vllm/v1/worker/gpu_model_runner.py +2739 -0
  1193. vllm/v1/worker/gpu_worker.py +408 -0
  1194. vllm/v1/worker/lora_model_runner_mixin.py +177 -0
  1195. vllm/v1/worker/tpu_input_batch.py +585 -0
  1196. vllm/v1/worker/tpu_model_runner.py +1849 -0
  1197. vllm/v1/worker/tpu_worker.py +315 -0
  1198. vllm/v1/worker/utils.py +112 -0
  1199. vllm/v1/worker/worker_base.py +65 -0
  1200. vllm/v1/worker/xpu_model_runner.py +33 -0
  1201. vllm/v1/worker/xpu_worker.py +165 -0
  1202. vllm/version.py +41 -0
  1203. vllm/vllm_flash_attn/.gitkeep +0 -0
  1204. vllm/worker/__init__.py +0 -0
  1205. vllm/worker/cache_engine.py +145 -0
  1206. vllm/worker/cpu_enc_dec_model_runner.py +326 -0
  1207. vllm/worker/cpu_model_runner.py +671 -0
  1208. vllm/worker/cpu_pooling_model_runner.py +125 -0
  1209. vllm/worker/cpu_worker.py +452 -0
  1210. vllm/worker/enc_dec_model_runner.py +555 -0
  1211. vllm/worker/hpu_model_runner.py +2320 -0
  1212. vllm/worker/hpu_worker.py +484 -0
  1213. vllm/worker/model_runner.py +2178 -0
  1214. vllm/worker/model_runner_base.py +282 -0
  1215. vllm/worker/multi_step_hpu_worker.py +123 -0
  1216. vllm/worker/multi_step_model_runner.py +911 -0
  1217. vllm/worker/multi_step_neuron_model_runner.py +84 -0
  1218. vllm/worker/multi_step_neuronx_distributed_model_runner.py +63 -0
  1219. vllm/worker/multi_step_tpu_worker.py +108 -0
  1220. vllm/worker/multi_step_worker.py +197 -0
  1221. vllm/worker/neuron_model_runner.py +460 -0
  1222. vllm/worker/neuron_worker.py +193 -0
  1223. vllm/worker/neuronx_distributed_model_runner.py +294 -0
  1224. vllm/worker/pooling_model_runner.py +211 -0
  1225. vllm/worker/tpu_model_runner.py +909 -0
  1226. vllm/worker/tpu_worker.py +337 -0
  1227. vllm/worker/utils.py +53 -0
  1228. vllm/worker/worker.py +577 -0
  1229. vllm/worker/worker_base.py +646 -0
  1230. vllm/worker/xpu_model_runner.py +606 -0
  1231. vllm/worker/xpu_worker.py +186 -0
  1232. vllm_cpu-0.9.2.post2.dist-info/METADATA +339 -0
  1233. vllm_cpu-0.9.2.post2.dist-info/RECORD +1236 -0
  1234. vllm_cpu-0.9.2.post2.dist-info/WHEEL +5 -0
  1235. vllm_cpu-0.9.2.post2.dist-info/entry_points.txt +5 -0
  1236. vllm_cpu-0.9.2.post2.dist-info/top_level.txt +1 -0
@@ -0,0 +1,2101 @@
1
+ # SPDX-License-Identifier: Apache-2.0
2
+ # SPDX-FileCopyrightText: Copyright contributors to the vLLM project
3
+
4
+ import copy
5
+ import time
6
+ from collections import Counter as collectionsCounter
7
+ from collections import deque
8
+ from contextlib import contextmanager
9
+ from dataclasses import dataclass
10
+ from functools import partial
11
+ from typing import (TYPE_CHECKING, Any, Callable, ClassVar, Deque, Dict,
12
+ Iterable, List, Literal, Mapping, NamedTuple, Optional)
13
+ from typing import Sequence as GenericSequence
14
+ from typing import Set, Type, Union, cast
15
+
16
+ import torch
17
+ from typing_extensions import TypeVar
18
+
19
+ import vllm.envs as envs
20
+ from vllm.config import (DecodingConfig, LoRAConfig, ModelConfig,
21
+ ObservabilityConfig, ParallelConfig, SchedulerConfig,
22
+ VllmConfig)
23
+ from vllm.core.scheduler import ScheduledSequenceGroup, SchedulerOutputs
24
+ from vllm.engine.arg_utils import EngineArgs
25
+ from vllm.engine.metrics_types import StatLoggerBase, Stats
26
+ from vllm.engine.output_processor.interfaces import (
27
+ SequenceGroupOutputProcessor)
28
+ from vllm.engine.output_processor.stop_checker import StopChecker
29
+ from vllm.engine.output_processor.util import create_output_by_sequence_group
30
+ from vllm.entrypoints.openai.logits_processors import (
31
+ get_logits_processors as get_openai_logits_processors)
32
+ from vllm.executor.executor_base import ExecutorBase
33
+ from vllm.inputs import ProcessorInputs, PromptType, SingletonInputs
34
+ from vllm.inputs.parse import split_enc_dec_inputs
35
+ from vllm.inputs.preprocess import InputPreprocessor
36
+ from vllm.logger import init_logger
37
+ from vllm.logits_process import get_bad_words_logits_processors
38
+ from vllm.lora.request import LoRARequest
39
+ from vllm.model_executor.guided_decoding import (
40
+ get_local_guided_decoding_logits_processor)
41
+ from vllm.model_executor.layers.sampler import SamplerOutput
42
+ from vllm.multimodal import MULTIMODAL_REGISTRY, MultiModalRegistry
43
+ from vllm.multimodal.processing import EncDecMultiModalProcessor
44
+ from vllm.outputs import (PoolingRequestOutput, RequestOutput,
45
+ RequestOutputFactory)
46
+ from vllm.pooling_params import PoolingParams
47
+ from vllm.prompt_adapter.request import PromptAdapterRequest
48
+ from vllm.sampling_params import RequestOutputKind, SamplingParams
49
+ from vllm.sequence import (ExecuteModelRequest, ParallelSampleSequenceGroup,
50
+ PoolingSequenceGroupOutput, Sequence, SequenceGroup,
51
+ SequenceGroupBase, SequenceGroupMetadata,
52
+ SequenceGroupOutput, SequenceStatus)
53
+ from vllm.tracing import (SpanAttributes, SpanKind, extract_trace_context,
54
+ init_tracer)
55
+ from vllm.transformers_utils.detokenizer import Detokenizer
56
+ from vllm.transformers_utils.tokenizer import AnyTokenizer
57
+ from vllm.transformers_utils.tokenizer_group import (
58
+ TokenizerGroup, init_tokenizer_from_configs)
59
+ from vllm.usage.usage_lib import (UsageContext, is_usage_stats_enabled,
60
+ usage_message)
61
+ from vllm.utils import Counter, Device, resolve_obj_by_qualname, weak_bind
62
+ from vllm.version import __version__ as VLLM_VERSION
63
+ from vllm.worker.model_runner_base import InputProcessingError
64
+
65
+ logger = init_logger(__name__)
66
+ _LOCAL_LOGGING_INTERVAL_SEC = 5
67
+
68
+ _O = TypeVar("_O", RequestOutput, PoolingRequestOutput)
69
+ _R = TypeVar("_R", default=Any)
70
+
71
+
72
+ @dataclass
73
+ class SchedulerOutputState:
74
+ """Caches the scheduler outputs for a virtual engine. Used for Multi-Step"""
75
+ seq_group_metadata_list: Optional[List[SequenceGroupMetadata]] = None
76
+ scheduler_outputs: Optional[SchedulerOutputs] = None
77
+ allow_async_output_proc: bool = False
78
+ last_output: Optional[SamplerOutput] = None
79
+
80
+
81
+ class OutputData(NamedTuple):
82
+ outputs: List[SamplerOutput]
83
+ seq_group_metadata_list: List[SequenceGroupMetadata]
84
+ scheduler_outputs: SchedulerOutputs
85
+ is_async: bool
86
+ is_last_step: bool
87
+ # Indicates if this output is from the first step of the
88
+ # multi-step. When multi-step is disabled, this is always
89
+ # set to True.
90
+ # is_first_step_output is invalid when `outputs` has
91
+ # outputs from multiple steps.
92
+ is_first_step_output: Optional[bool]
93
+ skip: List[int]
94
+
95
+
96
+ class SchedulerContext:
97
+
98
+ def __init__(self, multi_step_stream_outputs: bool = False):
99
+ self.output_queue: Deque[OutputData] = deque()
100
+ self.request_outputs: List[Union[RequestOutput,
101
+ PoolingRequestOutput]] = []
102
+ self.seq_group_metadata_list: Optional[
103
+ List[SequenceGroupMetadata]] = None
104
+ self.scheduler_outputs: Optional[SchedulerOutputs] = None
105
+
106
+ self.multi_step_stream_outputs: bool = multi_step_stream_outputs
107
+
108
+ def append_output(self, outputs: List[SamplerOutput],
109
+ seq_group_metadata_list: List[SequenceGroupMetadata],
110
+ scheduler_outputs: SchedulerOutputs, is_async: bool,
111
+ is_last_step: bool,
112
+ is_first_step_output: Optional[bool]):
113
+ self.output_queue.append(
114
+ OutputData(outputs=outputs,
115
+ seq_group_metadata_list=seq_group_metadata_list,
116
+ scheduler_outputs=scheduler_outputs,
117
+ is_async=is_async,
118
+ is_last_step=is_last_step,
119
+ is_first_step_output=is_first_step_output,
120
+ skip=[]))
121
+
122
+
123
+ class LLMEngine:
124
+ """An LLM engine that receives requests and generates texts.
125
+
126
+ This is the main class for the vLLM engine. It receives requests
127
+ from clients and generates texts from the LLM. It includes a tokenizer, a
128
+ language model (possibly distributed across multiple GPUs), and GPU memory
129
+ space allocated for intermediate states (aka KV cache). This class utilizes
130
+ iteration-level scheduling and efficient memory management to maximize the
131
+ serving throughput.
132
+
133
+ The [`LLM`][vllm.LLM] class wraps this class for offline batched inference
134
+ and the [`AsyncLLMEngine`][vllm.engine.async_llm_engine.AsyncLLMEngine]
135
+ class wraps this class for online serving.
136
+
137
+ The config arguments are derived from [`EngineArgs`][vllm.EngineArgs].
138
+
139
+ Args:
140
+ vllm_config: The configuration for initializing and running vLLM.
141
+ executor_class: The model executor class for managing distributed
142
+ execution.
143
+ log_stats: Whether to log statistics.
144
+ usage_context: Specified entry point, used for usage info collection.
145
+ """
146
+
147
+ DO_VALIDATE_OUTPUT: ClassVar[bool] = False
148
+ """A flag to toggle whether to validate the type of request output."""
149
+
150
+ @classmethod
151
+ @contextmanager
152
+ def enable_output_validation(cls):
153
+ cls.DO_VALIDATE_OUTPUT = True
154
+
155
+ yield
156
+
157
+ cls.DO_VALIDATE_OUTPUT = False
158
+
159
+ @classmethod
160
+ def validate_output(
161
+ cls,
162
+ output: object,
163
+ output_type: Type[_O],
164
+ ) -> _O:
165
+ do_validate = cls.DO_VALIDATE_OUTPUT
166
+
167
+ if ((TYPE_CHECKING or do_validate)
168
+ and not isinstance(output, output_type)):
169
+ raise TypeError(f"Expected output of type {output_type}, "
170
+ f"but found type {type(output)}")
171
+
172
+ return cast(_O, output)
173
+
174
+ @classmethod
175
+ def validate_outputs(
176
+ cls,
177
+ outputs: GenericSequence[object],
178
+ output_type: Type[_O],
179
+ ) -> List[_O]:
180
+ do_validate = cls.DO_VALIDATE_OUTPUT
181
+
182
+ outputs_: List[_O]
183
+ if TYPE_CHECKING or do_validate:
184
+ outputs_ = []
185
+ for output in outputs:
186
+ if not isinstance(output, output_type):
187
+ raise TypeError(f"Expected output of type {output_type}, "
188
+ f"but found type {type(output)}")
189
+
190
+ outputs_.append(output)
191
+ else:
192
+ outputs_ = outputs
193
+
194
+ return outputs_
195
+
196
+ tokenizer: Optional[TokenizerGroup]
197
+
198
+ def __init__(
199
+ self,
200
+ vllm_config: VllmConfig,
201
+ executor_class: Type[ExecutorBase],
202
+ log_stats: bool,
203
+ usage_context: UsageContext = UsageContext.ENGINE_CONTEXT,
204
+ stat_loggers: Optional[Dict[str, StatLoggerBase]] = None,
205
+ mm_registry: MultiModalRegistry = MULTIMODAL_REGISTRY,
206
+ use_cached_outputs: bool = False,
207
+ ) -> None:
208
+ if envs.VLLM_USE_V1:
209
+ raise ValueError(
210
+ "Using V0 LLMEngine, but envs.VLLM_USE_V1=True. "
211
+ "This should not happen. As a workaround, try using "
212
+ "LLMEngine.from_vllm_config(...) or explicitly set "
213
+ "VLLM_USE_V1=0 or 1 and report this issue on Github.")
214
+
215
+ self.vllm_config = vllm_config
216
+ self.model_config = vllm_config.model_config
217
+ self.cache_config = vllm_config.cache_config
218
+ self.lora_config = vllm_config.lora_config
219
+ self.parallel_config = vllm_config.parallel_config
220
+ self.scheduler_config = vllm_config.scheduler_config
221
+ self.device_config = vllm_config.device_config
222
+ self.speculative_config = vllm_config.speculative_config # noqa
223
+ self.load_config = vllm_config.load_config
224
+ self.decoding_config = vllm_config.decoding_config or DecodingConfig( # noqa
225
+ )
226
+ self.prompt_adapter_config = vllm_config.prompt_adapter_config # noqa
227
+ self.observability_config = vllm_config.observability_config or ObservabilityConfig( # noqa
228
+ )
229
+
230
+ logger.info(
231
+ "Initializing a V0 LLM engine (v%s) with config: %s, "
232
+ "use_cached_outputs=%s, ",
233
+ VLLM_VERSION,
234
+ vllm_config,
235
+ use_cached_outputs,
236
+ )
237
+
238
+ self.log_stats = log_stats
239
+ self.use_cached_outputs = use_cached_outputs
240
+
241
+ if not self.model_config.skip_tokenizer_init:
242
+ self.tokenizer = self._init_tokenizer()
243
+ self.detokenizer = Detokenizer(self.tokenizer)
244
+ tokenizer_group = self.get_tokenizer_group()
245
+ else:
246
+ self.tokenizer = None
247
+ self.detokenizer = None
248
+ tokenizer_group = None
249
+
250
+ # Ensure that the function doesn't contain a reference to self,
251
+ # to avoid engine GC issues
252
+ def get_tokenizer_for_seq(sequence: Sequence) -> AnyTokenizer:
253
+ assert tokenizer_group, ("tokenizer_group cannot be None, "
254
+ "make sure skip_tokenizer_init is False")
255
+ return tokenizer_group.get_lora_tokenizer(sequence.lora_request)
256
+
257
+ self.seq_counter = Counter()
258
+ self.generation_config_fields = (
259
+ self.model_config.try_get_generation_config())
260
+
261
+ self.input_preprocessor = InputPreprocessor(self.model_config,
262
+ self.tokenizer,
263
+ mm_registry)
264
+
265
+ self.model_executor = executor_class(vllm_config=vllm_config)
266
+
267
+ if self.model_config.runner_type != "pooling":
268
+ self._initialize_kv_caches()
269
+
270
+ # If usage stat is enabled, collect relevant info.
271
+ if is_usage_stats_enabled():
272
+ from vllm.model_executor.model_loader import (
273
+ get_architecture_class_name)
274
+ usage_message.report_usage(
275
+ get_architecture_class_name(self.model_config),
276
+ usage_context,
277
+ extra_kvs={
278
+ # Common configuration
279
+ "dtype":
280
+ str(self.model_config.dtype),
281
+ "tensor_parallel_size":
282
+ self.parallel_config.tensor_parallel_size,
283
+ "block_size":
284
+ self.cache_config.block_size,
285
+ "gpu_memory_utilization":
286
+ self.cache_config.gpu_memory_utilization,
287
+
288
+ # Quantization
289
+ "quantization":
290
+ self.model_config.quantization,
291
+ "kv_cache_dtype":
292
+ str(self.cache_config.cache_dtype),
293
+
294
+ # Feature flags
295
+ "enable_lora":
296
+ bool(self.lora_config),
297
+ "enable_prompt_adapter":
298
+ bool(self.prompt_adapter_config),
299
+ "enable_prefix_caching":
300
+ self.cache_config.enable_prefix_caching,
301
+ "enforce_eager":
302
+ self.model_config.enforce_eager,
303
+ "disable_custom_all_reduce":
304
+ self.parallel_config.disable_custom_all_reduce,
305
+ })
306
+
307
+ self.cached_scheduler_outputs = [
308
+ SchedulerOutputState()
309
+ for _ in range(self.parallel_config.pipeline_parallel_size)
310
+ ]
311
+
312
+ self.scheduler_contexts = [
313
+ SchedulerContext(multi_step_stream_outputs=self.scheduler_config.
314
+ multi_step_stream_outputs)
315
+ for _ in range(self.parallel_config.pipeline_parallel_size)
316
+ ]
317
+
318
+ if self.model_config.use_async_output_proc:
319
+ process_model_outputs = weak_bind(self._process_model_outputs)
320
+
321
+ self.async_callbacks = [
322
+ partial(process_model_outputs,
323
+ ctx=self.scheduler_contexts[v_id])
324
+ for v_id in range(self.parallel_config.pipeline_parallel_size)
325
+ ]
326
+ else:
327
+ self.async_callbacks = []
328
+
329
+ # Currently used by AsyncLLMEngine to ensure quick append
330
+ # of request outputs to asyncio queues
331
+ self.process_request_outputs_callback: Optional[Callable] = None
332
+
333
+ # Create the scheduler.
334
+ # NOTE: the cache_config here have been updated with the numbers of
335
+ # GPU and CPU blocks, which are profiled in the distributed executor.
336
+ if isinstance(self.vllm_config.scheduler_config.scheduler_cls, str):
337
+ Scheduler = resolve_obj_by_qualname(
338
+ self.vllm_config.scheduler_config.scheduler_cls)
339
+ else:
340
+ Scheduler = self.vllm_config.scheduler_config.scheduler_cls
341
+ self.scheduler = [
342
+ Scheduler(
343
+ self.scheduler_config, self.cache_config, self.lora_config,
344
+ self.parallel_config.pipeline_parallel_size,
345
+ self.async_callbacks[v_id]
346
+ if self.model_config.use_async_output_proc else None)
347
+ for v_id in range(self.parallel_config.pipeline_parallel_size)
348
+ ]
349
+
350
+ # Metric Logging.
351
+ if self.log_stats:
352
+ if stat_loggers is not None:
353
+ self.stat_loggers = stat_loggers
354
+ else:
355
+ # Lazy import for prometheus multiprocessing.
356
+ # We need to set PROMETHEUS_MULTIPROC_DIR environment variable
357
+ # before prometheus_client is imported.
358
+ # See https://prometheus.github.io/client_python/multiprocess/
359
+ from vllm.engine.metrics import (LoggingStatLogger,
360
+ PrometheusStatLogger)
361
+
362
+ self.stat_loggers = {
363
+ "logging":
364
+ LoggingStatLogger(
365
+ local_interval=_LOCAL_LOGGING_INTERVAL_SEC,
366
+ vllm_config=vllm_config),
367
+ "prometheus":
368
+ PrometheusStatLogger(
369
+ local_interval=_LOCAL_LOGGING_INTERVAL_SEC,
370
+ labels=dict(
371
+ model_name=self.model_config.served_model_name),
372
+ vllm_config=vllm_config),
373
+ }
374
+ self.stat_loggers["prometheus"].info("cache_config",
375
+ self.cache_config)
376
+
377
+ self.tracer = None
378
+ if self.observability_config.otlp_traces_endpoint:
379
+ self.tracer = init_tracer(
380
+ "vllm.llm_engine",
381
+ self.observability_config.otlp_traces_endpoint)
382
+
383
+ # Create sequence output processor, e.g. for beam search or
384
+ # speculative decoding.
385
+ self.output_processor = (
386
+ SequenceGroupOutputProcessor.create_output_processor(
387
+ self.scheduler_config,
388
+ self.detokenizer,
389
+ self.scheduler,
390
+ self.seq_counter,
391
+ get_tokenizer_for_seq,
392
+ stop_checker=StopChecker(self.scheduler_config.max_model_len,
393
+ get_tokenizer_for_seq),
394
+ ))
395
+
396
+ self.seq_id_to_seq_group: Dict[str, SequenceGroupBase] = {}
397
+
398
+ # Flag to set when an input fails to process and the engine should run
399
+ # the next step without re-scheduling.
400
+ self._skip_scheduling_next_step = False
401
+
402
+ # Don't keep the dummy data in memory
403
+ self.reset_mm_cache()
404
+
405
+ def _initialize_kv_caches(self) -> None:
406
+ """Initialize the KV cache in the worker(s).
407
+
408
+ The workers will determine the number of blocks in both the GPU cache
409
+ and the swap CPU cache.
410
+ """
411
+ start = time.time()
412
+ num_gpu_blocks, num_cpu_blocks = (
413
+ self.model_executor.determine_num_available_blocks())
414
+
415
+ if self.cache_config.num_gpu_blocks_override is not None:
416
+ num_gpu_blocks_override = self.cache_config.num_gpu_blocks_override
417
+ logger.info(
418
+ "Overriding num_gpu_blocks=%d with "
419
+ "num_gpu_blocks_override=%d", num_gpu_blocks,
420
+ num_gpu_blocks_override)
421
+ num_gpu_blocks = num_gpu_blocks_override
422
+
423
+ self.cache_config.num_gpu_blocks = num_gpu_blocks
424
+ self.cache_config.num_cpu_blocks = num_cpu_blocks
425
+
426
+ self.model_executor.initialize_cache(num_gpu_blocks, num_cpu_blocks)
427
+ elapsed = time.time() - start
428
+ logger.info(("init engine (profile, create kv cache, "
429
+ "warmup model) took %.2f seconds"), elapsed)
430
+
431
+ @classmethod
432
+ def _get_executor_cls(cls,
433
+ engine_config: VllmConfig) -> Type[ExecutorBase]:
434
+ # distributed_executor_backend must be set in VllmConfig.__post_init__
435
+ distributed_executor_backend = (
436
+ engine_config.parallel_config.distributed_executor_backend)
437
+ # Initialize the cluster and specify the executor class.
438
+ if isinstance(distributed_executor_backend, type):
439
+ if not issubclass(distributed_executor_backend, ExecutorBase):
440
+ raise TypeError(
441
+ "distributed_executor_backend must be a subclass of "
442
+ f"ExecutorBase. Got {distributed_executor_backend}.")
443
+ executor_class = distributed_executor_backend
444
+ elif distributed_executor_backend == "ray":
445
+ from vllm.executor.ray_distributed_executor import (
446
+ RayDistributedExecutor)
447
+ executor_class = RayDistributedExecutor
448
+ elif distributed_executor_backend == "mp":
449
+ from vllm.executor.mp_distributed_executor import (
450
+ MultiprocessingDistributedExecutor)
451
+ assert not envs.VLLM_USE_RAY_SPMD_WORKER, (
452
+ "multiprocessing distributed executor backend does not "
453
+ "support VLLM_USE_RAY_SPMD_WORKER=1")
454
+ executor_class = MultiprocessingDistributedExecutor
455
+ elif distributed_executor_backend == "uni":
456
+ # JAX-style, single-process, multi-device executor.
457
+ from vllm.executor.uniproc_executor import UniProcExecutor
458
+ executor_class = UniProcExecutor
459
+ elif distributed_executor_backend == "external_launcher":
460
+ # executor with external launcher
461
+ from vllm.executor.uniproc_executor import ( # noqa
462
+ ExecutorWithExternalLauncher)
463
+ executor_class = ExecutorWithExternalLauncher
464
+ else:
465
+ raise ValueError("unrecognized distributed_executor_backend: "
466
+ f"{distributed_executor_backend}")
467
+ return executor_class
468
+
469
+ @classmethod
470
+ def from_vllm_config(
471
+ cls,
472
+ vllm_config: VllmConfig,
473
+ usage_context: UsageContext = UsageContext.ENGINE_CONTEXT,
474
+ stat_loggers: Optional[Dict[str, StatLoggerBase]] = None,
475
+ disable_log_stats: bool = False,
476
+ ) -> "LLMEngine":
477
+ return cls(
478
+ vllm_config=vllm_config,
479
+ executor_class=cls._get_executor_cls(vllm_config),
480
+ log_stats=(not disable_log_stats),
481
+ usage_context=usage_context,
482
+ stat_loggers=stat_loggers,
483
+ )
484
+
485
+ @classmethod
486
+ def from_engine_args(
487
+ cls,
488
+ engine_args: EngineArgs,
489
+ usage_context: UsageContext = UsageContext.ENGINE_CONTEXT,
490
+ stat_loggers: Optional[Dict[str, StatLoggerBase]] = None,
491
+ ) -> "LLMEngine":
492
+ """Creates an LLM engine from the engine arguments."""
493
+ # Create the engine configs.
494
+ vllm_config = engine_args.create_engine_config(usage_context)
495
+
496
+ engine_cls = cls
497
+ if envs.VLLM_USE_V1:
498
+ from vllm.v1.engine.llm_engine import LLMEngine as V1LLMEngine
499
+ engine_cls = V1LLMEngine
500
+
501
+ return engine_cls.from_vllm_config(
502
+ vllm_config=vllm_config,
503
+ usage_context=usage_context,
504
+ stat_loggers=stat_loggers,
505
+ disable_log_stats=engine_args.disable_log_stats,
506
+ )
507
+
508
+ def __reduce__(self):
509
+ # This is to ensure that the LLMEngine is not referenced in
510
+ # the closure used to initialize Ray worker actors
511
+ raise RuntimeError("LLMEngine should not be pickled!")
512
+
513
+ def __del__(self):
514
+ # Shutdown model executor when engine is garbage collected
515
+ # Use getattr since __init__ can fail before the field is set
516
+ if model_executor := getattr(self, "model_executor", None):
517
+ model_executor.shutdown()
518
+
519
+ def get_tokenizer_group(self) -> TokenizerGroup:
520
+ if self.tokenizer is None:
521
+ raise ValueError("Unable to get tokenizer because "
522
+ "skip_tokenizer_init is True")
523
+
524
+ return self.tokenizer
525
+
526
+ def get_tokenizer(
527
+ self,
528
+ lora_request: Optional[LoRARequest] = None,
529
+ ) -> AnyTokenizer:
530
+ return self.get_tokenizer_group().get_lora_tokenizer(lora_request)
531
+
532
+ def _init_tokenizer(self) -> TokenizerGroup:
533
+ return init_tokenizer_from_configs(
534
+ model_config=self.model_config,
535
+ scheduler_config=self.scheduler_config,
536
+ lora_config=self.lora_config)
537
+
538
+ def _verify_args(self) -> None:
539
+ self.model_config.verify_with_parallel_config(self.parallel_config)
540
+ self.cache_config.verify_with_parallel_config(self.parallel_config)
541
+ if self.lora_config:
542
+ self.lora_config.verify_with_model_config(self.model_config)
543
+ self.lora_config.verify_with_scheduler_config(
544
+ self.scheduler_config)
545
+ if self.prompt_adapter_config:
546
+ self.prompt_adapter_config.verify_with_model_config(
547
+ self.model_config)
548
+
549
+ def _add_processed_request(
550
+ self,
551
+ request_id: str,
552
+ processed_inputs: ProcessorInputs,
553
+ params: Union[SamplingParams, PoolingParams],
554
+ arrival_time: float,
555
+ lora_request: Optional[LoRARequest],
556
+ prompt_adapter_request: Optional[PromptAdapterRequest],
557
+ trace_headers: Optional[Mapping[str, str]] = None,
558
+ priority: int = 0,
559
+ ) -> Optional[SequenceGroup]:
560
+ """Add a processed request to the engine's request pool.
561
+ return the created sequence group.
562
+ """
563
+ if isinstance(params, SamplingParams) and params.n > 1:
564
+ ParallelSampleSequenceGroup.add_request(
565
+ request_id,
566
+ self,
567
+ params,
568
+ processed_inputs=processed_inputs,
569
+ arrival_time=arrival_time,
570
+ lora_request=lora_request,
571
+ trace_headers=trace_headers,
572
+ prompt_adapter_request=prompt_adapter_request,
573
+ priority=priority,
574
+ )
575
+ return None
576
+
577
+ self._validate_model_inputs(processed_inputs, lora_request)
578
+ # Create the sequences.
579
+ block_size = self.cache_config.block_size
580
+ seq_id = next(self.seq_counter)
581
+ eos_token_id = self.input_preprocessor.get_eos_token_id(lora_request)
582
+
583
+ encoder_inputs, decoder_inputs = split_enc_dec_inputs(processed_inputs)
584
+
585
+ seq = Sequence(seq_id, decoder_inputs, block_size, eos_token_id,
586
+ lora_request, prompt_adapter_request)
587
+
588
+ encoder_seq = (None if encoder_inputs is None else Sequence(
589
+ seq_id, encoder_inputs, block_size, eos_token_id, lora_request,
590
+ prompt_adapter_request))
591
+
592
+ # Create a SequenceGroup based on SamplingParams or PoolingParams
593
+ if isinstance(params, SamplingParams):
594
+ seq_group = self._create_sequence_group_with_sampling(
595
+ request_id,
596
+ seq,
597
+ params,
598
+ arrival_time=arrival_time,
599
+ lora_request=lora_request,
600
+ trace_headers=trace_headers,
601
+ prompt_adapter_request=prompt_adapter_request,
602
+ encoder_seq=encoder_seq,
603
+ priority=priority)
604
+ elif isinstance(params, PoolingParams):
605
+ seq_group = self._create_sequence_group_with_pooling(
606
+ request_id,
607
+ seq,
608
+ params,
609
+ arrival_time=arrival_time,
610
+ lora_request=lora_request,
611
+ prompt_adapter_request=prompt_adapter_request,
612
+ encoder_seq=encoder_seq,
613
+ priority=priority)
614
+ else:
615
+ raise ValueError(
616
+ "Either SamplingParams or PoolingParams must be provided.")
617
+
618
+ # Add the sequence group to the scheduler with least unfinished seqs.
619
+ costs = [
620
+ scheduler.get_num_unfinished_seq_groups()
621
+ for scheduler in self.scheduler
622
+ ]
623
+ min_cost_scheduler = self.scheduler[costs.index(min(costs))]
624
+ min_cost_scheduler.add_seq_group(seq_group)
625
+
626
+ return seq_group
627
+
628
+ def stop_remote_worker_execution_loop(self) -> None:
629
+ self.model_executor.stop_remote_worker_execution_loop()
630
+
631
+ def add_request(
632
+ self,
633
+ request_id: str,
634
+ prompt: PromptType,
635
+ params: Union[SamplingParams, PoolingParams],
636
+ arrival_time: Optional[float] = None,
637
+ lora_request: Optional[LoRARequest] = None,
638
+ tokenization_kwargs: Optional[dict[str, Any]] = None,
639
+ trace_headers: Optional[Mapping[str, str]] = None,
640
+ prompt_adapter_request: Optional[PromptAdapterRequest] = None,
641
+ priority: int = 0,
642
+ ) -> None:
643
+ """Add a request to the engine's request pool.
644
+
645
+ The request is added to the request pool and will be processed by the
646
+ scheduler as `engine.step()` is called. The exact scheduling policy is
647
+ determined by the scheduler.
648
+
649
+ Args:
650
+ request_id: The unique ID of the request.
651
+ prompt: The prompt to the LLM. See
652
+ [PromptType][vllm.inputs.PromptType]
653
+ for more details about the format of each input.
654
+ params: Parameters for sampling or pooling.
655
+ [SamplingParams][vllm.SamplingParams] for text generation.
656
+ [PoolingParams][vllm.PoolingParams] for pooling.
657
+ arrival_time: The arrival time of the request. If None, we use
658
+ the current monotonic time.
659
+ lora_request: The LoRA request to add.
660
+ trace_headers: OpenTelemetry trace headers.
661
+ prompt_adapter_request: The prompt adapter request to add.
662
+ priority: The priority of the request.
663
+ Only applicable with priority scheduling.
664
+
665
+ Details:
666
+ - Set arrival_time to the current time if it is None.
667
+ - Set prompt_token_ids to the encoded prompt if it is None.
668
+ - Create `n` number of [Sequence][vllm.Sequence] objects.
669
+ - Create a [SequenceGroup][vllm.SequenceGroup] object
670
+ from the list of [Sequence][vllm.Sequence].
671
+ - Add the [SequenceGroup][vllm.SequenceGroup] object to the
672
+ scheduler.
673
+
674
+ Example:
675
+ >>> # initialize engine
676
+ >>> engine = LLMEngine.from_engine_args(engine_args)
677
+ >>> # set request arguments
678
+ >>> example_prompt = "Who is the president of the United States?"
679
+ >>> sampling_params = SamplingParams(temperature=0.0)
680
+ >>> request_id = 0
681
+ >>>
682
+ >>> # add the request to the engine
683
+ >>> engine.add_request(
684
+ >>> str(request_id),
685
+ >>> example_prompt,
686
+ >>> SamplingParams(temperature=0.0))
687
+ >>> # continue the request processing
688
+ >>> ...
689
+ """
690
+ if not isinstance(request_id, str):
691
+ raise TypeError(
692
+ f"request_id must be a string, got {type(request_id)}")
693
+
694
+ if lora_request is not None and not self.lora_config:
695
+ raise ValueError(f"Got lora_request {lora_request} but LoRA is "
696
+ "not enabled!")
697
+
698
+ if priority != 0 and not self.scheduler_config.policy == "priority":
699
+ raise ValueError(f"Got priority {priority} but "
700
+ "Priority scheduling is not enabled.")
701
+
702
+ if isinstance(params, SamplingParams) \
703
+ and (params.guided_decoding or params.logits_processors) \
704
+ and self.scheduler_config.num_scheduler_steps > 1:
705
+ raise ValueError(
706
+ "Guided decoding and logits processors are not supported "
707
+ "in multi-step decoding")
708
+
709
+ if arrival_time is None:
710
+ arrival_time = time.time()
711
+
712
+ if (isinstance(prompt, dict)
713
+ and prompt.get("prompt_embeds", None) is not None
714
+ and not prompt.get("prompt_token_ids", None)):
715
+ seq_len = prompt["prompt_embeds"].shape[0]
716
+ prompt["prompt_token_ids"] = [0] * seq_len
717
+
718
+ processed_inputs = self.input_preprocessor.preprocess(
719
+ prompt,
720
+ tokenization_kwargs=tokenization_kwargs,
721
+ lora_request=lora_request,
722
+ prompt_adapter_request=prompt_adapter_request,
723
+ )
724
+
725
+ self._add_processed_request(
726
+ request_id=request_id,
727
+ processed_inputs=processed_inputs,
728
+ params=params,
729
+ arrival_time=arrival_time,
730
+ lora_request=lora_request,
731
+ prompt_adapter_request=prompt_adapter_request,
732
+ trace_headers=trace_headers,
733
+ priority=priority,
734
+ )
735
+
736
+ def _create_sequence_group_with_sampling(
737
+ self,
738
+ request_id: str,
739
+ seq: Sequence,
740
+ sampling_params: SamplingParams,
741
+ arrival_time: float,
742
+ lora_request: Optional[LoRARequest],
743
+ trace_headers: Optional[Mapping[str, str]] = None,
744
+ prompt_adapter_request: Optional[PromptAdapterRequest] = None,
745
+ encoder_seq: Optional[Sequence] = None,
746
+ priority: int = 0,
747
+ ) -> SequenceGroup:
748
+ """Creates a SequenceGroup with SamplingParams."""
749
+ max_logprobs = self.get_model_config().max_logprobs
750
+ if (sampling_params.logprobs
751
+ and sampling_params.logprobs > max_logprobs) or (
752
+ sampling_params.prompt_logprobs
753
+ and sampling_params.prompt_logprobs > max_logprobs):
754
+ raise ValueError(f"Cannot request more than "
755
+ f"{max_logprobs} logprobs.")
756
+
757
+ sampling_params = self._build_logits_processors(
758
+ sampling_params, lora_request)
759
+
760
+ # Defensive copy of SamplingParams, which are used by the sampler,
761
+ # this doesn't deep-copy LogitsProcessor objects
762
+ sampling_params = sampling_params.clone()
763
+
764
+ sampling_params.update_from_generation_config(
765
+ self.generation_config_fields, seq.eos_token_id)
766
+
767
+ # Create the sequence group.
768
+ draft_size = 1
769
+ if self.vllm_config.speculative_config is not None:
770
+ draft_size = \
771
+ self.vllm_config.speculative_config.num_speculative_tokens + 1
772
+ seq_group = SequenceGroup(
773
+ request_id=request_id,
774
+ seqs=[seq],
775
+ arrival_time=arrival_time,
776
+ sampling_params=sampling_params,
777
+ lora_request=lora_request,
778
+ trace_headers=trace_headers,
779
+ prompt_adapter_request=prompt_adapter_request,
780
+ encoder_seq=encoder_seq,
781
+ priority=priority,
782
+ draft_size=draft_size)
783
+
784
+ return seq_group
785
+
786
+ def _create_sequence_group_with_pooling(
787
+ self,
788
+ request_id: str,
789
+ seq: Sequence,
790
+ pooling_params: PoolingParams,
791
+ arrival_time: float,
792
+ lora_request: Optional[LoRARequest],
793
+ prompt_adapter_request: Optional[PromptAdapterRequest],
794
+ encoder_seq: Optional[Sequence] = None,
795
+ priority: int = 0,
796
+ ) -> SequenceGroup:
797
+ """Creates a SequenceGroup with PoolingParams."""
798
+ # Defensive copy of PoolingParams, which are used by the pooler
799
+ pooling_params = pooling_params.clone()
800
+ # Create the sequence group.
801
+ seq_group = SequenceGroup(
802
+ request_id=request_id,
803
+ seqs=[seq],
804
+ arrival_time=arrival_time,
805
+ lora_request=lora_request,
806
+ pooling_params=pooling_params,
807
+ prompt_adapter_request=prompt_adapter_request,
808
+ encoder_seq=encoder_seq,
809
+ priority=priority)
810
+ return seq_group
811
+
812
+ def abort_request(self, request_id: Union[str, Iterable[str]]) -> None:
813
+ """Aborts a request(s) with the given ID.
814
+
815
+ Args:
816
+ request_id: The ID(s) of the request to abort.
817
+
818
+ Details:
819
+ - Refer to [vllm.core.scheduler.Scheduler.abort_seq_group][].
820
+
821
+ Example:
822
+ >>> # initialize engine and add a request with request_id
823
+ >>> request_id = str(0)
824
+ >>> # abort the request
825
+ >>> engine.abort_request(request_id)
826
+ """
827
+ for scheduler in self.scheduler:
828
+ scheduler.abort_seq_group(
829
+ request_id, seq_id_to_seq_group=self.seq_id_to_seq_group)
830
+
831
+ def get_vllm_config(self) -> VllmConfig:
832
+ """Gets the vllm configuration."""
833
+ return self.vllm_config
834
+
835
+ def get_model_config(self) -> ModelConfig:
836
+ """Gets the model configuration."""
837
+ return self.model_config
838
+
839
+ def get_parallel_config(self) -> ParallelConfig:
840
+ """Gets the parallel configuration."""
841
+ return self.parallel_config
842
+
843
+ def get_decoding_config(self) -> DecodingConfig:
844
+ """Gets the decoding configuration."""
845
+ return self.decoding_config
846
+
847
+ def get_scheduler_config(self) -> SchedulerConfig:
848
+ """Gets the scheduler configuration."""
849
+ return self.scheduler_config
850
+
851
+ def get_lora_config(self) -> LoRAConfig:
852
+ """Gets the LoRA configuration."""
853
+ return self.lora_config
854
+
855
+ def get_num_unfinished_requests(self) -> int:
856
+ """Gets the number of unfinished requests."""
857
+ return sum(scheduler.get_num_unfinished_seq_groups()
858
+ for scheduler in self.scheduler)
859
+
860
+ def has_unfinished_requests(self) -> bool:
861
+ """Returns True if there are unfinished requests."""
862
+ return any(scheduler.has_unfinished_seqs()
863
+ for scheduler in self.scheduler)
864
+
865
+ def has_unfinished_requests_for_virtual_engine(
866
+ self, virtual_engine: int) -> bool:
867
+ """
868
+ Returns True if there are unfinished requests for the virtual engine.
869
+ """
870
+ return self.scheduler[virtual_engine].has_unfinished_seqs()
871
+
872
+ def reset_mm_cache(self) -> bool:
873
+ """Reset the multi-modal cache."""
874
+ return self.input_preprocessor.mm_registry.reset_processor_cache()
875
+
876
+ def reset_prefix_cache(self, device: Optional[Device] = None) -> bool:
877
+ """Reset prefix cache for all devices."""
878
+
879
+ success = True
880
+ for scheduler in self.scheduler:
881
+ success = success and scheduler.reset_prefix_cache(device)
882
+ return success
883
+
884
+ @staticmethod
885
+ def _process_sequence_group_outputs(
886
+ seq_group: SequenceGroup,
887
+ outputs: List[PoolingSequenceGroupOutput],
888
+ ) -> None:
889
+ seq_group.pooled_data = outputs[0].data
890
+
891
+ for seq in seq_group.get_seqs():
892
+ seq.status = SequenceStatus.FINISHED_STOPPED
893
+
894
+ return
895
+
896
+ def _update_num_computed_tokens_for_multi_step_prefill(
897
+ self, seq_group: SequenceGroup,
898
+ seq_group_meta: SequenceGroupMetadata,
899
+ is_first_step_output: Optional[bool]):
900
+ """
901
+ This function updates num_computed_tokens for prompt sequences
902
+ when Multi-Step is enabled.
903
+
904
+ seq_group: SequenceGroup to update the num_computed_tokens for.
905
+ seq_group_meta: Metadata of the given SequenceGroup.
906
+ is_first_step_output: Optional[bool] -
907
+ When available, is_first_step_output indicates if the appended
908
+ output token is the output of the first-step in multi-step.
909
+ A value of None indicates that outputs from all steps in
910
+ in multi-step are submitted in a single burst.
911
+ """
912
+
913
+ assert self.scheduler_config.is_multi_step
914
+
915
+ if not seq_group_meta.is_prompt:
916
+ # num_computed_token updates for multi-step decodes happen after
917
+ # the tokens are appended to the sequence.
918
+ return
919
+
920
+ do_update: bool = False
921
+ if self.scheduler_config.chunked_prefill_enabled:
922
+ # In multi-step + chunked-prefill case, the prompt sequences
923
+ # that are scheduled are fully processed in the first step.
924
+ do_update = is_first_step_output is None or is_first_step_output
925
+ else:
926
+ # Normal multi-step decoding case. In this case prompt-sequences
927
+ # are actually single-stepped. Always update in this case.
928
+ assert seq_group.state.num_steps == 1
929
+ do_update = True
930
+
931
+ if do_update:
932
+ seq_group.update_num_computed_tokens(
933
+ seq_group_meta.token_chunk_size)
934
+
935
+ def _process_model_outputs(self,
936
+ ctx: SchedulerContext,
937
+ request_id: Optional[str] = None) -> None:
938
+ """Apply the model output to the sequences in the scheduled seq groups
939
+ and return responses.
940
+
941
+ ctx: The virtual engine context to work on
942
+ request_id: If provided, then only this request is going to be processed
943
+ """
944
+
945
+ now = time.time()
946
+
947
+ if len(ctx.output_queue) == 0:
948
+ return None
949
+
950
+ # Get pending async postprocessor
951
+ if request_id:
952
+ # When we process only one request, no pop is required
953
+ # (since later we will process all of the rest)
954
+ (outputs, seq_group_metadata_list, scheduler_outputs, is_async,
955
+ is_last_step, is_first_step_output, skip) = ctx.output_queue[0]
956
+ else:
957
+ (outputs, seq_group_metadata_list, scheduler_outputs, is_async,
958
+ is_last_step, is_first_step_output,
959
+ skip) = ctx.output_queue.popleft()
960
+
961
+ # Sanity check
962
+ assert len(seq_group_metadata_list) == len(
963
+ scheduler_outputs.scheduled_seq_groups)
964
+
965
+ has_multiple_outputs: bool = len(outputs) > 1
966
+ outputs_by_sequence_group: List[List[SequenceGroupOutput]]
967
+ if has_multiple_outputs:
968
+ assert self.scheduler_config.is_multi_step or \
969
+ self.speculative_config
970
+ # Organize outputs by [step][sequence group] instead of
971
+ # [sequence group][step].
972
+ if self.scheduler_config.is_multi_step:
973
+ outputs_by_sequence_group = create_output_by_sequence_group(
974
+ outputs, len(seq_group_metadata_list))
975
+ elif self.speculative_config:
976
+ # Decodes are multi-steps while prefills are not, outputting at
977
+ # most 1 token. Separate them so that we can trigger chunk
978
+ # processing without having to pad or copy over prompts K times
979
+ # to match decodes structure (costly with prompt_logprobs).
980
+ num_prefills = sum(sg.is_prompt
981
+ for sg in seq_group_metadata_list)
982
+ prefills, decodes = outputs[:num_prefills], outputs[
983
+ num_prefills:]
984
+ outputs_by_sequence_group = create_output_by_sequence_group(
985
+ decodes,
986
+ num_seq_groups=len(seq_group_metadata_list) - num_prefills)
987
+ outputs_by_sequence_group = [p.outputs for p in prefills
988
+ ] + outputs_by_sequence_group
989
+ # We have outputs for multiple steps submitted in a single burst,
990
+ # so invalidate is_first_step_output.
991
+ is_first_step_output = None
992
+ else:
993
+ outputs_by_sequence_group = outputs
994
+
995
+ # Determine the requests we need to operate on
996
+ if request_id:
997
+ indices = []
998
+ for i, seq_group_meta in enumerate(seq_group_metadata_list):
999
+ if seq_group_meta.request_id == request_id:
1000
+ assert i not in skip # Cannot be called twice
1001
+ indices.append(i)
1002
+ break
1003
+
1004
+ # If the request_id was not found, then it means that
1005
+ # this is a new request that has no pending async
1006
+ # postprocessor
1007
+ if not indices:
1008
+ return
1009
+ else:
1010
+ indices = range(len(seq_group_metadata_list)) # type: ignore
1011
+
1012
+ finished_before: List[int] = []
1013
+ finished_now: List[int] = []
1014
+ for i in indices:
1015
+ if i in skip:
1016
+ continue
1017
+
1018
+ seq_group_meta = seq_group_metadata_list[i]
1019
+ scheduled_seq_group = scheduler_outputs.scheduled_seq_groups[i]
1020
+
1021
+ seq_group: SequenceGroup = scheduled_seq_group.seq_group
1022
+
1023
+ if seq_group.is_finished():
1024
+ finished_before.append(i)
1025
+ continue
1026
+
1027
+ output: List[SequenceGroupOutput]
1028
+ if has_multiple_outputs:
1029
+ output = outputs_by_sequence_group[i]
1030
+ else:
1031
+ output = [outputs_by_sequence_group[0][i]]
1032
+
1033
+ if not is_async:
1034
+ if self.scheduler_config.is_multi_step:
1035
+ # Updates happen only if the sequence is prefill
1036
+ self._update_num_computed_tokens_for_multi_step_prefill(
1037
+ seq_group, seq_group_meta, is_first_step_output)
1038
+ else:
1039
+ seq_group.update_num_computed_tokens(
1040
+ seq_group_meta.token_chunk_size or 0)
1041
+
1042
+ if outputs:
1043
+ for o in outputs:
1044
+ if (isinstance(o, SamplerOutput)
1045
+ and seq_group.metrics is not None):
1046
+ if seq_group.metrics.model_forward_time is not None:
1047
+ seq_group.metrics.model_forward_time += (
1048
+ o.model_forward_time or 0)
1049
+ else:
1050
+ seq_group.metrics.model_forward_time = (
1051
+ o.model_forward_time)
1052
+ if seq_group.metrics.model_execute_time is not None:
1053
+ seq_group.metrics.model_execute_time += (
1054
+ o.model_execute_time or 0)
1055
+ else:
1056
+ seq_group.metrics.model_execute_time = (
1057
+ o.model_execute_time)
1058
+
1059
+ if self.model_config.runner_type == "pooling":
1060
+ self._process_sequence_group_outputs(seq_group, output)
1061
+ else:
1062
+ self.output_processor.process_prompt_logprob(seq_group, output)
1063
+ if seq_group_meta.do_sample:
1064
+ self.output_processor.process_outputs(
1065
+ seq_group, output, is_async)
1066
+
1067
+ if seq_group.is_finished():
1068
+ finished_now.append(i)
1069
+
1070
+ # Generate outputs for the requests that finished this iteration
1071
+ for i in finished_now:
1072
+ scheduled_seq_group = scheduler_outputs.scheduled_seq_groups[i]
1073
+
1074
+ seq_group = scheduled_seq_group.seq_group
1075
+ seq_group.maybe_set_first_token_time(now)
1076
+ if not seq_group.is_prefill():
1077
+ seq_group.set_last_token_time(now)
1078
+ request_output = RequestOutputFactory.create(
1079
+ seq_group,
1080
+ self.seq_id_to_seq_group,
1081
+ use_cache=self.use_cached_outputs)
1082
+ if request_output:
1083
+ ctx.request_outputs.append(request_output)
1084
+
1085
+ # When we process a single request, we skip it for the next time,
1086
+ # and invoke the request output callback (if there was final output)
1087
+ if request_id:
1088
+ assert len(indices) == 1
1089
+ skip.append(indices[0])
1090
+
1091
+ if (finished_now
1092
+ and self.process_request_outputs_callback is not None):
1093
+ self.process_request_outputs_callback(ctx.request_outputs)
1094
+ ctx.request_outputs.clear()
1095
+ return
1096
+
1097
+ # Free currently finished requests
1098
+ if finished_now:
1099
+ for scheduler in self.scheduler:
1100
+ scheduler.free_finished_seq_groups()
1101
+
1102
+ # For multi-step without streaming, don't create outputs each iteration
1103
+ if not is_last_step and not ctx.multi_step_stream_outputs:
1104
+ # Immediately process request outputs here (if callback is given)
1105
+ if (finished_now
1106
+ and self.process_request_outputs_callback is not None):
1107
+ self.process_request_outputs_callback(ctx.request_outputs)
1108
+ ctx.request_outputs.clear()
1109
+ return
1110
+
1111
+ # Create the outputs
1112
+ for i in indices:
1113
+ if i in skip or i in finished_before or i in finished_now:
1114
+ continue # Avoids double processing
1115
+
1116
+ scheduled_seq_group = scheduler_outputs.scheduled_seq_groups[i]
1117
+
1118
+ seq_group = scheduled_seq_group.seq_group
1119
+ seq_group.maybe_set_first_token_time(now)
1120
+ if not seq_group.is_prefill():
1121
+ seq_group.set_last_token_time(now)
1122
+ request_output = RequestOutputFactory.create(
1123
+ seq_group,
1124
+ self.seq_id_to_seq_group,
1125
+ use_cache=self.use_cached_outputs)
1126
+ if request_output:
1127
+ ctx.request_outputs.append(request_output)
1128
+
1129
+ # For multi-step with streaming, create outputs each iteration
1130
+ if not is_last_step and ctx.multi_step_stream_outputs:
1131
+ # Immediately process request outputs here (if callback is given)
1132
+ if self.process_request_outputs_callback is not None:
1133
+ self.process_request_outputs_callback(ctx.request_outputs)
1134
+ ctx.request_outputs.clear()
1135
+ return
1136
+
1137
+ for seq_group in scheduler_outputs.ignored_seq_groups:
1138
+ params = seq_group.sampling_params
1139
+ if params is not None and params.output_kind == (
1140
+ RequestOutputKind.DELTA) and not seq_group.is_finished():
1141
+ continue
1142
+
1143
+ request_output = RequestOutputFactory.create(
1144
+ seq_group,
1145
+ self.seq_id_to_seq_group,
1146
+ use_cache=self.use_cached_outputs,
1147
+ )
1148
+ if request_output:
1149
+ ctx.request_outputs.append(request_output)
1150
+
1151
+ # Immediately process request outputs here (if callback is given)
1152
+ if (ctx.request_outputs
1153
+ and self.process_request_outputs_callback is not None):
1154
+ self.process_request_outputs_callback(ctx.request_outputs)
1155
+ ctx.request_outputs.clear()
1156
+
1157
+ # For async case, we need to record the stats here.
1158
+ # For non-async case, the stats are done in the
1159
+ # LLMEngine/AsyncLLMEngine directly
1160
+ if is_async:
1161
+ # Log stats.
1162
+ self.do_log_stats(scheduler_outputs, outputs, finished_before,
1163
+ skip)
1164
+
1165
+ # Tracing
1166
+ self.do_tracing(scheduler_outputs, finished_before)
1167
+
1168
+ return None
1169
+
1170
+ def _advance_to_next_step(
1171
+ self, output: SamplerOutput,
1172
+ seq_group_metadata_list: List[SequenceGroupMetadata],
1173
+ scheduled_seq_groups: List[ScheduledSequenceGroup]) -> None:
1174
+ """Given model output from a single run, append the tokens to the
1175
+ sequences. This is normally done inside output processor, but it is
1176
+ required if the worker is to perform async forward pass to next step.
1177
+ """
1178
+ for seq_group_metadata, sequence_group_outputs, scheduled_seq_group in \
1179
+ zip(seq_group_metadata_list, output, scheduled_seq_groups):
1180
+ seq_group = scheduled_seq_group.seq_group
1181
+
1182
+ if seq_group.is_finished():
1183
+ continue
1184
+
1185
+ if self.scheduler_config.is_multi_step:
1186
+ # Updates happen only if the sequence is prefill
1187
+ self._update_num_computed_tokens_for_multi_step_prefill(
1188
+ seq_group, seq_group_metadata,
1189
+ seq_group.state.num_steps == 1)
1190
+ else:
1191
+ token_chunk_size = (seq_group_metadata.token_chunk_size
1192
+ if seq_group_metadata.token_chunk_size
1193
+ is not None else 0)
1194
+ seq_group.update_num_computed_tokens(token_chunk_size)
1195
+
1196
+ if seq_group_metadata.do_sample:
1197
+ assert len(sequence_group_outputs.samples) == 1, (
1198
+ "Async output processor expects a single sample"
1199
+ " (i.e sampling_params.n == 1)")
1200
+ sample = sequence_group_outputs.samples[0]
1201
+
1202
+ assert len(seq_group.seqs) == 1
1203
+ seq = seq_group.seqs[0]
1204
+
1205
+ if self.scheduler_config.is_multi_step:
1206
+ is_prefill_append = seq.data.get_num_uncomputed_tokens(
1207
+ ) == 0
1208
+ seq.append_token_id(sample.output_token, sample.logprobs,
1209
+ sample.output_embed)
1210
+ if not is_prefill_append:
1211
+ seq_group.update_num_computed_tokens(1)
1212
+ else:
1213
+ seq.append_token_id(sample.output_token, sample.logprobs,
1214
+ sample.output_embed)
1215
+
1216
+ def step(self) -> List[Union[RequestOutput, PoolingRequestOutput]]:
1217
+ """Performs one decoding iteration and returns newly generated results.
1218
+
1219
+ <figure markdown="span">
1220
+ ![Overview of the step function](https://i.imgur.com/sv2HssD.png)
1221
+ <figcaption>Overview of the step function</figcaption>
1222
+ </figure>
1223
+
1224
+ Details:
1225
+ - Step 1: Schedules the sequences to be executed in the next
1226
+ iteration and the token blocks to be swapped in/out/copy.
1227
+
1228
+ - Depending on the scheduling policy,
1229
+ sequences may be `preempted/reordered`.
1230
+ - A Sequence Group (SG) refer to a group of sequences
1231
+ that are generated from the same prompt.
1232
+
1233
+ - Step 2: Calls the distributed executor to execute the model.
1234
+ - Step 3: Processes the model output. This mainly includes:
1235
+
1236
+ - Decodes the relevant outputs.
1237
+ - Updates the scheduled sequence groups with model outputs
1238
+ based on its `sampling parameters` (`use_beam_search` or not).
1239
+ - Frees the finished sequence groups.
1240
+
1241
+ - Finally, it creates and returns the newly generated results.
1242
+
1243
+ Example:
1244
+ ```
1245
+ # Please see the example/ folder for more detailed examples.
1246
+
1247
+ # initialize engine and request arguments
1248
+ engine = LLMEngine.from_engine_args(engine_args)
1249
+ example_inputs = [(0, "What is LLM?",
1250
+ SamplingParams(temperature=0.0))]
1251
+
1252
+ # Start the engine with an event loop
1253
+ while True:
1254
+ if example_inputs:
1255
+ req_id, prompt, sampling_params = example_inputs.pop(0)
1256
+ engine.add_request(str(req_id),prompt,sampling_params)
1257
+
1258
+ # continue the request processing
1259
+ request_outputs = engine.step()
1260
+ for request_output in request_outputs:
1261
+ if request_output.finished:
1262
+ # return or show the request output
1263
+
1264
+ if not (engine.has_unfinished_requests() or example_inputs):
1265
+ break
1266
+ ```
1267
+ """
1268
+ if self.parallel_config.pipeline_parallel_size > 1:
1269
+ raise NotImplementedError(
1270
+ "Pipeline parallelism is only supported through AsyncLLMEngine "
1271
+ "as performance will be severely degraded otherwise.")
1272
+
1273
+ # For llm_engine, there is no pipeline parallel support, so the engine
1274
+ # used is always 0.
1275
+ virtual_engine = 0
1276
+
1277
+ # These are cached outputs from previous iterations. None if on first
1278
+ # iteration
1279
+ cached_outputs = self.cached_scheduler_outputs[virtual_engine]
1280
+ seq_group_metadata_list = cached_outputs.seq_group_metadata_list
1281
+ scheduler_outputs = cached_outputs.scheduler_outputs
1282
+ allow_async_output_proc = cached_outputs.allow_async_output_proc
1283
+
1284
+ ctx = self.scheduler_contexts[virtual_engine]
1285
+
1286
+ # Clear outputs for each new scheduler iteration
1287
+ ctx.request_outputs.clear()
1288
+
1289
+ # Skip the scheduler if there are any remaining steps in the seq groups.
1290
+ # This ensures that the scheduler is only called again when the current
1291
+ # batch has completed.
1292
+ # The scheduler is also skipped if a single request caused the last
1293
+ # engine step to fail, and the previous schedule needs to be rerun.
1294
+ if not self._has_remaining_steps(
1295
+ seq_group_metadata_list
1296
+ ) and not self._skip_scheduling_next_step:
1297
+ # Schedule iteration
1298
+ (seq_group_metadata_list, scheduler_outputs,
1299
+ allow_async_output_proc
1300
+ ) = self.scheduler[virtual_engine].schedule()
1301
+
1302
+ ctx.seq_group_metadata_list = seq_group_metadata_list
1303
+ ctx.scheduler_outputs = scheduler_outputs
1304
+
1305
+ finished_requests_ids = self.scheduler[
1306
+ virtual_engine].get_and_reset_finished_requests_ids()
1307
+ # When n>1, elements in self.seq_id_to_seq_group should be deleted
1308
+ # here, otherwise memory leaks.
1309
+ for finished_request_id in finished_requests_ids:
1310
+ if finished_request_id in self.seq_id_to_seq_group:
1311
+ del self.seq_id_to_seq_group[finished_request_id]
1312
+
1313
+ # Maybe switch from async mode to sync mode
1314
+ if not allow_async_output_proc and len(ctx.output_queue) > 0:
1315
+ self._process_model_outputs(ctx=ctx)
1316
+
1317
+ if (self.scheduler_config.is_multi_step
1318
+ and scheduler_outputs.num_lookahead_slots > 0):
1319
+ # cache the scheduler outputs for the next iteration if we have
1320
+ # lookahead slots
1321
+ self._cache_scheduler_outputs_for_multi_step(
1322
+ virtual_engine, seq_group_metadata_list, scheduler_outputs,
1323
+ allow_async_output_proc)
1324
+ else:
1325
+ finished_requests_ids = list()
1326
+
1327
+ assert seq_group_metadata_list is not None
1328
+ assert scheduler_outputs is not None
1329
+
1330
+ if not scheduler_outputs.is_empty():
1331
+
1332
+ # Check if we have a cached last_output from the previous iteration.
1333
+ # For supporting PP this is probably the best way to pass the
1334
+ # sampled_token_ids, as a separate broadcast over all the PP stages
1335
+ # will cause one virtual engine's microbatch to block the pipeline.
1336
+ last_sampled_token_ids = \
1337
+ self._get_last_sampled_token_ids(virtual_engine)
1338
+
1339
+ execute_model_req = ExecuteModelRequest(
1340
+ seq_group_metadata_list=seq_group_metadata_list,
1341
+ blocks_to_swap_in=scheduler_outputs.blocks_to_swap_in,
1342
+ blocks_to_swap_out=scheduler_outputs.blocks_to_swap_out,
1343
+ blocks_to_copy=scheduler_outputs.blocks_to_copy,
1344
+ num_lookahead_slots=scheduler_outputs.num_lookahead_slots,
1345
+ running_queue_size=scheduler_outputs.running_queue_size,
1346
+ finished_requests_ids=finished_requests_ids,
1347
+ # We use ExecuteModelRequest to pass the last sampled_token_ids
1348
+ # to each of the non-last PP stages for in-place prepare_input.
1349
+ last_sampled_token_ids=last_sampled_token_ids)
1350
+
1351
+ if allow_async_output_proc:
1352
+ execute_model_req.async_callback = self.async_callbacks[
1353
+ virtual_engine]
1354
+
1355
+ try:
1356
+ outputs = self.model_executor.execute_model(
1357
+ execute_model_req=execute_model_req)
1358
+ self._skip_scheduling_next_step = False
1359
+ except InputProcessingError as e:
1360
+ # The input for this request cannot be processed, so we must
1361
+ # abort it. If there are remaining requests in the batch that
1362
+ # have been scheduled, they will be retried on the next step.
1363
+ invalid_request_id = e.request_id
1364
+ self._abort_and_cache_schedule(
1365
+ request_id=invalid_request_id,
1366
+ virtual_engine=virtual_engine,
1367
+ seq_group_metadata_list=seq_group_metadata_list,
1368
+ scheduler_outputs=scheduler_outputs,
1369
+ allow_async_output_proc=allow_async_output_proc)
1370
+ # Raise so the caller is notified that this request failed
1371
+ raise
1372
+
1373
+ # We need to do this here so that last step's sampled_token_ids can
1374
+ # be passed to the next iteration for PP.
1375
+ if self.scheduler_config.is_multi_step:
1376
+ self._update_cached_scheduler_output(virtual_engine, outputs)
1377
+ else:
1378
+ # Nothing scheduled => If there is pending async postprocessor,
1379
+ # then finish it here.
1380
+ if len(ctx.output_queue) > 0:
1381
+ self._process_model_outputs(ctx=ctx)
1382
+ # No outputs in this case
1383
+ outputs = []
1384
+
1385
+ # Finish the current step for all the sequence groups.
1386
+ if self.scheduler_config.is_multi_step:
1387
+ for seq_group in seq_group_metadata_list:
1388
+ seq_group.finish_step()
1389
+
1390
+ if not self._has_remaining_steps(seq_group_metadata_list):
1391
+ # clear the cache if we have finished all the steps.
1392
+ if self.scheduler_config.is_multi_step:
1393
+ self.cached_scheduler_outputs[0] = SchedulerOutputState()
1394
+
1395
+ # is_first_step_output is True only when the num_steps of all
1396
+ # the sequences are 1. When the num_steps > 1,
1397
+ # multi_step_model_runner does the first-step output append.
1398
+ is_first_step_output: bool = False if not seq_group_metadata_list \
1399
+ else seq_group_metadata_list[0].state.num_steps == 1
1400
+
1401
+ # Add results to the output_queue
1402
+ ctx.append_output(outputs=outputs,
1403
+ seq_group_metadata_list=seq_group_metadata_list,
1404
+ scheduler_outputs=scheduler_outputs,
1405
+ is_async=allow_async_output_proc,
1406
+ is_last_step=True,
1407
+ is_first_step_output=is_first_step_output)
1408
+
1409
+ if outputs and allow_async_output_proc:
1410
+ assert len(outputs) == 1, (
1411
+ "Async postprocessor expects only a single output set")
1412
+
1413
+ self._advance_to_next_step(
1414
+ outputs[0], seq_group_metadata_list,
1415
+ scheduler_outputs.scheduled_seq_groups)
1416
+
1417
+ # Check if need to run the usual non-async path
1418
+ if not allow_async_output_proc:
1419
+ self._process_model_outputs(ctx=ctx)
1420
+
1421
+ # Log stats.
1422
+ self.do_log_stats(scheduler_outputs, outputs)
1423
+
1424
+ # Tracing
1425
+ self.do_tracing(scheduler_outputs)
1426
+ else:
1427
+ # Multi-step case
1428
+ return ctx.request_outputs
1429
+
1430
+ if not self.has_unfinished_requests():
1431
+ # Drain async postprocessor (if exists)
1432
+ if len(ctx.output_queue) > 0:
1433
+ self._process_model_outputs(ctx=ctx)
1434
+ assert len(ctx.output_queue) == 0
1435
+
1436
+ # Stop the execute model loop in parallel workers until there are
1437
+ # more requests to process. This avoids waiting indefinitely in
1438
+ # torch.distributed ops which may otherwise timeout, and unblocks
1439
+ # the RPC thread in the workers so that they can process any other
1440
+ # queued control plane messages, such as add/remove lora adapters.
1441
+ logger.debug("Stopping remote worker execution loop.")
1442
+ self.model_executor.stop_remote_worker_execution_loop()
1443
+
1444
+ return ctx.request_outputs
1445
+
1446
+ def _abort_and_cache_schedule(
1447
+ self, request_id: str, virtual_engine: int,
1448
+ seq_group_metadata_list: List[SequenceGroupMetadata],
1449
+ scheduler_outputs: SchedulerOutputs,
1450
+ allow_async_output_proc: bool) -> None:
1451
+ """Aborts a single request, and caches the scheduler outputs minus that
1452
+ request. This allows the next step to continue processing the remaining
1453
+ requests without having to re-run the scheduler."""
1454
+
1455
+ # Abort the request and remove its sequence group from the current
1456
+ # schedule
1457
+ self.abort_request(request_id)
1458
+ for i, metadata in enumerate(seq_group_metadata_list):
1459
+ if metadata.request_id == request_id:
1460
+ del seq_group_metadata_list[i]
1461
+ break
1462
+ for i, group in enumerate(scheduler_outputs.scheduled_seq_groups):
1463
+ if group.seq_group.request_id == request_id:
1464
+ del scheduler_outputs.scheduled_seq_groups[i]
1465
+ break
1466
+
1467
+ # If there are still other sequence groups left in the schedule, cache
1468
+ # them and flag the engine to reuse the schedule.
1469
+ if len(seq_group_metadata_list) > 0:
1470
+ self._skip_scheduling_next_step = True
1471
+ # Reuse multi-step caching logic
1472
+ self._cache_scheduler_outputs_for_multi_step(
1473
+ virtual_engine=virtual_engine,
1474
+ scheduler_outputs=scheduler_outputs,
1475
+ seq_group_metadata_list=seq_group_metadata_list,
1476
+ allow_async_output_proc=allow_async_output_proc)
1477
+
1478
+ def _has_remaining_steps(
1479
+ self, seq_group_metadata_list: Optional[List[SequenceGroupMetadata]]
1480
+ ) -> bool:
1481
+ if (not self.scheduler_config.is_multi_step
1482
+ or not seq_group_metadata_list):
1483
+ return False
1484
+
1485
+ # TODO(will) this is a sanity check for nowto make sure that all the
1486
+ # seqs are on the same steps. Eventually we will want to do some sort of
1487
+ # dynamic scheduling when doing multi-step decoding.
1488
+ ref_remaining_steps = seq_group_metadata_list[0].state.remaining_steps
1489
+ if any([
1490
+ seq_group.state.remaining_steps != ref_remaining_steps
1491
+ for seq_group in seq_group_metadata_list[1:]
1492
+ ]):
1493
+ raise AssertionError("All running sequence groups should "
1494
+ "have the same remaining steps.")
1495
+
1496
+ return ref_remaining_steps > 0
1497
+
1498
+ def _cache_scheduler_outputs_for_multi_step(
1499
+ self, virtual_engine: int,
1500
+ seq_group_metadata_list: Optional[List[SequenceGroupMetadata]],
1501
+ scheduler_outputs: SchedulerOutputs,
1502
+ allow_async_output_proc: bool) -> None:
1503
+ co = self.cached_scheduler_outputs[virtual_engine]
1504
+
1505
+ co.seq_group_metadata_list = seq_group_metadata_list
1506
+ co.scheduler_outputs = scheduler_outputs
1507
+ co.allow_async_output_proc = allow_async_output_proc
1508
+ co.last_output = None
1509
+
1510
+ def _update_cached_scheduler_output(
1511
+ self, virtual_engine: int,
1512
+ output: List[Optional[SamplerOutput]]) -> None:
1513
+ if (self.parallel_config.pipeline_parallel_size > 1 and len(output) > 0
1514
+ and output[0] is not None):
1515
+ last_output = output[-1]
1516
+ assert last_output is not None
1517
+ assert last_output.sampled_token_ids_cpu is not None
1518
+ assert last_output.sampled_token_ids is None
1519
+ assert last_output.sampled_token_probs is None
1520
+ self.cached_scheduler_outputs[
1521
+ virtual_engine].last_output = last_output
1522
+
1523
+ def _get_last_sampled_token_ids(
1524
+ self, virtual_engine: int) -> Optional[torch.Tensor]:
1525
+ cached_last_output = self.cached_scheduler_outputs[
1526
+ virtual_engine].last_output
1527
+ if (self.scheduler_config.is_multi_step
1528
+ and self.parallel_config.pipeline_parallel_size > 1
1529
+ and cached_last_output is not None
1530
+ and cached_last_output.sampled_token_ids_cpu is not None):
1531
+ return cached_last_output.sampled_token_ids_cpu
1532
+ return None
1533
+
1534
+ def add_logger(self, logger_name: str, logger: StatLoggerBase) -> None:
1535
+ if not self.log_stats:
1536
+ raise RuntimeError(
1537
+ "Stat logging is disabled. Set `disable_log_stats=False` "
1538
+ "argument to enable.")
1539
+ if logger_name in self.stat_loggers:
1540
+ raise KeyError(f"Logger with name {logger_name} already exists.")
1541
+ self.stat_loggers[logger_name] = logger
1542
+
1543
+ def remove_logger(self, logger_name: str) -> None:
1544
+ if not self.log_stats:
1545
+ raise RuntimeError(
1546
+ "Stat logging is disabled. Set `disable_log_stats=False` "
1547
+ "argument to enable.")
1548
+ if logger_name not in self.stat_loggers:
1549
+ raise KeyError(f"Logger with name {logger_name} does not exist.")
1550
+ del self.stat_loggers[logger_name]
1551
+
1552
+ def do_log_stats(self,
1553
+ scheduler_outputs: Optional[SchedulerOutputs] = None,
1554
+ model_output: Optional[List[SamplerOutput]] = None,
1555
+ finished_before: Optional[List[int]] = None,
1556
+ skip: Optional[List[int]] = None) -> None:
1557
+ """Forced log when no requests active."""
1558
+ if self.log_stats:
1559
+ stats = self._get_stats(scheduler_outputs, model_output,
1560
+ finished_before, skip)
1561
+ for logger in self.stat_loggers.values():
1562
+ logger.log(stats)
1563
+
1564
+ def _get_stats(self,
1565
+ scheduler_outputs: Optional[SchedulerOutputs],
1566
+ model_output: Optional[List[SamplerOutput]] = None,
1567
+ finished_before: Optional[List[int]] = None,
1568
+ skip: Optional[List[int]] = None) -> Stats:
1569
+ """Get Stats to be Logged to Prometheus.
1570
+
1571
+ Args:
1572
+ scheduler_outputs: Optional, used to populate metrics related to
1573
+ the scheduled batch,
1574
+ model_output: Optional, used to emit speculative decoding metrics
1575
+ which are created by the workers.
1576
+ finished_before: Optional, indices of sequences that were finished
1577
+ before. These sequences will be ignored.
1578
+ skip: Optional, indices of sequences that were preempted. These
1579
+ sequences will be ignored.
1580
+ """
1581
+ now = time.time()
1582
+
1583
+ # System State
1584
+ # Scheduler State
1585
+ num_running_sys = sum(
1586
+ len(scheduler.running) for scheduler in self.scheduler)
1587
+ num_swapped_sys = sum(
1588
+ len(scheduler.swapped) for scheduler in self.scheduler)
1589
+ num_waiting_sys = sum(
1590
+ len(scheduler.waiting) for scheduler in self.scheduler)
1591
+
1592
+ # KV Cache Usage in %
1593
+ num_total_gpu = self.cache_config.num_gpu_blocks
1594
+ gpu_cache_usage_sys = 0.
1595
+ if num_total_gpu: # Guard against both None and 0
1596
+ num_free_gpu = sum(
1597
+ scheduler.block_manager.get_num_free_gpu_blocks()
1598
+ for scheduler in self.scheduler)
1599
+ gpu_cache_usage_sys = 1.0 - (num_free_gpu / num_total_gpu)
1600
+
1601
+ num_total_cpu = self.cache_config.num_cpu_blocks
1602
+ cpu_cache_usage_sys = 0.
1603
+ if num_total_cpu: # Guard against both None and 0
1604
+ num_free_cpu = sum(
1605
+ scheduler.block_manager.get_num_free_cpu_blocks()
1606
+ for scheduler in self.scheduler)
1607
+ cpu_cache_usage_sys = 1.0 - (num_free_cpu / num_total_cpu)
1608
+
1609
+ # Prefix Cache Hit Rate. Note that we always use
1610
+ # the cache hit rate of the first virtual engine.
1611
+ cpu_prefix_cache_hit_rate = self.scheduler[
1612
+ 0].get_prefix_cache_hit_rate(Device.CPU)
1613
+ gpu_prefix_cache_hit_rate = self.scheduler[
1614
+ 0].get_prefix_cache_hit_rate(Device.GPU)
1615
+
1616
+ # Exchange the uasge and cache hit stats between gpu and cpu when
1617
+ # running on cpu because the cpu_worker.py intentionally reports the
1618
+ # number of cpu blocks as gpu blocks in favor of cache management.
1619
+ if self.device_config.device_type == "cpu":
1620
+ num_total_gpu, num_total_cpu = num_total_cpu, num_total_gpu
1621
+ gpu_cache_usage_sys, cpu_cache_usage_sys = (
1622
+ cpu_cache_usage_sys,
1623
+ gpu_cache_usage_sys,
1624
+ )
1625
+ gpu_prefix_cache_hit_rate, cpu_prefix_cache_hit_rate = (
1626
+ cpu_prefix_cache_hit_rate,
1627
+ gpu_prefix_cache_hit_rate,
1628
+ )
1629
+
1630
+ # Iteration stats
1631
+ num_prompt_tokens_iter = 0
1632
+ num_generation_tokens_iter = 0
1633
+ num_tokens_iter = 0
1634
+ time_to_first_tokens_iter: List[float] = []
1635
+ time_per_output_tokens_iter: List[float] = []
1636
+ num_preemption_iter = (0 if scheduler_outputs is None else
1637
+ scheduler_outputs.preempted)
1638
+
1639
+ # Request stats
1640
+ # Latency
1641
+ time_e2e_requests: List[float] = []
1642
+ time_queue_requests: List[float] = []
1643
+ time_inference_requests: List[float] = []
1644
+ time_prefill_requests: List[float] = []
1645
+ time_decode_requests: List[float] = []
1646
+ # Metadata
1647
+ num_prompt_tokens_requests: List[int] = []
1648
+ num_generation_tokens_requests: List[int] = []
1649
+ n_requests: List[int] = []
1650
+ max_num_generation_tokens_requests: List[int] = []
1651
+ max_tokens_requests: List[int] = []
1652
+ finished_reason_requests: List[str] = []
1653
+
1654
+ # LoRA requests
1655
+ running_lora_adapters = dict(
1656
+ collectionsCounter([
1657
+ running_request.lora_request.lora_name
1658
+ for scheduler in self.scheduler
1659
+ for running_request in scheduler.running
1660
+ if running_request.lora_request
1661
+ ]))
1662
+ waiting_lora_adapters = dict(
1663
+ collectionsCounter([
1664
+ waiting_request.lora_request.lora_name
1665
+ for scheduler in self.scheduler
1666
+ for waiting_request in scheduler.waiting
1667
+ if waiting_request.lora_request
1668
+ ]))
1669
+ max_lora_stat = "0"
1670
+ if self.lora_config:
1671
+ max_lora_stat = str(self.lora_config.max_loras)
1672
+
1673
+ # NOTE: This loop assumes prefill seq_groups are before
1674
+ # decode seq_groups in scheduled_seq_groups.
1675
+ if scheduler_outputs is not None:
1676
+ # For async postprocessor, already finished sequences need to be
1677
+ # not counted (to avoid double counting)
1678
+ actual_num_batched_tokens = scheduler_outputs.num_batched_tokens # type: ignore
1679
+
1680
+ num_generation_tokens_from_prefill_groups = 0
1681
+ # NOTE: if scheduler_outputs.num_prefill_groups > 0 and
1682
+ # the len of scheduler_outputs.scheduled_seq_groups is !=
1683
+ # scheduler_outputs.num_prefill_groups, this means that
1684
+ # chunked prefills have been detected.
1685
+
1686
+ for idx, scheduled_seq_group in enumerate(
1687
+ scheduler_outputs.scheduled_seq_groups):
1688
+ # Skip double logging when using async output proc
1689
+ if finished_before and idx in finished_before:
1690
+ actual_num_batched_tokens -= 1
1691
+ continue
1692
+
1693
+ # Currently, skip == preempted sequences, so we need to skip
1694
+ # their log stats
1695
+ if skip and idx in skip:
1696
+ continue
1697
+
1698
+ group_was_prefill = idx < scheduler_outputs.num_prefill_groups
1699
+ seq_group = scheduled_seq_group.seq_group
1700
+
1701
+ # NOTE: a seq_group that completed all of its prefill tokens
1702
+ # in the last iteration will have seq_group.is_prefill() = False
1703
+ # with group_was_prefill = True
1704
+ if group_was_prefill:
1705
+ # Number of prompt tokens.
1706
+ num_prompt_tokens_iter += (
1707
+ scheduled_seq_group.token_chunk_size)
1708
+
1709
+ # If the seq_group just finished the prefill state
1710
+ # get TTFT.
1711
+ if not seq_group.is_prefill():
1712
+ latency = seq_group.get_last_token_latency()
1713
+ time_to_first_tokens_iter.append(latency)
1714
+
1715
+ # One generation token per finished prefill.
1716
+ num_generation_tokens_from_prefill_groups += (
1717
+ seq_group.num_seqs())
1718
+ else:
1719
+ # TPOTs.
1720
+ latency = seq_group.get_last_token_latency()
1721
+ time_per_output_tokens_iter.append(latency)
1722
+ if seq_group.state.current_step == 0:
1723
+ # For async_output_proc, the do_log_stats()
1724
+ # is called following init_multi_step(), which
1725
+ # sets the current_step to zero.
1726
+ actual_num_batched_tokens +=\
1727
+ seq_group.state.num_steps - 1
1728
+ else:
1729
+ actual_num_batched_tokens +=\
1730
+ seq_group.state.current_step - 1
1731
+
1732
+ # Because of chunked prefill, we can have a single sequence
1733
+ # group that does multiple prompt_runs. To prevent logging
1734
+ # the same metadata more than once per request, we standardize
1735
+ # on logging request level information for finished requests,
1736
+ # which can only happen once.
1737
+ if seq_group.is_finished():
1738
+ # Latency timings
1739
+ time_e2e_requests.append(now -
1740
+ seq_group.metrics.arrival_time)
1741
+ if (seq_group.metrics.first_scheduled_time is not None and
1742
+ seq_group.metrics.first_token_time is not None):
1743
+ time_queue_requests.append(
1744
+ seq_group.metrics.first_scheduled_time -
1745
+ seq_group.metrics.arrival_time)
1746
+ time_prefill_requests.append(
1747
+ seq_group.metrics.first_token_time -
1748
+ seq_group.metrics.first_scheduled_time)
1749
+ time_decode_requests.append(
1750
+ now - seq_group.metrics.first_token_time)
1751
+ time_inference_requests.append(
1752
+ now - seq_group.metrics.first_scheduled_time)
1753
+ # Metadata
1754
+ num_prompt_tokens_requests.append(
1755
+ len(seq_group.prompt_token_ids))
1756
+ num_generation_tokens_requests.extend([
1757
+ seq.get_output_len()
1758
+ for seq in seq_group.get_finished_seqs()
1759
+ ])
1760
+ max_num_generation_tokens_requests.append(
1761
+ max(seq.get_output_len()
1762
+ for seq in seq_group.get_seqs()))
1763
+ if seq_group.sampling_params is not None:
1764
+ n_requests.append(seq_group.sampling_params.n)
1765
+ max_tokens_requests.append(
1766
+ seq_group.sampling_params.max_tokens)
1767
+ finished_reason_requests.extend([
1768
+ SequenceStatus.get_finished_reason(seq.status)
1769
+ for seq in seq_group.get_finished_seqs()
1770
+ ])
1771
+
1772
+ # Number of generation tokens.
1773
+ # num_batched_tokens equals the number of prompt_tokens plus the
1774
+ # number of decode_tokens in a single iteration. So,
1775
+ # num_generation_tokens = num_batched_tokens - num_prompt_tokens
1776
+ # + num_generation_tokens_from_prefill_groups (since we generate
1777
+ # one token on prefills on iters where the prefill finishes).
1778
+ num_generation_tokens_iter = (
1779
+ actual_num_batched_tokens - num_prompt_tokens_iter +
1780
+ num_generation_tokens_from_prefill_groups)
1781
+ num_tokens_iter = (num_generation_tokens_iter +
1782
+ num_prompt_tokens_iter)
1783
+ # Spec decode, if enabled, emits specialized metrics from the worker in
1784
+ # sampler output.
1785
+ if model_output and isinstance(model_output[0], SamplerOutput) and (
1786
+ model_output[0].spec_decode_worker_metrics is not None):
1787
+ spec_decode_metrics = model_output[0].spec_decode_worker_metrics
1788
+ else:
1789
+ spec_decode_metrics = None
1790
+
1791
+ return Stats(
1792
+ now=now,
1793
+ # System stats
1794
+ # Scheduler State
1795
+ num_running_sys=num_running_sys,
1796
+ num_swapped_sys=num_swapped_sys,
1797
+ num_waiting_sys=num_waiting_sys,
1798
+ # KV Cache Usage in %
1799
+ gpu_cache_usage_sys=gpu_cache_usage_sys,
1800
+ cpu_cache_usage_sys=cpu_cache_usage_sys,
1801
+ # Prefix Cache Hit Rate
1802
+ cpu_prefix_cache_hit_rate=cpu_prefix_cache_hit_rate,
1803
+ gpu_prefix_cache_hit_rate=gpu_prefix_cache_hit_rate,
1804
+
1805
+ # Iteration stats
1806
+ num_prompt_tokens_iter=num_prompt_tokens_iter,
1807
+ num_generation_tokens_iter=num_generation_tokens_iter,
1808
+ num_tokens_iter=num_tokens_iter,
1809
+ time_to_first_tokens_iter=time_to_first_tokens_iter,
1810
+ time_per_output_tokens_iter=time_per_output_tokens_iter,
1811
+ spec_decode_metrics=spec_decode_metrics,
1812
+ num_preemption_iter=num_preemption_iter,
1813
+
1814
+ # Request stats
1815
+ # Latency
1816
+ time_e2e_requests=time_e2e_requests,
1817
+ time_queue_requests=time_queue_requests,
1818
+ time_inference_requests=time_inference_requests,
1819
+ time_prefill_requests=time_prefill_requests,
1820
+ time_decode_requests=time_decode_requests,
1821
+ # Metadata
1822
+ num_prompt_tokens_requests=num_prompt_tokens_requests,
1823
+ num_generation_tokens_requests=num_generation_tokens_requests,
1824
+ max_num_generation_tokens_requests=
1825
+ max_num_generation_tokens_requests,
1826
+ n_requests=n_requests,
1827
+ max_tokens_requests=max_tokens_requests,
1828
+ finished_reason_requests=finished_reason_requests,
1829
+ max_lora=str(max_lora_stat),
1830
+ waiting_lora_adapters=list(waiting_lora_adapters.keys()),
1831
+ running_lora_adapters=list(running_lora_adapters.keys()))
1832
+
1833
+ def add_lora(self, lora_request: LoRARequest) -> bool:
1834
+ return self.model_executor.add_lora(lora_request)
1835
+
1836
+ def remove_lora(self, lora_id: int) -> bool:
1837
+ return self.model_executor.remove_lora(lora_id)
1838
+
1839
+ def list_loras(self) -> Set[int]:
1840
+ return self.model_executor.list_loras()
1841
+
1842
+ def pin_lora(self, lora_id: int) -> bool:
1843
+ return self.model_executor.pin_lora(lora_id)
1844
+
1845
+ def add_prompt_adapter(
1846
+ self, prompt_adapter_request: PromptAdapterRequest) -> bool:
1847
+ return self.model_executor.add_prompt_adapter(prompt_adapter_request)
1848
+
1849
+ def remove_prompt_adapter(self, prompt_adapter_id: int) -> bool:
1850
+ return self.model_executor.remove_prompt_adapter(prompt_adapter_id)
1851
+
1852
+ def list_prompt_adapters(self) -> List[int]:
1853
+ return self.model_executor.list_prompt_adapters()
1854
+
1855
+ def start_profile(self) -> None:
1856
+ self.model_executor.start_profile()
1857
+
1858
+ def stop_profile(self) -> None:
1859
+ self.model_executor.stop_profile()
1860
+
1861
+ def sleep(self, level: int = 1) -> None:
1862
+ assert self.vllm_config.model_config.enable_sleep_mode, (
1863
+ "Sleep mode is not enabled in the model config")
1864
+ self.model_executor.sleep(level=level)
1865
+
1866
+ def wake_up(self, tags: Optional[list[str]] = None) -> None:
1867
+ assert self.vllm_config.model_config.enable_sleep_mode, (
1868
+ "Sleep mode is not enabled in the model config")
1869
+ self.model_executor.wake_up(tags)
1870
+
1871
+ def is_sleeping(self) -> bool:
1872
+ return self.model_executor.is_sleeping
1873
+
1874
+ def check_health(self) -> None:
1875
+ self.model_executor.check_health()
1876
+
1877
+ def is_tracing_enabled(self) -> bool:
1878
+ return self.tracer is not None
1879
+
1880
+ def do_tracing(self,
1881
+ scheduler_outputs: SchedulerOutputs,
1882
+ finished_before: Optional[List[int]] = None) -> None:
1883
+ if self.tracer is None:
1884
+ return
1885
+
1886
+ for idx, scheduled_seq_group in enumerate(
1887
+ scheduler_outputs.scheduled_seq_groups):
1888
+ # Skip double tracing when using async output proc
1889
+ if finished_before and idx in finished_before:
1890
+ continue
1891
+
1892
+ seq_group = scheduled_seq_group.seq_group
1893
+ if seq_group.is_finished():
1894
+ self.create_trace_span(seq_group)
1895
+
1896
+ def create_trace_span(self, seq_group: SequenceGroup) -> None:
1897
+ if self.tracer is None or seq_group.sampling_params is None:
1898
+ return
1899
+ arrival_time_nano_seconds = int(seq_group.metrics.arrival_time * 1e9)
1900
+
1901
+ trace_context = extract_trace_context(seq_group.trace_headers)
1902
+
1903
+ with self.tracer.start_as_current_span(
1904
+ "llm_request",
1905
+ kind=SpanKind.SERVER,
1906
+ context=trace_context,
1907
+ start_time=arrival_time_nano_seconds) as seq_span:
1908
+ metrics = seq_group.metrics
1909
+ ttft = metrics.first_token_time - metrics.arrival_time
1910
+ e2e_time = metrics.finished_time - metrics.arrival_time
1911
+ seq_span.set_attribute(SpanAttributes.GEN_AI_RESPONSE_MODEL,
1912
+ self.model_config.model)
1913
+ seq_span.set_attribute(SpanAttributes.GEN_AI_REQUEST_ID,
1914
+ seq_group.request_id)
1915
+ seq_span.set_attribute(SpanAttributes.GEN_AI_REQUEST_TEMPERATURE,
1916
+ seq_group.sampling_params.temperature)
1917
+ seq_span.set_attribute(SpanAttributes.GEN_AI_REQUEST_TOP_P,
1918
+ seq_group.sampling_params.top_p)
1919
+ seq_span.set_attribute(SpanAttributes.GEN_AI_REQUEST_MAX_TOKENS,
1920
+ seq_group.sampling_params.max_tokens)
1921
+ seq_span.set_attribute(SpanAttributes.GEN_AI_REQUEST_N,
1922
+ seq_group.sampling_params.n)
1923
+ seq_span.set_attribute(SpanAttributes.GEN_AI_USAGE_NUM_SEQUENCES,
1924
+ seq_group.num_seqs())
1925
+ seq_span.set_attribute(SpanAttributes.GEN_AI_USAGE_PROMPT_TOKENS,
1926
+ len(seq_group.prompt_token_ids))
1927
+ seq_span.set_attribute(
1928
+ SpanAttributes.GEN_AI_USAGE_COMPLETION_TOKENS,
1929
+ sum([
1930
+ seq.get_output_len()
1931
+ for seq in seq_group.get_finished_seqs()
1932
+ ]))
1933
+ seq_span.set_attribute(SpanAttributes.GEN_AI_LATENCY_TIME_IN_QUEUE,
1934
+ metrics.time_in_queue)
1935
+ seq_span.set_attribute(
1936
+ SpanAttributes.GEN_AI_LATENCY_TIME_TO_FIRST_TOKEN, ttft)
1937
+ seq_span.set_attribute(SpanAttributes.GEN_AI_LATENCY_E2E, e2e_time)
1938
+ if metrics.scheduler_time is not None:
1939
+ seq_span.set_attribute(
1940
+ SpanAttributes.GEN_AI_LATENCY_TIME_IN_SCHEDULER,
1941
+ metrics.scheduler_time)
1942
+ if metrics.model_forward_time is not None:
1943
+ seq_span.set_attribute(
1944
+ SpanAttributes.GEN_AI_LATENCY_TIME_IN_MODEL_FORWARD,
1945
+ metrics.model_forward_time / 1000.0)
1946
+ if metrics.model_execute_time is not None:
1947
+ seq_span.set_attribute(
1948
+ SpanAttributes.GEN_AI_LATENCY_TIME_IN_MODEL_EXECUTE,
1949
+ metrics.model_execute_time)
1950
+
1951
+ def _validate_model_inputs(self, inputs: ProcessorInputs,
1952
+ lora_request: Optional[LoRARequest]):
1953
+ encoder_inputs, decoder_inputs = split_enc_dec_inputs(inputs)
1954
+
1955
+ if encoder_inputs is not None:
1956
+ self._validate_model_input(encoder_inputs,
1957
+ lora_request,
1958
+ prompt_type="encoder")
1959
+
1960
+ self._validate_model_input(decoder_inputs,
1961
+ lora_request,
1962
+ prompt_type="decoder")
1963
+
1964
+ def _validate_model_input(
1965
+ self,
1966
+ prompt_inputs: SingletonInputs,
1967
+ lora_request: Optional[LoRARequest],
1968
+ *,
1969
+ prompt_type: Literal["encoder", "decoder"],
1970
+ ):
1971
+ model_config = self.model_config
1972
+ tokenizer = (None if self.tokenizer is None else
1973
+ self.tokenizer.get_lora_tokenizer(lora_request))
1974
+
1975
+ prompt_ids = prompt_inputs.get("prompt_token_ids", [])
1976
+ if not prompt_ids:
1977
+ if prompt_type == "encoder" and model_config.is_multimodal_model:
1978
+ pass # Mllama may have empty encoder inputs for text-only data
1979
+ elif prompt_inputs["type"] == "embeds":
1980
+ pass
1981
+ else:
1982
+ raise ValueError(f"The {prompt_type} prompt cannot be empty")
1983
+
1984
+ if tokenizer is not None:
1985
+ max_input_id = max(prompt_ids, default=0)
1986
+ if max_input_id > tokenizer.max_token_id:
1987
+ raise ValueError(
1988
+ f"Token id {max_input_id} is out of vocabulary")
1989
+
1990
+ max_prompt_len = self.model_config.max_model_len
1991
+ if len(prompt_ids) > max_prompt_len:
1992
+ if prompt_type == "encoder" and model_config.is_multimodal_model:
1993
+ mm_registry = self.input_preprocessor.mm_registry
1994
+ mm_processor = mm_registry.create_processor(
1995
+ model_config,
1996
+ tokenizer=tokenizer or object(), # Dummy if no tokenizer
1997
+ )
1998
+ assert isinstance(mm_processor, EncDecMultiModalProcessor)
1999
+
2000
+ if mm_processor.pad_dummy_encoder_prompt:
2001
+ return # Skip encoder length check for Whisper
2002
+
2003
+ if model_config.is_multimodal_model:
2004
+ suggestion = (
2005
+ "Make sure that `max_model_len` is no smaller than the "
2006
+ "number of text tokens plus multimodal tokens. For image "
2007
+ "inputs, the number of image tokens depends on the number "
2008
+ "of images, and possibly their aspect ratios as well.")
2009
+ else:
2010
+ suggestion = (
2011
+ "Make sure that `max_model_len` is no smaller than the "
2012
+ "number of text tokens.")
2013
+
2014
+ raise ValueError(
2015
+ f"The {prompt_type} prompt (length {len(prompt_ids)}) is "
2016
+ f"longer than the maximum model length of {max_prompt_len}. "
2017
+ f"{suggestion}")
2018
+
2019
+ # TODO: Find out how many placeholder tokens are there so we can
2020
+ # check that chunked prefill does not truncate them
2021
+ # max_batch_len = self.scheduler_config.max_num_batched_tokens
2022
+
2023
+ def _build_logits_processors(
2024
+ self, sampling_params: SamplingParams,
2025
+ lora_request: Optional[LoRARequest]) -> SamplingParams:
2026
+ """Constructs logits processors based on the guided_decoding,
2027
+ logits_bias, and allowed_token_ids fields in sampling_params. Deletes
2028
+ those fields and adds the constructed logits processors to the
2029
+ logits_processors field. Returns the modified sampling params."""
2030
+
2031
+ logits_processors = []
2032
+
2033
+ if sampling_params.guided_decoding is not None:
2034
+ # Defensively copy sampling params since guided decoding logits
2035
+ # processors can have different state for each request
2036
+ sampling_params = copy.copy(sampling_params)
2037
+ guided_decoding = sampling_params.guided_decoding
2038
+
2039
+ logger.debug(
2040
+ "Building guided decoding logits processor in "
2041
+ "LLMEngine. Params: %s", guided_decoding)
2042
+
2043
+ tokenizer = self.get_tokenizer(lora_request=lora_request)
2044
+ guided_decoding.backend = guided_decoding.backend or \
2045
+ self.decoding_config.backend
2046
+
2047
+ if self.decoding_config.reasoning_backend:
2048
+ logger.debug("Building with reasoning backend %s",
2049
+ self.decoding_config.reasoning_backend)
2050
+
2051
+ processor = get_local_guided_decoding_logits_processor(
2052
+ guided_params=guided_decoding,
2053
+ tokenizer=tokenizer,
2054
+ model_config=self.model_config,
2055
+ reasoning_backend=self.decoding_config.reasoning_backend,
2056
+ )
2057
+ if processor:
2058
+ logits_processors.append(processor)
2059
+
2060
+ # Unset so this doesn't get passed down to the model
2061
+ sampling_params.guided_decoding = None
2062
+
2063
+ if (sampling_params.logit_bias or sampling_params.allowed_token_ids):
2064
+ tokenizer = self.get_tokenizer(lora_request=lora_request)
2065
+
2066
+ processors = get_openai_logits_processors(
2067
+ logit_bias=sampling_params.logit_bias,
2068
+ allowed_token_ids=sampling_params.allowed_token_ids,
2069
+ tokenizer=tokenizer)
2070
+ logits_processors.extend(processors)
2071
+
2072
+ # Unset so these don't get passed down to the model
2073
+ sampling_params.logit_bias = None
2074
+ sampling_params.allowed_token_ids = None
2075
+
2076
+ if len(sampling_params.bad_words) > 0:
2077
+ tokenizer = self.get_tokenizer(lora_request)
2078
+ processors = get_bad_words_logits_processors(
2079
+ bad_words=sampling_params.bad_words, tokenizer=tokenizer)
2080
+ logits_processors.extend(processors)
2081
+
2082
+ if logits_processors:
2083
+ if sampling_params.logits_processors is None:
2084
+ sampling_params.logits_processors = logits_processors
2085
+ else:
2086
+ sampling_params.logits_processors.extend(logits_processors)
2087
+
2088
+ return sampling_params
2089
+
2090
+ def collective_rpc(self,
2091
+ method: Union[str, Callable[..., _R]],
2092
+ timeout: Optional[float] = None,
2093
+ args: tuple = (),
2094
+ kwargs: Optional[dict[str, Any]] = None) -> list[_R]:
2095
+ return self.model_executor.collective_rpc(method, timeout, args,
2096
+ kwargs)
2097
+
2098
+
2099
+ if envs.is_set("VLLM_USE_V1") and envs.VLLM_USE_V1:
2100
+ from vllm.v1.engine.llm_engine import LLMEngine as V1LLMEngine
2101
+ LLMEngine = V1LLMEngine # type: ignore