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