vllm-cpu-avx512vnni 0.13.0__cp313-cp313-manylinux_2_28_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.

Potentially problematic release.


This version of vllm-cpu-avx512vnni might be problematic. Click here for more details.

Files changed (1641) hide show
  1. vllm/_C.abi3.so +0 -0
  2. vllm/__init__.py +225 -0
  3. vllm/_aiter_ops.py +1260 -0
  4. vllm/_bc_linter.py +54 -0
  5. vllm/_custom_ops.py +3080 -0
  6. vllm/_ipex_ops.py +457 -0
  7. vllm/_version.py +34 -0
  8. vllm/assets/__init__.py +0 -0
  9. vllm/assets/audio.py +43 -0
  10. vllm/assets/base.py +40 -0
  11. vllm/assets/image.py +59 -0
  12. vllm/assets/video.py +149 -0
  13. vllm/attention/__init__.py +0 -0
  14. vllm/attention/backends/__init__.py +0 -0
  15. vllm/attention/backends/abstract.py +443 -0
  16. vllm/attention/backends/registry.py +254 -0
  17. vllm/attention/backends/utils.py +33 -0
  18. vllm/attention/layer.py +969 -0
  19. vllm/attention/layers/__init__.py +0 -0
  20. vllm/attention/layers/chunked_local_attention.py +120 -0
  21. vllm/attention/layers/cross_attention.py +178 -0
  22. vllm/attention/layers/encoder_only_attention.py +103 -0
  23. vllm/attention/layers/mm_encoder_attention.py +284 -0
  24. vllm/attention/ops/__init__.py +0 -0
  25. vllm/attention/ops/chunked_prefill_paged_decode.py +401 -0
  26. vllm/attention/ops/common.py +469 -0
  27. vllm/attention/ops/flashmla.py +251 -0
  28. vllm/attention/ops/merge_attn_states.py +47 -0
  29. vllm/attention/ops/paged_attn.py +51 -0
  30. vllm/attention/ops/pallas_kv_cache_update.py +130 -0
  31. vllm/attention/ops/prefix_prefill.py +814 -0
  32. vllm/attention/ops/rocm_aiter_mla_sparse.py +210 -0
  33. vllm/attention/ops/triton_decode_attention.py +712 -0
  34. vllm/attention/ops/triton_merge_attn_states.py +116 -0
  35. vllm/attention/ops/triton_reshape_and_cache_flash.py +184 -0
  36. vllm/attention/ops/triton_unified_attention.py +1047 -0
  37. vllm/attention/ops/vit_attn_wrappers.py +139 -0
  38. vllm/attention/selector.py +145 -0
  39. vllm/attention/utils/__init__.py +0 -0
  40. vllm/attention/utils/fa_utils.py +118 -0
  41. vllm/attention/utils/kv_sharing_utils.py +33 -0
  42. vllm/attention/utils/kv_transfer_utils.py +60 -0
  43. vllm/beam_search.py +88 -0
  44. vllm/benchmarks/__init__.py +0 -0
  45. vllm/benchmarks/datasets.py +3228 -0
  46. vllm/benchmarks/latency.py +170 -0
  47. vllm/benchmarks/lib/__init__.py +3 -0
  48. vllm/benchmarks/lib/endpoint_request_func.py +777 -0
  49. vllm/benchmarks/lib/ready_checker.py +72 -0
  50. vllm/benchmarks/lib/utils.py +79 -0
  51. vllm/benchmarks/serve.py +1538 -0
  52. vllm/benchmarks/startup.py +326 -0
  53. vllm/benchmarks/sweep/__init__.py +0 -0
  54. vllm/benchmarks/sweep/cli.py +41 -0
  55. vllm/benchmarks/sweep/param_sweep.py +158 -0
  56. vllm/benchmarks/sweep/plot.py +675 -0
  57. vllm/benchmarks/sweep/plot_pareto.py +393 -0
  58. vllm/benchmarks/sweep/serve.py +450 -0
  59. vllm/benchmarks/sweep/serve_sla.py +492 -0
  60. vllm/benchmarks/sweep/server.py +114 -0
  61. vllm/benchmarks/sweep/sla_sweep.py +132 -0
  62. vllm/benchmarks/sweep/utils.py +4 -0
  63. vllm/benchmarks/throughput.py +808 -0
  64. vllm/collect_env.py +857 -0
  65. vllm/compilation/__init__.py +0 -0
  66. vllm/compilation/activation_quant_fusion.py +209 -0
  67. vllm/compilation/backends.py +839 -0
  68. vllm/compilation/base_static_graph.py +57 -0
  69. vllm/compilation/caching.py +180 -0
  70. vllm/compilation/collective_fusion.py +1215 -0
  71. vllm/compilation/compiler_interface.py +639 -0
  72. vllm/compilation/counter.py +48 -0
  73. vllm/compilation/cuda_graph.py +302 -0
  74. vllm/compilation/decorators.py +626 -0
  75. vllm/compilation/fix_functionalization.py +266 -0
  76. vllm/compilation/fusion.py +550 -0
  77. vllm/compilation/fusion_attn.py +359 -0
  78. vllm/compilation/fx_utils.py +91 -0
  79. vllm/compilation/inductor_pass.py +138 -0
  80. vllm/compilation/matcher_utils.py +361 -0
  81. vllm/compilation/monitor.py +62 -0
  82. vllm/compilation/noop_elimination.py +130 -0
  83. vllm/compilation/partition_rules.py +72 -0
  84. vllm/compilation/pass_manager.py +155 -0
  85. vllm/compilation/piecewise_backend.py +178 -0
  86. vllm/compilation/post_cleanup.py +21 -0
  87. vllm/compilation/qk_norm_rope_fusion.py +238 -0
  88. vllm/compilation/rocm_aiter_fusion.py +242 -0
  89. vllm/compilation/sequence_parallelism.py +364 -0
  90. vllm/compilation/torch25_custom_graph_pass.py +44 -0
  91. vllm/compilation/vllm_inductor_pass.py +173 -0
  92. vllm/compilation/wrapper.py +319 -0
  93. vllm/config/__init__.py +108 -0
  94. vllm/config/attention.py +114 -0
  95. vllm/config/cache.py +232 -0
  96. vllm/config/compilation.py +1140 -0
  97. vllm/config/device.py +75 -0
  98. vllm/config/ec_transfer.py +110 -0
  99. vllm/config/kv_events.py +56 -0
  100. vllm/config/kv_transfer.py +119 -0
  101. vllm/config/load.py +124 -0
  102. vllm/config/lora.py +96 -0
  103. vllm/config/model.py +2190 -0
  104. vllm/config/multimodal.py +247 -0
  105. vllm/config/observability.py +140 -0
  106. vllm/config/parallel.py +660 -0
  107. vllm/config/pooler.py +126 -0
  108. vllm/config/profiler.py +199 -0
  109. vllm/config/scheduler.py +299 -0
  110. vllm/config/speculative.py +644 -0
  111. vllm/config/speech_to_text.py +38 -0
  112. vllm/config/structured_outputs.py +78 -0
  113. vllm/config/utils.py +370 -0
  114. vllm/config/vllm.py +1434 -0
  115. vllm/connections.py +189 -0
  116. vllm/device_allocator/__init__.py +0 -0
  117. vllm/device_allocator/cumem.py +327 -0
  118. vllm/distributed/__init__.py +6 -0
  119. vllm/distributed/communication_op.py +43 -0
  120. vllm/distributed/device_communicators/__init__.py +0 -0
  121. vllm/distributed/device_communicators/all2all.py +490 -0
  122. vllm/distributed/device_communicators/all_reduce_utils.py +344 -0
  123. vllm/distributed/device_communicators/base_device_communicator.py +297 -0
  124. vllm/distributed/device_communicators/cpu_communicator.py +209 -0
  125. vllm/distributed/device_communicators/cuda_communicator.py +340 -0
  126. vllm/distributed/device_communicators/cuda_wrapper.py +216 -0
  127. vllm/distributed/device_communicators/custom_all_reduce.py +326 -0
  128. vllm/distributed/device_communicators/mnnvl_compat.py +27 -0
  129. vllm/distributed/device_communicators/pynccl.py +386 -0
  130. vllm/distributed/device_communicators/pynccl_allocator.py +191 -0
  131. vllm/distributed/device_communicators/pynccl_wrapper.py +564 -0
  132. vllm/distributed/device_communicators/quick_all_reduce.py +290 -0
  133. vllm/distributed/device_communicators/ray_communicator.py +259 -0
  134. vllm/distributed/device_communicators/shm_broadcast.py +778 -0
  135. vllm/distributed/device_communicators/shm_object_storage.py +697 -0
  136. vllm/distributed/device_communicators/symm_mem.py +156 -0
  137. vllm/distributed/device_communicators/tpu_communicator.py +99 -0
  138. vllm/distributed/device_communicators/xpu_communicator.py +95 -0
  139. vllm/distributed/ec_transfer/__init__.py +14 -0
  140. vllm/distributed/ec_transfer/ec_connector/__init__.py +0 -0
  141. vllm/distributed/ec_transfer/ec_connector/base.py +247 -0
  142. vllm/distributed/ec_transfer/ec_connector/example_connector.py +201 -0
  143. vllm/distributed/ec_transfer/ec_connector/factory.py +85 -0
  144. vllm/distributed/ec_transfer/ec_transfer_state.py +42 -0
  145. vllm/distributed/eplb/__init__.py +3 -0
  146. vllm/distributed/eplb/async_worker.py +115 -0
  147. vllm/distributed/eplb/eplb_state.py +1164 -0
  148. vllm/distributed/eplb/policy/__init__.py +19 -0
  149. vllm/distributed/eplb/policy/abstract.py +40 -0
  150. vllm/distributed/eplb/policy/default.py +267 -0
  151. vllm/distributed/eplb/rebalance_execute.py +529 -0
  152. vllm/distributed/kv_events.py +499 -0
  153. vllm/distributed/kv_transfer/README.md +29 -0
  154. vllm/distributed/kv_transfer/__init__.py +20 -0
  155. vllm/distributed/kv_transfer/disagg_prefill_workflow.jpg +0 -0
  156. vllm/distributed/kv_transfer/kv_connector/__init__.py +0 -0
  157. vllm/distributed/kv_transfer/kv_connector/base.py +10 -0
  158. vllm/distributed/kv_transfer/kv_connector/factory.py +197 -0
  159. vllm/distributed/kv_transfer/kv_connector/utils.py +322 -0
  160. vllm/distributed/kv_transfer/kv_connector/v1/__init__.py +19 -0
  161. vllm/distributed/kv_transfer/kv_connector/v1/base.py +597 -0
  162. vllm/distributed/kv_transfer/kv_connector/v1/decode_bench_connector.py +419 -0
  163. vllm/distributed/kv_transfer/kv_connector/v1/example_connector.py +450 -0
  164. vllm/distributed/kv_transfer/kv_connector/v1/lmcache_connector.py +327 -0
  165. vllm/distributed/kv_transfer/kv_connector/v1/lmcache_integration/__init__.py +18 -0
  166. vllm/distributed/kv_transfer/kv_connector/v1/lmcache_integration/multi_process_adapter.py +378 -0
  167. vllm/distributed/kv_transfer/kv_connector/v1/lmcache_integration/utils.py +221 -0
  168. vllm/distributed/kv_transfer/kv_connector/v1/lmcache_integration/vllm_v1_adapter.py +1418 -0
  169. vllm/distributed/kv_transfer/kv_connector/v1/lmcache_mp_connector.py +895 -0
  170. vllm/distributed/kv_transfer/kv_connector/v1/metrics.py +186 -0
  171. vllm/distributed/kv_transfer/kv_connector/v1/mooncake_connector.py +914 -0
  172. vllm/distributed/kv_transfer/kv_connector/v1/multi_connector.py +464 -0
  173. vllm/distributed/kv_transfer/kv_connector/v1/nixl_connector.py +2526 -0
  174. vllm/distributed/kv_transfer/kv_connector/v1/offloading_connector.py +538 -0
  175. vllm/distributed/kv_transfer/kv_connector/v1/p2p/__init__.py +0 -0
  176. vllm/distributed/kv_transfer/kv_connector/v1/p2p/p2p_nccl_connector.py +531 -0
  177. vllm/distributed/kv_transfer/kv_connector/v1/p2p/p2p_nccl_engine.py +632 -0
  178. vllm/distributed/kv_transfer/kv_connector/v1/p2p/tensor_memory_pool.py +273 -0
  179. vllm/distributed/kv_transfer/kv_transfer_state.py +78 -0
  180. vllm/distributed/parallel_state.py +1795 -0
  181. vllm/distributed/tpu_distributed_utils.py +188 -0
  182. vllm/distributed/utils.py +545 -0
  183. vllm/engine/__init__.py +0 -0
  184. vllm/engine/arg_utils.py +2068 -0
  185. vllm/engine/async_llm_engine.py +6 -0
  186. vllm/engine/llm_engine.py +6 -0
  187. vllm/engine/protocol.py +190 -0
  188. vllm/entrypoints/__init__.py +0 -0
  189. vllm/entrypoints/anthropic/__init__.py +0 -0
  190. vllm/entrypoints/anthropic/protocol.py +162 -0
  191. vllm/entrypoints/anthropic/serving_messages.py +468 -0
  192. vllm/entrypoints/api_server.py +185 -0
  193. vllm/entrypoints/chat_utils.py +1903 -0
  194. vllm/entrypoints/cli/__init__.py +15 -0
  195. vllm/entrypoints/cli/benchmark/__init__.py +0 -0
  196. vllm/entrypoints/cli/benchmark/base.py +25 -0
  197. vllm/entrypoints/cli/benchmark/latency.py +21 -0
  198. vllm/entrypoints/cli/benchmark/main.py +56 -0
  199. vllm/entrypoints/cli/benchmark/serve.py +21 -0
  200. vllm/entrypoints/cli/benchmark/startup.py +21 -0
  201. vllm/entrypoints/cli/benchmark/sweep.py +21 -0
  202. vllm/entrypoints/cli/benchmark/throughput.py +21 -0
  203. vllm/entrypoints/cli/collect_env.py +38 -0
  204. vllm/entrypoints/cli/main.py +79 -0
  205. vllm/entrypoints/cli/openai.py +260 -0
  206. vllm/entrypoints/cli/run_batch.py +68 -0
  207. vllm/entrypoints/cli/serve.py +249 -0
  208. vllm/entrypoints/cli/types.py +29 -0
  209. vllm/entrypoints/constants.py +12 -0
  210. vllm/entrypoints/context.py +835 -0
  211. vllm/entrypoints/launcher.py +175 -0
  212. vllm/entrypoints/llm.py +1790 -0
  213. vllm/entrypoints/logger.py +84 -0
  214. vllm/entrypoints/openai/__init__.py +0 -0
  215. vllm/entrypoints/openai/api_server.py +1469 -0
  216. vllm/entrypoints/openai/cli_args.py +302 -0
  217. vllm/entrypoints/openai/orca_metrics.py +120 -0
  218. vllm/entrypoints/openai/parser/__init__.py +0 -0
  219. vllm/entrypoints/openai/parser/harmony_utils.py +825 -0
  220. vllm/entrypoints/openai/parser/responses_parser.py +135 -0
  221. vllm/entrypoints/openai/protocol.py +2496 -0
  222. vllm/entrypoints/openai/run_batch.py +631 -0
  223. vllm/entrypoints/openai/serving_chat.py +1822 -0
  224. vllm/entrypoints/openai/serving_completion.py +729 -0
  225. vllm/entrypoints/openai/serving_engine.py +1542 -0
  226. vllm/entrypoints/openai/serving_models.py +304 -0
  227. vllm/entrypoints/openai/serving_responses.py +2080 -0
  228. vllm/entrypoints/openai/serving_transcription.py +168 -0
  229. vllm/entrypoints/openai/speech_to_text.py +559 -0
  230. vllm/entrypoints/openai/tool_parsers/__init__.py +33 -0
  231. vllm/entrypoints/openai/utils.py +49 -0
  232. vllm/entrypoints/pooling/__init__.py +16 -0
  233. vllm/entrypoints/pooling/classify/__init__.py +0 -0
  234. vllm/entrypoints/pooling/classify/api_router.py +50 -0
  235. vllm/entrypoints/pooling/classify/protocol.py +181 -0
  236. vllm/entrypoints/pooling/classify/serving.py +233 -0
  237. vllm/entrypoints/pooling/embed/__init__.py +0 -0
  238. vllm/entrypoints/pooling/embed/api_router.py +67 -0
  239. vllm/entrypoints/pooling/embed/protocol.py +208 -0
  240. vllm/entrypoints/pooling/embed/serving.py +684 -0
  241. vllm/entrypoints/pooling/pooling/__init__.py +0 -0
  242. vllm/entrypoints/pooling/pooling/api_router.py +63 -0
  243. vllm/entrypoints/pooling/pooling/protocol.py +148 -0
  244. vllm/entrypoints/pooling/pooling/serving.py +354 -0
  245. vllm/entrypoints/pooling/score/__init__.py +0 -0
  246. vllm/entrypoints/pooling/score/api_router.py +149 -0
  247. vllm/entrypoints/pooling/score/protocol.py +146 -0
  248. vllm/entrypoints/pooling/score/serving.py +508 -0
  249. vllm/entrypoints/renderer.py +410 -0
  250. vllm/entrypoints/responses_utils.py +249 -0
  251. vllm/entrypoints/sagemaker/__init__.py +4 -0
  252. vllm/entrypoints/sagemaker/routes.py +118 -0
  253. vllm/entrypoints/score_utils.py +237 -0
  254. vllm/entrypoints/serve/__init__.py +60 -0
  255. vllm/entrypoints/serve/disagg/__init__.py +0 -0
  256. vllm/entrypoints/serve/disagg/api_router.py +110 -0
  257. vllm/entrypoints/serve/disagg/protocol.py +90 -0
  258. vllm/entrypoints/serve/disagg/serving.py +285 -0
  259. vllm/entrypoints/serve/elastic_ep/__init__.py +0 -0
  260. vllm/entrypoints/serve/elastic_ep/api_router.py +96 -0
  261. vllm/entrypoints/serve/elastic_ep/middleware.py +49 -0
  262. vllm/entrypoints/serve/instrumentator/__init__.py +0 -0
  263. vllm/entrypoints/serve/instrumentator/health.py +33 -0
  264. vllm/entrypoints/serve/instrumentator/metrics.py +45 -0
  265. vllm/entrypoints/serve/lora/__init__.py +0 -0
  266. vllm/entrypoints/serve/lora/api_router.py +70 -0
  267. vllm/entrypoints/serve/profile/__init__.py +0 -0
  268. vllm/entrypoints/serve/profile/api_router.py +46 -0
  269. vllm/entrypoints/serve/rlhf/__init__.py +0 -0
  270. vllm/entrypoints/serve/rlhf/api_router.py +102 -0
  271. vllm/entrypoints/serve/sleep/__init__.py +0 -0
  272. vllm/entrypoints/serve/sleep/api_router.py +60 -0
  273. vllm/entrypoints/serve/tokenize/__init__.py +0 -0
  274. vllm/entrypoints/serve/tokenize/api_router.py +118 -0
  275. vllm/entrypoints/serve/tokenize/serving.py +204 -0
  276. vllm/entrypoints/ssl.py +78 -0
  277. vllm/entrypoints/tool.py +187 -0
  278. vllm/entrypoints/tool_server.py +234 -0
  279. vllm/entrypoints/utils.py +319 -0
  280. vllm/env_override.py +378 -0
  281. vllm/envs.py +1744 -0
  282. vllm/forward_context.py +358 -0
  283. vllm/inputs/__init__.py +44 -0
  284. vllm/inputs/data.py +359 -0
  285. vllm/inputs/parse.py +146 -0
  286. vllm/inputs/preprocess.py +717 -0
  287. vllm/logger.py +303 -0
  288. vllm/logging_utils/__init__.py +13 -0
  289. vllm/logging_utils/dump_input.py +83 -0
  290. vllm/logging_utils/formatter.py +127 -0
  291. vllm/logging_utils/lazy.py +20 -0
  292. vllm/logging_utils/log_time.py +34 -0
  293. vllm/logits_process.py +121 -0
  294. vllm/logprobs.py +206 -0
  295. vllm/lora/__init__.py +0 -0
  296. vllm/lora/layers/__init__.py +42 -0
  297. vllm/lora/layers/base.py +66 -0
  298. vllm/lora/layers/base_linear.py +165 -0
  299. vllm/lora/layers/column_parallel_linear.py +577 -0
  300. vllm/lora/layers/fused_moe.py +747 -0
  301. vllm/lora/layers/logits_processor.py +203 -0
  302. vllm/lora/layers/replicated_linear.py +70 -0
  303. vllm/lora/layers/row_parallel_linear.py +176 -0
  304. vllm/lora/layers/utils.py +74 -0
  305. vllm/lora/layers/vocal_parallel_embedding.py +140 -0
  306. vllm/lora/lora_model.py +246 -0
  307. vllm/lora/lora_weights.py +227 -0
  308. vllm/lora/model_manager.py +690 -0
  309. vllm/lora/ops/__init__.py +0 -0
  310. vllm/lora/ops/ipex_ops/__init__.py +6 -0
  311. vllm/lora/ops/ipex_ops/lora_ops.py +57 -0
  312. vllm/lora/ops/torch_ops/__init__.py +20 -0
  313. vllm/lora/ops/torch_ops/lora_ops.py +128 -0
  314. vllm/lora/ops/triton_ops/README_TUNING.md +60 -0
  315. vllm/lora/ops/triton_ops/__init__.py +21 -0
  316. vllm/lora/ops/triton_ops/fused_moe_lora_op.py +665 -0
  317. vllm/lora/ops/triton_ops/kernel_utils.py +340 -0
  318. vllm/lora/ops/triton_ops/lora_expand_op.py +310 -0
  319. vllm/lora/ops/triton_ops/lora_kernel_metadata.py +154 -0
  320. vllm/lora/ops/triton_ops/lora_shrink_op.py +287 -0
  321. vllm/lora/ops/triton_ops/utils.py +295 -0
  322. vllm/lora/ops/xla_ops/__init__.py +6 -0
  323. vllm/lora/ops/xla_ops/lora_ops.py +141 -0
  324. vllm/lora/peft_helper.py +128 -0
  325. vllm/lora/punica_wrapper/__init__.py +10 -0
  326. vllm/lora/punica_wrapper/punica_base.py +493 -0
  327. vllm/lora/punica_wrapper/punica_cpu.py +351 -0
  328. vllm/lora/punica_wrapper/punica_gpu.py +412 -0
  329. vllm/lora/punica_wrapper/punica_selector.py +21 -0
  330. vllm/lora/punica_wrapper/punica_tpu.py +358 -0
  331. vllm/lora/punica_wrapper/punica_xpu.py +276 -0
  332. vllm/lora/punica_wrapper/utils.py +150 -0
  333. vllm/lora/request.py +100 -0
  334. vllm/lora/resolver.py +88 -0
  335. vllm/lora/utils.py +315 -0
  336. vllm/lora/worker_manager.py +268 -0
  337. vllm/model_executor/__init__.py +11 -0
  338. vllm/model_executor/custom_op.py +199 -0
  339. vllm/model_executor/layers/__init__.py +0 -0
  340. vllm/model_executor/layers/activation.py +595 -0
  341. vllm/model_executor/layers/attention_layer_base.py +32 -0
  342. vllm/model_executor/layers/batch_invariant.py +1067 -0
  343. vllm/model_executor/layers/conv.py +256 -0
  344. vllm/model_executor/layers/fla/__init__.py +8 -0
  345. vllm/model_executor/layers/fla/ops/__init__.py +17 -0
  346. vllm/model_executor/layers/fla/ops/chunk.py +240 -0
  347. vllm/model_executor/layers/fla/ops/chunk_delta_h.py +344 -0
  348. vllm/model_executor/layers/fla/ops/chunk_o.py +183 -0
  349. vllm/model_executor/layers/fla/ops/chunk_scaled_dot_kkt.py +154 -0
  350. vllm/model_executor/layers/fla/ops/cumsum.py +280 -0
  351. vllm/model_executor/layers/fla/ops/fused_recurrent.py +390 -0
  352. vllm/model_executor/layers/fla/ops/index.py +41 -0
  353. vllm/model_executor/layers/fla/ops/kda.py +1351 -0
  354. vllm/model_executor/layers/fla/ops/l2norm.py +146 -0
  355. vllm/model_executor/layers/fla/ops/layernorm_guard.py +396 -0
  356. vllm/model_executor/layers/fla/ops/op.py +60 -0
  357. vllm/model_executor/layers/fla/ops/solve_tril.py +556 -0
  358. vllm/model_executor/layers/fla/ops/utils.py +194 -0
  359. vllm/model_executor/layers/fla/ops/wy_fast.py +158 -0
  360. vllm/model_executor/layers/fused_moe/__init__.py +114 -0
  361. vllm/model_executor/layers/fused_moe/all2all_utils.py +171 -0
  362. vllm/model_executor/layers/fused_moe/batched_deep_gemm_moe.py +409 -0
  363. vllm/model_executor/layers/fused_moe/config.py +1043 -0
  364. vllm/model_executor/layers/fused_moe/configs/E=1,N=14336,device_name=NVIDIA_A100-SXM4-80GB,dtype=int8_w8a16.json +146 -0
  365. vllm/model_executor/layers/fused_moe/configs/E=1,N=14336,device_name=NVIDIA_A100-SXM4-80GB.json +146 -0
  366. vllm/model_executor/layers/fused_moe/configs/E=1,N=1792,device_name=NVIDIA_A100-SXM4-80GB,dtype=int8_w8a16.json +218 -0
  367. vllm/model_executor/layers/fused_moe/configs/E=1,N=1792,device_name=NVIDIA_A100-SXM4-80GB.json +218 -0
  368. vllm/model_executor/layers/fused_moe/configs/E=1,N=1792,device_name=NVIDIA_H100_80GB_HBM3,dtype=int8_w8a16.json +146 -0
  369. vllm/model_executor/layers/fused_moe/configs/E=1,N=3072,device_name=NVIDIA_A100-SXM4-80GB,dtype=int8_w8a16.json +218 -0
  370. vllm/model_executor/layers/fused_moe/configs/E=1,N=3072,device_name=NVIDIA_H100_80GB_HBM3,dtype=int8_w8a16.json +146 -0
  371. vllm/model_executor/layers/fused_moe/configs/E=1,N=3072,device_name=NVIDIA_H100_80GB_HBM3.json +218 -0
  372. vllm/model_executor/layers/fused_moe/configs/E=1,N=3072,device_name=NVIDIA_H200,dtype=int8_w8a16.json +146 -0
  373. vllm/model_executor/layers/fused_moe/configs/E=1,N=3584,device_name=NVIDIA_A100-SXM4-80GB,dtype=int8_w8a16.json +218 -0
  374. vllm/model_executor/layers/fused_moe/configs/E=1,N=3584,device_name=NVIDIA_A100-SXM4-80GB.json +218 -0
  375. vllm/model_executor/layers/fused_moe/configs/E=1,N=3584,device_name=NVIDIA_H100_80GB_HBM3,dtype=int8_w8a16.json +146 -0
  376. vllm/model_executor/layers/fused_moe/configs/E=1,N=7168,device_name=NVIDIA_A100-SXM4-80GB,dtype=int8_w8a16.json +218 -0
  377. vllm/model_executor/layers/fused_moe/configs/E=1,N=7168,device_name=NVIDIA_A100-SXM4-80GB.json +218 -0
  378. vllm/model_executor/layers/fused_moe/configs/E=1,N=7168,device_name=NVIDIA_H100_80GB_HBM3,dtype=int8_w8a16.json +146 -0
  379. vllm/model_executor/layers/fused_moe/configs/E=128,N=1024,device_name=AMD_Instinct_MI300X,dtype=fp8_w8a8.json +164 -0
  380. vllm/model_executor/layers/fused_moe/configs/E=128,N=1024,device_name=AMD_Instinct_MI300X.json +200 -0
  381. vllm/model_executor/layers/fused_moe/configs/E=128,N=1024,device_name=AMD_Instinct_MI325X,dtype=fp8_w8a8.json +164 -0
  382. vllm/model_executor/layers/fused_moe/configs/E=128,N=1024,device_name=NVIDIA_H100,dtype=fp8_w8a8.json +123 -0
  383. vllm/model_executor/layers/fused_moe/configs/E=128,N=1024,device_name=NVIDIA_H200,dtype=fp8_w8a8.json +146 -0
  384. vllm/model_executor/layers/fused_moe/configs/E=128,N=1024,device_name=NVIDIA_H200.json +146 -0
  385. vllm/model_executor/layers/fused_moe/configs/E=128,N=1856,device_name=NVIDIA_H100_80GB_HBM3.json +147 -0
  386. vllm/model_executor/layers/fused_moe/configs/E=128,N=1856,device_name=NVIDIA_L40S.json +147 -0
  387. vllm/model_executor/layers/fused_moe/configs/E=128,N=192,device_name=NVIDIA_A100-SXM4-80GB.json +146 -0
  388. vllm/model_executor/layers/fused_moe/configs/E=128,N=192,device_name=NVIDIA_H100_80GB_HBM3.json +146 -0
  389. vllm/model_executor/layers/fused_moe/configs/E=128,N=192,device_name=NVIDIA_H20-3e.json +146 -0
  390. vllm/model_executor/layers/fused_moe/configs/E=128,N=192,device_name=NVIDIA_H20.json +146 -0
  391. vllm/model_executor/layers/fused_moe/configs/E=128,N=192,device_name=NVIDIA_H200.json +146 -0
  392. vllm/model_executor/layers/fused_moe/configs/E=128,N=352,device_name=NVIDIA_H100_80GB_HBM3,dtype=fp8_w8a8.json +122 -0
  393. 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
  394. vllm/model_executor/layers/fused_moe/configs/E=128,N=384,device_name=NVIDIA_B200,dtype=fp8_w8a8,block_shape=[128,128].json +146 -0
  395. vllm/model_executor/layers/fused_moe/configs/E=128,N=384,device_name=NVIDIA_GB200,dtype=fp8_w8a8,block_shape=[128,128].json +146 -0
  396. 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
  397. vllm/model_executor/layers/fused_moe/configs/E=128,N=384,device_name=NVIDIA_H20-3e,dtype=fp8_w8a8,block_shape=[128,128].json +146 -0
  398. vllm/model_executor/layers/fused_moe/configs/E=128,N=384,device_name=NVIDIA_H20-3e.json +146 -0
  399. vllm/model_executor/layers/fused_moe/configs/E=128,N=384,device_name=NVIDIA_H20.json +146 -0
  400. 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
  401. vllm/model_executor/layers/fused_moe/configs/E=128,N=384,device_name=NVIDIA_H200.json +146 -0
  402. vllm/model_executor/layers/fused_moe/configs/E=128,N=512,device_name=NVIDIA_H100_80GB_HBM3.json +146 -0
  403. vllm/model_executor/layers/fused_moe/configs/E=128,N=512,device_name=NVIDIA_H200,dtype=fp8_w8a8.json +146 -0
  404. vllm/model_executor/layers/fused_moe/configs/E=128,N=704,device_name=NVIDIA_B200,dtype=fp8_w8a8.json +146 -0
  405. vllm/model_executor/layers/fused_moe/configs/E=128,N=704,device_name=NVIDIA_H100_80GB_HBM3,dtype=fp8_w8a8.json +114 -0
  406. 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
  407. vllm/model_executor/layers/fused_moe/configs/E=128,N=768,device_name=AMD_Instinct_MI308X.json +213 -0
  408. vllm/model_executor/layers/fused_moe/configs/E=128,N=768,device_name=NVIDIA_B200,dtype=fp8_w8a8,block_shape=[128,128].json +146 -0
  409. vllm/model_executor/layers/fused_moe/configs/E=128,N=768,device_name=NVIDIA_GB200,dtype=fp8_w8a8,block_shape=[128,128].json +146 -0
  410. 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
  411. vllm/model_executor/layers/fused_moe/configs/E=128,N=768,device_name=NVIDIA_H20-3e,dtype=fp8_w8a8,block_shape=[128,128].json +146 -0
  412. vllm/model_executor/layers/fused_moe/configs/E=128,N=768,device_name=NVIDIA_H20.json +146 -0
  413. 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
  414. vllm/model_executor/layers/fused_moe/configs/E=128,N=768,device_name=NVIDIA_H200.json +146 -0
  415. vllm/model_executor/layers/fused_moe/configs/E=128,N=8960,device_name=NVIDIA_H100_80GB_HBM3,dtype=bf16.json +82 -0
  416. vllm/model_executor/layers/fused_moe/configs/E=128,N=8960,device_name=NVIDIA_H100_80GB_HBM3,dtype=fp8_w8a8.json +82 -0
  417. vllm/model_executor/layers/fused_moe/configs/E=128,N=928,device_name=NVIDIA_H100_80GB_HBM3.json +147 -0
  418. vllm/model_executor/layers/fused_moe/configs/E=128,N=928,device_name=NVIDIA_L40S.json +147 -0
  419. vllm/model_executor/layers/fused_moe/configs/E=128,N=96,device_name=NVIDIA_H20.json +146 -0
  420. vllm/model_executor/layers/fused_moe/configs/E=16,N=1024,device_name=AMD_Instinct_MI300X.json +200 -0
  421. vllm/model_executor/layers/fused_moe/configs/E=16,N=1024,device_name=NVIDIA_B200,dtype=fp8_w8a8.json +147 -0
  422. vllm/model_executor/layers/fused_moe/configs/E=16,N=1024,device_name=NVIDIA_B200.json +146 -0
  423. vllm/model_executor/layers/fused_moe/configs/E=16,N=1024,device_name=NVIDIA_H100.json +146 -0
  424. vllm/model_executor/layers/fused_moe/configs/E=16,N=1024,device_name=NVIDIA_H200,dtype=fp8_w8a8.json +146 -0
  425. vllm/model_executor/layers/fused_moe/configs/E=16,N=1024,device_name=NVIDIA_H200.json +146 -0
  426. vllm/model_executor/layers/fused_moe/configs/E=16,N=1344,device_name=NVIDIA_A100-SXM4-40GB.json +146 -0
  427. vllm/model_executor/layers/fused_moe/configs/E=16,N=1344,device_name=NVIDIA_A100-SXM4-80GB.json +146 -0
  428. vllm/model_executor/layers/fused_moe/configs/E=16,N=1344,device_name=NVIDIA_H100_80GB_HBM3.json +146 -0
  429. vllm/model_executor/layers/fused_moe/configs/E=16,N=14336,device_name=NVIDIA_A100-SXM4-80GB,dtype=int8_w8a16.json +146 -0
  430. vllm/model_executor/layers/fused_moe/configs/E=16,N=14336,device_name=NVIDIA_A100-SXM4-80GB.json +146 -0
  431. vllm/model_executor/layers/fused_moe/configs/E=16,N=14336,device_name=NVIDIA_H100_80GB_HBM3,dtype=int8_w8a16.json +146 -0
  432. vllm/model_executor/layers/fused_moe/configs/E=16,N=1792,device_name=NVIDIA_A100-SXM4-80GB,dtype=int8_w8a16.json +218 -0
  433. vllm/model_executor/layers/fused_moe/configs/E=16,N=1792,device_name=NVIDIA_A100-SXM4-80GB.json +218 -0
  434. vllm/model_executor/layers/fused_moe/configs/E=16,N=1792,device_name=NVIDIA_H100_80GB_HBM3,dtype=int8_w8a16.json +146 -0
  435. vllm/model_executor/layers/fused_moe/configs/E=16,N=1792,device_name=NVIDIA_H100_80GB_HBM3.json +146 -0
  436. vllm/model_executor/layers/fused_moe/configs/E=16,N=2048,device_name=NVIDIA_H200,dtype=fp8_w8a8.json +146 -0
  437. vllm/model_executor/layers/fused_moe/configs/E=16,N=2048,device_name=NVIDIA_H200.json +146 -0
  438. vllm/model_executor/layers/fused_moe/configs/E=16,N=2688,device_name=NVIDIA_A100-SXM4-80GB.json +146 -0
  439. vllm/model_executor/layers/fused_moe/configs/E=16,N=2688,device_name=NVIDIA_H100_80GB_HBM3.json +146 -0
  440. vllm/model_executor/layers/fused_moe/configs/E=16,N=3072,device_name=NVIDIA_A100-SXM4-80GB,dtype=int8_w8a16.json +146 -0
  441. vllm/model_executor/layers/fused_moe/configs/E=16,N=3072,device_name=NVIDIA_H100_80GB_HBM3,dtype=float8.json +146 -0
  442. vllm/model_executor/layers/fused_moe/configs/E=16,N=3072,device_name=NVIDIA_H100_80GB_HBM3,dtype=int8_w8a16.json +146 -0
  443. vllm/model_executor/layers/fused_moe/configs/E=16,N=3072,device_name=NVIDIA_H200,dtype=int8_w8a16.json +146 -0
  444. vllm/model_executor/layers/fused_moe/configs/E=16,N=3200,device_name=NVIDIA_H100_80GB_HBM3,dtype=fp8_w8a8.json +130 -0
  445. vllm/model_executor/layers/fused_moe/configs/E=16,N=3584,device_name=NVIDIA_A100-SXM4-80GB,dtype=int8_w8a16.json +146 -0
  446. vllm/model_executor/layers/fused_moe/configs/E=16,N=3584,device_name=NVIDIA_A100-SXM4-80GB.json +218 -0
  447. vllm/model_executor/layers/fused_moe/configs/E=16,N=3584,device_name=NVIDIA_H100_80GB_HBM3,dtype=int8_w8a16.json +146 -0
  448. vllm/model_executor/layers/fused_moe/configs/E=16,N=6400,device_name=NVIDIA_H100_80GB_HBM3,dtype=fp8_w8a8.json +130 -0
  449. vllm/model_executor/layers/fused_moe/configs/E=16,N=7168,device_name=NVIDIA_A100-SXM4-80GB,dtype=int8_w8a16.json +146 -0
  450. vllm/model_executor/layers/fused_moe/configs/E=16,N=7168,device_name=NVIDIA_A100-SXM4-80GB.json +146 -0
  451. vllm/model_executor/layers/fused_moe/configs/E=16,N=7168,device_name=NVIDIA_H100_80GB_HBM3,dtype=float8.json +146 -0
  452. vllm/model_executor/layers/fused_moe/configs/E=16,N=7168,device_name=NVIDIA_H100_80GB_HBM3,dtype=int8_w8a16.json +146 -0
  453. vllm/model_executor/layers/fused_moe/configs/E=16,N=800,device_name=NVIDIA_H100_80GB_HBM3,dtype=fp8_w8a8.json +130 -0
  454. vllm/model_executor/layers/fused_moe/configs/E=160,N=192,device_name=AMD_Instinct_MI300X.json +201 -0
  455. vllm/model_executor/layers/fused_moe/configs/E=160,N=192,device_name=AMD_Instinct_MI350_OAM,dtype=fp8_w8a8.json +164 -0
  456. vllm/model_executor/layers/fused_moe/configs/E=160,N=192,device_name=NVIDIA_A800-SXM4-80GB.json +146 -0
  457. vllm/model_executor/layers/fused_moe/configs/E=160,N=192,device_name=NVIDIA_H20-3e.json +146 -0
  458. vllm/model_executor/layers/fused_moe/configs/E=160,N=192,device_name=NVIDIA_H200,dtype=fp8_w8a8.json +147 -0
  459. vllm/model_executor/layers/fused_moe/configs/E=160,N=320,device_name=NVIDIA_H20-3e.json +146 -0
  460. vllm/model_executor/layers/fused_moe/configs/E=160,N=384,device_name=AMD_Instinct_MI300X,dtype=fp8_w8a8.json +164 -0
  461. vllm/model_executor/layers/fused_moe/configs/E=160,N=384,device_name=AMD_Instinct_MI350_OAM,dtype=fp8_w8a8.json +164 -0
  462. vllm/model_executor/layers/fused_moe/configs/E=160,N=384,device_name=AMD_Instinct_MI355_OAM,dtype=fp8_w8a8.json +164 -0
  463. vllm/model_executor/layers/fused_moe/configs/E=160,N=640,device_name=NVIDIA_B200,dtype=fp8_w8a8,block_shape=[128,128].json +146 -0
  464. vllm/model_executor/layers/fused_moe/configs/E=160,N=640,device_name=NVIDIA_GB200,dtype=fp8_w8a8,block_shape=[128,128].json +146 -0
  465. vllm/model_executor/layers/fused_moe/configs/E=160,N=640,device_name=NVIDIA_H100,dtype=fp8_w8a8,block_shape=[128,128].json +146 -0
  466. vllm/model_executor/layers/fused_moe/configs/E=20,N=1536,device_name=NVIDIA_RTX_PRO_6000_Blackwell_Server_Edition,dtype=fp8_w8a8.json +147 -0
  467. vllm/model_executor/layers/fused_moe/configs/E=20,N=2560,device_name=NVIDIA_B200,dtype=fp8_w8a8,block_shape=[128,128].json +146 -0
  468. vllm/model_executor/layers/fused_moe/configs/E=20,N=2560,device_name=NVIDIA_GB200,dtype=fp8_w8a8,block_shape=[128,128].json +146 -0
  469. vllm/model_executor/layers/fused_moe/configs/E=20,N=2560,device_name=NVIDIA_H100,dtype=fp8_w8a8,block_shape=[128,128].json +146 -0
  470. vllm/model_executor/layers/fused_moe/configs/E=20,N=2560,device_name=NVIDIA_H20-3e,dtype=fp8_w8a8,block_shape=[128,128].json +146 -0
  471. vllm/model_executor/layers/fused_moe/configs/E=256,N=1024,device_name=AMD_Instinct_MI325X,block_shape=[128,128].json +200 -0
  472. 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
  473. 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
  474. vllm/model_executor/layers/fused_moe/configs/E=256,N=128,device_name=NVIDIA_A100-SXM4-80GB,dtype=int8_w8a8.json +146 -0
  475. 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
  476. vllm/model_executor/layers/fused_moe/configs/E=256,N=128,device_name=NVIDIA_A800-SXM4-80GB,dtype=int8_w8a8.json +146 -0
  477. 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
  478. 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
  479. 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
  480. 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
  481. 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
  482. 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
  483. 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
  484. 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
  485. 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
  486. vllm/model_executor/layers/fused_moe/configs/E=256,N=256,device_name=NVIDIA_H20-3e,dtype=fp8_w8a8,block_shape=[128,128].json +146 -0
  487. 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
  488. 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
  489. vllm/model_executor/layers/fused_moe/configs/E=256,N=384,device_name=NVIDIA_H100_80GB_HBM3,dtype=fp8_w8a8,block_shape=[128,128].json +147 -0
  490. 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
  491. vllm/model_executor/layers/fused_moe/configs/E=256,N=512,device_name=NVIDIA_H100_80GB_HBM3.json +146 -0
  492. vllm/model_executor/layers/fused_moe/configs/E=256,N=64,device_name=NVIDIA_A800-SXM4-80GB.json +146 -0
  493. vllm/model_executor/layers/fused_moe/configs/E=32,N=1408,device_name=NVIDIA_B200.json +147 -0
  494. vllm/model_executor/layers/fused_moe/configs/E=32,N=2048,device_name=NVIDIA_B200,dtype=fp8_w8a8,block_shape=[128,128].json +147 -0
  495. vllm/model_executor/layers/fused_moe/configs/E=32,N=2048,device_name=NVIDIA_H200,dtype=fp8_w8a8,block_shape=[128,128].json +147 -0
  496. vllm/model_executor/layers/fused_moe/configs/E=384,N=128,device_name=NVIDIA_B200,dtype=fp8_w8a8,block_shape=[128,128].json +146 -0
  497. vllm/model_executor/layers/fused_moe/configs/E=384,N=128,device_name=NVIDIA_GB200,dtype=fp8_w8a8,block_shape=[128,128].json +146 -0
  498. vllm/model_executor/layers/fused_moe/configs/E=384,N=128,device_name=NVIDIA_H200,dtype=fp8_w8a8,block_shape=[128,128].json +146 -0
  499. vllm/model_executor/layers/fused_moe/configs/E=384,N=256,device_name=NVIDIA_B200,dtype=fp8_w8a8,block_shape=[128,128].json +146 -0
  500. vllm/model_executor/layers/fused_moe/configs/E=384,N=256,device_name=NVIDIA_GB200,dtype=fp8_w8a8,block_shape=[128,128].json +146 -0
  501. vllm/model_executor/layers/fused_moe/configs/E=40,N=1536,device_name=NVIDIA_B200,dtype=fp8_w8a8.json +147 -0
  502. vllm/model_executor/layers/fused_moe/configs/E=40,N=2560,device_name=NVIDIA_B200,dtype=fp8_w8a8,block_shape=[128,128].json +146 -0
  503. vllm/model_executor/layers/fused_moe/configs/E=40,N=2560,device_name=NVIDIA_GB200,dtype=fp8_w8a8,block_shape=[128,128].json +146 -0
  504. vllm/model_executor/layers/fused_moe/configs/E=40,N=2560,device_name=NVIDIA_H100,dtype=fp8_w8a8,block_shape=[128,128].json +146 -0
  505. vllm/model_executor/layers/fused_moe/configs/E=512,N=128,device_name=NVIDIA_A100-SXM4-80GB.json +147 -0
  506. vllm/model_executor/layers/fused_moe/configs/E=512,N=128,device_name=NVIDIA_B200.json +146 -0
  507. vllm/model_executor/layers/fused_moe/configs/E=512,N=128,device_name=NVIDIA_GB200,dtype=fp8_w8a8.json +147 -0
  508. vllm/model_executor/layers/fused_moe/configs/E=512,N=128,device_name=NVIDIA_H100_80GB_HBM3.json +146 -0
  509. vllm/model_executor/layers/fused_moe/configs/E=512,N=128,device_name=NVIDIA_H20-3e.json +146 -0
  510. vllm/model_executor/layers/fused_moe/configs/E=512,N=128,device_name=NVIDIA_H200.json +146 -0
  511. vllm/model_executor/layers/fused_moe/configs/E=512,N=256,device_name=NVIDIA_B200.json +146 -0
  512. vllm/model_executor/layers/fused_moe/configs/E=512,N=256,device_name=NVIDIA_GB200,dtype=fp8_w8a8.json +146 -0
  513. vllm/model_executor/layers/fused_moe/configs/E=512,N=256,device_name=NVIDIA_H100_80GB_HBM3,dtype=fp8_w8a8,block_shape=[128,128].json +147 -0
  514. vllm/model_executor/layers/fused_moe/configs/E=512,N=256,device_name=NVIDIA_H100_80GB_HBM3.json +146 -0
  515. vllm/model_executor/layers/fused_moe/configs/E=512,N=256,device_name=NVIDIA_H20-3e.json +146 -0
  516. vllm/model_executor/layers/fused_moe/configs/E=512,N=256,device_name=NVIDIA_H200.json +146 -0
  517. vllm/model_executor/layers/fused_moe/configs/E=512,N=512,device_name=NVIDIA_B200.json +146 -0
  518. vllm/model_executor/layers/fused_moe/configs/E=512,N=512,device_name=NVIDIA_GB200,dtype=fp8_w8a8.json +146 -0
  519. vllm/model_executor/layers/fused_moe/configs/E=512,N=512,device_name=NVIDIA_H100_80GB_HBM3.json +146 -0
  520. vllm/model_executor/layers/fused_moe/configs/E=512,N=512,device_name=NVIDIA_H20-3e.json +146 -0
  521. vllm/model_executor/layers/fused_moe/configs/E=512,N=512,device_name=NVIDIA_H200.json +146 -0
  522. vllm/model_executor/layers/fused_moe/configs/E=512,N=64,device_name=NVIDIA_A100-SXM4-80GB.json +147 -0
  523. vllm/model_executor/layers/fused_moe/configs/E=512,N=64,device_name=NVIDIA_B200.json +146 -0
  524. vllm/model_executor/layers/fused_moe/configs/E=512,N=64,device_name=NVIDIA_H20-3e.json +146 -0
  525. vllm/model_executor/layers/fused_moe/configs/E=512,N=64,device_name=NVIDIA_H200.json +146 -0
  526. vllm/model_executor/layers/fused_moe/configs/E=60,N=1408,device_name=AMD_Instinct_MI300X.json +200 -0
  527. vllm/model_executor/layers/fused_moe/configs/E=60,N=176,device_name=AMD_Instinct_MI300X.json +200 -0
  528. vllm/model_executor/layers/fused_moe/configs/E=60,N=352,device_name=AMD_Instinct_MI300X.json +200 -0
  529. vllm/model_executor/layers/fused_moe/configs/E=60,N=704,device_name=AMD_Instinct_MI300X.json +200 -0
  530. vllm/model_executor/layers/fused_moe/configs/E=62,N=128,device_name=AMD_Instinct_MI300X.json +200 -0
  531. vllm/model_executor/layers/fused_moe/configs/E=62,N=256,device_name=AMD_Instinct_MI300X.json +200 -0
  532. vllm/model_executor/layers/fused_moe/configs/E=62,N=256,device_name=NVIDIA_H100_80GB_HBM3.json +146 -0
  533. vllm/model_executor/layers/fused_moe/configs/E=62,N=512,device_name=AMD_Instinct_MI300X.json +200 -0
  534. vllm/model_executor/layers/fused_moe/configs/E=62,N=512,device_name=NVIDIA_H100_80GB_HBM3.json +146 -0
  535. vllm/model_executor/layers/fused_moe/configs/E=64,N=1280,device_name=NVIDIA_A100-SXM4-80GB.json +146 -0
  536. vllm/model_executor/layers/fused_moe/configs/E=64,N=1280,device_name=NVIDIA_A800-SXM4-80GB.json +146 -0
  537. vllm/model_executor/layers/fused_moe/configs/E=64,N=1280,device_name=NVIDIA_H100_80GB_HBM3,dtype=fp8_w8a8.json +146 -0
  538. vllm/model_executor/layers/fused_moe/configs/E=64,N=1280,device_name=NVIDIA_H100_80GB_HBM3.json +146 -0
  539. vllm/model_executor/layers/fused_moe/configs/E=64,N=1280,device_name=NVIDIA_H200,dtype=fp8_w8a8.json +146 -0
  540. vllm/model_executor/layers/fused_moe/configs/E=64,N=1280,device_name=NVIDIA_H200.json +146 -0
  541. vllm/model_executor/layers/fused_moe/configs/E=64,N=1408,device_name=NVIDIA_B200.json +147 -0
  542. vllm/model_executor/layers/fused_moe/configs/E=64,N=1536,device_name=NVIDIA_H20,dtype=fp8_w8a8.json +146 -0
  543. vllm/model_executor/layers/fused_moe/configs/E=64,N=2560,device_name=NVIDIA_H100_80GB_HBM3,dtype=fp8_w8a8.json +146 -0
  544. vllm/model_executor/layers/fused_moe/configs/E=64,N=2560,device_name=NVIDIA_H200,dtype=fp8_w8a8.json +146 -0
  545. vllm/model_executor/layers/fused_moe/configs/E=64,N=2560,device_name=NVIDIA_H200.json +146 -0
  546. vllm/model_executor/layers/fused_moe/configs/E=64,N=3072,device_name=NVIDIA_H20,dtype=fp8_w8a8.json +146 -0
  547. vllm/model_executor/layers/fused_moe/configs/E=64,N=3072,device_name=NVIDIA_H20.json +146 -0
  548. vllm/model_executor/layers/fused_moe/configs/E=64,N=320,device_name=NVIDIA_H100_80GB_HBM3,dtype=fp8_w8a8.json +146 -0
  549. vllm/model_executor/layers/fused_moe/configs/E=64,N=320,device_name=NVIDIA_H100_80GB_HBM3.json +146 -0
  550. vllm/model_executor/layers/fused_moe/configs/E=64,N=320,device_name=NVIDIA_H200,dtype=fp8_w8a8.json +146 -0
  551. vllm/model_executor/layers/fused_moe/configs/E=64,N=320,device_name=NVIDIA_H200.json +146 -0
  552. vllm/model_executor/layers/fused_moe/configs/E=64,N=384,device_name=NVIDIA_H20,dtype=fp8_w8a8.json +146 -0
  553. vllm/model_executor/layers/fused_moe/configs/E=64,N=384,device_name=NVIDIA_H20.json +146 -0
  554. vllm/model_executor/layers/fused_moe/configs/E=64,N=640,device_name=NVIDIA_A100-SXM4-80GB.json +146 -0
  555. vllm/model_executor/layers/fused_moe/configs/E=64,N=640,device_name=NVIDIA_A800-SXM4-80GB.json +146 -0
  556. vllm/model_executor/layers/fused_moe/configs/E=64,N=640,device_name=NVIDIA_GeForce_RTX_4090,dtype=fp8_w8a8.json +146 -0
  557. vllm/model_executor/layers/fused_moe/configs/E=64,N=640,device_name=NVIDIA_H100_80GB_HBM3,dtype=fp8_w8a8.json +146 -0
  558. vllm/model_executor/layers/fused_moe/configs/E=64,N=640,device_name=NVIDIA_H100_80GB_HBM3.json +146 -0
  559. vllm/model_executor/layers/fused_moe/configs/E=64,N=640,device_name=NVIDIA_H200,dtype=fp8_w8a8.json +146 -0
  560. vllm/model_executor/layers/fused_moe/configs/E=64,N=640,device_name=NVIDIA_H200.json +146 -0
  561. vllm/model_executor/layers/fused_moe/configs/E=64,N=768,device_name=NVIDIA_H100_PCIe,dtype=fp8_w8a8,block_shape=[128,128].json +147 -0
  562. vllm/model_executor/layers/fused_moe/configs/E=64,N=768,device_name=NVIDIA_H20,dtype=fp8_w8a8.json +146 -0
  563. vllm/model_executor/layers/fused_moe/configs/E=64,N=768,device_name=NVIDIA_H20.json +146 -0
  564. vllm/model_executor/layers/fused_moe/configs/E=64,N=896,device_name=NVIDIA_H20.json +146 -0
  565. vllm/model_executor/layers/fused_moe/configs/E=64,N=8960,device_name=NVIDIA_H100_80GB_HBM3,dtype=bf16.json +82 -0
  566. vllm/model_executor/layers/fused_moe/configs/E=64,N=8960,device_name=NVIDIA_H100_80GB_HBM3,dtype=fp8_w8a8.json +82 -0
  567. vllm/model_executor/layers/fused_moe/configs/E=72,N=192,device_name=AMD_Instinct_MI300X.json +200 -0
  568. vllm/model_executor/layers/fused_moe/configs/E=72,N=384,device_name=AMD_Instinct_MI300X.json +200 -0
  569. vllm/model_executor/layers/fused_moe/configs/E=72,N=384,device_name=NVIDIA_H100_80GB_HBM3.json +146 -0
  570. vllm/model_executor/layers/fused_moe/configs/E=72,N=768,device_name=AMD_Instinct_MI300X.json +200 -0
  571. vllm/model_executor/layers/fused_moe/configs/E=72,N=768,device_name=NVIDIA_H100_80GB_HBM3.json +146 -0
  572. vllm/model_executor/layers/fused_moe/configs/E=8,N=14336,device_name=AMD_Instinct_MI300X,dtype=fp8_w8a8.json +164 -0
  573. vllm/model_executor/layers/fused_moe/configs/E=8,N=14336,device_name=AMD_Instinct_MI300X.json +200 -0
  574. vllm/model_executor/layers/fused_moe/configs/E=8,N=14336,device_name=AMD_Instinct_MI325X,dtype=fp8_w8a8.json +164 -0
  575. vllm/model_executor/layers/fused_moe/configs/E=8,N=14336,device_name=AMD_Instinct_MI325X.json +200 -0
  576. vllm/model_executor/layers/fused_moe/configs/E=8,N=14336,device_name=NVIDIA_H100_80GB_HBM3,dtype=fp8_w8a8.json +138 -0
  577. vllm/model_executor/layers/fused_moe/configs/E=8,N=14336,device_name=NVIDIA_H200,dtype=fp8_w8a8.json +146 -0
  578. vllm/model_executor/layers/fused_moe/configs/E=8,N=14336,device_name=NVIDIA_H200.json +146 -0
  579. vllm/model_executor/layers/fused_moe/configs/E=8,N=16384,device_name=AMD_Instinct_MI300X,dtype=fp8_w8a8.json +164 -0
  580. vllm/model_executor/layers/fused_moe/configs/E=8,N=16384,device_name=AMD_Instinct_MI300X.json +200 -0
  581. vllm/model_executor/layers/fused_moe/configs/E=8,N=16384,device_name=AMD_Instinct_MI325X,dtype=fp8_w8a8.json +164 -0
  582. vllm/model_executor/layers/fused_moe/configs/E=8,N=16384,device_name=AMD_Instinct_MI325X.json +200 -0
  583. vllm/model_executor/layers/fused_moe/configs/E=8,N=1792,device_name=AMD_Instinct_MI300X,dtype=fp8_w8a8.json +164 -0
  584. vllm/model_executor/layers/fused_moe/configs/E=8,N=1792,device_name=AMD_Instinct_MI300X.json +200 -0
  585. vllm/model_executor/layers/fused_moe/configs/E=8,N=1792,device_name=AMD_Instinct_MI325X,dtype=fp8_w8a8.json +164 -0
  586. vllm/model_executor/layers/fused_moe/configs/E=8,N=1792,device_name=AMD_Instinct_MI325X.json +200 -0
  587. vllm/model_executor/layers/fused_moe/configs/E=8,N=1792,device_name=NVIDIA_A100-SXM4-40GB.json +146 -0
  588. vllm/model_executor/layers/fused_moe/configs/E=8,N=1792,device_name=NVIDIA_A100-SXM4-80GB.json +146 -0
  589. vllm/model_executor/layers/fused_moe/configs/E=8,N=1792,device_name=NVIDIA_H100_80GB_HBM3.json +146 -0
  590. vllm/model_executor/layers/fused_moe/configs/E=8,N=1792,device_name=NVIDIA_H200,dtype=fp8_w8a8.json +146 -0
  591. vllm/model_executor/layers/fused_moe/configs/E=8,N=1792,device_name=NVIDIA_H200.json +146 -0
  592. vllm/model_executor/layers/fused_moe/configs/E=8,N=2048,device_name=AMD_Instinct_MI300X,dtype=fp8_w8a8.json +164 -0
  593. vllm/model_executor/layers/fused_moe/configs/E=8,N=2048,device_name=AMD_Instinct_MI300X.json +200 -0
  594. vllm/model_executor/layers/fused_moe/configs/E=8,N=2048,device_name=AMD_Instinct_MI325X,dtype=fp8_w8a8.json +164 -0
  595. vllm/model_executor/layers/fused_moe/configs/E=8,N=2048,device_name=AMD_Instinct_MI325X.json +200 -0
  596. vllm/model_executor/layers/fused_moe/configs/E=8,N=2048,device_name=NVIDIA_A100-SXM4-80GB.json +146 -0
  597. vllm/model_executor/layers/fused_moe/configs/E=8,N=2048,device_name=NVIDIA_H100_80GB_HBM3,dtype=fp8_w8a8.json +146 -0
  598. vllm/model_executor/layers/fused_moe/configs/E=8,N=2048,device_name=NVIDIA_H100_80GB_HBM3.json +146 -0
  599. vllm/model_executor/layers/fused_moe/configs/E=8,N=2048,device_name=NVIDIA_H200,dtype=fp8_w8a8,block_shape=[128,128].json +154 -0
  600. vllm/model_executor/layers/fused_moe/configs/E=8,N=2048,device_name=NVIDIA_H200,dtype=fp8_w8a8.json +146 -0
  601. vllm/model_executor/layers/fused_moe/configs/E=8,N=2048,device_name=NVIDIA_H200.json +146 -0
  602. vllm/model_executor/layers/fused_moe/configs/E=8,N=3584,device_name=AMD_Instinct_MI300X,dtype=fp8_w8a8.json +164 -0
  603. vllm/model_executor/layers/fused_moe/configs/E=8,N=3584,device_name=AMD_Instinct_MI300X.json +200 -0
  604. vllm/model_executor/layers/fused_moe/configs/E=8,N=3584,device_name=AMD_Instinct_MI325X,dtype=fp8_w8a8.json +164 -0
  605. vllm/model_executor/layers/fused_moe/configs/E=8,N=3584,device_name=AMD_Instinct_MI325X.json +200 -0
  606. vllm/model_executor/layers/fused_moe/configs/E=8,N=3584,device_name=NVIDIA_A100-SXM4-40GB.json +146 -0
  607. vllm/model_executor/layers/fused_moe/configs/E=8,N=3584,device_name=NVIDIA_A100-SXM4-80GB.json +146 -0
  608. vllm/model_executor/layers/fused_moe/configs/E=8,N=3584,device_name=NVIDIA_GeForce_RTX_4090,dtype=fp8_w8a8.json +146 -0
  609. vllm/model_executor/layers/fused_moe/configs/E=8,N=3584,device_name=NVIDIA_H100_80GB_HBM3,dtype=fp8_w8a8.json +146 -0
  610. vllm/model_executor/layers/fused_moe/configs/E=8,N=3584,device_name=NVIDIA_H100_80GB_HBM3.json +146 -0
  611. vllm/model_executor/layers/fused_moe/configs/E=8,N=3584,device_name=NVIDIA_H200,dtype=fp8_w8a8.json +146 -0
  612. vllm/model_executor/layers/fused_moe/configs/E=8,N=3584,device_name=NVIDIA_H200.json +146 -0
  613. vllm/model_executor/layers/fused_moe/configs/E=8,N=3584,device_name=NVIDIA_L40S.json +173 -0
  614. vllm/model_executor/layers/fused_moe/configs/E=8,N=4096,device_name=AMD_Instinct_MI300X,dtype=fp8_w8a8.json +164 -0
  615. vllm/model_executor/layers/fused_moe/configs/E=8,N=4096,device_name=AMD_Instinct_MI300X.json +200 -0
  616. vllm/model_executor/layers/fused_moe/configs/E=8,N=4096,device_name=AMD_Instinct_MI325X,dtype=fp8_w8a8.json +164 -0
  617. vllm/model_executor/layers/fused_moe/configs/E=8,N=4096,device_name=AMD_Instinct_MI325X.json +200 -0
  618. vllm/model_executor/layers/fused_moe/configs/E=8,N=4096,device_name=NVIDIA_A100-SXM4-80GB.json +146 -0
  619. vllm/model_executor/layers/fused_moe/configs/E=8,N=4096,device_name=NVIDIA_H100_80GB_HBM3,dtype=fp8_w8a8.json +146 -0
  620. vllm/model_executor/layers/fused_moe/configs/E=8,N=4096,device_name=NVIDIA_H100_80GB_HBM3.json +146 -0
  621. vllm/model_executor/layers/fused_moe/configs/E=8,N=4096,device_name=NVIDIA_H200,dtype=fp8_w8a8.json +146 -0
  622. vllm/model_executor/layers/fused_moe/configs/E=8,N=4096,device_name=NVIDIA_H200.json +146 -0
  623. vllm/model_executor/layers/fused_moe/configs/E=8,N=7168,device_name=AMD_Instinct_MI300X,dtype=fp8_w8a8.json +164 -0
  624. vllm/model_executor/layers/fused_moe/configs/E=8,N=7168,device_name=AMD_Instinct_MI300X.json +200 -0
  625. vllm/model_executor/layers/fused_moe/configs/E=8,N=7168,device_name=AMD_Instinct_MI325X,dtype=fp8_w8a8.json +164 -0
  626. vllm/model_executor/layers/fused_moe/configs/E=8,N=7168,device_name=AMD_Instinct_MI325X.json +200 -0
  627. vllm/model_executor/layers/fused_moe/configs/E=8,N=7168,device_name=NVIDIA_A100-SXM4-80GB.json +146 -0
  628. vllm/model_executor/layers/fused_moe/configs/E=8,N=7168,device_name=NVIDIA_H100_80GB_HBM3,dtype=fp8_w8a8.json +146 -0
  629. vllm/model_executor/layers/fused_moe/configs/E=8,N=7168,device_name=NVIDIA_H100_80GB_HBM3.json +146 -0
  630. vllm/model_executor/layers/fused_moe/configs/E=8,N=7168,device_name=NVIDIA_H200,dtype=fp8_w8a8.json +146 -0
  631. vllm/model_executor/layers/fused_moe/configs/E=8,N=7168,device_name=NVIDIA_H200.json +146 -0
  632. vllm/model_executor/layers/fused_moe/configs/E=8,N=8192,device_name=AMD_Instinct_MI300X,dtype=fp8_w8a8.json +164 -0
  633. vllm/model_executor/layers/fused_moe/configs/E=8,N=8192,device_name=AMD_Instinct_MI300X.json +200 -0
  634. vllm/model_executor/layers/fused_moe/configs/E=8,N=8192,device_name=AMD_Instinct_MI325X,dtype=fp8_w8a8.json +164 -0
  635. vllm/model_executor/layers/fused_moe/configs/E=8,N=8192,device_name=AMD_Instinct_MI325X.json +200 -0
  636. vllm/model_executor/layers/fused_moe/configs/E=8,N=8192,device_name=NVIDIA_H100_80GB_HBM3,dtype=fp8_w8a8.json +146 -0
  637. vllm/model_executor/layers/fused_moe/configs/E=8,N=8192,device_name=NVIDIA_H200,dtype=fp8_w8a8.json +146 -0
  638. vllm/model_executor/layers/fused_moe/configs/README +12 -0
  639. vllm/model_executor/layers/fused_moe/cpu_fused_moe.py +292 -0
  640. vllm/model_executor/layers/fused_moe/cutlass_moe.py +1453 -0
  641. vllm/model_executor/layers/fused_moe/deep_gemm_moe.py +358 -0
  642. vllm/model_executor/layers/fused_moe/deep_gemm_utils.py +427 -0
  643. vllm/model_executor/layers/fused_moe/deepep_ht_prepare_finalize.py +420 -0
  644. vllm/model_executor/layers/fused_moe/deepep_ll_prepare_finalize.py +434 -0
  645. vllm/model_executor/layers/fused_moe/flashinfer_cutedsl_moe.py +376 -0
  646. vllm/model_executor/layers/fused_moe/flashinfer_cutlass_moe.py +307 -0
  647. vllm/model_executor/layers/fused_moe/flashinfer_cutlass_prepare_finalize.py +362 -0
  648. vllm/model_executor/layers/fused_moe/flashinfer_trtllm_moe.py +192 -0
  649. vllm/model_executor/layers/fused_moe/fused_batched_moe.py +1012 -0
  650. vllm/model_executor/layers/fused_moe/fused_marlin_moe.py +825 -0
  651. vllm/model_executor/layers/fused_moe/fused_moe.py +2223 -0
  652. vllm/model_executor/layers/fused_moe/fused_moe_method_base.py +103 -0
  653. vllm/model_executor/layers/fused_moe/fused_moe_modular_method.py +119 -0
  654. vllm/model_executor/layers/fused_moe/gpt_oss_triton_kernels_moe.py +524 -0
  655. vllm/model_executor/layers/fused_moe/layer.py +2133 -0
  656. vllm/model_executor/layers/fused_moe/modular_kernel.py +1302 -0
  657. vllm/model_executor/layers/fused_moe/moe_align_block_size.py +192 -0
  658. vllm/model_executor/layers/fused_moe/moe_pallas.py +83 -0
  659. vllm/model_executor/layers/fused_moe/moe_permute_unpermute.py +229 -0
  660. vllm/model_executor/layers/fused_moe/moe_torch_iterative.py +60 -0
  661. vllm/model_executor/layers/fused_moe/pplx_prepare_finalize.py +362 -0
  662. vllm/model_executor/layers/fused_moe/prepare_finalize.py +78 -0
  663. vllm/model_executor/layers/fused_moe/rocm_aiter_fused_moe.py +265 -0
  664. vllm/model_executor/layers/fused_moe/routing_simulator.py +310 -0
  665. vllm/model_executor/layers/fused_moe/shared_fused_moe.py +96 -0
  666. vllm/model_executor/layers/fused_moe/topk_weight_and_reduce.py +171 -0
  667. vllm/model_executor/layers/fused_moe/triton_deep_gemm_moe.py +163 -0
  668. vllm/model_executor/layers/fused_moe/trtllm_moe.py +143 -0
  669. vllm/model_executor/layers/fused_moe/unquantized_fused_moe_method.py +455 -0
  670. vllm/model_executor/layers/fused_moe/utils.py +332 -0
  671. vllm/model_executor/layers/kda.py +442 -0
  672. vllm/model_executor/layers/layernorm.py +442 -0
  673. vllm/model_executor/layers/lightning_attn.py +735 -0
  674. vllm/model_executor/layers/linear.py +1424 -0
  675. vllm/model_executor/layers/logits_processor.py +106 -0
  676. vllm/model_executor/layers/mamba/__init__.py +0 -0
  677. vllm/model_executor/layers/mamba/abstract.py +68 -0
  678. vllm/model_executor/layers/mamba/linear_attn.py +388 -0
  679. vllm/model_executor/layers/mamba/mamba_mixer.py +526 -0
  680. vllm/model_executor/layers/mamba/mamba_mixer2.py +930 -0
  681. vllm/model_executor/layers/mamba/mamba_utils.py +225 -0
  682. vllm/model_executor/layers/mamba/ops/__init__.py +0 -0
  683. vllm/model_executor/layers/mamba/ops/causal_conv1d.py +1240 -0
  684. vllm/model_executor/layers/mamba/ops/layernorm_gated.py +172 -0
  685. vllm/model_executor/layers/mamba/ops/mamba_ssm.py +586 -0
  686. vllm/model_executor/layers/mamba/ops/ssd_bmm.py +211 -0
  687. vllm/model_executor/layers/mamba/ops/ssd_chunk_scan.py +456 -0
  688. vllm/model_executor/layers/mamba/ops/ssd_chunk_state.py +700 -0
  689. vllm/model_executor/layers/mamba/ops/ssd_combined.py +230 -0
  690. vllm/model_executor/layers/mamba/ops/ssd_state_passing.py +157 -0
  691. vllm/model_executor/layers/mamba/short_conv.py +255 -0
  692. vllm/model_executor/layers/mla.py +176 -0
  693. vllm/model_executor/layers/pooler.py +830 -0
  694. vllm/model_executor/layers/quantization/__init__.py +179 -0
  695. vllm/model_executor/layers/quantization/auto_round.py +454 -0
  696. vllm/model_executor/layers/quantization/awq.py +277 -0
  697. vllm/model_executor/layers/quantization/awq_marlin.py +793 -0
  698. vllm/model_executor/layers/quantization/awq_triton.py +337 -0
  699. vllm/model_executor/layers/quantization/base_config.py +170 -0
  700. vllm/model_executor/layers/quantization/bitblas.py +502 -0
  701. vllm/model_executor/layers/quantization/bitsandbytes.py +626 -0
  702. vllm/model_executor/layers/quantization/compressed_tensors/__init__.py +3 -0
  703. vllm/model_executor/layers/quantization/compressed_tensors/compressed_tensors.py +986 -0
  704. vllm/model_executor/layers/quantization/compressed_tensors/compressed_tensors_moe.py +2645 -0
  705. vllm/model_executor/layers/quantization/compressed_tensors/schemes/__init__.py +35 -0
  706. vllm/model_executor/layers/quantization/compressed_tensors/schemes/compressed_tensors_24.py +392 -0
  707. vllm/model_executor/layers/quantization/compressed_tensors/schemes/compressed_tensors_scheme.py +55 -0
  708. vllm/model_executor/layers/quantization/compressed_tensors/schemes/compressed_tensors_w4a16_24.py +176 -0
  709. vllm/model_executor/layers/quantization/compressed_tensors/schemes/compressed_tensors_w4a16_nvfp4.py +124 -0
  710. vllm/model_executor/layers/quantization/compressed_tensors/schemes/compressed_tensors_w4a4_nvfp4.py +218 -0
  711. vllm/model_executor/layers/quantization/compressed_tensors/schemes/compressed_tensors_w4a8_fp8.py +176 -0
  712. vllm/model_executor/layers/quantization/compressed_tensors/schemes/compressed_tensors_w4a8_int.py +153 -0
  713. vllm/model_executor/layers/quantization/compressed_tensors/schemes/compressed_tensors_w8a16_fp8.py +138 -0
  714. vllm/model_executor/layers/quantization/compressed_tensors/schemes/compressed_tensors_w8a8_fp8.py +200 -0
  715. vllm/model_executor/layers/quantization/compressed_tensors/schemes/compressed_tensors_w8a8_int8.py +125 -0
  716. vllm/model_executor/layers/quantization/compressed_tensors/schemes/compressed_tensors_wNa16.py +230 -0
  717. vllm/model_executor/layers/quantization/compressed_tensors/transform/__init__.py +0 -0
  718. vllm/model_executor/layers/quantization/compressed_tensors/transform/linear.py +260 -0
  719. vllm/model_executor/layers/quantization/compressed_tensors/transform/module.py +173 -0
  720. vllm/model_executor/layers/quantization/compressed_tensors/transform/schemes/__init__.py +0 -0
  721. vllm/model_executor/layers/quantization/compressed_tensors/transform/schemes/linear_qutlass_nvfp4.py +64 -0
  722. vllm/model_executor/layers/quantization/compressed_tensors/transform/utils.py +13 -0
  723. vllm/model_executor/layers/quantization/compressed_tensors/triton_scaled_mm.py +224 -0
  724. vllm/model_executor/layers/quantization/compressed_tensors/utils.py +216 -0
  725. vllm/model_executor/layers/quantization/cpu_wna16.py +625 -0
  726. vllm/model_executor/layers/quantization/deepspeedfp.py +218 -0
  727. vllm/model_executor/layers/quantization/experts_int8.py +207 -0
  728. vllm/model_executor/layers/quantization/fbgemm_fp8.py +195 -0
  729. vllm/model_executor/layers/quantization/fp8.py +1461 -0
  730. vllm/model_executor/layers/quantization/fp_quant.py +420 -0
  731. vllm/model_executor/layers/quantization/gguf.py +677 -0
  732. vllm/model_executor/layers/quantization/gptq.py +393 -0
  733. vllm/model_executor/layers/quantization/gptq_bitblas.py +482 -0
  734. vllm/model_executor/layers/quantization/gptq_marlin.py +932 -0
  735. vllm/model_executor/layers/quantization/gptq_marlin_24.py +320 -0
  736. vllm/model_executor/layers/quantization/hqq_marlin.py +372 -0
  737. vllm/model_executor/layers/quantization/inc.py +65 -0
  738. vllm/model_executor/layers/quantization/input_quant_fp8.py +202 -0
  739. vllm/model_executor/layers/quantization/ipex_quant.py +487 -0
  740. vllm/model_executor/layers/quantization/kernels/__init__.py +0 -0
  741. vllm/model_executor/layers/quantization/kernels/mixed_precision/MPLinearKernel.py +94 -0
  742. vllm/model_executor/layers/quantization/kernels/mixed_precision/__init__.py +109 -0
  743. vllm/model_executor/layers/quantization/kernels/mixed_precision/allspark.py +115 -0
  744. vllm/model_executor/layers/quantization/kernels/mixed_precision/bitblas.py +323 -0
  745. vllm/model_executor/layers/quantization/kernels/mixed_precision/conch.py +98 -0
  746. vllm/model_executor/layers/quantization/kernels/mixed_precision/cutlass.py +130 -0
  747. vllm/model_executor/layers/quantization/kernels/mixed_precision/dynamic_4bit.py +111 -0
  748. vllm/model_executor/layers/quantization/kernels/mixed_precision/exllama.py +161 -0
  749. vllm/model_executor/layers/quantization/kernels/mixed_precision/machete.py +159 -0
  750. vllm/model_executor/layers/quantization/kernels/mixed_precision/marlin.py +200 -0
  751. vllm/model_executor/layers/quantization/kernels/mixed_precision/xpu.py +97 -0
  752. vllm/model_executor/layers/quantization/kernels/scaled_mm/ScaledMMLinearKernel.py +76 -0
  753. vllm/model_executor/layers/quantization/kernels/scaled_mm/__init__.py +81 -0
  754. vllm/model_executor/layers/quantization/kernels/scaled_mm/aiter.py +128 -0
  755. vllm/model_executor/layers/quantization/kernels/scaled_mm/cpu.py +220 -0
  756. vllm/model_executor/layers/quantization/kernels/scaled_mm/cutlass.py +147 -0
  757. vllm/model_executor/layers/quantization/kernels/scaled_mm/triton.py +71 -0
  758. vllm/model_executor/layers/quantization/kernels/scaled_mm/xla.py +106 -0
  759. vllm/model_executor/layers/quantization/kv_cache.py +153 -0
  760. vllm/model_executor/layers/quantization/modelopt.py +1684 -0
  761. vllm/model_executor/layers/quantization/moe_wna16.py +516 -0
  762. vllm/model_executor/layers/quantization/mxfp4.py +1140 -0
  763. vllm/model_executor/layers/quantization/petit.py +319 -0
  764. vllm/model_executor/layers/quantization/ptpc_fp8.py +136 -0
  765. vllm/model_executor/layers/quantization/quark/__init__.py +0 -0
  766. vllm/model_executor/layers/quantization/quark/quark.py +527 -0
  767. vllm/model_executor/layers/quantization/quark/quark_moe.py +622 -0
  768. vllm/model_executor/layers/quantization/quark/schemes/__init__.py +9 -0
  769. vllm/model_executor/layers/quantization/quark/schemes/quark_ocp_mx.py +343 -0
  770. vllm/model_executor/layers/quantization/quark/schemes/quark_scheme.py +55 -0
  771. vllm/model_executor/layers/quantization/quark/schemes/quark_w8a8_fp8.py +179 -0
  772. vllm/model_executor/layers/quantization/quark/schemes/quark_w8a8_int8.py +139 -0
  773. vllm/model_executor/layers/quantization/quark/utils.py +105 -0
  774. vllm/model_executor/layers/quantization/qutlass_utils.py +185 -0
  775. vllm/model_executor/layers/quantization/rtn.py +621 -0
  776. vllm/model_executor/layers/quantization/schema.py +90 -0
  777. vllm/model_executor/layers/quantization/torchao.py +380 -0
  778. vllm/model_executor/layers/quantization/tpu_int8.py +139 -0
  779. vllm/model_executor/layers/quantization/utils/__init__.py +6 -0
  780. vllm/model_executor/layers/quantization/utils/allspark_utils.py +67 -0
  781. vllm/model_executor/layers/quantization/utils/bitblas_utils.py +229 -0
  782. vllm/model_executor/layers/quantization/utils/configs/N=10240,K=5120,device_name=NVIDIA_L40S,dtype=fp8_w8a8,block_shape=[128,128].json +146 -0
  783. vllm/model_executor/layers/quantization/utils/configs/N=12288,K=7168,device_name=NVIDIA_H100_80GB_HBM3,dtype=fp8_w8a8,block_shape=[128,128].json +146 -0
  784. vllm/model_executor/layers/quantization/utils/configs/N=12288,K=7168,device_name=NVIDIA_H200,dtype=fp8_w8a8,block_shape=[128,128].json +146 -0
  785. 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
  786. 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
  787. 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
  788. 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
  789. 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
  790. 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
  791. 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
  792. 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
  793. 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
  794. 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
  795. 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
  796. 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
  797. 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
  798. 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
  799. 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
  800. 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
  801. 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
  802. 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
  803. 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
  804. 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
  805. 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
  806. 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
  807. 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
  808. 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
  809. 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
  810. 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
  811. 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
  812. vllm/model_executor/layers/quantization/utils/configs/N=2112,K=7168,device_name=NVIDIA_H100_80GB_HBM3,dtype=fp8_w8a8,block_shape=[128,128].json +146 -0
  813. vllm/model_executor/layers/quantization/utils/configs/N=2112,K=7168,device_name=NVIDIA_H200,dtype=fp8_w8a8,block_shape=[128,128].json +146 -0
  814. 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
  815. 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
  816. 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
  817. 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
  818. 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
  819. 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
  820. 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
  821. 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
  822. 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
  823. vllm/model_executor/layers/quantization/utils/configs/N=24576,K=1536,device_name=NVIDIA_H100_80GB_HBM3,dtype=fp8_w8a8,block_shape=[128,128].json +146 -0
  824. vllm/model_executor/layers/quantization/utils/configs/N=24576,K=1536,device_name=NVIDIA_H200,dtype=fp8_w8a8,block_shape=[128,128].json +146 -0
  825. 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
  826. 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
  827. 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
  828. 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
  829. 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
  830. 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
  831. 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
  832. 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
  833. 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
  834. 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
  835. 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
  836. 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
  837. 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
  838. 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
  839. 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
  840. 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
  841. 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
  842. 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
  843. 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
  844. 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
  845. 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
  846. 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
  847. 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
  848. 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
  849. 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
  850. 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
  851. 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
  852. 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
  853. 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
  854. 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
  855. 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
  856. 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
  857. 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
  858. 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
  859. 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
  860. 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
  861. 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
  862. 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
  863. 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
  864. 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
  865. 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
  866. 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
  867. 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
  868. 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
  869. 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
  870. 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
  871. 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
  872. 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
  873. 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
  874. 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
  875. 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
  876. 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
  877. 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
  878. 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
  879. 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
  880. 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
  881. 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
  882. 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
  883. 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
  884. 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
  885. vllm/model_executor/layers/quantization/utils/configs/N=4096,K=7168,device_name=NVIDIA_H100_80GB_HBM3,dtype=fp8_w8a8,block_shape=[128,128].json +146 -0
  886. vllm/model_executor/layers/quantization/utils/configs/N=4096,K=7168,device_name=NVIDIA_H200,dtype=fp8_w8a8,block_shape=[128,128].json +146 -0
  887. 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
  888. 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
  889. 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
  890. 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
  891. 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
  892. 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
  893. 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
  894. 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
  895. 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
  896. 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
  897. 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
  898. 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
  899. 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
  900. 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
  901. 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
  902. vllm/model_executor/layers/quantization/utils/configs/N=5120,K=25600,device_name=NVIDIA_L40S,dtype=fp8_w8a8,block_shape=[128,128].json +146 -0
  903. vllm/model_executor/layers/quantization/utils/configs/N=5120,K=8192,device_name=NVIDIA_L40S,dtype=fp8_w8a8,block_shape=[128,128].json +146 -0
  904. vllm/model_executor/layers/quantization/utils/configs/N=51200,K=5120,device_name=NVIDIA_L40S,dtype=fp8_w8a8,block_shape=[128,128].json +146 -0
  905. 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
  906. 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
  907. 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
  908. 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
  909. 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
  910. 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
  911. 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
  912. 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
  913. 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
  914. 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
  915. 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
  916. 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
  917. 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
  918. 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
  919. 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
  920. 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
  921. 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
  922. 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
  923. 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
  924. 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
  925. 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
  926. 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
  927. 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
  928. 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
  929. 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
  930. 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
  931. 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
  932. 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
  933. 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
  934. 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
  935. 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
  936. 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
  937. 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
  938. 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
  939. 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
  940. 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
  941. 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
  942. 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
  943. 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
  944. 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
  945. 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
  946. 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
  947. 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
  948. 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
  949. 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
  950. 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
  951. 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
  952. 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
  953. 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
  954. 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
  955. 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
  956. 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
  957. 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
  958. 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
  959. 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
  960. 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
  961. 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
  962. 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
  963. 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
  964. 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
  965. 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
  966. 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
  967. 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
  968. 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
  969. 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
  970. 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
  971. 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
  972. 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
  973. 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
  974. 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
  975. 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
  976. 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
  977. 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
  978. 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
  979. 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
  980. 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
  981. 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
  982. 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
  983. 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
  984. 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
  985. 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
  986. 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
  987. 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
  988. 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
  989. 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
  990. 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
  991. 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
  992. 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
  993. 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
  994. 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
  995. 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
  996. vllm/model_executor/layers/quantization/utils/configs/README.md +3 -0
  997. vllm/model_executor/layers/quantization/utils/flashinfer_fp4_moe.py +412 -0
  998. vllm/model_executor/layers/quantization/utils/flashinfer_utils.py +312 -0
  999. vllm/model_executor/layers/quantization/utils/fp8_utils.py +1453 -0
  1000. vllm/model_executor/layers/quantization/utils/gptq_utils.py +158 -0
  1001. vllm/model_executor/layers/quantization/utils/int8_utils.py +474 -0
  1002. vllm/model_executor/layers/quantization/utils/layer_utils.py +41 -0
  1003. vllm/model_executor/layers/quantization/utils/machete_utils.py +56 -0
  1004. vllm/model_executor/layers/quantization/utils/marlin_utils.py +678 -0
  1005. vllm/model_executor/layers/quantization/utils/marlin_utils_fp4.py +452 -0
  1006. vllm/model_executor/layers/quantization/utils/marlin_utils_fp8.py +381 -0
  1007. vllm/model_executor/layers/quantization/utils/marlin_utils_test.py +219 -0
  1008. vllm/model_executor/layers/quantization/utils/marlin_utils_test_24.py +467 -0
  1009. vllm/model_executor/layers/quantization/utils/mxfp4_utils.py +189 -0
  1010. vllm/model_executor/layers/quantization/utils/mxfp6_utils.py +142 -0
  1011. vllm/model_executor/layers/quantization/utils/mxfp8_utils.py +24 -0
  1012. vllm/model_executor/layers/quantization/utils/nvfp4_emulation_utils.py +142 -0
  1013. vllm/model_executor/layers/quantization/utils/nvfp4_moe_support.py +67 -0
  1014. vllm/model_executor/layers/quantization/utils/ocp_mx_utils.py +51 -0
  1015. vllm/model_executor/layers/quantization/utils/petit_utils.py +124 -0
  1016. vllm/model_executor/layers/quantization/utils/quant_utils.py +741 -0
  1017. vllm/model_executor/layers/quantization/utils/w8a8_utils.py +519 -0
  1018. vllm/model_executor/layers/resampler.py +283 -0
  1019. vllm/model_executor/layers/rotary_embedding/__init__.py +289 -0
  1020. vllm/model_executor/layers/rotary_embedding/base.py +254 -0
  1021. vllm/model_executor/layers/rotary_embedding/common.py +279 -0
  1022. vllm/model_executor/layers/rotary_embedding/deepseek_scaling_rope.py +165 -0
  1023. vllm/model_executor/layers/rotary_embedding/dual_chunk_rope.py +215 -0
  1024. vllm/model_executor/layers/rotary_embedding/dynamic_ntk_alpha_rope.py +43 -0
  1025. vllm/model_executor/layers/rotary_embedding/dynamic_ntk_scaling_rope.py +68 -0
  1026. vllm/model_executor/layers/rotary_embedding/ernie45_vl_rope.py +82 -0
  1027. vllm/model_executor/layers/rotary_embedding/linear_scaling_rope.py +115 -0
  1028. vllm/model_executor/layers/rotary_embedding/llama3_rope.py +54 -0
  1029. vllm/model_executor/layers/rotary_embedding/llama4_vision_rope.py +80 -0
  1030. vllm/model_executor/layers/rotary_embedding/mrope.py +412 -0
  1031. vllm/model_executor/layers/rotary_embedding/ntk_scaling_rope.py +47 -0
  1032. vllm/model_executor/layers/rotary_embedding/phi3_long_rope_scaled_rope.py +159 -0
  1033. vllm/model_executor/layers/rotary_embedding/xdrope.py +160 -0
  1034. vllm/model_executor/layers/rotary_embedding/yarn_scaling_rope.py +84 -0
  1035. vllm/model_executor/layers/utils.py +251 -0
  1036. vllm/model_executor/layers/vocab_parallel_embedding.py +558 -0
  1037. vllm/model_executor/model_loader/__init__.py +150 -0
  1038. vllm/model_executor/model_loader/base_loader.py +57 -0
  1039. vllm/model_executor/model_loader/bitsandbytes_loader.py +822 -0
  1040. vllm/model_executor/model_loader/default_loader.py +321 -0
  1041. vllm/model_executor/model_loader/dummy_loader.py +28 -0
  1042. vllm/model_executor/model_loader/gguf_loader.py +371 -0
  1043. vllm/model_executor/model_loader/online_quantization.py +275 -0
  1044. vllm/model_executor/model_loader/runai_streamer_loader.py +116 -0
  1045. vllm/model_executor/model_loader/sharded_state_loader.py +214 -0
  1046. vllm/model_executor/model_loader/tensorizer.py +790 -0
  1047. vllm/model_executor/model_loader/tensorizer_loader.py +151 -0
  1048. vllm/model_executor/model_loader/tpu.py +118 -0
  1049. vllm/model_executor/model_loader/utils.py +292 -0
  1050. vllm/model_executor/model_loader/weight_utils.py +1157 -0
  1051. vllm/model_executor/models/__init__.py +44 -0
  1052. vllm/model_executor/models/adapters.py +522 -0
  1053. vllm/model_executor/models/afmoe.py +696 -0
  1054. vllm/model_executor/models/aimv2.py +248 -0
  1055. vllm/model_executor/models/apertus.py +565 -0
  1056. vllm/model_executor/models/arcee.py +428 -0
  1057. vllm/model_executor/models/arctic.py +633 -0
  1058. vllm/model_executor/models/aria.py +653 -0
  1059. vllm/model_executor/models/audioflamingo3.py +639 -0
  1060. vllm/model_executor/models/aya_vision.py +448 -0
  1061. vllm/model_executor/models/bagel.py +584 -0
  1062. vllm/model_executor/models/baichuan.py +493 -0
  1063. vllm/model_executor/models/bailing_moe.py +642 -0
  1064. vllm/model_executor/models/bamba.py +511 -0
  1065. vllm/model_executor/models/bee.py +157 -0
  1066. vllm/model_executor/models/bert.py +925 -0
  1067. vllm/model_executor/models/bert_with_rope.py +732 -0
  1068. vllm/model_executor/models/blip.py +350 -0
  1069. vllm/model_executor/models/blip2.py +693 -0
  1070. vllm/model_executor/models/bloom.py +390 -0
  1071. vllm/model_executor/models/chameleon.py +1095 -0
  1072. vllm/model_executor/models/chatglm.py +502 -0
  1073. vllm/model_executor/models/clip.py +1004 -0
  1074. vllm/model_executor/models/cohere2_vision.py +470 -0
  1075. vllm/model_executor/models/commandr.py +469 -0
  1076. vllm/model_executor/models/config.py +531 -0
  1077. vllm/model_executor/models/dbrx.py +484 -0
  1078. vllm/model_executor/models/deepencoder.py +676 -0
  1079. vllm/model_executor/models/deepseek_eagle.py +252 -0
  1080. vllm/model_executor/models/deepseek_mtp.py +446 -0
  1081. vllm/model_executor/models/deepseek_ocr.py +591 -0
  1082. vllm/model_executor/models/deepseek_v2.py +1710 -0
  1083. vllm/model_executor/models/deepseek_vl2.py +642 -0
  1084. vllm/model_executor/models/dots1.py +565 -0
  1085. vllm/model_executor/models/dots_ocr.py +821 -0
  1086. vllm/model_executor/models/ernie45.py +53 -0
  1087. vllm/model_executor/models/ernie45_moe.py +754 -0
  1088. vllm/model_executor/models/ernie45_vl.py +1621 -0
  1089. vllm/model_executor/models/ernie45_vl_moe.py +800 -0
  1090. vllm/model_executor/models/ernie_mtp.py +279 -0
  1091. vllm/model_executor/models/exaone.py +524 -0
  1092. vllm/model_executor/models/exaone4.py +516 -0
  1093. vllm/model_executor/models/fairseq2_llama.py +154 -0
  1094. vllm/model_executor/models/falcon.py +543 -0
  1095. vllm/model_executor/models/falcon_h1.py +675 -0
  1096. vllm/model_executor/models/flex_olmo.py +155 -0
  1097. vllm/model_executor/models/fuyu.py +371 -0
  1098. vllm/model_executor/models/gemma.py +425 -0
  1099. vllm/model_executor/models/gemma2.py +435 -0
  1100. vllm/model_executor/models/gemma3.py +507 -0
  1101. vllm/model_executor/models/gemma3_mm.py +664 -0
  1102. vllm/model_executor/models/gemma3n.py +1166 -0
  1103. vllm/model_executor/models/gemma3n_mm.py +810 -0
  1104. vllm/model_executor/models/glm.py +24 -0
  1105. vllm/model_executor/models/glm4.py +295 -0
  1106. vllm/model_executor/models/glm4_1v.py +1808 -0
  1107. vllm/model_executor/models/glm4_moe.py +736 -0
  1108. vllm/model_executor/models/glm4_moe_mtp.py +359 -0
  1109. vllm/model_executor/models/glm4v.py +783 -0
  1110. vllm/model_executor/models/gpt2.py +397 -0
  1111. vllm/model_executor/models/gpt_bigcode.py +339 -0
  1112. vllm/model_executor/models/gpt_j.py +346 -0
  1113. vllm/model_executor/models/gpt_neox.py +340 -0
  1114. vllm/model_executor/models/gpt_oss.py +744 -0
  1115. vllm/model_executor/models/granite.py +475 -0
  1116. vllm/model_executor/models/granite_speech.py +912 -0
  1117. vllm/model_executor/models/granitemoe.py +560 -0
  1118. vllm/model_executor/models/granitemoehybrid.py +703 -0
  1119. vllm/model_executor/models/granitemoeshared.py +328 -0
  1120. vllm/model_executor/models/gritlm.py +243 -0
  1121. vllm/model_executor/models/grok1.py +554 -0
  1122. vllm/model_executor/models/h2ovl.py +554 -0
  1123. vllm/model_executor/models/hunyuan_v1.py +1040 -0
  1124. vllm/model_executor/models/hunyuan_vision.py +1034 -0
  1125. vllm/model_executor/models/hyperclovax_vision.py +1164 -0
  1126. vllm/model_executor/models/idefics2_vision_model.py +427 -0
  1127. vllm/model_executor/models/idefics3.py +716 -0
  1128. vllm/model_executor/models/interfaces.py +1179 -0
  1129. vllm/model_executor/models/interfaces_base.py +228 -0
  1130. vllm/model_executor/models/intern_vit.py +454 -0
  1131. vllm/model_executor/models/internlm2.py +453 -0
  1132. vllm/model_executor/models/internlm2_ve.py +139 -0
  1133. vllm/model_executor/models/interns1.py +828 -0
  1134. vllm/model_executor/models/interns1_vit.py +433 -0
  1135. vllm/model_executor/models/internvl.py +1450 -0
  1136. vllm/model_executor/models/jais.py +397 -0
  1137. vllm/model_executor/models/jais2.py +529 -0
  1138. vllm/model_executor/models/jamba.py +609 -0
  1139. vllm/model_executor/models/jina_vl.py +147 -0
  1140. vllm/model_executor/models/keye.py +1706 -0
  1141. vllm/model_executor/models/keye_vl1_5.py +726 -0
  1142. vllm/model_executor/models/kimi_linear.py +658 -0
  1143. vllm/model_executor/models/kimi_vl.py +576 -0
  1144. vllm/model_executor/models/lfm2.py +515 -0
  1145. vllm/model_executor/models/lfm2_moe.py +745 -0
  1146. vllm/model_executor/models/lightonocr.py +195 -0
  1147. vllm/model_executor/models/llama.py +700 -0
  1148. vllm/model_executor/models/llama4.py +856 -0
  1149. vllm/model_executor/models/llama4_eagle.py +225 -0
  1150. vllm/model_executor/models/llama_eagle.py +213 -0
  1151. vllm/model_executor/models/llama_eagle3.py +375 -0
  1152. vllm/model_executor/models/llava.py +840 -0
  1153. vllm/model_executor/models/llava_next.py +581 -0
  1154. vllm/model_executor/models/llava_next_video.py +465 -0
  1155. vllm/model_executor/models/llava_onevision.py +921 -0
  1156. vllm/model_executor/models/longcat_flash.py +743 -0
  1157. vllm/model_executor/models/longcat_flash_mtp.py +349 -0
  1158. vllm/model_executor/models/mamba.py +276 -0
  1159. vllm/model_executor/models/mamba2.py +288 -0
  1160. vllm/model_executor/models/medusa.py +179 -0
  1161. vllm/model_executor/models/midashenglm.py +826 -0
  1162. vllm/model_executor/models/mimo.py +188 -0
  1163. vllm/model_executor/models/mimo_mtp.py +294 -0
  1164. vllm/model_executor/models/minicpm.py +656 -0
  1165. vllm/model_executor/models/minicpm3.py +233 -0
  1166. vllm/model_executor/models/minicpm_eagle.py +385 -0
  1167. vllm/model_executor/models/minicpmo.py +768 -0
  1168. vllm/model_executor/models/minicpmv.py +1742 -0
  1169. vllm/model_executor/models/minimax_m2.py +550 -0
  1170. vllm/model_executor/models/minimax_text_01.py +1007 -0
  1171. vllm/model_executor/models/minimax_vl_01.py +394 -0
  1172. vllm/model_executor/models/mistral3.py +635 -0
  1173. vllm/model_executor/models/mistral_large_3.py +63 -0
  1174. vllm/model_executor/models/mistral_large_3_eagle.py +136 -0
  1175. vllm/model_executor/models/mixtral.py +598 -0
  1176. vllm/model_executor/models/mllama4.py +1149 -0
  1177. vllm/model_executor/models/mlp_speculator.py +235 -0
  1178. vllm/model_executor/models/modernbert.py +451 -0
  1179. vllm/model_executor/models/module_mapping.py +74 -0
  1180. vllm/model_executor/models/molmo.py +1550 -0
  1181. vllm/model_executor/models/moonvit.py +686 -0
  1182. vllm/model_executor/models/mpt.py +335 -0
  1183. vllm/model_executor/models/nano_nemotron_vl.py +1730 -0
  1184. vllm/model_executor/models/nemotron.py +499 -0
  1185. vllm/model_executor/models/nemotron_h.py +900 -0
  1186. vllm/model_executor/models/nemotron_nas.py +471 -0
  1187. vllm/model_executor/models/nemotron_vl.py +651 -0
  1188. vllm/model_executor/models/nvlm_d.py +216 -0
  1189. vllm/model_executor/models/olmo.py +412 -0
  1190. vllm/model_executor/models/olmo2.py +454 -0
  1191. vllm/model_executor/models/olmoe.py +493 -0
  1192. vllm/model_executor/models/opencua.py +262 -0
  1193. vllm/model_executor/models/openpangu.py +1049 -0
  1194. vllm/model_executor/models/openpangu_mtp.py +265 -0
  1195. vllm/model_executor/models/opt.py +426 -0
  1196. vllm/model_executor/models/orion.py +365 -0
  1197. vllm/model_executor/models/ouro.py +507 -0
  1198. vllm/model_executor/models/ovis.py +557 -0
  1199. vllm/model_executor/models/ovis2_5.py +661 -0
  1200. vllm/model_executor/models/paddleocr_vl.py +1300 -0
  1201. vllm/model_executor/models/paligemma.py +408 -0
  1202. vllm/model_executor/models/persimmon.py +373 -0
  1203. vllm/model_executor/models/phi.py +363 -0
  1204. vllm/model_executor/models/phi3.py +18 -0
  1205. vllm/model_executor/models/phi3v.py +729 -0
  1206. vllm/model_executor/models/phi4mm.py +1251 -0
  1207. vllm/model_executor/models/phi4mm_audio.py +1296 -0
  1208. vllm/model_executor/models/phi4mm_utils.py +1907 -0
  1209. vllm/model_executor/models/phimoe.py +669 -0
  1210. vllm/model_executor/models/pixtral.py +1379 -0
  1211. vllm/model_executor/models/plamo2.py +965 -0
  1212. vllm/model_executor/models/plamo3.py +440 -0
  1213. vllm/model_executor/models/qwen.py +365 -0
  1214. vllm/model_executor/models/qwen2.py +600 -0
  1215. vllm/model_executor/models/qwen2_5_omni_thinker.py +1219 -0
  1216. vllm/model_executor/models/qwen2_5_vl.py +1569 -0
  1217. vllm/model_executor/models/qwen2_audio.py +471 -0
  1218. vllm/model_executor/models/qwen2_moe.py +597 -0
  1219. vllm/model_executor/models/qwen2_rm.py +123 -0
  1220. vllm/model_executor/models/qwen2_vl.py +1568 -0
  1221. vllm/model_executor/models/qwen3.py +331 -0
  1222. vllm/model_executor/models/qwen3_moe.py +751 -0
  1223. vllm/model_executor/models/qwen3_next.py +1395 -0
  1224. vllm/model_executor/models/qwen3_next_mtp.py +296 -0
  1225. vllm/model_executor/models/qwen3_omni_moe_thinker.py +1793 -0
  1226. vllm/model_executor/models/qwen3_vl.py +2092 -0
  1227. vllm/model_executor/models/qwen3_vl_moe.py +474 -0
  1228. vllm/model_executor/models/qwen_vl.py +801 -0
  1229. vllm/model_executor/models/radio.py +555 -0
  1230. vllm/model_executor/models/registry.py +1189 -0
  1231. vllm/model_executor/models/roberta.py +259 -0
  1232. vllm/model_executor/models/rvl.py +107 -0
  1233. vllm/model_executor/models/seed_oss.py +492 -0
  1234. vllm/model_executor/models/siglip.py +1244 -0
  1235. vllm/model_executor/models/siglip2navit.py +658 -0
  1236. vllm/model_executor/models/skyworkr1v.py +951 -0
  1237. vllm/model_executor/models/smolvlm.py +38 -0
  1238. vllm/model_executor/models/solar.py +484 -0
  1239. vllm/model_executor/models/stablelm.py +354 -0
  1240. vllm/model_executor/models/starcoder2.py +365 -0
  1241. vllm/model_executor/models/step3_text.py +554 -0
  1242. vllm/model_executor/models/step3_vl.py +1147 -0
  1243. vllm/model_executor/models/swin.py +514 -0
  1244. vllm/model_executor/models/tarsier.py +617 -0
  1245. vllm/model_executor/models/telechat2.py +153 -0
  1246. vllm/model_executor/models/teleflm.py +78 -0
  1247. vllm/model_executor/models/terratorch.py +318 -0
  1248. vllm/model_executor/models/transformers/__init__.py +127 -0
  1249. vllm/model_executor/models/transformers/base.py +518 -0
  1250. vllm/model_executor/models/transformers/causal.py +65 -0
  1251. vllm/model_executor/models/transformers/legacy.py +90 -0
  1252. vllm/model_executor/models/transformers/moe.py +325 -0
  1253. vllm/model_executor/models/transformers/multimodal.py +411 -0
  1254. vllm/model_executor/models/transformers/pooling.py +119 -0
  1255. vllm/model_executor/models/transformers/utils.py +213 -0
  1256. vllm/model_executor/models/ultravox.py +766 -0
  1257. vllm/model_executor/models/utils.py +832 -0
  1258. vllm/model_executor/models/vision.py +546 -0
  1259. vllm/model_executor/models/voxtral.py +841 -0
  1260. vllm/model_executor/models/whisper.py +971 -0
  1261. vllm/model_executor/models/zamba2.py +979 -0
  1262. vllm/model_executor/parameter.py +642 -0
  1263. vllm/model_executor/utils.py +119 -0
  1264. vllm/model_executor/warmup/__init__.py +0 -0
  1265. vllm/model_executor/warmup/deep_gemm_warmup.py +314 -0
  1266. vllm/model_executor/warmup/kernel_warmup.py +98 -0
  1267. vllm/multimodal/__init__.py +40 -0
  1268. vllm/multimodal/audio.py +147 -0
  1269. vllm/multimodal/base.py +56 -0
  1270. vllm/multimodal/cache.py +823 -0
  1271. vllm/multimodal/evs.py +294 -0
  1272. vllm/multimodal/hasher.py +120 -0
  1273. vllm/multimodal/image.py +142 -0
  1274. vllm/multimodal/inputs.py +1089 -0
  1275. vllm/multimodal/parse.py +565 -0
  1276. vllm/multimodal/processing.py +2240 -0
  1277. vllm/multimodal/profiling.py +351 -0
  1278. vllm/multimodal/registry.py +357 -0
  1279. vllm/multimodal/utils.py +513 -0
  1280. vllm/multimodal/video.py +340 -0
  1281. vllm/outputs.py +345 -0
  1282. vllm/platforms/__init__.py +277 -0
  1283. vllm/platforms/cpu.py +421 -0
  1284. vllm/platforms/cuda.py +618 -0
  1285. vllm/platforms/interface.py +695 -0
  1286. vllm/platforms/rocm.py +564 -0
  1287. vllm/platforms/tpu.py +295 -0
  1288. vllm/platforms/xpu.py +277 -0
  1289. vllm/plugins/__init__.py +81 -0
  1290. vllm/plugins/io_processors/__init__.py +68 -0
  1291. vllm/plugins/io_processors/interface.py +77 -0
  1292. vllm/plugins/lora_resolvers/__init__.py +0 -0
  1293. vllm/plugins/lora_resolvers/filesystem_resolver.py +52 -0
  1294. vllm/pooling_params.py +230 -0
  1295. vllm/profiler/__init__.py +0 -0
  1296. vllm/profiler/layerwise_profile.py +392 -0
  1297. vllm/profiler/utils.py +151 -0
  1298. vllm/profiler/wrapper.py +241 -0
  1299. vllm/py.typed +2 -0
  1300. vllm/ray/__init__.py +0 -0
  1301. vllm/ray/lazy_utils.py +30 -0
  1302. vllm/ray/ray_env.py +79 -0
  1303. vllm/reasoning/__init__.py +96 -0
  1304. vllm/reasoning/abs_reasoning_parsers.py +318 -0
  1305. vllm/reasoning/basic_parsers.py +175 -0
  1306. vllm/reasoning/deepseek_r1_reasoning_parser.py +67 -0
  1307. vllm/reasoning/deepseek_v3_reasoning_parser.py +67 -0
  1308. vllm/reasoning/ernie45_reasoning_parser.py +165 -0
  1309. vllm/reasoning/glm4_moe_reasoning_parser.py +171 -0
  1310. vllm/reasoning/gptoss_reasoning_parser.py +173 -0
  1311. vllm/reasoning/granite_reasoning_parser.py +363 -0
  1312. vllm/reasoning/holo2_reasoning_parser.py +88 -0
  1313. vllm/reasoning/hunyuan_a13b_reasoning_parser.py +237 -0
  1314. vllm/reasoning/identity_reasoning_parser.py +63 -0
  1315. vllm/reasoning/minimax_m2_reasoning_parser.py +110 -0
  1316. vllm/reasoning/mistral_reasoning_parser.py +154 -0
  1317. vllm/reasoning/olmo3_reasoning_parser.py +302 -0
  1318. vllm/reasoning/qwen3_reasoning_parser.py +67 -0
  1319. vllm/reasoning/seedoss_reasoning_parser.py +27 -0
  1320. vllm/reasoning/step3_reasoning_parser.py +107 -0
  1321. vllm/sampling_params.py +597 -0
  1322. vllm/scalar_type.py +355 -0
  1323. vllm/scripts.py +17 -0
  1324. vllm/sequence.py +98 -0
  1325. vllm/tasks.py +13 -0
  1326. vllm/third_party/__init__.py +0 -0
  1327. vllm/third_party/pynvml.py +6140 -0
  1328. vllm/tokenizers/__init__.py +20 -0
  1329. vllm/tokenizers/deepseek_v32.py +175 -0
  1330. vllm/tokenizers/deepseek_v32_encoding.py +459 -0
  1331. vllm/tokenizers/detokenizer_utils.py +198 -0
  1332. vllm/tokenizers/hf.py +119 -0
  1333. vllm/tokenizers/mistral.py +567 -0
  1334. vllm/tokenizers/protocol.py +114 -0
  1335. vllm/tokenizers/registry.py +233 -0
  1336. vllm/tool_parsers/__init__.py +150 -0
  1337. vllm/tool_parsers/abstract_tool_parser.py +273 -0
  1338. vllm/tool_parsers/deepseekv31_tool_parser.py +388 -0
  1339. vllm/tool_parsers/deepseekv32_tool_parser.py +591 -0
  1340. vllm/tool_parsers/deepseekv3_tool_parser.py +390 -0
  1341. vllm/tool_parsers/ernie45_tool_parser.py +210 -0
  1342. vllm/tool_parsers/gigachat3_tool_parser.py +190 -0
  1343. vllm/tool_parsers/glm4_moe_tool_parser.py +200 -0
  1344. vllm/tool_parsers/granite_20b_fc_tool_parser.py +273 -0
  1345. vllm/tool_parsers/granite_tool_parser.py +253 -0
  1346. vllm/tool_parsers/hermes_tool_parser.py +495 -0
  1347. vllm/tool_parsers/hunyuan_a13b_tool_parser.py +420 -0
  1348. vllm/tool_parsers/internlm2_tool_parser.py +227 -0
  1349. vllm/tool_parsers/jamba_tool_parser.py +323 -0
  1350. vllm/tool_parsers/kimi_k2_tool_parser.py +590 -0
  1351. vllm/tool_parsers/llama4_pythonic_tool_parser.py +341 -0
  1352. vllm/tool_parsers/llama_tool_parser.py +324 -0
  1353. vllm/tool_parsers/longcat_tool_parser.py +37 -0
  1354. vllm/tool_parsers/minimax_m2_tool_parser.py +643 -0
  1355. vllm/tool_parsers/minimax_tool_parser.py +849 -0
  1356. vllm/tool_parsers/mistral_tool_parser.py +585 -0
  1357. vllm/tool_parsers/olmo3_tool_parser.py +366 -0
  1358. vllm/tool_parsers/openai_tool_parser.py +102 -0
  1359. vllm/tool_parsers/phi4mini_tool_parser.py +120 -0
  1360. vllm/tool_parsers/pythonic_tool_parser.py +332 -0
  1361. vllm/tool_parsers/qwen3coder_tool_parser.py +781 -0
  1362. vllm/tool_parsers/qwen3xml_tool_parser.py +1316 -0
  1363. vllm/tool_parsers/seed_oss_tool_parser.py +744 -0
  1364. vllm/tool_parsers/step3_tool_parser.py +303 -0
  1365. vllm/tool_parsers/utils.py +229 -0
  1366. vllm/tool_parsers/xlam_tool_parser.py +556 -0
  1367. vllm/tracing.py +135 -0
  1368. vllm/transformers_utils/__init__.py +26 -0
  1369. vllm/transformers_utils/chat_templates/__init__.py +5 -0
  1370. vllm/transformers_utils/chat_templates/registry.py +73 -0
  1371. vllm/transformers_utils/chat_templates/template_basic.jinja +3 -0
  1372. vllm/transformers_utils/chat_templates/template_blip2.jinja +11 -0
  1373. vllm/transformers_utils/chat_templates/template_chatml.jinja +10 -0
  1374. vllm/transformers_utils/chat_templates/template_deepseek_ocr.jinja +14 -0
  1375. vllm/transformers_utils/chat_templates/template_deepseek_vl2.jinja +23 -0
  1376. vllm/transformers_utils/chat_templates/template_fuyu.jinja +3 -0
  1377. vllm/transformers_utils/chat_templates/template_minicpmv45.jinja +93 -0
  1378. vllm/transformers_utils/config.py +1144 -0
  1379. vllm/transformers_utils/config_parser_base.py +20 -0
  1380. vllm/transformers_utils/configs/__init__.py +102 -0
  1381. vllm/transformers_utils/configs/afmoe.py +87 -0
  1382. vllm/transformers_utils/configs/arctic.py +216 -0
  1383. vllm/transformers_utils/configs/bagel.py +53 -0
  1384. vllm/transformers_utils/configs/chatglm.py +75 -0
  1385. vllm/transformers_utils/configs/deepseek_vl2.py +126 -0
  1386. vllm/transformers_utils/configs/dotsocr.py +71 -0
  1387. vllm/transformers_utils/configs/eagle.py +90 -0
  1388. vllm/transformers_utils/configs/falcon.py +89 -0
  1389. vllm/transformers_utils/configs/flex_olmo.py +82 -0
  1390. vllm/transformers_utils/configs/hunyuan_vl.py +322 -0
  1391. vllm/transformers_utils/configs/jais.py +243 -0
  1392. vllm/transformers_utils/configs/kimi_linear.py +148 -0
  1393. vllm/transformers_utils/configs/kimi_vl.py +38 -0
  1394. vllm/transformers_utils/configs/lfm2_moe.py +163 -0
  1395. vllm/transformers_utils/configs/medusa.py +65 -0
  1396. vllm/transformers_utils/configs/midashenglm.py +103 -0
  1397. vllm/transformers_utils/configs/mistral.py +235 -0
  1398. vllm/transformers_utils/configs/mlp_speculator.py +69 -0
  1399. vllm/transformers_utils/configs/moonvit.py +33 -0
  1400. vllm/transformers_utils/configs/nemotron.py +220 -0
  1401. vllm/transformers_utils/configs/nemotron_h.py +284 -0
  1402. vllm/transformers_utils/configs/olmo3.py +83 -0
  1403. vllm/transformers_utils/configs/ovis.py +182 -0
  1404. vllm/transformers_utils/configs/qwen3_next.py +277 -0
  1405. vllm/transformers_utils/configs/radio.py +89 -0
  1406. vllm/transformers_utils/configs/speculators/__init__.py +2 -0
  1407. vllm/transformers_utils/configs/speculators/algos.py +38 -0
  1408. vllm/transformers_utils/configs/speculators/base.py +114 -0
  1409. vllm/transformers_utils/configs/step3_vl.py +178 -0
  1410. vllm/transformers_utils/configs/tarsier2.py +24 -0
  1411. vllm/transformers_utils/configs/ultravox.py +120 -0
  1412. vllm/transformers_utils/dynamic_module.py +59 -0
  1413. vllm/transformers_utils/gguf_utils.py +280 -0
  1414. vllm/transformers_utils/processor.py +424 -0
  1415. vllm/transformers_utils/processors/__init__.py +25 -0
  1416. vllm/transformers_utils/processors/bagel.py +73 -0
  1417. vllm/transformers_utils/processors/deepseek_ocr.py +438 -0
  1418. vllm/transformers_utils/processors/deepseek_vl2.py +406 -0
  1419. vllm/transformers_utils/processors/hunyuan_vl.py +233 -0
  1420. vllm/transformers_utils/processors/hunyuan_vl_image.py +477 -0
  1421. vllm/transformers_utils/processors/ovis.py +453 -0
  1422. vllm/transformers_utils/processors/ovis2_5.py +468 -0
  1423. vllm/transformers_utils/repo_utils.py +287 -0
  1424. vllm/transformers_utils/runai_utils.py +102 -0
  1425. vllm/transformers_utils/s3_utils.py +95 -0
  1426. vllm/transformers_utils/tokenizer.py +127 -0
  1427. vllm/transformers_utils/tokenizer_base.py +33 -0
  1428. vllm/transformers_utils/utils.py +112 -0
  1429. vllm/triton_utils/__init__.py +20 -0
  1430. vllm/triton_utils/importing.py +103 -0
  1431. vllm/usage/__init__.py +0 -0
  1432. vllm/usage/usage_lib.py +294 -0
  1433. vllm/utils/__init__.py +66 -0
  1434. vllm/utils/argparse_utils.py +492 -0
  1435. vllm/utils/async_utils.py +310 -0
  1436. vllm/utils/cache.py +214 -0
  1437. vllm/utils/collection_utils.py +112 -0
  1438. vllm/utils/counter.py +45 -0
  1439. vllm/utils/deep_gemm.py +400 -0
  1440. vllm/utils/flashinfer.py +528 -0
  1441. vllm/utils/func_utils.py +236 -0
  1442. vllm/utils/gc_utils.py +151 -0
  1443. vllm/utils/hashing.py +117 -0
  1444. vllm/utils/import_utils.py +449 -0
  1445. vllm/utils/jsontree.py +158 -0
  1446. vllm/utils/math_utils.py +32 -0
  1447. vllm/utils/mem_constants.py +13 -0
  1448. vllm/utils/mem_utils.py +232 -0
  1449. vllm/utils/nccl.py +64 -0
  1450. vllm/utils/network_utils.py +331 -0
  1451. vllm/utils/nvtx_pytorch_hooks.py +286 -0
  1452. vllm/utils/platform_utils.py +59 -0
  1453. vllm/utils/profiling.py +56 -0
  1454. vllm/utils/registry.py +51 -0
  1455. vllm/utils/serial_utils.py +214 -0
  1456. vllm/utils/system_utils.py +269 -0
  1457. vllm/utils/tensor_schema.py +255 -0
  1458. vllm/utils/torch_utils.py +648 -0
  1459. vllm/v1/__init__.py +0 -0
  1460. vllm/v1/attention/__init__.py +0 -0
  1461. vllm/v1/attention/backends/__init__.py +0 -0
  1462. vllm/v1/attention/backends/cpu_attn.py +497 -0
  1463. vllm/v1/attention/backends/flash_attn.py +1051 -0
  1464. vllm/v1/attention/backends/flashinfer.py +1575 -0
  1465. vllm/v1/attention/backends/flex_attention.py +1028 -0
  1466. vllm/v1/attention/backends/gdn_attn.py +375 -0
  1467. vllm/v1/attention/backends/linear_attn.py +77 -0
  1468. vllm/v1/attention/backends/mamba1_attn.py +159 -0
  1469. vllm/v1/attention/backends/mamba2_attn.py +348 -0
  1470. vllm/v1/attention/backends/mamba_attn.py +117 -0
  1471. vllm/v1/attention/backends/mla/__init__.py +0 -0
  1472. vllm/v1/attention/backends/mla/aiter_triton_mla.py +74 -0
  1473. vllm/v1/attention/backends/mla/common.py +2114 -0
  1474. vllm/v1/attention/backends/mla/cutlass_mla.py +278 -0
  1475. vllm/v1/attention/backends/mla/flashattn_mla.py +342 -0
  1476. vllm/v1/attention/backends/mla/flashinfer_mla.py +174 -0
  1477. vllm/v1/attention/backends/mla/flashmla.py +317 -0
  1478. vllm/v1/attention/backends/mla/flashmla_sparse.py +1020 -0
  1479. vllm/v1/attention/backends/mla/indexer.py +345 -0
  1480. vllm/v1/attention/backends/mla/rocm_aiter_mla.py +275 -0
  1481. vllm/v1/attention/backends/mla/rocm_aiter_mla_sparse.py +325 -0
  1482. vllm/v1/attention/backends/mla/triton_mla.py +171 -0
  1483. vllm/v1/attention/backends/pallas.py +436 -0
  1484. vllm/v1/attention/backends/rocm_aiter_fa.py +1000 -0
  1485. vllm/v1/attention/backends/rocm_aiter_unified_attn.py +206 -0
  1486. vllm/v1/attention/backends/rocm_attn.py +359 -0
  1487. vllm/v1/attention/backends/short_conv_attn.py +104 -0
  1488. vllm/v1/attention/backends/tree_attn.py +428 -0
  1489. vllm/v1/attention/backends/triton_attn.py +497 -0
  1490. vllm/v1/attention/backends/utils.py +1212 -0
  1491. vllm/v1/core/__init__.py +0 -0
  1492. vllm/v1/core/block_pool.py +485 -0
  1493. vllm/v1/core/encoder_cache_manager.py +402 -0
  1494. vllm/v1/core/kv_cache_coordinator.py +570 -0
  1495. vllm/v1/core/kv_cache_manager.py +419 -0
  1496. vllm/v1/core/kv_cache_metrics.py +96 -0
  1497. vllm/v1/core/kv_cache_utils.py +1476 -0
  1498. vllm/v1/core/sched/__init__.py +0 -0
  1499. vllm/v1/core/sched/async_scheduler.py +68 -0
  1500. vllm/v1/core/sched/interface.py +189 -0
  1501. vllm/v1/core/sched/output.py +230 -0
  1502. vllm/v1/core/sched/request_queue.py +217 -0
  1503. vllm/v1/core/sched/scheduler.py +1826 -0
  1504. vllm/v1/core/sched/utils.py +64 -0
  1505. vllm/v1/core/single_type_kv_cache_manager.py +801 -0
  1506. vllm/v1/cudagraph_dispatcher.py +183 -0
  1507. vllm/v1/engine/__init__.py +217 -0
  1508. vllm/v1/engine/async_llm.py +866 -0
  1509. vllm/v1/engine/coordinator.py +377 -0
  1510. vllm/v1/engine/core.py +1455 -0
  1511. vllm/v1/engine/core_client.py +1416 -0
  1512. vllm/v1/engine/detokenizer.py +351 -0
  1513. vllm/v1/engine/exceptions.py +18 -0
  1514. vllm/v1/engine/input_processor.py +643 -0
  1515. vllm/v1/engine/llm_engine.py +414 -0
  1516. vllm/v1/engine/logprobs.py +189 -0
  1517. vllm/v1/engine/output_processor.py +659 -0
  1518. vllm/v1/engine/parallel_sampling.py +145 -0
  1519. vllm/v1/engine/processor.py +20 -0
  1520. vllm/v1/engine/utils.py +1068 -0
  1521. vllm/v1/executor/__init__.py +6 -0
  1522. vllm/v1/executor/abstract.py +352 -0
  1523. vllm/v1/executor/multiproc_executor.py +890 -0
  1524. vllm/v1/executor/ray_distributed_executor.py +8 -0
  1525. vllm/v1/executor/ray_executor.py +626 -0
  1526. vllm/v1/executor/ray_utils.py +465 -0
  1527. vllm/v1/executor/uniproc_executor.py +186 -0
  1528. vllm/v1/kv_cache_interface.py +404 -0
  1529. vllm/v1/kv_offload/__init__.py +0 -0
  1530. vllm/v1/kv_offload/abstract.py +161 -0
  1531. vllm/v1/kv_offload/arc_manager.py +237 -0
  1532. vllm/v1/kv_offload/backend.py +97 -0
  1533. vllm/v1/kv_offload/backends/__init__.py +0 -0
  1534. vllm/v1/kv_offload/backends/cpu.py +62 -0
  1535. vllm/v1/kv_offload/cpu.py +86 -0
  1536. vllm/v1/kv_offload/factory.py +56 -0
  1537. vllm/v1/kv_offload/lru_manager.py +139 -0
  1538. vllm/v1/kv_offload/mediums.py +39 -0
  1539. vllm/v1/kv_offload/spec.py +66 -0
  1540. vllm/v1/kv_offload/worker/__init__.py +0 -0
  1541. vllm/v1/kv_offload/worker/cpu_gpu.py +280 -0
  1542. vllm/v1/kv_offload/worker/worker.py +144 -0
  1543. vllm/v1/metrics/__init__.py +0 -0
  1544. vllm/v1/metrics/loggers.py +1305 -0
  1545. vllm/v1/metrics/prometheus.py +82 -0
  1546. vllm/v1/metrics/ray_wrappers.py +194 -0
  1547. vllm/v1/metrics/reader.py +257 -0
  1548. vllm/v1/metrics/stats.py +437 -0
  1549. vllm/v1/outputs.py +245 -0
  1550. vllm/v1/pool/__init__.py +0 -0
  1551. vllm/v1/pool/metadata.py +126 -0
  1552. vllm/v1/request.py +282 -0
  1553. vllm/v1/sample/__init__.py +0 -0
  1554. vllm/v1/sample/logits_processor/__init__.py +352 -0
  1555. vllm/v1/sample/logits_processor/builtin.py +278 -0
  1556. vllm/v1/sample/logits_processor/interface.py +106 -0
  1557. vllm/v1/sample/logits_processor/state.py +165 -0
  1558. vllm/v1/sample/metadata.py +44 -0
  1559. vllm/v1/sample/ops/__init__.py +0 -0
  1560. vllm/v1/sample/ops/bad_words.py +52 -0
  1561. vllm/v1/sample/ops/logprobs.py +25 -0
  1562. vllm/v1/sample/ops/penalties.py +57 -0
  1563. vllm/v1/sample/ops/topk_topp_sampler.py +384 -0
  1564. vllm/v1/sample/rejection_sampler.py +805 -0
  1565. vllm/v1/sample/sampler.py +319 -0
  1566. vllm/v1/sample/tpu/__init__.py +0 -0
  1567. vllm/v1/sample/tpu/metadata.py +120 -0
  1568. vllm/v1/sample/tpu/sampler.py +215 -0
  1569. vllm/v1/serial_utils.py +514 -0
  1570. vllm/v1/spec_decode/__init__.py +0 -0
  1571. vllm/v1/spec_decode/eagle.py +1331 -0
  1572. vllm/v1/spec_decode/medusa.py +73 -0
  1573. vllm/v1/spec_decode/metadata.py +66 -0
  1574. vllm/v1/spec_decode/metrics.py +225 -0
  1575. vllm/v1/spec_decode/ngram_proposer.py +291 -0
  1576. vllm/v1/spec_decode/suffix_decoding.py +101 -0
  1577. vllm/v1/spec_decode/utils.py +121 -0
  1578. vllm/v1/structured_output/__init__.py +353 -0
  1579. vllm/v1/structured_output/backend_guidance.py +265 -0
  1580. vllm/v1/structured_output/backend_lm_format_enforcer.py +177 -0
  1581. vllm/v1/structured_output/backend_outlines.py +324 -0
  1582. vllm/v1/structured_output/backend_types.py +136 -0
  1583. vllm/v1/structured_output/backend_xgrammar.py +378 -0
  1584. vllm/v1/structured_output/request.py +94 -0
  1585. vllm/v1/structured_output/utils.py +469 -0
  1586. vllm/v1/utils.py +414 -0
  1587. vllm/v1/worker/__init__.py +0 -0
  1588. vllm/v1/worker/block_table.py +343 -0
  1589. vllm/v1/worker/cp_utils.py +42 -0
  1590. vllm/v1/worker/cpu_model_runner.py +122 -0
  1591. vllm/v1/worker/cpu_worker.py +192 -0
  1592. vllm/v1/worker/dp_utils.py +240 -0
  1593. vllm/v1/worker/ec_connector_model_runner_mixin.py +87 -0
  1594. vllm/v1/worker/gpu/README.md +4 -0
  1595. vllm/v1/worker/gpu/__init__.py +0 -0
  1596. vllm/v1/worker/gpu/async_utils.py +98 -0
  1597. vllm/v1/worker/gpu/attn_utils.py +189 -0
  1598. vllm/v1/worker/gpu/block_table.py +314 -0
  1599. vllm/v1/worker/gpu/cudagraph_utils.py +259 -0
  1600. vllm/v1/worker/gpu/dp_utils.py +31 -0
  1601. vllm/v1/worker/gpu/input_batch.py +479 -0
  1602. vllm/v1/worker/gpu/metrics/__init__.py +0 -0
  1603. vllm/v1/worker/gpu/metrics/logits.py +42 -0
  1604. vllm/v1/worker/gpu/model_runner.py +1006 -0
  1605. vllm/v1/worker/gpu/sample/__init__.py +0 -0
  1606. vllm/v1/worker/gpu/sample/gumbel.py +101 -0
  1607. vllm/v1/worker/gpu/sample/logprob.py +167 -0
  1608. vllm/v1/worker/gpu/sample/metadata.py +192 -0
  1609. vllm/v1/worker/gpu/sample/min_p.py +51 -0
  1610. vllm/v1/worker/gpu/sample/output.py +14 -0
  1611. vllm/v1/worker/gpu/sample/penalties.py +155 -0
  1612. vllm/v1/worker/gpu/sample/sampler.py +87 -0
  1613. vllm/v1/worker/gpu/spec_decode/__init__.py +18 -0
  1614. vllm/v1/worker/gpu/spec_decode/eagle.py +565 -0
  1615. vllm/v1/worker/gpu/spec_decode/eagle_cudagraph.py +115 -0
  1616. vllm/v1/worker/gpu/spec_decode/rejection_sample.py +71 -0
  1617. vllm/v1/worker/gpu/states.py +316 -0
  1618. vllm/v1/worker/gpu/structured_outputs.py +76 -0
  1619. vllm/v1/worker/gpu_input_batch.py +990 -0
  1620. vllm/v1/worker/gpu_model_runner.py +5470 -0
  1621. vllm/v1/worker/gpu_ubatch_wrapper.py +472 -0
  1622. vllm/v1/worker/gpu_worker.py +955 -0
  1623. vllm/v1/worker/kv_connector_model_runner_mixin.py +302 -0
  1624. vllm/v1/worker/lora_model_runner_mixin.py +212 -0
  1625. vllm/v1/worker/tpu_input_batch.py +583 -0
  1626. vllm/v1/worker/tpu_model_runner.py +2191 -0
  1627. vllm/v1/worker/tpu_worker.py +352 -0
  1628. vllm/v1/worker/ubatch_utils.py +109 -0
  1629. vllm/v1/worker/ubatching.py +231 -0
  1630. vllm/v1/worker/utils.py +375 -0
  1631. vllm/v1/worker/worker_base.py +377 -0
  1632. vllm/v1/worker/workspace.py +253 -0
  1633. vllm/v1/worker/xpu_model_runner.py +48 -0
  1634. vllm/v1/worker/xpu_worker.py +174 -0
  1635. vllm/version.py +39 -0
  1636. vllm/vllm_flash_attn/.gitkeep +0 -0
  1637. vllm_cpu_avx512vnni-0.13.0.dist-info/METADATA +339 -0
  1638. vllm_cpu_avx512vnni-0.13.0.dist-info/RECORD +1641 -0
  1639. vllm_cpu_avx512vnni-0.13.0.dist-info/WHEEL +5 -0
  1640. vllm_cpu_avx512vnni-0.13.0.dist-info/entry_points.txt +5 -0
  1641. vllm_cpu_avx512vnni-0.13.0.dist-info/top_level.txt +1 -0
@@ -0,0 +1,1641 @@
1
+ vllm/_C.abi3.so,sha256=HHC5u_CZXBBlYK7KdLAG5TLIRvynYED3jDLpWGXXNDg,83617280
2
+ vllm/__init__.py,sha256=xSE2I9WhdAKvVQw2EPoRoyah9Z3ETDTul7kg-YAF6eQ,8548
3
+ vllm/_aiter_ops.py,sha256=nxvzCkQUHvXPacRAVzHPaio1zDLy2dk6S4Sl-CL6Wyk,37931
4
+ vllm/_bc_linter.py,sha256=2F7ZE_cba80XNDfbrZKVBunazE7ZDxVMtpOUdEFdH3w,1105
5
+ vllm/_custom_ops.py,sha256=04xA32Zc2-K5FHgiwW4z-i97UlVS-zQ_qd1t7cx-0DY,91362
6
+ vllm/_ipex_ops.py,sha256=L8DTX14Xfc7WFfckWdCM5X6B3oMJSJ63UrC7Fj9g50Q,14935
7
+ vllm/_version.py,sha256=2OwVfU6dYXS16K64p8xtyqfPM0bDW3r_7GeF3HzefhA,706
8
+ vllm/beam_search.py,sha256=XUQRXltedVFtJRp43dKHKn87VqKeG5tr494D0yHemHM,2593
9
+ vllm/collect_env.py,sha256=7peWZtL6DVINkwdvI59rI7mHs0WfT3WEvlbsSjzeNow,28050
10
+ vllm/connections.py,sha256=LpQUe9gGRiBCIGY6RWUGi_7d8ql6tO2jYNecU1EJR6c,5350
11
+ vllm/env_override.py,sha256=FkeUiVHGa_VDP7CNPu9Sn7NzdECBfA9K39eM0vwyqUk,13808
12
+ vllm/envs.py,sha256=p0m6PuiLCI5u1MaK06pLM04f1F7jbUKy7_YvbX5lkWw,78683
13
+ vllm/forward_context.py,sha256=TqPd66i4gj_2L7K63cj2ATVG83A159PE5fGc9A_Mzz0,13419
14
+ vllm/logger.py,sha256=MKTGXLH3ench_iMRlNAa8jh5eZPYGZ87nOQpKaSz05M,10519
15
+ vllm/logits_process.py,sha256=LrREP4uv0gPh2VQcG4t-4hedJoRoJWkywUAMOIrG-VE,4340
16
+ vllm/logprobs.py,sha256=uHUJbySQJ02OFp-kgr0gB_ZXnfuAm6SDHwHZ-rRQlqI,7907
17
+ vllm/outputs.py,sha256=qhKihxRd0aVm8rL8DvViVzBiuoFrOX24HH_Kn31k_CI,12563
18
+ vllm/pooling_params.py,sha256=yYEtFxLm0_Lmkf6Y9Z5YQPMChsNumjJmnYC0hBdy0Cg,8789
19
+ vllm/py.typed,sha256=F5LUrt0voM87SNuuOky2X9veCVDqJUgRg_VohYqDigY,65
20
+ vllm/sampling_params.py,sha256=zjUaz5_zbLFrD5h4Z5gAGgXTSLdkT5K9LidXohdvEG4,24466
21
+ vllm/scalar_type.py,sha256=s8CZpZru6-4vEexIofKsJzhw5OBjVuvueG6b6yb6A94,12573
22
+ vllm/scripts.py,sha256=d2RU3e6Qi_xY7QUD44uqsdz8DdBR-_zQnFf4rYUW_iw,504
23
+ vllm/sequence.py,sha256=1_wfrC7M7xMnerklKjmf2AcQe9ttQPhMkq6_quGa7kw,3489
24
+ vllm/tasks.py,sha256=8s7iKgpdisoALAsu98kCxHNMYP6ebdp8uRpWvd_Cu68,437
25
+ vllm/tracing.py,sha256=BaBpIGie6_A-ee_XEzu_-aGWkGt_stgeq_b1M3Q8kb0,5043
26
+ vllm/version.py,sha256=vXpCd2tjC2EeL1-kaYvJfh9PJYPDXMskbsLnvUPIMxM,1339
27
+ vllm/assets/__init__.py,sha256=47DEQpj8HBSa-_TImW-5JCeuQeRkm5NMpJWZG3hSuFU,0
28
+ vllm/assets/audio.py,sha256=gDEsheV3FDEIX9U5xGdllwMYB1qF5_QYpU8Fj36zkP4,1185
29
+ vllm/assets/base.py,sha256=SErfS4p7zJUe_sJBBwR539_1dy49vsBwl0tAi5aPRHY,1215
30
+ vllm/assets/image.py,sha256=W2qpY_yGQa3x67Oag1u3Hazpu-rPxB3SEJcOB0qA4Bk,1483
31
+ vllm/assets/video.py,sha256=7ulapb3jq2MqKxEVrhzPWgIbcv-CDEfjYMA1cSWPa4E,4487
32
+ vllm/attention/__init__.py,sha256=47DEQpj8HBSa-_TImW-5JCeuQeRkm5NMpJWZG3hSuFU,0
33
+ vllm/attention/layer.py,sha256=xoamea9zBxIpJfrHUUeqSRqxvQ5Ar1bm_MMHLpeERnU,35518
34
+ vllm/attention/selector.py,sha256=Dm1iJ-Y8xLkpaNRSZEuSQvPq54nostxueL-NNNhunIY,4449
35
+ vllm/attention/backends/__init__.py,sha256=47DEQpj8HBSa-_TImW-5JCeuQeRkm5NMpJWZG3hSuFU,0
36
+ vllm/attention/backends/abstract.py,sha256=8EZ5mffUK3sNFBD9v_CjTnUh7UuTTPaDedUHPjZdd0g,14684
37
+ vllm/attention/backends/registry.py,sha256=LpQ43_t9bkHU5Pv237MEue60cfU2Gj2_5kB_NSeTRPY,9416
38
+ vllm/attention/backends/utils.py,sha256=_Z7h3rbFlbw6zEmd9wOTtvrx3OF8gZ-7N2wo0yp81oo,857
39
+ vllm/attention/layers/__init__.py,sha256=47DEQpj8HBSa-_TImW-5JCeuQeRkm5NMpJWZG3hSuFU,0
40
+ vllm/attention/layers/chunked_local_attention.py,sha256=KYEklnHHJTYnOibI5nfLuLezub9-t2vDsr6kKnKIMsw,4237
41
+ vllm/attention/layers/cross_attention.py,sha256=U4aYGqwC-SBHXCy2xJudRQSNGxK6U_ATQ90TBkBW7ow,6308
42
+ vllm/attention/layers/encoder_only_attention.py,sha256=p7rH1yRLdPI5oMvnewxrBwX0vK9an18U2v6JYvMrplQ,3073
43
+ vllm/attention/layers/mm_encoder_attention.py,sha256=-eYLXjMm6G0WW250ywjA4BTc0SkvOMVJsRqE30CsssY,9802
44
+ vllm/attention/ops/__init__.py,sha256=47DEQpj8HBSa-_TImW-5JCeuQeRkm5NMpJWZG3hSuFU,0
45
+ vllm/attention/ops/chunked_prefill_paged_decode.py,sha256=iT-VbCwzjyaNLH98vnqo3H-ASyNOQYcSLu8BoGs4BiY,13068
46
+ vllm/attention/ops/common.py,sha256=_v4nUo8OUrwYx6k-d0d8ClbksqU4ZP9vEjwV67MQYUw,13701
47
+ vllm/attention/ops/flashmla.py,sha256=Zthte13CPZ8HjtPYmqMKjHFtPW9kUZXsu7htIRkR9P8,8314
48
+ vllm/attention/ops/merge_attn_states.py,sha256=SEVz4_z-x2DC1hqtGdkjkYs8olYmGjZmpwnV-oo81Ns,1657
49
+ vllm/attention/ops/paged_attn.py,sha256=tY3DkiH7gZF4KMLRUds_mi_a3ez7FiSbqt6ps05e_PQ,1413
50
+ vllm/attention/ops/pallas_kv_cache_update.py,sha256=wbl56j_Wv9PEseDhkjZcKurNO-CV785P8fRsjVR10ho,4190
51
+ vllm/attention/ops/prefix_prefill.py,sha256=yYrV900OQWKvYBDPhuq2lUci7gXnqJxfErAugrRwA0M,25201
52
+ vllm/attention/ops/rocm_aiter_mla_sparse.py,sha256=n7CWX0Amq66_JcDYkGREZmz4WVeMkJxHmh1wbFdk9Uc,7673
53
+ vllm/attention/ops/triton_decode_attention.py,sha256=9v1XfYlUcrX7j4aYDYKEud8DCVsdltKavp3ucYe1bco,19515
54
+ vllm/attention/ops/triton_merge_attn_states.py,sha256=4fOT2PY6AocmhvwAYt5Zu1PFIQ9lWAdqCxWd24YMW6c,3982
55
+ vllm/attention/ops/triton_reshape_and_cache_flash.py,sha256=R62WxvWZeCdOOHDWl4Fl5565xWz5fdXN9aay2aJ6Vhs,5968
56
+ vllm/attention/ops/triton_unified_attention.py,sha256=Pf6iaWsn6Bpxd2nH2s9M2w-gW3pZTKXlizx1-Bixd7c,36902
57
+ vllm/attention/ops/vit_attn_wrappers.py,sha256=UvG7Yl08PIr6c3XvrPlN41AjG42yX9QHUUhFkH1Vndk,3965
58
+ vllm/attention/utils/__init__.py,sha256=47DEQpj8HBSa-_TImW-5JCeuQeRkm5NMpJWZG3hSuFU,0
59
+ vllm/attention/utils/fa_utils.py,sha256=vlLUJxpw_CnK5fJ63GS8OFryiz7f0_-Ek9xU1FOigHw,3780
60
+ vllm/attention/utils/kv_sharing_utils.py,sha256=o4YaEd_bjYU6fQq0L5dEdhz9r4aZP1uJ6RBrVwtdX4M,1615
61
+ vllm/attention/utils/kv_transfer_utils.py,sha256=-dUtRw8Zu1hBTcMuemUe3zQjzjQ5UeN2gndokVENtuU,2009
62
+ vllm/benchmarks/__init__.py,sha256=47DEQpj8HBSa-_TImW-5JCeuQeRkm5NMpJWZG3hSuFU,0
63
+ vllm/benchmarks/datasets.py,sha256=TkLKo5lcErq3ppgDdM1EiyQgY7rgnqOjHlxO5aEWb-8,120129
64
+ vllm/benchmarks/latency.py,sha256=4t0vyCkkr-7V3Ky2iwNAxHI6gFmLFpyR1OlsukFunHw,5820
65
+ vllm/benchmarks/serve.py,sha256=nDpgl_f7qHFk_n9RGFMz744zIHHU_5kUo3IHnNX2oPM,55749
66
+ vllm/benchmarks/startup.py,sha256=tSP_sTl_gHqC4pev2MBjqiEaM0VxgT15Q-HEy7hzZf4,11968
67
+ vllm/benchmarks/throughput.py,sha256=dyxBGbq3J5h6tQqby95IJEmp3YvcW2QrtTEezveY9RM,29181
68
+ vllm/benchmarks/lib/__init__.py,sha256=BlbNrv7ga0LXYeHLKKiey2woiGh5MkW36g7QG6L6BN0,142
69
+ vllm/benchmarks/lib/endpoint_request_func.py,sha256=6JoTGH3VnTu6IaFusduLvZhBS8dQcnkQmwlxM7ojbQQ,26362
70
+ vllm/benchmarks/lib/ready_checker.py,sha256=QXyydJaq4m1EFdHtpuobeHykIKnwgOawe-ZZbS-jweM,2346
71
+ vllm/benchmarks/lib/utils.py,sha256=YMFxp0A81__5oZJ8wp-PyqOlbYGuxovcVMZzR6v9XJo,2449
72
+ vllm/benchmarks/sweep/__init__.py,sha256=47DEQpj8HBSa-_TImW-5JCeuQeRkm5NMpJWZG3hSuFU,0
73
+ vllm/benchmarks/sweep/cli.py,sha256=bqyJ0NJrCW46-ENf_XHHdXtR0tyKkVdI-yIyIZ5L76g,1337
74
+ vllm/benchmarks/sweep/param_sweep.py,sha256=ed2Jd9kPnTSiyKOFoikcV9a-ADn6wp7_sf_iWhuWyQM,5588
75
+ vllm/benchmarks/sweep/plot.py,sha256=tTdrMIbQGoEupWq_HbS3Ogq_BJo0DqauN2crcCB_iDs,19677
76
+ vllm/benchmarks/sweep/plot_pareto.py,sha256=MnyM4Lyw-eWe9bIkWXH9Bmgy3gBAkY63JYfhrNVfbU8,10959
77
+ vllm/benchmarks/sweep/serve.py,sha256=tzubjp_CNwpwvWYUEKqPXTRwuzTkce0D-xRTK-hn_wM,13180
78
+ vllm/benchmarks/sweep/serve_sla.py,sha256=GVq10xa6quOr_BJi1u4FYXib1LcXEFTksJCBih6lrU4,13978
79
+ vllm/benchmarks/sweep/server.py,sha256=QAT4ixDPla1lCbWcKMPksQj5fM5uiAOq7HWsrU94Bpw,3588
80
+ vllm/benchmarks/sweep/sla_sweep.py,sha256=AuxpVkWFrfJPFFcFYMAa_5RdIHNvdwpW-X2WRtsD0rE,3674
81
+ vllm/benchmarks/sweep/utils.py,sha256=YzhiqE4jmEN7TzUnzQXnlm8TLERkNjgoQ_SF6jJ8hB4,232
82
+ vllm/compilation/__init__.py,sha256=47DEQpj8HBSa-_TImW-5JCeuQeRkm5NMpJWZG3hSuFU,0
83
+ vllm/compilation/activation_quant_fusion.py,sha256=HcKJLon0bK7VSPHQV-fxSTDbefeW_-G7dAH_9fP-tjo,6492
84
+ vllm/compilation/backends.py,sha256=fT16kJbBUFXfSdyCt7JzUWFLE-Hk6MQJJ0zYWqBDTio,32068
85
+ vllm/compilation/base_static_graph.py,sha256=XP6OBtuEqkLNQc3ZPr6TrwCzokLIARBCBXUw4pIrUjo,2007
86
+ vllm/compilation/caching.py,sha256=e3hSb4_TuH096esHEydK9ZFWOvMoFTAtDirzL1ImPMU,6843
87
+ vllm/compilation/collective_fusion.py,sha256=VuDzzgxcWns3Cjp4lLPbDiPWJT--WX8iVgbeDdkN-oQ,43347
88
+ vllm/compilation/compiler_interface.py,sha256=MPNl7FnP08C5C6rT7O2DRFIeRfMPCTGNwVhJMg-M3yA,24412
89
+ vllm/compilation/counter.py,sha256=Nr75qGYyNzHhCvpWa1SWxPxZme5h1sSNNNEtYYJxknM,1638
90
+ vllm/compilation/cuda_graph.py,sha256=Vv6jR2IPargzIgAvVuxn5-ve7r1JGbryiXmGjiZyWwA,11834
91
+ vllm/compilation/decorators.py,sha256=OlezAzhihRhzKM9xOpfuVRluRmhgKBF6pTsMJeBb7UY,24389
92
+ vllm/compilation/fix_functionalization.py,sha256=cQRYK7a7UDrlq7zZ8f9d1XnNmBsr7Pc1_7tgkbeIhuE,11068
93
+ vllm/compilation/fusion.py,sha256=9QVP0GQbiDyk4Yf5puptn_nWVc9LXy-jT0UGKI9QT5M,19007
94
+ vllm/compilation/fusion_attn.py,sha256=pOjGQEXn7zKEeNvhGYdJ60AUC0lHfedyYXMsLP_TUcc,12233
95
+ vllm/compilation/fx_utils.py,sha256=3W39a7mbE9Q2VNwsHG0hfD4oX-8B5Q9JeTCTNSaa06s,3148
96
+ vllm/compilation/inductor_pass.py,sha256=2oNJenF-QIBYI45F_enKsKi6G2f5C69sW9HkqahKpH4,4103
97
+ vllm/compilation/matcher_utils.py,sha256=4Y2lfM3Lq84qlSdifnhZThgXYHRlWj2jeAdkJed4OZ4,11531
98
+ vllm/compilation/monitor.py,sha256=tmsTH8SVaKV2TpMbfcVEqBxxKawBON-pgACP0VGRLDE,2100
99
+ vllm/compilation/noop_elimination.py,sha256=qdA51HxfX0a9zk9EHKbkwf7vF79ZoBYuukN-ax_G0tQ,5246
100
+ vllm/compilation/partition_rules.py,sha256=wVUBgr73FzDfyIVhAIt2wgpnEZhGsaA8Unuw_B8_xRI,2213
101
+ vllm/compilation/pass_manager.py,sha256=uCEU9u3sNWfp3qR2a4-pkC1UP1UPJYSzt3x3qr0ckwQ,5847
102
+ vllm/compilation/piecewise_backend.py,sha256=Co0BBTNrrBlquzz3dyQ0cy-bas3Md5xEVN_jdkyFGmo,7062
103
+ vllm/compilation/post_cleanup.py,sha256=z0Jbq_dQDFzRTrUZUcvE5prvDUxQ7ItogQrEnYdxVzE,758
104
+ vllm/compilation/qk_norm_rope_fusion.py,sha256=myW_oO7JwqGxaOPvRzElPnz1qQrZMs-LG93CkF7KXd4,8524
105
+ vllm/compilation/rocm_aiter_fusion.py,sha256=l5AX1JHvb6vQldyWFHRJWLzF0tXBnMS1u2Vk_AxiWvo,7937
106
+ vllm/compilation/sequence_parallelism.py,sha256=loFd_LCwVun1kfPhOl2adGbhaB-Octqoy3g6ngNnFN8,14113
107
+ vllm/compilation/torch25_custom_graph_pass.py,sha256=9r4T74gV7PxjalJDxyDOOGPyCc8xUWMPAe_gYdTWgwI,1413
108
+ vllm/compilation/vllm_inductor_pass.py,sha256=v_bRjbaI1G8Wn4UkSPULHmECLvuPCT44Nphmsf-NP40,6490
109
+ vllm/compilation/wrapper.py,sha256=uGHgJ6QgmxmJPHZXFVHGbZtvCAklc12IlY0O8Vc_9Z4,12987
110
+ vllm/config/__init__.py,sha256=89IuOwxe47_7c8GKT56Rkk6JZI969co0S2v3EgXobD8,3210
111
+ vllm/config/attention.py,sha256=8SwGyidbdEmZXx9QN5-ogdgL_-aTNarrMD2pEtMW4h0,4433
112
+ vllm/config/cache.py,sha256=HZD6KHfDNOW-EtkfPGxPXolMuzL8wLHToSrb1Ipjbtw,11063
113
+ vllm/config/compilation.py,sha256=AnZpjf-cloH-cP7WO0WB1jPNUoMG9ntggzPU56M3cPI,48386
114
+ vllm/config/device.py,sha256=Ilhly88mxXGjDAD6iDRqg4pbBEJKX8OSu-IKqi3RyCc,2773
115
+ vllm/config/ec_transfer.py,sha256=_D5VNYNy8CU7IrTkDm9IB5PF9Y4CBCqzyijl-kYgWpk,3863
116
+ vllm/config/kv_events.py,sha256=-JSREpsV49ohD7songzjiHiLhJguL2v1r4_cx7po--0,1645
117
+ vllm/config/kv_transfer.py,sha256=KK29k_JPFjzAFMCIhXdiiV6t1LBux-05BKlcxI9TF6Y,4314
118
+ vllm/config/load.py,sha256=B3pHwaKzjaIDKXvXr5JLNHsoL0lHCx2xXN5GQ2anJN0,5751
119
+ vllm/config/lora.py,sha256=viqi3wqJpEUmkVGmXgRHj9-Rzjc-LUJMEO99GXwRToQ,3716
120
+ vllm/config/model.py,sha256=HTIIof3LUrtVIYE52I7_HsftuCJNwhLByydKeMzzCL4,88489
121
+ vllm/config/multimodal.py,sha256=0H5_x_J-4jWI1u6iJLCUH-IGmJK2Ku0BUKRoOLDOoBI,9985
122
+ vllm/config/observability.py,sha256=2lfQWl6vPG85OjL7P7wVkDiKSZ0Bp8o9W70MeYgypEA,5852
123
+ vllm/config/parallel.py,sha256=zUmZZZEb6oQI5rtsbpSKr3ttgBZwsfsbhBgJ8tOa94c,27870
124
+ vllm/config/pooler.py,sha256=4ZSsCsbnvQE3ebtOa0Jonb08HOEhbKRBBYkxknbpETY,4289
125
+ vllm/config/profiler.py,sha256=loMUwc2QGZ2IDkg1GJBN8aybU36YjJDrDEMqFi63Z1w,7600
126
+ vllm/config/scheduler.py,sha256=bj3W9DMnVk6vCMcGc2v-6nNOCLmP0Y3g5u5y6irvuwo,12465
127
+ vllm/config/speculative.py,sha256=5zBtlxg6BB0xWXhESRREnV2v_8ffEm9ZAJV03asUUoQ,28742
128
+ vllm/config/speech_to_text.py,sha256=nNeiXvk1d16si_w_w8eEREEKeylq1b_gSyNFfH_OFJs,1462
129
+ vllm/config/structured_outputs.py,sha256=4LSQVBGKoh7-vTN64z0rWHKHgkU9l9Yb5pYVP11lVck,3350
130
+ vllm/config/utils.py,sha256=wSuQlLXgLk9sOx-_QIZI1QmuF1aKG9iWtDuGzB4-Rtg,12506
131
+ vllm/config/vllm.py,sha256=mZ6DrfXOms-G6WUksBCAvW8peLQU0BpbzIfeFoYmsIs,62089
132
+ vllm/device_allocator/__init__.py,sha256=47DEQpj8HBSa-_TImW-5JCeuQeRkm5NMpJWZG3hSuFU,0
133
+ vllm/device_allocator/cumem.py,sha256=tIx6IZI6r4DMS4MbhuAdrcLM5hN-BCFjoGLSsXBX6hs,12483
134
+ vllm/distributed/__init__.py,sha256=l_KMMLMmYq-MqxY5OeTuQjA38RYwdS4TtVy8JafQq3E,191
135
+ vllm/distributed/communication_op.py,sha256=PD-Kxg2zjs6JHTncHi9vGUetQ4aFiT0uV3fQcjIL0bg,1323
136
+ vllm/distributed/kv_events.py,sha256=mq5BcTYK7BgbJxgqSWFROK3PIIYH2Ca9XMrJwyiXixQ,15959
137
+ vllm/distributed/parallel_state.py,sha256=U0LylDsoe9ZJXJNN9a0BEiPr7oUdG-VqZr_h33Pdmq0,65222
138
+ vllm/distributed/tpu_distributed_utils.py,sha256=LHc2lCK_zeODmV5loJV7Eq9Pg8hfplEh4aWN-A-nawo,7585
139
+ vllm/distributed/utils.py,sha256=Q9_wTnhTgMQWk3cPYdGFQJdg4B6VyFVeoCPigIKPfXs,20792
140
+ vllm/distributed/device_communicators/__init__.py,sha256=47DEQpj8HBSa-_TImW-5JCeuQeRkm5NMpJWZG3hSuFU,0
141
+ vllm/distributed/device_communicators/all2all.py,sha256=RUfFZpEIxXmCKrNkIKZnVQysUQf7uY24MB24fw9q--g,16263
142
+ vllm/distributed/device_communicators/all_reduce_utils.py,sha256=FXN49WKCqJM3WKxMlQntN1xVwrlss5IjrGRXjfIaoYY,12324
143
+ vllm/distributed/device_communicators/base_device_communicator.py,sha256=mwMTx-DdFEdPyTEUbaPghlCuodhNboqRGKaJ9QQmM0I,10711
144
+ vllm/distributed/device_communicators/cpu_communicator.py,sha256=IyRrYtDIw9suqbBxpKBYgvKOKdEk7egpnOeQtk3keQ0,6966
145
+ vllm/distributed/device_communicators/cuda_communicator.py,sha256=F55IEOah6Z7tdou4oLzYrEmpRHruZv48JXFHoPN7eZk,13479
146
+ vllm/distributed/device_communicators/cuda_wrapper.py,sha256=Yj-IHZt2nWAksvsmi88JAC8XNYht8Ylz748guEujWMc,8411
147
+ vllm/distributed/device_communicators/custom_all_reduce.py,sha256=qwIMODFiNFmXGFWjr9wyzXZ6dl6WASbya1wEqAEmXP0,12857
148
+ vllm/distributed/device_communicators/mnnvl_compat.py,sha256=A5UvRWaIyPRQkw4dSd4Mq6sy2I655Wf0bHkKM7aPMZc,830
149
+ vllm/distributed/device_communicators/pynccl.py,sha256=IZRiSwMlWK-yS5cwGBPr7kn4Ov4XSVhA61aVP5ggpxs,13902
150
+ vllm/distributed/device_communicators/pynccl_allocator.py,sha256=SU2hhkqueFQAC5GdvEZyEhxriN0ueUNpRh-n4pXRWxw,6247
151
+ vllm/distributed/device_communicators/pynccl_wrapper.py,sha256=iG602w2gqZOwuhULKP_PF2ywJBN-ZDcE11jJEQdhAZI,18840
152
+ vllm/distributed/device_communicators/quick_all_reduce.py,sha256=IxoLQ89rCXr_SbJPLWDK7t-w23EUzv2zWEO7C_QrdkA,10887
153
+ vllm/distributed/device_communicators/ray_communicator.py,sha256=Myw39lSVtgVk1h21m8LTDKAjatwzRC0BRkeQvemuyJc,9122
154
+ vllm/distributed/device_communicators/shm_broadcast.py,sha256=GWRAf6JMUeQnUwopegfKNUoFbhQqM-4cMdsVoT-IgxM,32448
155
+ vllm/distributed/device_communicators/shm_object_storage.py,sha256=4OET8UnO1l2u24FmndJS9JEqnp30gs94lpO3S60Se4g,27538
156
+ vllm/distributed/device_communicators/symm_mem.py,sha256=fgc15QF836cFul6AQ8dJDI-xw8P5_wK8qLnczYOoHV0,5395
157
+ vllm/distributed/device_communicators/tpu_communicator.py,sha256=FDCGHBnwSRm8kBjUiZ6RFXmloBBlwLrDEqpV-5mgRZQ,4025
158
+ vllm/distributed/device_communicators/xpu_communicator.py,sha256=eHZdPFturEqH1WUJC-Yy56jY9jsY0CRiUY8B3JzarSo,3423
159
+ vllm/distributed/ec_transfer/__init__.py,sha256=TfKcHCVJ27cpYAxvVMFyrBZe40qJfxEX6GeWdCOcIoc,348
160
+ vllm/distributed/ec_transfer/ec_transfer_state.py,sha256=60Iu-N4qVnjSa2kXaysANPa77HX-cYomPTu7GRk5Evw,1152
161
+ vllm/distributed/ec_transfer/ec_connector/__init__.py,sha256=47DEQpj8HBSa-_TImW-5JCeuQeRkm5NMpJWZG3hSuFU,0
162
+ vllm/distributed/ec_transfer/ec_connector/base.py,sha256=L6ZTjzL6kIXUyRVsA6ldI4AahpRSbEL3NAMTqwJJf60,8029
163
+ vllm/distributed/ec_transfer/ec_connector/example_connector.py,sha256=tsjBKC8nJ9l4JAePY1BgTEBEyBBYMS_pVNLoFPYPLro,7298
164
+ vllm/distributed/ec_transfer/ec_connector/factory.py,sha256=LRo-mSc6_mm5a9WjcHTxzSO7Lds7HrLHYLdkCpWfmKs,3070
165
+ vllm/distributed/eplb/__init__.py,sha256=G5wu4iq7WIjDVMWqAfCUTyU-XiThNdAZd4OYu-SVpig,154
166
+ vllm/distributed/eplb/async_worker.py,sha256=sZQLHttEwCVF_0RGWMV2hqx5EQfG3bsvEga-7jjpykg,4211
167
+ vllm/distributed/eplb/eplb_state.py,sha256=jMTqgBiluI79ii3rKs86d9rlIv7hDE_TUYLfhuXk_1s,45993
168
+ vllm/distributed/eplb/rebalance_execute.py,sha256=yPtnR59nzXYpbUqVBJwRHncpG60tVqbWa4p2xyn2nTU,19306
169
+ vllm/distributed/eplb/policy/__init__.py,sha256=2usmbIhEKDKxq4yMTMBkiRs4uem6AK6jJPkmyH3G034,542
170
+ vllm/distributed/eplb/policy/abstract.py,sha256=LzOWG1vzTVF3oLCLpDe4mbJizmYeCWJVwvC_Je9hPn8,1352
171
+ vllm/distributed/eplb/policy/default.py,sha256=8QoA5Ku2e1DOY0rYO8oMTGs1ehrDleQRxRTpMSJILxQ,10264
172
+ vllm/distributed/kv_transfer/README.md,sha256=cKIw6vXYSxBlf0wWwO7haP82CX2oB2QzW0-RxZE5mT4,2007
173
+ vllm/distributed/kv_transfer/__init__.py,sha256=wb5OWOxpI7rmB6NVrSKJHHQPBWpp_3NYseEOo_0mgOo,552
174
+ vllm/distributed/kv_transfer/disagg_prefill_workflow.jpg,sha256=fOFUEx-2Fm1uxHCGopvCREaRqdvR87Z7C0bMqEVH3Iw,142656
175
+ vllm/distributed/kv_transfer/kv_transfer_state.py,sha256=jFrtqPkifgETZZpoqUzdJhK74GMRWnxRCv_mZC4C99w,2290
176
+ vllm/distributed/kv_transfer/kv_connector/__init__.py,sha256=47DEQpj8HBSa-_TImW-5JCeuQeRkm5NMpJWZG3hSuFU,0
177
+ vllm/distributed/kv_transfer/kv_connector/base.py,sha256=KuKixI9XMfNTMWanVED-kedkMyMFtdcT34QO26lweJ0,370
178
+ vllm/distributed/kv_transfer/kv_connector/factory.py,sha256=YCm1JPWfo3lBZSKnIhT9j2MwKHAx8iLJMTltvoEP1hc,7085
179
+ vllm/distributed/kv_transfer/kv_connector/utils.py,sha256=l-p8dZ6gN-SAIhSl3v521_6Wt9SEZyqNQ7sLkk73qb0,12015
180
+ vllm/distributed/kv_transfer/kv_connector/v1/__init__.py,sha256=XGVYgVwmenrlulLD3EgNx0CglBC1YgbOFRPKN-cB7yA,508
181
+ vllm/distributed/kv_transfer/kv_connector/v1/base.py,sha256=JNm1-ebRmKBy6MoVbRJXWw-p56tEw7MJxKYTIUQid-Q,20916
182
+ vllm/distributed/kv_transfer/kv_connector/v1/decode_bench_connector.py,sha256=XgtiVSMfZYOovmBREkunH9bSycIn0x_55nk2VFs9fOo,15551
183
+ vllm/distributed/kv_transfer/kv_connector/v1/example_connector.py,sha256=60qD3u213suDAcIpRIpeCb8Ov4AqmWyRkKSeIg12upI,17082
184
+ vllm/distributed/kv_transfer/kv_connector/v1/lmcache_connector.py,sha256=m-_-35Wc-V4ptYyYgiO7HDsvLfcTf2ZGcekcrmdeq1o,11350
185
+ vllm/distributed/kv_transfer/kv_connector/v1/lmcache_mp_connector.py,sha256=2AZdixXYpyH8603pmbbXlVD1yExPzNJheMaBZz980fs,31727
186
+ vllm/distributed/kv_transfer/kv_connector/v1/metrics.py,sha256=oU9wXPoT748mueVnt6HVsL-fAemiglRONA19IkcCHC0,6887
187
+ vllm/distributed/kv_transfer/kv_connector/v1/mooncake_connector.py,sha256=8iMHJ37D8DsmgHH5OCxJW1KjBzPCU-R5yQ6WPRi8j5k,33953
188
+ vllm/distributed/kv_transfer/kv_connector/v1/multi_connector.py,sha256=LDFriJ0D7RmcfQ9W8OyQ8mZo0cgZ-04bro9ppQK7p18,18274
189
+ vllm/distributed/kv_transfer/kv_connector/v1/nixl_connector.py,sha256=moAf2axTZeeUXLjbwLBP6je2oDgVkhPt88DwCs93reI,104236
190
+ vllm/distributed/kv_transfer/kv_connector/v1/offloading_connector.py,sha256=lRD79usaq9wowh50ITbzciiGkJhsqbqvwv7lRu-sTWA,20645
191
+ vllm/distributed/kv_transfer/kv_connector/v1/lmcache_integration/__init__.py,sha256=k3tOaUj8P0IjtWcZ0CGxO3iE8IuALduzLpW5ejYJAFE,426
192
+ vllm/distributed/kv_transfer/kv_connector/v1/lmcache_integration/multi_process_adapter.py,sha256=4BVvAVoYhfna4tH9VfruVEUyifpTpQznUwlAyg_wk3Y,12444
193
+ vllm/distributed/kv_transfer/kv_connector/v1/lmcache_integration/utils.py,sha256=aSe-GgW3-PvuMFkabphG9wB-LDVMXuYn5GqLFv2dONo,8206
194
+ vllm/distributed/kv_transfer/kv_connector/v1/lmcache_integration/vllm_v1_adapter.py,sha256=m4jd5x2ql3rtsOCnoknflFY-acrnG7s1mYuJ0qikIMo,52132
195
+ vllm/distributed/kv_transfer/kv_connector/v1/p2p/__init__.py,sha256=47DEQpj8HBSa-_TImW-5JCeuQeRkm5NMpJWZG3hSuFU,0
196
+ vllm/distributed/kv_transfer/kv_connector/v1/p2p/p2p_nccl_connector.py,sha256=_gzY8fDQdp0XUylpVwqdKUKLYySCP0yWowk4s7cpgYc,19308
197
+ vllm/distributed/kv_transfer/kv_connector/v1/p2p/p2p_nccl_engine.py,sha256=gdHYw55Qm1z8cz5cWoq76siI8tL6tewzYldcxNCG2s4,23390
198
+ vllm/distributed/kv_transfer/kv_connector/v1/p2p/tensor_memory_pool.py,sha256=A2mMTFKJ1zBYEo0gPhe166-ms1S_gAaL4Zs9tULMbTc,9225
199
+ vllm/engine/__init__.py,sha256=47DEQpj8HBSa-_TImW-5JCeuQeRkm5NMpJWZG3hSuFU,0
200
+ vllm/engine/arg_utils.py,sha256=KzTBSfr2rHAFwAM65ihZIInjaolZ4_-vvSJOMCDlzxc,86398
201
+ vllm/engine/async_llm_engine.py,sha256=B4Xf26qGXnF7yc06F_OM2CH8k5CLUU34tjUEafnIg2U,197
202
+ vllm/engine/llm_engine.py,sha256=h0FBz_1vf8ThMr1PHUQVus1sEQH-N8XZsiQwNZrs1W0,212
203
+ vllm/engine/protocol.py,sha256=A1nwJ2OfuBHfpAYDWzlRkZkdqvzvKnBfDJEQdXxSOLE,5517
204
+ vllm/entrypoints/__init__.py,sha256=47DEQpj8HBSa-_TImW-5JCeuQeRkm5NMpJWZG3hSuFU,0
205
+ vllm/entrypoints/api_server.py,sha256=rdorXG8_R7kQfRwHaq7hYR9rU3SIk71n9apBX06K8PI,5809
206
+ vllm/entrypoints/chat_utils.py,sha256=WZLqm2XvKvUlveeOkZAH2Un33YEeYmE7ZZIviLPgcVk,66603
207
+ vllm/entrypoints/constants.py,sha256=7rJGI5ZxBEJr2_7YjIJHzVaRX_9PChU7aOSYp95v6tE,356
208
+ vllm/entrypoints/context.py,sha256=fAH0xoe1StN9knqy_CYEO9TF-0e5lTxU9D0b6LNoDVA,31492
209
+ vllm/entrypoints/launcher.py,sha256=AKCjD0uDH5IHLEnyUI8qjhihRIowyMJ8k77rvUmtiZI,6064
210
+ vllm/entrypoints/llm.py,sha256=9xsFvszQv6LCaJLPlmpJSUFLJNNGG39DjqXZ3abk-Zs,75238
211
+ vllm/entrypoints/logger.py,sha256=KYayEwEnv1ImBsZTcQ_7okyNqvkKjFqpZcv8SJYT5sg,2537
212
+ vllm/entrypoints/renderer.py,sha256=_Kdsmk92OrfUNqI5fZ0Y6TSI7XvU9s3d0z4MxBTk23E,15001
213
+ vllm/entrypoints/responses_utils.py,sha256=FTSKhxb_YHQ8R9jJWCMsrhiYwYotvCbv7XI5PYphkns,8827
214
+ vllm/entrypoints/score_utils.py,sha256=ph2eTDaFU6xHipXy3TBzcqyn1nFfSkkdLnADY0CVcyg,7724
215
+ vllm/entrypoints/ssl.py,sha256=P6ApVGAQFLHERnJeoLNpZk-HQI1nNqWdlF8UAQpnC48,2712
216
+ vllm/entrypoints/tool.py,sha256=HQfC9jB_6BIGq8J7nsY0DyTSZL_r8weKXhsyOpfWdFg,6242
217
+ vllm/entrypoints/tool_server.py,sha256=GbGIKW3-kQZ-o9xKWGKlAQd3oWPLHh6kMQj7nKHd-cg,7692
218
+ vllm/entrypoints/utils.py,sha256=7x-d6bdgIo6Ye70OLtEw0PolxtsZdIM9Cwnc1a0FMXc,12253
219
+ vllm/entrypoints/anthropic/__init__.py,sha256=47DEQpj8HBSa-_TImW-5JCeuQeRkm5NMpJWZG3hSuFU,0
220
+ vllm/entrypoints/anthropic/protocol.py,sha256=nGkTR2TQtcy52uJJM8cJNSQtASDCChhgpQ6_-z_A59s,4284
221
+ vllm/entrypoints/anthropic/serving_messages.py,sha256=prvURUXlj96lIEYaAfmQlITeT26RHOFC9MLCRRj5saQ,20377
222
+ vllm/entrypoints/cli/__init__.py,sha256=k2G20pvQ-iyT9QJHRumWqd4BIQecGDAxLRUgY1DNRc0,694
223
+ vllm/entrypoints/cli/collect_env.py,sha256=H9qpqasc2FRmAQUvmRV5WuCxJqdj-ouYAQ2CMpN_ihk,1106
224
+ vllm/entrypoints/cli/main.py,sha256=vHRDDzGjKK2ZE9EWyGn--jpfBWewDtiYFDab9srDc78,2468
225
+ vllm/entrypoints/cli/openai.py,sha256=CWzTEwp_nLWLXEPpvKlw7rZjiM-CSEnMaxic9s8IpIc,8134
226
+ vllm/entrypoints/cli/run_batch.py,sha256=8ChYNc3UbbCVEbtp_tTbgR32_jVq3WRJgO1RzGhP8yI,2242
227
+ vllm/entrypoints/cli/serve.py,sha256=sjfXeDQW_zaWE6yX1YnhgHfNuWPa2jVOpmofHWqbywE,9001
228
+ vllm/entrypoints/cli/types.py,sha256=On70PbJbmYXWTQZaL3EbI7I-fd1eIE21FAhKuHnTcfo,812
229
+ vllm/entrypoints/cli/benchmark/__init__.py,sha256=47DEQpj8HBSa-_TImW-5JCeuQeRkm5NMpJWZG3hSuFU,0
230
+ vllm/entrypoints/cli/benchmark/base.py,sha256=3KVCkfdN9VsNhP4RniGqJi02pzIEW4IMIktMFgwU1Y4,674
231
+ vllm/entrypoints/cli/benchmark/latency.py,sha256=ruUvsQxW_zv19NxZe4dhdVRjmBl2Gipa7o0aGp3VN-I,653
232
+ vllm/entrypoints/cli/benchmark/main.py,sha256=aoHKd2EJPtmCcZv3G7TBBWXbYR_bi1-qUDpn9I0AFeY,1847
233
+ vllm/entrypoints/cli/benchmark/serve.py,sha256=v735WpqjlGE846KvCqAlrb6eAdysihhNZNX5SDL2Tac,635
234
+ vllm/entrypoints/cli/benchmark/startup.py,sha256=H8v9hSPhnE2mJnjE0RdgjLDpygdNvjOGCtkvvZXzExI,643
235
+ vllm/entrypoints/cli/benchmark/sweep.py,sha256=kHcCsBsGQwNC_bdhIdKs9ykJawLbRCrZF-HT4NFCjkE,629
236
+ vllm/entrypoints/cli/benchmark/throughput.py,sha256=Sb73dvXCAs_P7rk3sYkEbKIezlA8cCF7piMX1HA-xEc,652
237
+ vllm/entrypoints/openai/__init__.py,sha256=47DEQpj8HBSa-_TImW-5JCeuQeRkm5NMpJWZG3hSuFU,0
238
+ vllm/entrypoints/openai/api_server.py,sha256=iNV9QSaU1T-D_AJLHrCfQL77o6cgv_eNWjTLGhThTwQ,53047
239
+ vllm/entrypoints/openai/cli_args.py,sha256=e20SdyA3nl1elIIVcF0qP7lJnJbmAPeL7KkMxk8gmLI,12922
240
+ vllm/entrypoints/openai/orca_metrics.py,sha256=qLJmaC4SWLSfvGtwOECR8DexnCXBVqYZuENYINORYgI,4509
241
+ vllm/entrypoints/openai/protocol.py,sha256=6_FrJ4RWc4Cb6JErqpBq5mIMbQpRJrq2-tn6beG2Fvk,89132
242
+ vllm/entrypoints/openai/run_batch.py,sha256=XN5i78ft-3XeTiPAXCLWThVga72elrhapxUmA15WHmM,21412
243
+ vllm/entrypoints/openai/serving_chat.py,sha256=f_2zAbkhFq63wx7ldIXAbSQZvbh9zh-bG-rLyLIK2x8,80999
244
+ vllm/entrypoints/openai/serving_completion.py,sha256=sV33VoX_zStd8qOcXcKN-hVk_X6AQiLL7UkLKGZTkeQ,29911
245
+ vllm/entrypoints/openai/serving_engine.py,sha256=NHuPZChAquPaq-O0eulWlPSHmQOafPIustEXQhHgocM,55680
246
+ vllm/entrypoints/openai/serving_models.py,sha256=l5Xme5t-zgp8XKHdCeDiT_-cAYN78jw6dxPCU00-mFc,11406
247
+ vllm/entrypoints/openai/serving_responses.py,sha256=bhbxmeLRNu7UMBBWYKUYYdOBFHg_j1sh3-pJUo9QIS8,89198
248
+ vllm/entrypoints/openai/serving_transcription.py,sha256=YX736nt0BGXvMpj4lzypDjrAA8FBh2n3t5yFELASaWw,5986
249
+ vllm/entrypoints/openai/speech_to_text.py,sha256=1xfLtUQB5v3TjxMhNUAL99EQBxOR2M3Nal6udVarYwM,22684
250
+ vllm/entrypoints/openai/utils.py,sha256=GediW7ToZ71oiChH9nc6r7_XeTfuBo5K-yFDFWkYIA4,1608
251
+ vllm/entrypoints/openai/parser/__init__.py,sha256=47DEQpj8HBSa-_TImW-5JCeuQeRkm5NMpJWZG3hSuFU,0
252
+ vllm/entrypoints/openai/parser/harmony_utils.py,sha256=yhWKS6UhMkMGU6Gjm2r-FZJ3sHjTSJM6efz2ZYce9xQ,30018
253
+ vllm/entrypoints/openai/parser/responses_parser.py,sha256=zFk6P-Ntgp9Xp91IkE-yv3ZpT-GmzHbC0T4TNuW6hn4,5077
254
+ vllm/entrypoints/openai/tool_parsers/__init__.py,sha256=Er__i2H3WdB1DFAK9fcjlQmzNpQMVQe6PXr6W1wUun0,1027
255
+ vllm/entrypoints/pooling/__init__.py,sha256=RKBcmpHb7TKxlpGmPQvC8FkTe-axbQmyjh7jYLRVhac,674
256
+ vllm/entrypoints/pooling/classify/__init__.py,sha256=47DEQpj8HBSa-_TImW-5JCeuQeRkm5NMpJWZG3hSuFU,0
257
+ vllm/entrypoints/pooling/classify/api_router.py,sha256=CC2u38foFQavU6rkk6d1_qYJ8lzLFsxHNZlyJV6TA9U,1810
258
+ vllm/entrypoints/pooling/classify/protocol.py,sha256=liPaeGzy_xnxr2w9wdcsgjOOpEY9MCSkp2NLd2QDf_E,5874
259
+ vllm/entrypoints/pooling/classify/serving.py,sha256=YIWSg3zjblrYSnnasS4HQU6mC8OfKzjQj-91ga07Jeo,8210
260
+ vllm/entrypoints/pooling/embed/__init__.py,sha256=47DEQpj8HBSa-_TImW-5JCeuQeRkm5NMpJWZG3hSuFU,0
261
+ vllm/entrypoints/pooling/embed/api_router.py,sha256=rWMt4P4I83hXKezN5CWxxKXGCdsXjP11LAL6wSHPSsc,2237
262
+ vllm/entrypoints/pooling/embed/protocol.py,sha256=ZRBjTOeAXhFsXlADHk8yOLvno_usy_UOkIal4FdORQs,7374
263
+ vllm/entrypoints/pooling/embed/serving.py,sha256=JOeMvDfvlkXwJsK0Zu2IgxHfKkjgnHneqkHENBDSc2Q,26581
264
+ vllm/entrypoints/pooling/pooling/__init__.py,sha256=47DEQpj8HBSa-_TImW-5JCeuQeRkm5NMpJWZG3hSuFU,0
265
+ vllm/entrypoints/pooling/pooling/api_router.py,sha256=QGxewRof6Hyvyt5_DR0jhtnc7mgm3y-lChAM1ceLwmw,2241
266
+ vllm/entrypoints/pooling/pooling/protocol.py,sha256=KjOwQkXf_plOos-RPP2vU27-9wdiU1HUwj-jFXsAtsE,4731
267
+ vllm/entrypoints/pooling/pooling/serving.py,sha256=JyGkwi53eB03WNiNFbkRUh8_v8F9A8mtVHEuFbDLbyE,13331
268
+ vllm/entrypoints/pooling/score/__init__.py,sha256=47DEQpj8HBSa-_TImW-5JCeuQeRkm5NMpJWZG3hSuFU,0
269
+ vllm/entrypoints/pooling/score/api_router.py,sha256=u7bKJebPmQl2vpBN7IqVtGTO_U6Gu6gxV9-20BrKVdI,4838
270
+ vllm/entrypoints/pooling/score/protocol.py,sha256=39GVNxhiOivBsivCVw9MBgPbJaunJdyd4WCo-PIzeRI,4207
271
+ vllm/entrypoints/pooling/score/serving.py,sha256=hVR3j3MUu2FFeq74TByU_6jDSX4n828PG47W85fT7Gk,17299
272
+ vllm/entrypoints/sagemaker/__init__.py,sha256=Fh71s9Oigag26xVp42xT7JCAr_dvDRGnjoRhEV18cwk,155
273
+ vllm/entrypoints/sagemaker/routes.py,sha256=6dVezdr66WhqAGFGZqTo-JkQ5C33faszQKIEoVASF7M,4603
274
+ vllm/entrypoints/serve/__init__.py,sha256=v12nb2tJaGRv6onNMTdPUXaT8hde1ZdZl7dbzgsQ_gA,1501
275
+ vllm/entrypoints/serve/disagg/__init__.py,sha256=47DEQpj8HBSa-_TImW-5JCeuQeRkm5NMpJWZG3hSuFU,0
276
+ vllm/entrypoints/serve/disagg/api_router.py,sha256=cesAgERR5dkQjErlGxpfKGQdhDnQRSHGDFJfLabYACw,3611
277
+ vllm/entrypoints/serve/disagg/protocol.py,sha256=jaOkDM48h3huidhjDp6Oxmq6XYmOMN5qe3APDUejLcI,3038
278
+ vllm/entrypoints/serve/disagg/serving.py,sha256=uPC_tQtjKJzEVvQ6OR0n2l98khWiRfp8eY6DEkfofQA,10587
279
+ vllm/entrypoints/serve/elastic_ep/__init__.py,sha256=47DEQpj8HBSa-_TImW-5JCeuQeRkm5NMpJWZG3hSuFU,0
280
+ vllm/entrypoints/serve/elastic_ep/api_router.py,sha256=HCZ2PPEndY3bZotrx-EQ2cRpuzUN-LHwBaAkfaaU8xM,3067
281
+ vllm/entrypoints/serve/elastic_ep/middleware.py,sha256=RtpwW8Zfg8jj-D8rGYl3p3M-mzVc6gq2nYqI9DfH6R0,1448
282
+ vllm/entrypoints/serve/instrumentator/__init__.py,sha256=47DEQpj8HBSa-_TImW-5JCeuQeRkm5NMpJWZG3hSuFU,0
283
+ vllm/entrypoints/serve/instrumentator/health.py,sha256=UmiFFKCjjcfL2hfHAYB9BwlerSuVh5ftmMgufWoPuHg,835
284
+ vllm/entrypoints/serve/instrumentator/metrics.py,sha256=2o8fVNvCSNN3DnvPh_CVcH_1Y-Aq1uP7JDmxNV4Xbu8,1534
285
+ vllm/entrypoints/serve/lora/__init__.py,sha256=47DEQpj8HBSa-_TImW-5JCeuQeRkm5NMpJWZG3hSuFU,0
286
+ vllm/entrypoints/serve/lora/api_router.py,sha256=9_17KDOhMtVVyrHg7kbyHDFXm0cvUxRKl5AQpbZqugA,2494
287
+ vllm/entrypoints/serve/profile/__init__.py,sha256=47DEQpj8HBSa-_TImW-5JCeuQeRkm5NMpJWZG3hSuFU,0
288
+ vllm/entrypoints/serve/profile/api_router.py,sha256=uUPDoiARNOLQs4v6htAOi1aF9b5qVPbHF43ueEwbeOU,1470
289
+ vllm/entrypoints/serve/rlhf/__init__.py,sha256=47DEQpj8HBSa-_TImW-5JCeuQeRkm5NMpJWZG3hSuFU,0
290
+ vllm/entrypoints/serve/rlhf/api_router.py,sha256=abl8IzmpfbtxNa4WCt7qxI7Tg7csdHIjGfUpbwgiz_o,3071
291
+ vllm/entrypoints/serve/sleep/__init__.py,sha256=47DEQpj8HBSa-_TImW-5JCeuQeRkm5NMpJWZG3hSuFU,0
292
+ vllm/entrypoints/serve/sleep/api_router.py,sha256=PxSTqztcbnVmtCFK8JfGkZZGmPJeX4oSAkbuT4e5sCg,1860
293
+ vllm/entrypoints/serve/tokenize/__init__.py,sha256=47DEQpj8HBSa-_TImW-5JCeuQeRkm5NMpJWZG3hSuFU,0
294
+ vllm/entrypoints/serve/tokenize/api_router.py,sha256=FtYquejJx92KgGSCPloG_6F8vfnpLNoIKl3ijnfKVYE,3865
295
+ vllm/entrypoints/serve/tokenize/serving.py,sha256=fYAO8kkkm50YhNi7NyJJu46RoCzlWs64UMvxJ_PMwTw,7475
296
+ vllm/inputs/__init__.py,sha256=mOYaFF0JBFeIgf4cs5_kS5d7zk4yA_TRBxhfOncKhGw,959
297
+ vllm/inputs/data.py,sha256=vCFClf9AbX4bNhc6_3jit-xg5rRbdRplEPaxxHloRcE,11465
298
+ vllm/inputs/parse.py,sha256=S1CvJMDO64i9OHKPrq8Drg3b3NEi28c69ILjhFBPccs,4552
299
+ vllm/inputs/preprocess.py,sha256=FWc4texguuUZtNzluUEWdmHoFlbRnws3hEljTXkhVtY,24655
300
+ vllm/logging_utils/__init__.py,sha256=Rup1dtcYw-n2RvQt0Ka37rCagFdvfmzx4UFOmi3XTpo,363
301
+ vllm/logging_utils/dump_input.py,sha256=jqfKTqU2b2O4g5I_P2snzPuuIFlSTYg33BjZ5P87-JE,2914
302
+ vllm/logging_utils/formatter.py,sha256=3tQ1N2oDuzXPRCcasRAIPJhz4SF3_gBEfXz8IcSuz9Q,4649
303
+ vllm/logging_utils/lazy.py,sha256=I5YcIP9S9ru8q5kC3h0Vqaf1nX9A9xxUSP6KTcvWxcU,508
304
+ vllm/logging_utils/log_time.py,sha256=ea9dQUzQAu_f5juFfGVeOX403d4yGVqiBmI35gmpqdQ,864
305
+ vllm/lora/__init__.py,sha256=47DEQpj8HBSa-_TImW-5JCeuQeRkm5NMpJWZG3hSuFU,0
306
+ vllm/lora/lora_model.py,sha256=9AcBauFjUzs4COw2atvmhEm3FWNNxzH7yGmZNhqKax0,9959
307
+ vllm/lora/lora_weights.py,sha256=gmnlIUfNtzeoOvPBAVhI8r-qfCyPloTajp_PzklqQKs,6971
308
+ vllm/lora/model_manager.py,sha256=56NMeKeinRJdKa0N42hpecF5mlTXA_8pQPAGUXEETyo,27754
309
+ vllm/lora/peft_helper.py,sha256=rLbCLj-UsjXFD2wXD18hOAtzP_389FwcpozeItzgRvk,4678
310
+ vllm/lora/request.py,sha256=OIU4IXeoLkewhawohV77tXhDTBzaklm0ELvPPXaNbQE,3149
311
+ vllm/lora/resolver.py,sha256=SvNATAduYkVIuFA59Q5pPTuPjmLQCg-IH-_35u2mn98,2880
312
+ vllm/lora/utils.py,sha256=EQlS_3z3Nrx7-zP-tqOsKC6pJwX2Bq3k5gkm3AkJGAs,10789
313
+ vllm/lora/worker_manager.py,sha256=37J_oasADoe-QnyXLc0vKQ4_iN0ADfCddnIhP41cbKQ,10756
314
+ vllm/lora/layers/__init__.py,sha256=koQoPRXNT76UlfpT4yNwFpXY8eIZyzk3fmSRH8EWda8,1610
315
+ vllm/lora/layers/base.py,sha256=djqVQ30rFpuG71V8nIj4QARsbEDzjfeosBk9jTt98Ts,1825
316
+ vllm/lora/layers/base_linear.py,sha256=V7WXfGq5P2b0GwQPBdBUiB2BONRb6cBCY6bZ1KXAKjA,5734
317
+ vllm/lora/layers/column_parallel_linear.py,sha256=4OHIu9At_tNoV1mV0lyMT17rn0Uu1fhom-9BzdETyPU,19929
318
+ vllm/lora/layers/fused_moe.py,sha256=hM2vjolLTW9ckbvLmkZULcJD0uVt8Uggw-whUXsIK40,27831
319
+ vllm/lora/layers/logits_processor.py,sha256=1c3bDxki-82ZjotsTDTwWuooLnd2CqZQs7TKdjeH998,6447
320
+ vllm/lora/layers/replicated_linear.py,sha256=oswJbpelrd1Smiz1AV9zlLRcZb62XW700uporDliAJE,2205
321
+ vllm/lora/layers/row_parallel_linear.py,sha256=y6MpIbqGU3eSv50nlzuaSDRZdyUfwUJp66E6Fwct8GM,6187
322
+ vllm/lora/layers/utils.py,sha256=ORPW8yXs2tImWp4iGakeYqoefp6LW9fuRQRp18YKHxE,2305
323
+ vllm/lora/layers/vocal_parallel_embedding.py,sha256=xznlBgx20SFUxFHr6nRgieJlg2uyVVSmc1X8thQvoA0,4944
324
+ vllm/lora/ops/__init__.py,sha256=47DEQpj8HBSa-_TImW-5JCeuQeRkm5NMpJWZG3hSuFU,0
325
+ vllm/lora/ops/ipex_ops/__init__.py,sha256=GoE4WbwmiV3lmZ9BvAzF6HribyiAa62lEsRdAOORl3g,259
326
+ vllm/lora/ops/ipex_ops/lora_ops.py,sha256=sQTAhgirQaxWxhc3xTdSlDBfZKUUJaY4MwISeBBXOEg,1344
327
+ vllm/lora/ops/torch_ops/__init__.py,sha256=T8KI4Uy6j2AJOjjfe_9HYZmuSO9xp0G_GTCdvHyJiNE,426
328
+ vllm/lora/ops/torch_ops/lora_ops.py,sha256=M7wqynKevDeeFyXDwcqHDnCqOyePCtPSpiHm7I7pnCA,3888
329
+ vllm/lora/ops/triton_ops/README_TUNING.md,sha256=vRdibcgJphUomT22SAtQSrEf7LVROHwHgugGjqpBqY8,3078
330
+ vllm/lora/ops/triton_ops/__init__.py,sha256=-IQeOBrAW7uCUQQVUt5zjjL4PyqB1in1AJei7ezUpNM,598
331
+ vllm/lora/ops/triton_ops/fused_moe_lora_op.py,sha256=k_UNgjOr-FIbRImwYQ15X2junzXcK83MD7h2TIGAQ6U,19647
332
+ vllm/lora/ops/triton_ops/kernel_utils.py,sha256=YiE1F7sojPFFF06QsVSeaDN19Fpo4X1MhFSoX4F8EXA,10375
333
+ vllm/lora/ops/triton_ops/lora_expand_op.py,sha256=0T8MQkWC1A-AgUudjjTZPsGmzaj5mamEXDyZBytUqH8,9417
334
+ vllm/lora/ops/triton_ops/lora_kernel_metadata.py,sha256=_7kOuoEYIx7lGOzFPwp6idbExJm6tN__CBUATMr41JY,5407
335
+ vllm/lora/ops/triton_ops/lora_shrink_op.py,sha256=Olu1MoQ24II09hKTLUGhG33BQtoKpRmLhdOj9LM8ZYk,8871
336
+ vllm/lora/ops/triton_ops/utils.py,sha256=sCiYwaSL9CGh6rVT70wpeqh6vsozJu-Z8XBEDKpYoHM,9744
337
+ vllm/lora/ops/xla_ops/__init__.py,sha256=EbrQj03YWghRsJGDiwWghqJ_yNeYsczL8Z9UuizHxgU,258
338
+ vllm/lora/ops/xla_ops/lora_ops.py,sha256=ZkV2n8L8MVQWCVqNUtFtqPaIcy-wkQk7HAsXRDDoV3M,4245
339
+ vllm/lora/punica_wrapper/__init__.py,sha256=A5cDJmdCPRBN23kwLfemRlWI4YA-t_7qIxeoeimCkT8,313
340
+ vllm/lora/punica_wrapper/punica_base.py,sha256=puiggPyTCXaKXmmrsYiiRiDnVym7Ig4BYjdlmnEXMaU,15734
341
+ vllm/lora/punica_wrapper/punica_cpu.py,sha256=qJLetoy4aPyQazVqbEq0pOOr848ox_hXvO3AOIH4XR4,10817
342
+ vllm/lora/punica_wrapper/punica_gpu.py,sha256=QUrzpFAGuvBZZXLlQJqzbnSJxIXJzh7gmGZZQ-ljq_k,12909
343
+ vllm/lora/punica_wrapper/punica_selector.py,sha256=-IyHqLvTPs5onKUXacOqS9J03otlfaT8J7yj4iD_YRs,818
344
+ vllm/lora/punica_wrapper/punica_tpu.py,sha256=3zMy7ayyvEqyP5e-WnX3DaE_WMkBFAMNZuE9aP5C7g0,12348
345
+ vllm/lora/punica_wrapper/punica_xpu.py,sha256=tUpbNjlqObOWv3msA3ExE49xjjfx7FTYz_-LyDFJEtM,8770
346
+ vllm/lora/punica_wrapper/utils.py,sha256=omm684H29vAOXrC4ny19kmKFRk0_-pIAMTR87CmRMXw,5517
347
+ vllm/model_executor/__init__.py,sha256=HldmuFnAddB5kxjNzrqSLCTBGzvOHJ3VPdN4xI13sEo,333
348
+ vllm/model_executor/custom_op.py,sha256=C6NWfmv-JXm9NH87eXcAdsgnZf12oks45OezEuw0O9A,7775
349
+ vllm/model_executor/parameter.py,sha256=zo3JRXFPq62Dg8624hZygs3zAq-W8MwJirmY1qwHkTY,22854
350
+ vllm/model_executor/utils.py,sha256=24nwDtm7uCSbwCsjXDnTTCCqwc6yyRan92zGdjoJ7jk,4496
351
+ vllm/model_executor/layers/__init__.py,sha256=47DEQpj8HBSa-_TImW-5JCeuQeRkm5NMpJWZG3hSuFU,0
352
+ vllm/model_executor/layers/activation.py,sha256=-Nc5z_INkBqQSzPP4fWuobQ3xJoLnsbJ_C6Ei8ln2Aw,21783
353
+ vllm/model_executor/layers/attention_layer_base.py,sha256=L6w8vuzUcssauMGLf1D0Ysi1ZRA4gA8e7c6uSkr08yM,980
354
+ vllm/model_executor/layers/batch_invariant.py,sha256=njd7eJgJtgRGZe7aQxCrgC4CFu0ngAxHyrZal8YllCc,33818
355
+ vllm/model_executor/layers/conv.py,sha256=cFgVH2XA7zEcHceyzMv9ZjM8KvgcdVBN3zC1n0hbwac,8021
356
+ vllm/model_executor/layers/kda.py,sha256=sM-x4ZHFwkLsCZTbCnJy9FtTgcyAkJAAPjdwjwIyz5E,15504
357
+ vllm/model_executor/layers/layernorm.py,sha256=ly_FRF4zymmim4o8xfv-huqd1q_DjLM58j5QQ2HPwTE,13887
358
+ vllm/model_executor/layers/lightning_attn.py,sha256=yknJVad9ilzRGFdFhvjkoe_xEiffNp_KopUsd32Qzf8,20864
359
+ vllm/model_executor/layers/linear.py,sha256=lWucztYwZxBgRELBK0G-Zm_YKJWvmOw0g3ED_oopOvY,56807
360
+ vllm/model_executor/layers/logits_processor.py,sha256=yUVukCx0lBtFP7-2rfEsSSw-po25YD0GW-WF6beyHGo,3840
361
+ vllm/model_executor/layers/mla.py,sha256=9_YnedMKfBH3gg0oI2zFOXDlW7gaEQU-QeVwCz7AGSY,6364
362
+ vllm/model_executor/layers/pooler.py,sha256=xkBIUa5KGFjV629rb0lWgmip_EhdSATvSACw0fidpy8,27221
363
+ vllm/model_executor/layers/resampler.py,sha256=kK_gbASYVbvMoPPN3petUTfNGK8DkdNdihYnFx-JLn4,9877
364
+ vllm/model_executor/layers/utils.py,sha256=FI3DqvZAPjDcmESgiQv5MHWDwx8Nw_x_nWmEehneprc,8024
365
+ vllm/model_executor/layers/vocab_parallel_embedding.py,sha256=6Btumz_IkeCVvpgVICMEeG55wnQizWJl7ViPMooWpaE,22034
366
+ vllm/model_executor/layers/fla/__init__.py,sha256=Xbv6P8KG7bLpcOF17zPO5PYYHImweE9aiYYgGyMS9U4,391
367
+ vllm/model_executor/layers/fla/ops/__init__.py,sha256=Tx9ajmbsCCptuJofX-QpCC_Ut2SwZBTT56SUjGXGNs0,642
368
+ vllm/model_executor/layers/fla/ops/chunk.py,sha256=NJFnrsO_TdmXwAsyAmyUptSMxrVCH69T_xHjDp6DRko,8925
369
+ vllm/model_executor/layers/fla/ops/chunk_delta_h.py,sha256=rSBPoldJnPs9MHO_XOCw_E-fy-R5H8vA38zsSQjI9CA,11864
370
+ vllm/model_executor/layers/fla/ops/chunk_o.py,sha256=ucfFMons_gjoof5N36dImFVcWDZpeBjHVxdFMI1XOTw,5095
371
+ vllm/model_executor/layers/fla/ops/chunk_scaled_dot_kkt.py,sha256=_i7MMGO66MjD1RYQFDqNpa9yGknPyHBOTEDwChc9hFw,4653
372
+ vllm/model_executor/layers/fla/ops/cumsum.py,sha256=qhS_Lny-roiECMEDvtWBE2RpiFYDKjqWxwQONRdL2gA,8224
373
+ vllm/model_executor/layers/fla/ops/fused_recurrent.py,sha256=jZyUUmgmaq75r_Mg4nYSewk3pK-YP8tWcWhFTktQ5TA,13064
374
+ vllm/model_executor/layers/fla/ops/index.py,sha256=cg2IV5Tn7cvDzPw8fTdI96sIYFy87tk960b0nPJFXSE,1221
375
+ vllm/model_executor/layers/fla/ops/kda.py,sha256=7eRv3Hs8oOWM1_nnrBC1kERDSUixaax_-RHDKjQz5xE,38297
376
+ vllm/model_executor/layers/fla/ops/l2norm.py,sha256=HfUKWKl1EvrUKcowbDu4E5QPQCgZbPFumK43eli0Q6Q,3978
377
+ vllm/model_executor/layers/fla/ops/layernorm_guard.py,sha256=nfQwy29Wu6Pt3X3ZL3oPVqxhzITarzf7AmxjBzaKDWI,12449
378
+ vllm/model_executor/layers/fla/ops/op.py,sha256=atkZKsyTmBUTa68GnRk0VfEVfKAbmRoFLYtQlf8_JBM,1712
379
+ vllm/model_executor/layers/fla/ops/solve_tril.py,sha256=ARfbUgKOHld2Zbq3VlgjP07bjczFSCCQc0MRLmABcV8,19385
380
+ vllm/model_executor/layers/fla/ops/utils.py,sha256=7zOakRwlL0cVsyqpZeWcknuuIs76WvuR4-2TzdlL9AQ,6357
381
+ vllm/model_executor/layers/fla/ops/wy_fast.py,sha256=TqyZCDUrAUo0ZFdtHPRY4ntUxavxsYsAGGj0m23oyiI,4372
382
+ vllm/model_executor/layers/fused_moe/__init__.py,sha256=y7LhYWlOPT11kzr3JXO5FYTXXlh8wXU_NjOPFBuYvNg,3339
383
+ vllm/model_executor/layers/fused_moe/all2all_utils.py,sha256=7DH6zKYe8dPk9imLdZmxQ9s29gWCmHLEw-Uv6ykUZAU,5948
384
+ vllm/model_executor/layers/fused_moe/batched_deep_gemm_moe.py,sha256=7MIb9NH8WeAcC7A93dwjxdOtl-wPSBwwfM6_c4E0-uQ,14858
385
+ vllm/model_executor/layers/fused_moe/config.py,sha256=n6j32EGBPiZgqU2xZ-xtMHDLe1zCFbsc-heF98OtlSw,35207
386
+ vllm/model_executor/layers/fused_moe/cpu_fused_moe.py,sha256=x5XbsZIQ3OiampD_K2ag7yGhJO4k32_9z3AzOpJF6vk,10695
387
+ vllm/model_executor/layers/fused_moe/cutlass_moe.py,sha256=uVS5x1hvi4YnnM6-Fr7naFpJTRmLzaQCGarP8l9HGNo,48038
388
+ vllm/model_executor/layers/fused_moe/deep_gemm_moe.py,sha256=YD75f-MQMhPgSjHcADyQ9smGAYlbeUbMjIlPgPUJnjg,12252
389
+ vllm/model_executor/layers/fused_moe/deep_gemm_utils.py,sha256=OZ5vnMME0tDx4xSaWTroxkaO3akmLyznT_VWs1IZ42w,13264
390
+ vllm/model_executor/layers/fused_moe/deepep_ht_prepare_finalize.py,sha256=3jXq-FQ7m1aASduI-35O_isUZcPe-3jHtkbPv4h038s,14791
391
+ vllm/model_executor/layers/fused_moe/deepep_ll_prepare_finalize.py,sha256=i54CE6GYPsECmo5L3LVak2V0lf6upBoV0mTPTYCsS6M,14994
392
+ vllm/model_executor/layers/fused_moe/flashinfer_cutedsl_moe.py,sha256=Vet2B50T8wD6ySg0XgjgekLDRmkR91SfyLBcicxm_7g,12943
393
+ vllm/model_executor/layers/fused_moe/flashinfer_cutlass_moe.py,sha256=scSk_NF4-pfll7jEkt8qdDAtUSpxlRxYO8G8kZfSmpI,10765
394
+ vllm/model_executor/layers/fused_moe/flashinfer_cutlass_prepare_finalize.py,sha256=6N_KQtguaJVJK8n46l-geXAwi4vPFxTEpnK1kyHuLDk,12210
395
+ vllm/model_executor/layers/fused_moe/flashinfer_trtllm_moe.py,sha256=YMv1Opt0C_LfIDEsk1FsQ0gJkY8btWk1R1wi5R4ORpg,6481
396
+ vllm/model_executor/layers/fused_moe/fused_batched_moe.py,sha256=frQD9kNlwawFbMBYI1lh6HW8VUTZULgoLdZPwOh4o_Q,32100
397
+ vllm/model_executor/layers/fused_moe/fused_marlin_moe.py,sha256=atWapX_FHYgcknHqVacnwpRjiqaYNy_96uvwcLsYD7M,28372
398
+ vllm/model_executor/layers/fused_moe/fused_moe.py,sha256=UTt-GkGvGYAv5ATM35t5rRP4Ra0ZeOsCI1lXpDHc8xs,77324
399
+ vllm/model_executor/layers/fused_moe/fused_moe_method_base.py,sha256=xOu5HU4RhVsFcBmDFo_osgAR-s7nH8QxfPTkJXcPyKI,3047
400
+ vllm/model_executor/layers/fused_moe/fused_moe_modular_method.py,sha256=AXlwfVJOs7qchJBH3sCf-Cc5YTA0gpLvsQBReuJi1SE,3940
401
+ vllm/model_executor/layers/fused_moe/gpt_oss_triton_kernels_moe.py,sha256=zIv0GVfn1H4f6JiFL6Q5qN7S4cZMbslr7w4keM2qPAk,17435
402
+ vllm/model_executor/layers/fused_moe/layer.py,sha256=awGOHt6Mg3LmgdRHqugXxJPyTJvbzzWeDEYJGGt-s4g,84832
403
+ vllm/model_executor/layers/fused_moe/modular_kernel.py,sha256=nDJfcqvOWIkYVChajaGXAJ0aVqFiSsRhSarCh23kg4U,47612
404
+ vllm/model_executor/layers/fused_moe/moe_align_block_size.py,sha256=w_f8IIeDbwFgoyq5nOsdj26Hx5NnnaNN1nLiJct_oxs,8339
405
+ vllm/model_executor/layers/fused_moe/moe_pallas.py,sha256=7WcySwfOiFkyw-udjrWKjIdzYgcB47NGK3reblL0wrI,3118
406
+ vllm/model_executor/layers/fused_moe/moe_permute_unpermute.py,sha256=WftEGpSesMQmjg5sbvko3LGHuDl8EpySliW5X10Xiwo,8196
407
+ vllm/model_executor/layers/fused_moe/moe_torch_iterative.py,sha256=u_cFfZnz34AliNgZWfQUltCTXP_yTg4NjFxKb0r7zU4,2154
408
+ vllm/model_executor/layers/fused_moe/pplx_prepare_finalize.py,sha256=cEP8YRKHP4l4lcf2m-dNuQmgF5jCRIqEexp2aC44oe4,11776
409
+ vllm/model_executor/layers/fused_moe/prepare_finalize.py,sha256=lgLNuMPBLi7ELtcU-tDmXhForCmlT6UbqNXNje6UTO8,2647
410
+ vllm/model_executor/layers/fused_moe/rocm_aiter_fused_moe.py,sha256=9oqgJR1JmVE0RTZLbjdyVP3TerPSlN45D6tgPE171kY,9229
411
+ vllm/model_executor/layers/fused_moe/routing_simulator.py,sha256=TY1mPAGcG6SKjRh2kt-wvM1sn6Xd6bHmYmuXjAovBbA,10724
412
+ vllm/model_executor/layers/fused_moe/shared_fused_moe.py,sha256=lJCsav7EjXTwSZog5pM0moE7MQ-lkk698OftiUGyptQ,3390
413
+ vllm/model_executor/layers/fused_moe/topk_weight_and_reduce.py,sha256=sLKn82zPW7Yij8Bcrt4sXW78SyuwIwDELfiqsXaTxsw,5801
414
+ vllm/model_executor/layers/fused_moe/triton_deep_gemm_moe.py,sha256=zO6a9hD6tkx0dcohItDS5hEjUCPlQq0q9P_-rNZ__N0,5215
415
+ vllm/model_executor/layers/fused_moe/trtllm_moe.py,sha256=2OUD7vd-ptjUFtIT-9QNdsxT6IKldivr_T5Rr1_JSoQ,4660
416
+ vllm/model_executor/layers/fused_moe/unquantized_fused_moe_method.py,sha256=CSTgq13bqm4Vo4KY6Aok2q-95mTBtBIT3zQqM1_cDN0,17190
417
+ vllm/model_executor/layers/fused_moe/utils.py,sha256=Y_J7w47cIXgx51N1SeG1KJEUfUbut6CZiYScsyv6xLc,10855
418
+ "vllm/model_executor/layers/fused_moe/configs/E=1,N=14336,device_name=NVIDIA_A100-SXM4-80GB,dtype=int8_w8a16.json",sha256=iNGsE2ZeVnQEnN4A8UJ9Jv0d3hbRF2MJ9oBgjup5Szk,2737
419
+ "vllm/model_executor/layers/fused_moe/configs/E=1,N=14336,device_name=NVIDIA_A100-SXM4-80GB.json",sha256=hH5rRN9Wtyv35azxMzyUMHWtiKgOHev5tNjIG8j6dsE,2751
420
+ "vllm/model_executor/layers/fused_moe/configs/E=1,N=1792,device_name=NVIDIA_A100-SXM4-80GB,dtype=int8_w8a16.json",sha256=qPumkNxaHMvVBnEjPe_Xiuz9ICb6Hqc-9I1DAR8s3gA,4130
421
+ "vllm/model_executor/layers/fused_moe/configs/E=1,N=1792,device_name=NVIDIA_A100-SXM4-80GB.json",sha256=s47lb8VLnyxMgWlqcIR4BdPBsjKWL4olXF49uZvygzQ,4140
422
+ "vllm/model_executor/layers/fused_moe/configs/E=1,N=1792,device_name=NVIDIA_H100_80GB_HBM3,dtype=int8_w8a16.json",sha256=SkuSt9_xoUgmwy-EIOMJ5DT3pEm7g4dMh78fZSyCaKU,3244
423
+ "vllm/model_executor/layers/fused_moe/configs/E=1,N=3072,device_name=NVIDIA_A100-SXM4-80GB,dtype=int8_w8a16.json",sha256=gzfjrYDcS0vsACq7ONGVkNA3FqVjr3e89q9fO9kokkg,4133
424
+ "vllm/model_executor/layers/fused_moe/configs/E=1,N=3072,device_name=NVIDIA_H100_80GB_HBM3,dtype=int8_w8a16.json",sha256=sIaUmqgtlHW1lvmycafqWUAKyyLuf1L4t_ixzOiVmlA,2744
425
+ "vllm/model_executor/layers/fused_moe/configs/E=1,N=3072,device_name=NVIDIA_H100_80GB_HBM3.json",sha256=yl2lRcoGAKs1OQVKR2JX2C0VkpwUiCXGc_BTvh6h-r8,4146
426
+ "vllm/model_executor/layers/fused_moe/configs/E=1,N=3072,device_name=NVIDIA_H200,dtype=int8_w8a16.json",sha256=NZUb5kQi0HyBrzhRyPl6pdKwB4F6KqHcJepwHWbxsYY,3248
427
+ "vllm/model_executor/layers/fused_moe/configs/E=1,N=3584,device_name=NVIDIA_A100-SXM4-80GB,dtype=int8_w8a16.json",sha256=H0K4_O1CMbNLi-srcycT3lSl4JaBl3EGF89GY5Rj9MU,4130
428
+ "vllm/model_executor/layers/fused_moe/configs/E=1,N=3584,device_name=NVIDIA_A100-SXM4-80GB.json",sha256=arPqstZMzZjz8BNpY3alKT4vGCJyUj5I2hEeK02aq98,4152
429
+ "vllm/model_executor/layers/fused_moe/configs/E=1,N=3584,device_name=NVIDIA_H100_80GB_HBM3,dtype=int8_w8a16.json",sha256=XcoSAxPTaefnIozjfToNebc2wdctRQQRc0Ju0d-QglY,3243
430
+ "vllm/model_executor/layers/fused_moe/configs/E=1,N=7168,device_name=NVIDIA_A100-SXM4-80GB,dtype=int8_w8a16.json",sha256=wjnQ4v-dflJMR3iFDHBuZI_1R0xXjsNoWc2kHu6C8JI,4135
431
+ "vllm/model_executor/layers/fused_moe/configs/E=1,N=7168,device_name=NVIDIA_A100-SXM4-80GB.json",sha256=7WHPz_0fxeI3Ed0D9VIpZVoeN9RtJVVARvptfcmQu40,4146
432
+ "vllm/model_executor/layers/fused_moe/configs/E=1,N=7168,device_name=NVIDIA_H100_80GB_HBM3,dtype=int8_w8a16.json",sha256=KPpfnhkIzT9JiiHDLakJlQvoNIzmCCq5NLpoKjZxaOU,3253
433
+ "vllm/model_executor/layers/fused_moe/configs/E=128,N=1024,device_name=AMD_Instinct_MI300X,dtype=fp8_w8a8.json",sha256=2kWS9Qvy5Q3mvUFmbPVures5iZAriAXsy8WrtE5wu00,3727
434
+ "vllm/model_executor/layers/fused_moe/configs/E=128,N=1024,device_name=AMD_Instinct_MI300X.json",sha256=D2dn9vXyN4FCKsZCf7VYgAWLedCx8XpPjbkQVVAvwAA,4737
435
+ "vllm/model_executor/layers/fused_moe/configs/E=128,N=1024,device_name=AMD_Instinct_MI325X,dtype=fp8_w8a8.json",sha256=2kWS9Qvy5Q3mvUFmbPVures5iZAriAXsy8WrtE5wu00,3727
436
+ "vllm/model_executor/layers/fused_moe/configs/E=128,N=1024,device_name=NVIDIA_H100,dtype=fp8_w8a8.json",sha256=IAD1itR3hNQyHzj6AyfNj7G974sVQEaYafewGm_OKdU,2747
437
+ "vllm/model_executor/layers/fused_moe/configs/E=128,N=1024,device_name=NVIDIA_H200,dtype=fp8_w8a8.json",sha256=l3y3uQkhlA2_7cbrDHsRslWXR9NzgtkD_BEQckJ-Of8,2746
438
+ "vllm/model_executor/layers/fused_moe/configs/E=128,N=1024,device_name=NVIDIA_H200.json",sha256=2j-E88dNQghnJuIrCLwUn7QfUI66tieoCt6TIYjMvHQ,2743
439
+ "vllm/model_executor/layers/fused_moe/configs/E=128,N=1856,device_name=NVIDIA_H100_80GB_HBM3.json",sha256=mFxdW1jiRGxoW09LjL8rRHxgiJXXPgtGCCtjmj83UII,3272
440
+ "vllm/model_executor/layers/fused_moe/configs/E=128,N=1856,device_name=NVIDIA_L40S.json",sha256=-wcihTQoV82En7NC9eU2QNlm46fjjdAW9ywahwBLzus,3281
441
+ "vllm/model_executor/layers/fused_moe/configs/E=128,N=192,device_name=NVIDIA_A100-SXM4-80GB.json",sha256=5QqFljwwA8OaPlFnXy1zogl5oi6aE0OqN39xk2IUC64,3245
442
+ "vllm/model_executor/layers/fused_moe/configs/E=128,N=192,device_name=NVIDIA_H100_80GB_HBM3.json",sha256=I3k416HbXU_rYb8scD8gAI4fuBlElHl06PM347Qa11w,3253
443
+ "vllm/model_executor/layers/fused_moe/configs/E=128,N=192,device_name=NVIDIA_H20-3e.json",sha256=CoC3pMKx0vkjI9T6rqRLTIwbDskxljTj31fCHI34B5w,3232
444
+ "vllm/model_executor/layers/fused_moe/configs/E=128,N=192,device_name=NVIDIA_H20.json",sha256=RgV8C4F1LO09h01YsgF_eqX6GNoBtC7ulPfJRUUbg_g,3241
445
+ "vllm/model_executor/layers/fused_moe/configs/E=128,N=192,device_name=NVIDIA_H200.json",sha256=nsNEuDNks0tVLfQfIm7xxFwEeptTfQcoa9fJy0NS8xQ,3247
446
+ "vllm/model_executor/layers/fused_moe/configs/E=128,N=352,device_name=NVIDIA_H100_80GB_HBM3,dtype=fp8_w8a8.json",sha256=LCN-mYQ8xqL_ewIGV95k6EC_dfJtcdfQZp8uZR9Air4,2721
447
+ "vllm/model_executor/layers/fused_moe/configs/E=128,N=384,device_name=AMD_Instinct_MI300X,dtype=fp8_w8a8,block_shape=[128,128].json",sha256=PvRpT_brUV3Y3zMfWEcsXMmdrYKjiq2qI9iHejPhhsU,3743
448
+ "vllm/model_executor/layers/fused_moe/configs/E=128,N=384,device_name=NVIDIA_B200,dtype=fp8_w8a8,block_shape=[128,128].json",sha256=MCTOhQ01id6YjPtWbG6Mw5dlU1xtilsiq3HAstGn36w,3258
449
+ "vllm/model_executor/layers/fused_moe/configs/E=128,N=384,device_name=NVIDIA_GB200,dtype=fp8_w8a8,block_shape=[128,128].json",sha256=3o_aYn580j2L0ZPdKSTLqrYnginfBOFNhCksS5qxeNA,3258
450
+ "vllm/model_executor/layers/fused_moe/configs/E=128,N=384,device_name=NVIDIA_H20,dtype=fp8_w8a8,block_shape=[128,128].json",sha256=qbqjisJ4oKmcYzumHPRk5UyOzsdi8J6xas82UWHMeAI,3263
451
+ "vllm/model_executor/layers/fused_moe/configs/E=128,N=384,device_name=NVIDIA_H20-3e,dtype=fp8_w8a8,block_shape=[128,128].json",sha256=PflsK6VWRhwGaDKSIQ9vD7NMHcKLg3B4wENarR0aIq4,3252
452
+ "vllm/model_executor/layers/fused_moe/configs/E=128,N=384,device_name=NVIDIA_H20-3e.json",sha256=gkimxy2r78McckKxx4U4R3xahTI1KMH2pMOdUFOUdu8,3234
453
+ "vllm/model_executor/layers/fused_moe/configs/E=128,N=384,device_name=NVIDIA_H20.json",sha256=vS2DRIDOqWyiBvbG6H746ownfkD1F8Aj2YZ0ET9xll8,3232
454
+ "vllm/model_executor/layers/fused_moe/configs/E=128,N=384,device_name=NVIDIA_H200,dtype=fp8_w8a8,block_shape=[128,128].json",sha256=MlpzcrkZo78kFYr6cqmh4lBdpxKcEvlzqvRf0bmeduQ,3264
455
+ "vllm/model_executor/layers/fused_moe/configs/E=128,N=384,device_name=NVIDIA_H200.json",sha256=xqhl748it8GV2KXX0XixitE_ywnsKksqK8AGL7tAgT8,3254
456
+ "vllm/model_executor/layers/fused_moe/configs/E=128,N=512,device_name=NVIDIA_H100_80GB_HBM3.json",sha256=FsWbV4Q6AzAtgegVuENBDz2ZcSJsqNiwUIVfQbpP7hQ,3244
457
+ "vllm/model_executor/layers/fused_moe/configs/E=128,N=512,device_name=NVIDIA_H200,dtype=fp8_w8a8.json",sha256=lvXUPgtRxDuNn7ESRNEzT7V2qStb5z8bAOGCOzP8q_U,3256
458
+ "vllm/model_executor/layers/fused_moe/configs/E=128,N=704,device_name=NVIDIA_B200,dtype=fp8_w8a8.json",sha256=W8C1GtP4K43SK9128U52DD5WWofvPleAJE4us2Qju1k,3251
459
+ "vllm/model_executor/layers/fused_moe/configs/E=128,N=704,device_name=NVIDIA_H100_80GB_HBM3,dtype=fp8_w8a8.json",sha256=ZrC8J_AmZWNx30UDrXG6sHWtFY6FNVPsNywLhEBQdi0,2530
460
+ "vllm/model_executor/layers/fused_moe/configs/E=128,N=768,device_name=AMD_Instinct_MI300X,dtype=fp8_w8a8,block_shape=[128,128].json",sha256=rN55MyeJ8U6VGNRg7lwC3aa8BgjxdzVg-CofcZ7LTyk,3743
461
+ "vllm/model_executor/layers/fused_moe/configs/E=128,N=768,device_name=AMD_Instinct_MI308X.json",sha256=SDxGApRr0Nl8Thz-99Y3vKEz2Aw60juCGo7zSQriMKg,5021
462
+ "vllm/model_executor/layers/fused_moe/configs/E=128,N=768,device_name=NVIDIA_B200,dtype=fp8_w8a8,block_shape=[128,128].json",sha256=HqskM2MV6SPZ5LskeOY50lOjFP0DFdYrgRpZFmTpWTo,3256
463
+ "vllm/model_executor/layers/fused_moe/configs/E=128,N=768,device_name=NVIDIA_GB200,dtype=fp8_w8a8,block_shape=[128,128].json",sha256=L7y3Ev8CbIF-68FWhoMvK9HH72bj6r6-09__zxK-fvo,3257
464
+ "vllm/model_executor/layers/fused_moe/configs/E=128,N=768,device_name=NVIDIA_H20,dtype=fp8_w8a8,block_shape=[128,128].json",sha256=IuvyC8TNhCVAmUZfLSoETsyCKsmejKXrs_0zuwFLPAU,3265
465
+ "vllm/model_executor/layers/fused_moe/configs/E=128,N=768,device_name=NVIDIA_H20-3e,dtype=fp8_w8a8,block_shape=[128,128].json",sha256=Nd2qn9-7yjO6vAQSHAuetP4ytysnd6UxekL8UADiLKg,3254
466
+ "vllm/model_executor/layers/fused_moe/configs/E=128,N=768,device_name=NVIDIA_H20.json",sha256=10Ntu2aVD5vGLonx-jW0qNw-tgZWdZmzMGx7utDVeng,3237
467
+ "vllm/model_executor/layers/fused_moe/configs/E=128,N=768,device_name=NVIDIA_H200,dtype=fp8_w8a8,block_shape=[128,128].json",sha256=RFH5FcN2ZCPk6DsxviTti1Q8JU5jzBRFXvUQNgOvnmI,3265
468
+ "vllm/model_executor/layers/fused_moe/configs/E=128,N=768,device_name=NVIDIA_H200.json",sha256=JraM-Nvbg5V_TJkSl6UPFYZN1zHHoIbr2pAcksenoTY,3248
469
+ "vllm/model_executor/layers/fused_moe/configs/E=128,N=8960,device_name=NVIDIA_H100_80GB_HBM3,dtype=bf16.json",sha256=PxeEH6PFy8bFefjyrPS1ikD_-kywMALWnSrGbpSjMQo,1804
470
+ "vllm/model_executor/layers/fused_moe/configs/E=128,N=8960,device_name=NVIDIA_H100_80GB_HBM3,dtype=fp8_w8a8.json",sha256=-DrgCsN-PW9kWkr-bK4817zIuyxUa-CQxlONN1-QQAs,1798
471
+ "vllm/model_executor/layers/fused_moe/configs/E=128,N=928,device_name=NVIDIA_H100_80GB_HBM3.json",sha256=iplHjPj366nNBu44ZHlCRe7aMaV2T4QthXINmkWi218,3269
472
+ "vllm/model_executor/layers/fused_moe/configs/E=128,N=928,device_name=NVIDIA_L40S.json",sha256=l59WyUnnymmJQykoJzEvvkzwlhIlmyEeVtvCFRzXGRM,3279
473
+ "vllm/model_executor/layers/fused_moe/configs/E=128,N=96,device_name=NVIDIA_H20.json",sha256=JtcHRlPz8xQEAqJ9EWI63oYvdmjQFG6VTHqtt85VOSA,3221
474
+ "vllm/model_executor/layers/fused_moe/configs/E=16,N=1024,device_name=AMD_Instinct_MI300X.json",sha256=f3iM3xm8hGUirJ4ilAIPO6Pe9bs4sm3qaRKMswN9SKE,4731
475
+ "vllm/model_executor/layers/fused_moe/configs/E=16,N=1024,device_name=NVIDIA_B200,dtype=fp8_w8a8.json",sha256=Pux4G7sjfPL22uOJU6t35TXe-VU3OaoPA97TDj9_wZQ,3251
476
+ "vllm/model_executor/layers/fused_moe/configs/E=16,N=1024,device_name=NVIDIA_B200.json",sha256=he873aoOy7KfFg-uMoTFV4IP7Yk0Dk7mOTuLCTqwZZc,3250
477
+ "vllm/model_executor/layers/fused_moe/configs/E=16,N=1024,device_name=NVIDIA_H100.json",sha256=Bq57MPQXuSib06u6OwiEmSzOr3XvPYoD6ohYDJaBnII,3244
478
+ "vllm/model_executor/layers/fused_moe/configs/E=16,N=1024,device_name=NVIDIA_H200,dtype=fp8_w8a8.json",sha256=95zLafBGPI4zCLqdsIjH7mgblYiBBTzGCItFRtKiQQw,2749
479
+ "vllm/model_executor/layers/fused_moe/configs/E=16,N=1024,device_name=NVIDIA_H200.json",sha256=h63zG698KnzeDHL20MfxJ3cKiROnBd7GVZ-a6WgbcCw,2738
480
+ "vllm/model_executor/layers/fused_moe/configs/E=16,N=1344,device_name=NVIDIA_A100-SXM4-40GB.json",sha256=pCCKkdUzzuBVtljyk7AEIAbeDf12DUiieXaODZXzm5E,3254
481
+ "vllm/model_executor/layers/fused_moe/configs/E=16,N=1344,device_name=NVIDIA_A100-SXM4-80GB.json",sha256=trX2-c4N6hTTD6zFNi6A2bT3FkhxKjkM2rPl-o1K9ss,3250
482
+ "vllm/model_executor/layers/fused_moe/configs/E=16,N=1344,device_name=NVIDIA_H100_80GB_HBM3.json",sha256=I4d56uD7E1JMXD9RAxq3FebdPquDsnNEkVaIY9Ctm9w,3246
483
+ "vllm/model_executor/layers/fused_moe/configs/E=16,N=14336,device_name=NVIDIA_A100-SXM4-80GB,dtype=int8_w8a16.json",sha256=ypuAxMQ7JESPXLBltt68wly2wTrJzlnobhUMip6xAmc,2751
484
+ "vllm/model_executor/layers/fused_moe/configs/E=16,N=14336,device_name=NVIDIA_A100-SXM4-80GB.json",sha256=tUptlureu5QgyAEedtx5sm7CFudXAE6fIXepOb9gfas,2745
485
+ "vllm/model_executor/layers/fused_moe/configs/E=16,N=14336,device_name=NVIDIA_H100_80GB_HBM3,dtype=int8_w8a16.json",sha256=HUWDnLXTE_gHIeMSNJtgxrx5QK3ctTZYRtNim1TJUYg,2750
486
+ "vllm/model_executor/layers/fused_moe/configs/E=16,N=1792,device_name=NVIDIA_A100-SXM4-80GB,dtype=int8_w8a16.json",sha256=h57svdmDlZC_D8w9XWjPRS8ciYVkJiPEYfhrD2NRVVY,4127
487
+ "vllm/model_executor/layers/fused_moe/configs/E=16,N=1792,device_name=NVIDIA_A100-SXM4-80GB.json",sha256=JmXhUnhX6YOy8RsmT0zFLGyNCpRBPV2q2Db9Y9ctZeE,4144
488
+ "vllm/model_executor/layers/fused_moe/configs/E=16,N=1792,device_name=NVIDIA_H100_80GB_HBM3,dtype=int8_w8a16.json",sha256=k7JkvPualha73fUM4GeVI822m-Zfl0P1c8DIw2b4R5A,3253
489
+ "vllm/model_executor/layers/fused_moe/configs/E=16,N=1792,device_name=NVIDIA_H100_80GB_HBM3.json",sha256=vvf0vmcIHMqctQ_X8j1LqlmkuImr46rDUCnl-apb6r0,3039
490
+ "vllm/model_executor/layers/fused_moe/configs/E=16,N=2048,device_name=NVIDIA_H200,dtype=fp8_w8a8.json",sha256=_4U3pXWYERfwF0Ig8UTSCmeEI1vKH2irHMEBov6ZNqA,2751
491
+ "vllm/model_executor/layers/fused_moe/configs/E=16,N=2048,device_name=NVIDIA_H200.json",sha256=Lc8Wquo4hmXGkUq_HCxkxW1fzDnvE6jHZSEc28-i7lA,2741
492
+ "vllm/model_executor/layers/fused_moe/configs/E=16,N=2688,device_name=NVIDIA_A100-SXM4-80GB.json",sha256=G4PKqWxh0MlBhg7QHKj0m--_fP3Ll0gs7VJaeg-NIDM,3254
493
+ "vllm/model_executor/layers/fused_moe/configs/E=16,N=2688,device_name=NVIDIA_H100_80GB_HBM3.json",sha256=bKX9AvcxN6k-i3RUmHSchZZ3rjoYRYb4iBqhCI4L3MY,3257
494
+ "vllm/model_executor/layers/fused_moe/configs/E=16,N=3072,device_name=NVIDIA_A100-SXM4-80GB,dtype=int8_w8a16.json",sha256=bWR6XBZ4nJ_ROg8rEgrQGc04I3BDbwILDHMZxATO-H4,2740
495
+ "vllm/model_executor/layers/fused_moe/configs/E=16,N=3072,device_name=NVIDIA_H100_80GB_HBM3,dtype=float8.json",sha256=iUuPfTcmuEDLjHm-lUfJp_-b0mhnf1_RxRglKLJ83Jk,3259
496
+ "vllm/model_executor/layers/fused_moe/configs/E=16,N=3072,device_name=NVIDIA_H100_80GB_HBM3,dtype=int8_w8a16.json",sha256=AP6-GeoO8OtIcGA2kvJseui10HsvmFSjg5bHAaZ_aQ4,2753
497
+ "vllm/model_executor/layers/fused_moe/configs/E=16,N=3072,device_name=NVIDIA_H200,dtype=int8_w8a16.json",sha256=KVACMsHRnkumqwKwAGIFFvogtqoPZ7XC6iM5KOZD6uU,3248
498
+ "vllm/model_executor/layers/fused_moe/configs/E=16,N=3200,device_name=NVIDIA_H100_80GB_HBM3,dtype=fp8_w8a8.json",sha256=_9HO7SaR6aQeh6vqCDpo3kjHnGJ9BVKLiMwYYgd3SmQ,2913
499
+ "vllm/model_executor/layers/fused_moe/configs/E=16,N=3584,device_name=NVIDIA_A100-SXM4-80GB,dtype=int8_w8a16.json",sha256=2ONiQSa9odzdPe1dIgBpP24l5z-5wB1eos06xOj0V_Q,2738
500
+ "vllm/model_executor/layers/fused_moe/configs/E=16,N=3584,device_name=NVIDIA_A100-SXM4-80GB.json",sha256=Twkm9DVNxijpowfvioJ_4cKwIIlAWdyNWO9TA3gxAHs,4149
501
+ "vllm/model_executor/layers/fused_moe/configs/E=16,N=3584,device_name=NVIDIA_H100_80GB_HBM3,dtype=int8_w8a16.json",sha256=1xLr3PpmuUJD912yjzGoMmgvJQlazSao0V4f8nIJBT8,3254
502
+ "vllm/model_executor/layers/fused_moe/configs/E=16,N=6400,device_name=NVIDIA_H100_80GB_HBM3,dtype=fp8_w8a8.json",sha256=THQWP1o2bWhnJh0rq3ZIVvs_sagIJgoK4x3pJbiFbHk,2910
503
+ "vllm/model_executor/layers/fused_moe/configs/E=16,N=7168,device_name=NVIDIA_A100-SXM4-80GB,dtype=int8_w8a16.json",sha256=o1pR3rNpO1eW4BHOKpPIQLjviw4P2X5Fr4HQBcdHA-I,2747
504
+ "vllm/model_executor/layers/fused_moe/configs/E=16,N=7168,device_name=NVIDIA_A100-SXM4-80GB.json",sha256=iySqae0zI_PRBLqV-vfSCwDS4Jxcl5QjWa2NnhndL0U,2752
505
+ "vllm/model_executor/layers/fused_moe/configs/E=16,N=7168,device_name=NVIDIA_H100_80GB_HBM3,dtype=float8.json",sha256=tDqh_env5r2Z3r9WLMH8fJ1oCGb83L7RrHk2eoH02-M,3258
506
+ "vllm/model_executor/layers/fused_moe/configs/E=16,N=7168,device_name=NVIDIA_H100_80GB_HBM3,dtype=int8_w8a16.json",sha256=Ha6zrvORRUe8TH4DmVVnHKQIbxX6BnUmPER5rtWJz-U,2748
507
+ "vllm/model_executor/layers/fused_moe/configs/E=16,N=800,device_name=NVIDIA_H100_80GB_HBM3,dtype=fp8_w8a8.json",sha256=ydsFUdXdVE_ZSScVhUxvxOFwKG-nkTraNeN69wqzxIM,2903
508
+ "vllm/model_executor/layers/fused_moe/configs/E=160,N=192,device_name=AMD_Instinct_MI300X.json",sha256=AFLeub_dwZHc4qEtvkQW03mfG9fdgeuqTTiP4qC8i1M,4767
509
+ "vllm/model_executor/layers/fused_moe/configs/E=160,N=192,device_name=AMD_Instinct_MI350_OAM,dtype=fp8_w8a8.json",sha256=RmeFztUNysKjmg89emtghZlGWl9uKqmlMupww44Q4j4,3735
510
+ "vllm/model_executor/layers/fused_moe/configs/E=160,N=192,device_name=NVIDIA_A800-SXM4-80GB.json",sha256=TtDngG7ljrU5RtWZ7g-xxdBT3uEuawiKhP8EwPr97XM,3254
511
+ "vllm/model_executor/layers/fused_moe/configs/E=160,N=192,device_name=NVIDIA_H20-3e.json",sha256=u09XGUdUQqSDasrUgOQeu7ydp5ft5US1oSM0iT-BT3M,3235
512
+ "vllm/model_executor/layers/fused_moe/configs/E=160,N=192,device_name=NVIDIA_H200,dtype=fp8_w8a8.json",sha256=UVpaplev1WCtwa80V-InUtof7OuHfe9owQthaTfqK80,3299
513
+ "vllm/model_executor/layers/fused_moe/configs/E=160,N=320,device_name=NVIDIA_H20-3e.json",sha256=JBO_l8hfxCbiQ_PvoqS3Xxqlz9i5PP7QFfXjGKLf7bw,3237
514
+ "vllm/model_executor/layers/fused_moe/configs/E=160,N=384,device_name=AMD_Instinct_MI300X,dtype=fp8_w8a8.json",sha256=Hjpi5BF5UjT0R0uuluIeZMWihlAM9zyWdV5Y2BJu0_w,3730
515
+ "vllm/model_executor/layers/fused_moe/configs/E=160,N=384,device_name=AMD_Instinct_MI350_OAM,dtype=fp8_w8a8.json",sha256=KudLj1Md-XBFWsivs_7aGg-UQno7H6tzxyYqHQKoNg0,3734
516
+ "vllm/model_executor/layers/fused_moe/configs/E=160,N=384,device_name=AMD_Instinct_MI355_OAM,dtype=fp8_w8a8.json",sha256=6QmGz-7RZzAT1-XS2twHGAbEpjm2Tpkn7qjfBMqm76g,3736
517
+ "vllm/model_executor/layers/fused_moe/configs/E=160,N=640,device_name=NVIDIA_B200,dtype=fp8_w8a8,block_shape=[128,128].json",sha256=_HrEta1vlWll_2c0v6RpEIUQirMD1QaOMU81VaJh9Nc,3254
518
+ "vllm/model_executor/layers/fused_moe/configs/E=160,N=640,device_name=NVIDIA_GB200,dtype=fp8_w8a8,block_shape=[128,128].json",sha256=HvSQqJi8Lb7NBGmvp9YeF8k3nB0t94DJ-LvCX6Spjyk,3255
519
+ "vllm/model_executor/layers/fused_moe/configs/E=160,N=640,device_name=NVIDIA_H100,dtype=fp8_w8a8,block_shape=[128,128].json",sha256=EZV3ffICZEq6X16UNFpHL7kOuV_qmj1L8fJu_F1c-DM,3260
520
+ "vllm/model_executor/layers/fused_moe/configs/E=20,N=1536,device_name=NVIDIA_RTX_PRO_6000_Blackwell_Server_Edition,dtype=fp8_w8a8.json",sha256=JrbI8lzY5deo9Lx1rw7noHf1jzPcOv9vcni__wDnZ5E,3288
521
+ "vllm/model_executor/layers/fused_moe/configs/E=20,N=2560,device_name=NVIDIA_B200,dtype=fp8_w8a8,block_shape=[128,128].json",sha256=rKQwdgkictjg9DjBFVzHq9LOMlX_Ul27jllTABjaUtU,3252
522
+ "vllm/model_executor/layers/fused_moe/configs/E=20,N=2560,device_name=NVIDIA_GB200,dtype=fp8_w8a8,block_shape=[128,128].json",sha256=qKcB2Ka8jkahKCNF215Ec6rCoy31OrElDL1ZHNgCs3M,3252
523
+ "vllm/model_executor/layers/fused_moe/configs/E=20,N=2560,device_name=NVIDIA_H100,dtype=fp8_w8a8,block_shape=[128,128].json",sha256=K1aeYxtOM4niB6auzCEBVudmKIKNzHPjMoFeQt_KD-A,3263
524
+ "vllm/model_executor/layers/fused_moe/configs/E=20,N=2560,device_name=NVIDIA_H20-3e,dtype=fp8_w8a8,block_shape=[128,128].json",sha256=rtOl3v_tR1iCF-Em0KihtLFzK5qLtndPK-jKCERLbNg,3264
525
+ "vllm/model_executor/layers/fused_moe/configs/E=256,N=1024,device_name=AMD_Instinct_MI325X,block_shape=[128,128].json",sha256=fT7fwjuit4HbbyREYV3ECJ9Rm88FW-V54e27nG9nA_Q,4741
526
+ "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",sha256=fT7fwjuit4HbbyREYV3ECJ9Rm88FW-V54e27nG9nA_Q,4741
527
+ "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",sha256=HNvrgcXxV-eVMLwb7zY_R5KgJ7uBz-YIyQsKq1lWnWA,3263
528
+ "vllm/model_executor/layers/fused_moe/configs/E=256,N=128,device_name=NVIDIA_A100-SXM4-80GB,dtype=int8_w8a8.json",sha256=bHJEVy-CeImiY9JBRCMlHfHPAUi5xO7ENxgVVboN2Yo,3258
529
+ "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",sha256=PnNmKSRFznCIUzZ4ZfaYTrMHeF2_kCQr4_bsEy_9Zu8,3259
530
+ "vllm/model_executor/layers/fused_moe/configs/E=256,N=128,device_name=NVIDIA_A800-SXM4-80GB,dtype=int8_w8a8.json",sha256=0Vlxxzp4wrvkFj-NF4OAsJAaPkm-hhisJg0tgNl-W9g,3254
531
+ "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",sha256=0aSYzpv_cBAlpWCPrfGgNTCfae1KdKQnT56E8XFQl7A,3262
532
+ "vllm/model_executor/layers/fused_moe/configs/E=256,N=128,device_name=NVIDIA_H20,dtype=fp8_w8a8,block_shape=[128,128].json",sha256=Lqom_VMIPduSZTZQdeL2Wl_x3r9q6RmI9bojJrYwQZ4,3255
533
+ "vllm/model_executor/layers/fused_moe/configs/E=256,N=128,device_name=NVIDIA_L20Y,dtype=fp8_w8a8,block_shape=[128,128].json",sha256=fd2p65T9OboKIgw7MQc4IdKaJsoO73Nu3VQiKjV6Ffk,3261
534
+ "vllm/model_executor/layers/fused_moe/configs/E=256,N=256,device_name=AMD_Instinct_MI300X,dtype=fp8_w8a8,block_shape=[128,128].json",sha256=FUGuYbs_QhqKfErofvbTUplhAVN465A7NR_-ryXvebE,3741
535
+ "vllm/model_executor/layers/fused_moe/configs/E=256,N=256,device_name=AMD_Instinct_MI325X,dtype=fp8_w8a8,block_shape=[128,128].json",sha256=bpDPbTyrXLyCSy-o0diveVVeVUF_xj-fdSzCzWmEcKA,4733
536
+ "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",sha256=bpDPbTyrXLyCSy-o0diveVVeVUF_xj-fdSzCzWmEcKA,4733
537
+ "vllm/model_executor/layers/fused_moe/configs/E=256,N=256,device_name=NVIDIA_B200,dtype=fp8_w8a8,block_shape=[128,128].json",sha256=skSJdv0Pr4rba5ODxp-fHZ6dpxn8KkvACGzNf74j81I,3257
538
+ "vllm/model_executor/layers/fused_moe/configs/E=256,N=256,device_name=NVIDIA_H20,dtype=fp8_w8a8,block_shape=[128,128].json",sha256=wMt0NyoRSdACdmS1Qi3qFiu6GiFX-4lVvbGEno1W4zE,3252
539
+ "vllm/model_executor/layers/fused_moe/configs/E=256,N=256,device_name=NVIDIA_H20,dtype=int8_w8a8,block_shape=[128,128].json",sha256=mtm7RgEBEJJkHsOis9BtAFo1OCk3vBbt7l7eumDzd7k,3263
540
+ "vllm/model_executor/layers/fused_moe/configs/E=256,N=256,device_name=NVIDIA_H20-3e,dtype=fp8_w8a8,block_shape=[128,128].json",sha256=kfEjBrcwt21QRzimrgY_SQ0syJVJzx0AcWQcKQ3j5sQ,3254
541
+ "vllm/model_executor/layers/fused_moe/configs/E=256,N=256,device_name=NVIDIA_H200,dtype=fp8_w8a8,block_shape=[128,128].json",sha256=Vz1g-YtTWcv573EYaR7LzhJlRyonaMsHPT2MMjuRJ9k,3270
542
+ "vllm/model_executor/layers/fused_moe/configs/E=256,N=256,device_name=NVIDIA_L20,dtype=fp8_w8a8,block_shape=[128,128].json",sha256=JnqtO0t2HBcQECdYavi18mu9_MwblGr4zfRcW4zU7_c,3265
543
+ "vllm/model_executor/layers/fused_moe/configs/E=256,N=384,device_name=NVIDIA_H100_80GB_HBM3,dtype=fp8_w8a8,block_shape=[128,128].json",sha256=b9odBjWC1mjQRIIZIFV8UPMTVE4axTP8vkmOXfdUids,3296
544
+ "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",sha256=bpDPbTyrXLyCSy-o0diveVVeVUF_xj-fdSzCzWmEcKA,4733
545
+ "vllm/model_executor/layers/fused_moe/configs/E=256,N=512,device_name=NVIDIA_H100_80GB_HBM3.json",sha256=l8y606GTM4Xnd9CBdhjt7LuA_1KLQS41PInHKNfZAZM,3242
546
+ "vllm/model_executor/layers/fused_moe/configs/E=256,N=64,device_name=NVIDIA_A800-SXM4-80GB.json",sha256=rVORXxNsxy4WmO5SJR8Sd4k7vozKqhYf50wZNCMeQzs,3239
547
+ "vllm/model_executor/layers/fused_moe/configs/E=32,N=1408,device_name=NVIDIA_B200.json",sha256=PoVwSGuqyF_0DrRTrggdmlfhUn2dmSbc-pP4PjMEF4k,3278
548
+ "vllm/model_executor/layers/fused_moe/configs/E=32,N=2048,device_name=NVIDIA_B200,dtype=fp8_w8a8,block_shape=[128,128].json",sha256=r0vxILYelmq7KarzO-3yjv9fA0Z4ORzCo7u_UgWbdXQ,3292
549
+ "vllm/model_executor/layers/fused_moe/configs/E=32,N=2048,device_name=NVIDIA_H200,dtype=fp8_w8a8,block_shape=[128,128].json",sha256=IOYqUudflMQ7PBGNxFYihtuVqb-J4eVp5BmL_OnIFS4,3287
550
+ "vllm/model_executor/layers/fused_moe/configs/E=384,N=128,device_name=NVIDIA_B200,dtype=fp8_w8a8,block_shape=[128,128].json",sha256=ZvsFOizI7EY5V_V5gdjyTgbdJfeKrbxhISxcppSfduo,3255
551
+ "vllm/model_executor/layers/fused_moe/configs/E=384,N=128,device_name=NVIDIA_GB200,dtype=fp8_w8a8,block_shape=[128,128].json",sha256=1XFStvhg3yV7cMwJcpbLfaCY2B3nqZNrJgohJn0ma5g,3254
552
+ "vllm/model_executor/layers/fused_moe/configs/E=384,N=128,device_name=NVIDIA_H200,dtype=fp8_w8a8,block_shape=[128,128].json",sha256=iXoa10iZi9EQ5jAiMIu3hCemsvjiWVBtn4rKVarVCCA,3256
553
+ "vllm/model_executor/layers/fused_moe/configs/E=384,N=256,device_name=NVIDIA_B200,dtype=fp8_w8a8,block_shape=[128,128].json",sha256=BdVjlDZWnX6_rduBTQWfc6Gb4o9z8JRlI5XF00CnJC8,3255
554
+ "vllm/model_executor/layers/fused_moe/configs/E=384,N=256,device_name=NVIDIA_GB200,dtype=fp8_w8a8,block_shape=[128,128].json",sha256=KPI0AqxGlxtJ18tj-NiFjBleS_ihwmLSt5pg3GXGJ-c,3255
555
+ "vllm/model_executor/layers/fused_moe/configs/E=40,N=1536,device_name=NVIDIA_B200,dtype=fp8_w8a8.json",sha256=pwoiPdk-veNV7Um7os7sG5UrRjKgOsbyxMfQG4z4r9g,3285
556
+ "vllm/model_executor/layers/fused_moe/configs/E=40,N=2560,device_name=NVIDIA_B200,dtype=fp8_w8a8,block_shape=[128,128].json",sha256=S3nHQ7okmQlkuz7gQnHmZWcQQnFDacB4Lz1isbdZ49k,3258
557
+ "vllm/model_executor/layers/fused_moe/configs/E=40,N=2560,device_name=NVIDIA_GB200,dtype=fp8_w8a8,block_shape=[128,128].json",sha256=86ajYfCiq1urzJxcPrvyx884njCMKizCrS6hfx69WPM,3252
558
+ "vllm/model_executor/layers/fused_moe/configs/E=40,N=2560,device_name=NVIDIA_H100,dtype=fp8_w8a8,block_shape=[128,128].json",sha256=86HDa0gqUZkPaOJLmuax-j-HBC7t5P48NuKMpH5Uj3g,3262
559
+ "vllm/model_executor/layers/fused_moe/configs/E=512,N=128,device_name=NVIDIA_A100-SXM4-80GB.json",sha256=qZgSX927zWhvdQc7KjSBZt-Wk11LTwFIK8UtEU9AFJM,3274
560
+ "vllm/model_executor/layers/fused_moe/configs/E=512,N=128,device_name=NVIDIA_B200.json",sha256=NBj9yhhUWHpNcvwYhPtBKEn1It7BbrnRMRN6Ji2Iazo,3234
561
+ "vllm/model_executor/layers/fused_moe/configs/E=512,N=128,device_name=NVIDIA_GB200,dtype=fp8_w8a8.json",sha256=XP1z8IdGklVXVkMIbCtAzWj8nUz65GIZaqZvBvD7v4M,3242
562
+ "vllm/model_executor/layers/fused_moe/configs/E=512,N=128,device_name=NVIDIA_H100_80GB_HBM3.json",sha256=7FM4MDavNVOcEOFldsZs5H-E5O6EIAHDY9n-aiLY_Kg,3238
563
+ "vllm/model_executor/layers/fused_moe/configs/E=512,N=128,device_name=NVIDIA_H20-3e.json",sha256=DaChAo79RafXGjpAOeO1CQ9DazPk7Vazb5bAEyDOYSA,3233
564
+ "vllm/model_executor/layers/fused_moe/configs/E=512,N=128,device_name=NVIDIA_H200.json",sha256=BB3qPMREaACzWHmhvcETQHLDYGX7GXTKr1E5cm29uC0,3235
565
+ "vllm/model_executor/layers/fused_moe/configs/E=512,N=256,device_name=NVIDIA_B200.json",sha256=0avMzgfoHRzULbxIdzI1SVCWUSBP10kKvxy-3Mv_y_M,3243
566
+ "vllm/model_executor/layers/fused_moe/configs/E=512,N=256,device_name=NVIDIA_GB200,dtype=fp8_w8a8.json",sha256=yIEwME0J6ZNfGq13Vj7OA9DmUyKdFZzFj8uaLVb2Yp8,3246
567
+ "vllm/model_executor/layers/fused_moe/configs/E=512,N=256,device_name=NVIDIA_H100_80GB_HBM3,dtype=fp8_w8a8,block_shape=[128,128].json",sha256=YopFXEwMf6qpCwrQ5OdJtGVsDvvaQFUcEuGGIFvmS4w,3286
568
+ "vllm/model_executor/layers/fused_moe/configs/E=512,N=256,device_name=NVIDIA_H100_80GB_HBM3.json",sha256=pnK1HQ2B5ECqCBolRa5Yb4qAClVoJ2pidBnPy3GBLeY,3244
569
+ "vllm/model_executor/layers/fused_moe/configs/E=512,N=256,device_name=NVIDIA_H20-3e.json",sha256=q5AAAH8gIaU--3mXhSF1VdFTFHNAy5c-gUvYcm9qhEg,3235
570
+ "vllm/model_executor/layers/fused_moe/configs/E=512,N=256,device_name=NVIDIA_H200.json",sha256=he8rleYTT40kpshJW1FsdiyR0nRU367CqytS-9-UZNs,3243
571
+ "vllm/model_executor/layers/fused_moe/configs/E=512,N=512,device_name=NVIDIA_B200.json",sha256=LcMD2JddiX488ddRCsh0cXaf3my0VT0IweqQDyTWZwc,3245
572
+ "vllm/model_executor/layers/fused_moe/configs/E=512,N=512,device_name=NVIDIA_GB200,dtype=fp8_w8a8.json",sha256=44VdfyrLo-gl23cMeSqSfoGrsqWcjv5-lXwU5y5spE8,3250
573
+ "vllm/model_executor/layers/fused_moe/configs/E=512,N=512,device_name=NVIDIA_H100_80GB_HBM3.json",sha256=SyMqNl2wL11cbj95x14YynB4YwyQlaOf1yPPIK0jcJQ,3249
574
+ "vllm/model_executor/layers/fused_moe/configs/E=512,N=512,device_name=NVIDIA_H20-3e.json",sha256=npr855kvWlHILzi5M0sjYjofPAO9bf6WCF2oZZ4u3to,3236
575
+ "vllm/model_executor/layers/fused_moe/configs/E=512,N=512,device_name=NVIDIA_H200.json",sha256=xR_v4wy8_ae9fGyuTnhWY0d29NwC9ChPKvdCK5_PS2Y,3244
576
+ "vllm/model_executor/layers/fused_moe/configs/E=512,N=64,device_name=NVIDIA_A100-SXM4-80GB.json",sha256=9M3IlMbbIrCvfhQQHsY08NAOoaR8pdd57E30JYPKlRk,3264
577
+ "vllm/model_executor/layers/fused_moe/configs/E=512,N=64,device_name=NVIDIA_B200.json",sha256=femFBZsNptZ6DlQ32dpBu4zhFxaG-kcs4MFPTxipui0,3234
578
+ "vllm/model_executor/layers/fused_moe/configs/E=512,N=64,device_name=NVIDIA_H20-3e.json",sha256=iVnryOC43Rirq38PwPxzIHrWvf6pA4wHZtf1HOgGtlI,3232
579
+ "vllm/model_executor/layers/fused_moe/configs/E=512,N=64,device_name=NVIDIA_H200.json",sha256=K1HkIsowgSbvwtAppZZPudYIIni_waoSxDkARTCEQso,3238
580
+ "vllm/model_executor/layers/fused_moe/configs/E=60,N=1408,device_name=AMD_Instinct_MI300X.json",sha256=4UXbsSNHmrSWnD85SdRMLp4cFGRufndzJjB6hoQPclU,4736
581
+ "vllm/model_executor/layers/fused_moe/configs/E=60,N=176,device_name=AMD_Instinct_MI300X.json",sha256=p6TKUp-KDeLB9E9LqThR1e7J2-ogSXPJojISdHgCxaY,4727
582
+ "vllm/model_executor/layers/fused_moe/configs/E=60,N=352,device_name=AMD_Instinct_MI300X.json",sha256=gHxtmO_uvpueLVlsJgXBVE3_pS1S9EeRxNmHG_ZQszg,4729
583
+ "vllm/model_executor/layers/fused_moe/configs/E=60,N=704,device_name=AMD_Instinct_MI300X.json",sha256=tVdpbIU1scsylx6oz3IADhkcwvZaNqw-_QVb7a6oVX8,4732
584
+ "vllm/model_executor/layers/fused_moe/configs/E=62,N=128,device_name=AMD_Instinct_MI300X.json",sha256=_Mn_3ZuKGqNnXtcUUZA0rr29c_lcp-b32uw57oYHgVM,4721
585
+ "vllm/model_executor/layers/fused_moe/configs/E=62,N=256,device_name=AMD_Instinct_MI300X.json",sha256=2eFdAHTU_YTTVad_OEcYZcSbtm5gtlHg4ChxU_v1a_k,4725
586
+ "vllm/model_executor/layers/fused_moe/configs/E=62,N=256,device_name=NVIDIA_H100_80GB_HBM3.json",sha256=sCmfFCa-I5Nft9ap-ScL0PVEKZFibkhtVslbFs_NLQ8,3234
587
+ "vllm/model_executor/layers/fused_moe/configs/E=62,N=512,device_name=AMD_Instinct_MI300X.json",sha256=kKu6HpksA-NKVS4CA2ivjlAQEshl1HEufQ0Qt-lTZGM,4732
588
+ "vllm/model_executor/layers/fused_moe/configs/E=62,N=512,device_name=NVIDIA_H100_80GB_HBM3.json",sha256=KmYAPOgz-2qn2c5lY8u9XRy8i8HNkmOR5m45TIuwt4s,3235
589
+ "vllm/model_executor/layers/fused_moe/configs/E=64,N=1280,device_name=NVIDIA_A100-SXM4-80GB.json",sha256=6QPLhZurIqcMVdy3w0Dd7gLViKxsyJRBz-qd8agpi6Q,3248
590
+ "vllm/model_executor/layers/fused_moe/configs/E=64,N=1280,device_name=NVIDIA_A800-SXM4-80GB.json",sha256=WPu80-OWyEJBy1hdnewLN1H1neFW8UVJrqyeDGegXc0,3250
591
+ "vllm/model_executor/layers/fused_moe/configs/E=64,N=1280,device_name=NVIDIA_H100_80GB_HBM3,dtype=fp8_w8a8.json",sha256=PaFLbT5ftJiiVSOVkq_DH01EcbIs0sBVkCd9PdYYmw4,3253
592
+ "vllm/model_executor/layers/fused_moe/configs/E=64,N=1280,device_name=NVIDIA_H100_80GB_HBM3.json",sha256=ozS2ECxk-Dsd4Y9DgCGGwDwJlCf5T20ANf5gnTUMuSc,3252
593
+ "vllm/model_executor/layers/fused_moe/configs/E=64,N=1280,device_name=NVIDIA_H200,dtype=fp8_w8a8.json",sha256=KEN6xt8pgPH_FbLT2fsAD4s03_V-Z9GXuEC4IKe3cPg,3262
594
+ "vllm/model_executor/layers/fused_moe/configs/E=64,N=1280,device_name=NVIDIA_H200.json",sha256=w18R3eHB4oUhfbcCXjHyDvp0RiDSeCrfM-VFESim2hQ,3253
595
+ "vllm/model_executor/layers/fused_moe/configs/E=64,N=1408,device_name=NVIDIA_B200.json",sha256=4MqYiUxVPLgkiaTl1vZ5Q5wCwsLYNp7O2-kbOSYmKjI,3277
596
+ "vllm/model_executor/layers/fused_moe/configs/E=64,N=1536,device_name=NVIDIA_H20,dtype=fp8_w8a8.json",sha256=Nm3LPD8JxBYGflI42Cy-xyxZlBLrGvVbnkf9NUmx92U,3250
597
+ "vllm/model_executor/layers/fused_moe/configs/E=64,N=2560,device_name=NVIDIA_H100_80GB_HBM3,dtype=fp8_w8a8.json",sha256=iz4W1UAV1fcz1ZFh4hNQSLJ_F1MdXW-V3msy7t0WrRM,3262
598
+ "vllm/model_executor/layers/fused_moe/configs/E=64,N=2560,device_name=NVIDIA_H200,dtype=fp8_w8a8.json",sha256=dYpKgvuG7Jji0W0zg_E9NfIojStBAdBcKd4B3nhimqk,3263
599
+ "vllm/model_executor/layers/fused_moe/configs/E=64,N=2560,device_name=NVIDIA_H200.json",sha256=CXiHlGpea5cEGmFi28Jec34uxEZITF2XldVFcJteZX0,3251
600
+ "vllm/model_executor/layers/fused_moe/configs/E=64,N=3072,device_name=NVIDIA_H20,dtype=fp8_w8a8.json",sha256=hLFfmEnpHDZlwBlx7TzfxbjCEywqHEuhjllVR7g9yMY,3259
601
+ "vllm/model_executor/layers/fused_moe/configs/E=64,N=3072,device_name=NVIDIA_H20.json",sha256=g3M9w0Noi3DyQB7fcr3jUM62_LKZvTwbY2GtzDGd9_o,3251
602
+ "vllm/model_executor/layers/fused_moe/configs/E=64,N=320,device_name=NVIDIA_H100_80GB_HBM3,dtype=fp8_w8a8.json",sha256=W1q4PfievvgJ_SiPsDhOsR0Q0eJKb4o8JZhMcVhC-_4,3264
603
+ "vllm/model_executor/layers/fused_moe/configs/E=64,N=320,device_name=NVIDIA_H100_80GB_HBM3.json",sha256=tku4-yTbIr0H5TNrm1Pq3tJJFYTXqHpdzJDSEF3bk9A,3238
604
+ "vllm/model_executor/layers/fused_moe/configs/E=64,N=320,device_name=NVIDIA_H200,dtype=fp8_w8a8.json",sha256=HJcV-Tzt-yojzNQkPCgi84B44F_RppXxOIicRyg20-U,3264
605
+ "vllm/model_executor/layers/fused_moe/configs/E=64,N=320,device_name=NVIDIA_H200.json",sha256=bM9g-XpirsThO3Q2x8ChSx3PPtHuHRXLvVMnTWt8jLI,3243
606
+ "vllm/model_executor/layers/fused_moe/configs/E=64,N=384,device_name=NVIDIA_H20,dtype=fp8_w8a8.json",sha256=9vB_5KLq88zBCNpyz6LE7qAo2eS_sgTNsOh6awGnjT0,3235
607
+ "vllm/model_executor/layers/fused_moe/configs/E=64,N=384,device_name=NVIDIA_H20.json",sha256=b6lqVlPt68GZ1wlYu3UtC6zkXnnnKwh4tKGltXNvTVY,3235
608
+ "vllm/model_executor/layers/fused_moe/configs/E=64,N=640,device_name=NVIDIA_A100-SXM4-80GB.json",sha256=oxOKFDrgmw1YmgxTtRa1uoe3p09ylTLrkj_jOTqNh1Q,3249
609
+ "vllm/model_executor/layers/fused_moe/configs/E=64,N=640,device_name=NVIDIA_A800-SXM4-80GB.json",sha256=-B6gZAEYLwMJZOnpO81pTxqs-YVKs_144Nn9BSLaMh0,3247
610
+ "vllm/model_executor/layers/fused_moe/configs/E=64,N=640,device_name=NVIDIA_GeForce_RTX_4090,dtype=fp8_w8a8.json",sha256=GPjPHicomrS7ntHu7nnvgNXcHCoUw9vhyTUewkXpppo,3252
611
+ "vllm/model_executor/layers/fused_moe/configs/E=64,N=640,device_name=NVIDIA_H100_80GB_HBM3,dtype=fp8_w8a8.json",sha256=ObHUCUAgHTnld8Cq9Dy1n3ilmbBzyNC4jZcz6YYhMXA,3264
612
+ "vllm/model_executor/layers/fused_moe/configs/E=64,N=640,device_name=NVIDIA_H100_80GB_HBM3.json",sha256=WegYsHl39QVlHu_4EZJSrgA4LQ5fYxSVNWFhoL6W2Rc,3251
613
+ "vllm/model_executor/layers/fused_moe/configs/E=64,N=640,device_name=NVIDIA_H200,dtype=fp8_w8a8.json",sha256=Hrlas0Nt7d3JMr1vTpI3OVgkzxqcRziSMfFf_U5pQ58,3267
614
+ "vllm/model_executor/layers/fused_moe/configs/E=64,N=640,device_name=NVIDIA_H200.json",sha256=J59rmqF8NQWkqmay__ahA3t3IwaPXNu5AVNLnTaDfYA,3252
615
+ "vllm/model_executor/layers/fused_moe/configs/E=64,N=768,device_name=NVIDIA_H100_PCIe,dtype=fp8_w8a8,block_shape=[128,128].json",sha256=d_tIZcrWnGVvgmXBpIbsFMAKKC9-1eP6nbZSqWgzOm8,3288
616
+ "vllm/model_executor/layers/fused_moe/configs/E=64,N=768,device_name=NVIDIA_H20,dtype=fp8_w8a8.json",sha256=0bH7NZ6VmBBycMus6v7sDXCXtort9awuEpttLLMTZms,3242
617
+ "vllm/model_executor/layers/fused_moe/configs/E=64,N=768,device_name=NVIDIA_H20.json",sha256=VptbMpckYKHKYMJZS-EaO9G0cSL6nciL9XyeHiZN4Fg,3237
618
+ "vllm/model_executor/layers/fused_moe/configs/E=64,N=896,device_name=NVIDIA_H20.json",sha256=GNbp4W4MBoHHN4-0sXJovY0lX6rHfZzGyKicrumupGQ,3225
619
+ "vllm/model_executor/layers/fused_moe/configs/E=64,N=8960,device_name=NVIDIA_H100_80GB_HBM3,dtype=bf16.json",sha256=AbwYfuQiAbPJb3Okwd-BCTWs2P2Ao9REEh2sFOkoMuo,1804
620
+ "vllm/model_executor/layers/fused_moe/configs/E=64,N=8960,device_name=NVIDIA_H100_80GB_HBM3,dtype=fp8_w8a8.json",sha256=FiUQOl86K_LlCd_RmJR3BpDM8whX07CE6Q-6pp1rR9w,1797
621
+ "vllm/model_executor/layers/fused_moe/configs/E=72,N=192,device_name=AMD_Instinct_MI300X.json",sha256=r36dUUfR5rv7yS_I8W56z99VAa8LIfaNRQko_97R14c,4720
622
+ "vllm/model_executor/layers/fused_moe/configs/E=72,N=384,device_name=AMD_Instinct_MI300X.json",sha256=XMMCswkzdQxVfOBDM0KXG_ryA9JnX4hFKhF2QspifsY,4724
623
+ "vllm/model_executor/layers/fused_moe/configs/E=72,N=384,device_name=NVIDIA_H100_80GB_HBM3.json",sha256=56iA4xNOSuaGWgz2Qg-NiROhpdoBMto4NVUnisUsyD8,3238
624
+ "vllm/model_executor/layers/fused_moe/configs/E=72,N=768,device_name=AMD_Instinct_MI300X.json",sha256=68SI7XVkxHS0k9ApTW1-nSnIqOtbe8rmatNexWRFyqU,4736
625
+ "vllm/model_executor/layers/fused_moe/configs/E=72,N=768,device_name=NVIDIA_H100_80GB_HBM3.json",sha256=ICdOnZoM8waiOVeVYP18QiPDSbtg9Q6yO-OrO0-2xtI,3242
626
+ "vllm/model_executor/layers/fused_moe/configs/E=8,N=14336,device_name=AMD_Instinct_MI300X,dtype=fp8_w8a8.json",sha256=X8FVPE7rLblDs_Dw_Iu-KDw9H7PaC417EHyVclYjfv8,3733
627
+ "vllm/model_executor/layers/fused_moe/configs/E=8,N=14336,device_name=AMD_Instinct_MI300X.json",sha256=FsIv5bqSpkWbxK2dBfg1N6tX9epZ55ZhgkJCD7hENlY,4733
628
+ "vllm/model_executor/layers/fused_moe/configs/E=8,N=14336,device_name=AMD_Instinct_MI325X,dtype=fp8_w8a8.json",sha256=CnjQX3SlQn6fIGsX6P_dbNO0TYgAd-sVUb1FfDcDFUo,3732
629
+ "vllm/model_executor/layers/fused_moe/configs/E=8,N=14336,device_name=AMD_Instinct_MI325X.json",sha256=fnO-v4YqBz0vUo0UtOTTD0n7VDG_ivczeQ1tR6Qm9f0,4734
630
+ "vllm/model_executor/layers/fused_moe/configs/E=8,N=14336,device_name=NVIDIA_H100_80GB_HBM3,dtype=fp8_w8a8.json",sha256=V_sgDtEtGEuBsGVa0maYJHhhGqe1NE7l-1ek2ed9WP8,3082
631
+ "vllm/model_executor/layers/fused_moe/configs/E=8,N=14336,device_name=NVIDIA_H200,dtype=fp8_w8a8.json",sha256=QaITFIJU4UsrOBXaGdPYJwTmYJ0nT9kiiqeUiZzvd1k,3270
632
+ "vllm/model_executor/layers/fused_moe/configs/E=8,N=14336,device_name=NVIDIA_H200.json",sha256=CC_jsMhXzrYne7eIOroDa0fCBKNnffiaVW2TKd4P-ek,3260
633
+ "vllm/model_executor/layers/fused_moe/configs/E=8,N=16384,device_name=AMD_Instinct_MI300X,dtype=fp8_w8a8.json",sha256=LgHbxG1kQV36zZPkJcnurHYzwAjMh04lvEHEsfzS1t0,3732
634
+ "vllm/model_executor/layers/fused_moe/configs/E=8,N=16384,device_name=AMD_Instinct_MI300X.json",sha256=_fcdkmWvdMqHiH8ZAGke-zXhH7qVPQx5CmKELW5hRCA,4735
635
+ "vllm/model_executor/layers/fused_moe/configs/E=8,N=16384,device_name=AMD_Instinct_MI325X,dtype=fp8_w8a8.json",sha256=mVH8Rl4sLATinf7_0A9lTS83kv1E7Cm9oC0BL-pc9n4,3732
636
+ "vllm/model_executor/layers/fused_moe/configs/E=8,N=16384,device_name=AMD_Instinct_MI325X.json",sha256=JKYW21c0CzR0fgE5ZnYp6C1sY_tVRlm8L_lgak5V5zE,4736
637
+ "vllm/model_executor/layers/fused_moe/configs/E=8,N=1792,device_name=AMD_Instinct_MI300X,dtype=fp8_w8a8.json",sha256=yTf2R9cngSf4OafucAYlDDn4-bftaMFKaY7qhaBZPqQ,3739
638
+ "vllm/model_executor/layers/fused_moe/configs/E=8,N=1792,device_name=AMD_Instinct_MI300X.json",sha256=_1eVE7ok935L2V43-3D3bVNWSVaoViia19sh0VrXmXM,4735
639
+ "vllm/model_executor/layers/fused_moe/configs/E=8,N=1792,device_name=AMD_Instinct_MI325X,dtype=fp8_w8a8.json",sha256=5exlPUKvZxGDR0UT4_Dn5fp-_ZETJ6_Dbw_Vk1u8bbE,3735
640
+ "vllm/model_executor/layers/fused_moe/configs/E=8,N=1792,device_name=AMD_Instinct_MI325X.json",sha256=18v6YruKbQ95pXPV8ocV4VdM1zNw3aZFp3WByeUkNSM,4736
641
+ "vllm/model_executor/layers/fused_moe/configs/E=8,N=1792,device_name=NVIDIA_A100-SXM4-40GB.json",sha256=AffDc0_51ML8HiA3757zbD10TZJdUsUDIYIqO4g0yUw,3250
642
+ "vllm/model_executor/layers/fused_moe/configs/E=8,N=1792,device_name=NVIDIA_A100-SXM4-80GB.json",sha256=IEYBNjt9HGnzoOVSWvL0A0jUqq926QD0_BvVYR4RA1Y,3252
643
+ "vllm/model_executor/layers/fused_moe/configs/E=8,N=1792,device_name=NVIDIA_H100_80GB_HBM3.json",sha256=Ns9Y12aZbJnFhcG3nwb67bDqqiQAo9tdTAIe8K2Ajz4,3255
644
+ "vllm/model_executor/layers/fused_moe/configs/E=8,N=1792,device_name=NVIDIA_H200,dtype=fp8_w8a8.json",sha256=uGSLFPZXK_JQ3GTDUAEiIecDor1yjbC3bJvMolF0Xl8,3267
645
+ "vllm/model_executor/layers/fused_moe/configs/E=8,N=1792,device_name=NVIDIA_H200.json",sha256=8q6ol5JQBWj6yVfzFOn7Gz5MSXTaW9javL7qQmYVOwg,3245
646
+ "vllm/model_executor/layers/fused_moe/configs/E=8,N=2048,device_name=AMD_Instinct_MI300X,dtype=fp8_w8a8.json",sha256=6jRC0oOpVpq5c1xePFKNRy-Xtmb038i4LE9N2zao2W4,3730
647
+ "vllm/model_executor/layers/fused_moe/configs/E=8,N=2048,device_name=AMD_Instinct_MI300X.json",sha256=cFWeyNJtEbs-Bfohgzclxo1rcYGU863oV0BzJyQ4T0w,4734
648
+ "vllm/model_executor/layers/fused_moe/configs/E=8,N=2048,device_name=AMD_Instinct_MI325X,dtype=fp8_w8a8.json",sha256=SMtsqtQeqcyy8aNwl9hPxRvx_XQdT7I3SBDNJ3OIvwY,3728
649
+ "vllm/model_executor/layers/fused_moe/configs/E=8,N=2048,device_name=AMD_Instinct_MI325X.json",sha256=ZyOFJB6GUgGZsAjjT43XJwG8P-QrZ5yTvmgzQP7ThQY,4734
650
+ "vllm/model_executor/layers/fused_moe/configs/E=8,N=2048,device_name=NVIDIA_A100-SXM4-80GB.json",sha256=HOxWmCI2ifHmWc0or2y8nEen86jDeLDov1-tuMzuhxo,3256
651
+ "vllm/model_executor/layers/fused_moe/configs/E=8,N=2048,device_name=NVIDIA_H100_80GB_HBM3,dtype=fp8_w8a8.json",sha256=csHezh0HGWaNwrblGzMgcE95hqbqjWS8HImLRJYr_ts,3266
652
+ "vllm/model_executor/layers/fused_moe/configs/E=8,N=2048,device_name=NVIDIA_H100_80GB_HBM3.json",sha256=_5weLBinQCDzyV75hHKIT95Y0ce94KWft2_5BC6EkbQ,3254
653
+ "vllm/model_executor/layers/fused_moe/configs/E=8,N=2048,device_name=NVIDIA_H200,dtype=fp8_w8a8,block_shape=[128,128].json",sha256=BTpwe2RgMbzP9MTtbcJ16I1IAK0ghD0rauWEea8TOKE,3446
654
+ "vllm/model_executor/layers/fused_moe/configs/E=8,N=2048,device_name=NVIDIA_H200,dtype=fp8_w8a8.json",sha256=DlatRLPaSr8HJuO50gRZ2lzXoelx55EP3SDUdgIT2v4,3269
655
+ "vllm/model_executor/layers/fused_moe/configs/E=8,N=2048,device_name=NVIDIA_H200.json",sha256=TXSOoqvi-x8H13xPqrB9qz2T3opEGA-2D0v_4n5BEG4,3259
656
+ "vllm/model_executor/layers/fused_moe/configs/E=8,N=3584,device_name=AMD_Instinct_MI300X,dtype=fp8_w8a8.json",sha256=ro3drDpWAdeXH7IjMvx8wYGhIuDPOl0bpbJaIB5Msns,3732
657
+ "vllm/model_executor/layers/fused_moe/configs/E=8,N=3584,device_name=AMD_Instinct_MI300X.json",sha256=w_R2LL8k5jNVUARcqvSgGLvNoQiQC0Mh73ciqSIAz54,4734
658
+ "vllm/model_executor/layers/fused_moe/configs/E=8,N=3584,device_name=AMD_Instinct_MI325X,dtype=fp8_w8a8.json",sha256=hjDoTXRmEFLKhhmBFEjPowQus_z23ISonxFljql3c9k,3732
659
+ "vllm/model_executor/layers/fused_moe/configs/E=8,N=3584,device_name=AMD_Instinct_MI325X.json",sha256=AdOTy7ASetdAXUhNM8buoU8_rLLjcUYF0m8RGFrLWRo,4733
660
+ "vllm/model_executor/layers/fused_moe/configs/E=8,N=3584,device_name=NVIDIA_A100-SXM4-40GB.json",sha256=Ru460ZgnUP4U8OsJfwF8n-AI-gfcolNR3_qzoxG6DtY,3254
661
+ "vllm/model_executor/layers/fused_moe/configs/E=8,N=3584,device_name=NVIDIA_A100-SXM4-80GB.json",sha256=K6BGrKw_oHTAtHjsZldcjp-BUM1dIecKXrrRn9OpRGs,3254
662
+ "vllm/model_executor/layers/fused_moe/configs/E=8,N=3584,device_name=NVIDIA_GeForce_RTX_4090,dtype=fp8_w8a8.json",sha256=4aK_plqztXcJ-hs5_PsAvM0jclMzcO3hd3zTo0FhDro,3251
663
+ "vllm/model_executor/layers/fused_moe/configs/E=8,N=3584,device_name=NVIDIA_H100_80GB_HBM3,dtype=fp8_w8a8.json",sha256=qqFoMaObuO8pFWcSb9q0wYsdC4eSCO7B-_ruQhR1N9M,3264
664
+ "vllm/model_executor/layers/fused_moe/configs/E=8,N=3584,device_name=NVIDIA_H100_80GB_HBM3.json",sha256=-5nkLIunjG1ghPoUEtt2AXEQw9oGiilP7K3UvQv9CqE,3252
665
+ "vllm/model_executor/layers/fused_moe/configs/E=8,N=3584,device_name=NVIDIA_H200,dtype=fp8_w8a8.json",sha256=WKzddrIXo-KavpuXuouW3aLLAptu5Q4XJUb5K2PLgDM,3262
666
+ "vllm/model_executor/layers/fused_moe/configs/E=8,N=3584,device_name=NVIDIA_H200.json",sha256=ad1ZkkSyLJwRGb4Kf24qg5hW_DPmt0BXrKR85oAiV34,3257
667
+ "vllm/model_executor/layers/fused_moe/configs/E=8,N=3584,device_name=NVIDIA_L40S.json",sha256=qX5_yErBEwDRzhv2FvxrS3pEMa8zn0GHzLp5TUMX90g,3872
668
+ "vllm/model_executor/layers/fused_moe/configs/E=8,N=4096,device_name=AMD_Instinct_MI300X,dtype=fp8_w8a8.json",sha256=ysRCWmxV20K2BYD9XEUtxwREFGtA3QHI191vHRA0k_Q,3733
669
+ "vllm/model_executor/layers/fused_moe/configs/E=8,N=4096,device_name=AMD_Instinct_MI300X.json",sha256=L8VA1sfygHoyLJ-Ybfs8DP5c0YWFmMkwxHT8yJ9PEFM,4732
670
+ "vllm/model_executor/layers/fused_moe/configs/E=8,N=4096,device_name=AMD_Instinct_MI325X,dtype=fp8_w8a8.json",sha256=FJWpDLr13XF3hHiHfJykpjbLiP7Ccu2en3U6BL-QwXw,3732
671
+ "vllm/model_executor/layers/fused_moe/configs/E=8,N=4096,device_name=AMD_Instinct_MI325X.json",sha256=FnVcfzf5gXkQRt0XgsRzIQVbDPaUDOwWJX_9qOlyvRc,4731
672
+ "vllm/model_executor/layers/fused_moe/configs/E=8,N=4096,device_name=NVIDIA_A100-SXM4-80GB.json",sha256=DxYu8regZOSFu8ugFGA_QbwWK4g8xwQUZF9a_nNY4Cs,3255
673
+ "vllm/model_executor/layers/fused_moe/configs/E=8,N=4096,device_name=NVIDIA_H100_80GB_HBM3,dtype=fp8_w8a8.json",sha256=obzfE_9XgsbFNfC9biYOHxR-V_Bgc7PKT8qZZJaiJJc,3262
674
+ "vllm/model_executor/layers/fused_moe/configs/E=8,N=4096,device_name=NVIDIA_H100_80GB_HBM3.json",sha256=qwKy8oaMsd3QrXgQbM_x9xcfYiHK_Ou1CEwDPL5Gbgo,3259
675
+ "vllm/model_executor/layers/fused_moe/configs/E=8,N=4096,device_name=NVIDIA_H200,dtype=fp8_w8a8.json",sha256=qUifbWbE4cOKZbIHWmmLx68VRaslQX69eZHwRIQx-7I,3269
676
+ "vllm/model_executor/layers/fused_moe/configs/E=8,N=4096,device_name=NVIDIA_H200.json",sha256=JT-ZMLhAqqzSkqivOW5ATTKRlyyaFQkqQDnaPS4DE10,3262
677
+ "vllm/model_executor/layers/fused_moe/configs/E=8,N=7168,device_name=AMD_Instinct_MI300X,dtype=fp8_w8a8.json",sha256=QsR-Xr9vyuiArMTSo-dX-1DFgATfqwIGOzFuQJAuE_Y,3734
678
+ "vllm/model_executor/layers/fused_moe/configs/E=8,N=7168,device_name=AMD_Instinct_MI300X.json",sha256=EtVorGY4khTEuimlqZu0AAlPz84PH3ZkDZmVpxLtgQw,4735
679
+ "vllm/model_executor/layers/fused_moe/configs/E=8,N=7168,device_name=AMD_Instinct_MI325X,dtype=fp8_w8a8.json",sha256=D3wX0_s_ylo3nLIUfaWZmGYtMvX7oiieOLMdQ9k7mng,3734
680
+ "vllm/model_executor/layers/fused_moe/configs/E=8,N=7168,device_name=AMD_Instinct_MI325X.json",sha256=JPdO0azlh4yUvbpC9dEHYpRT11ELEr5LXBSb5XP4E_4,4735
681
+ "vllm/model_executor/layers/fused_moe/configs/E=8,N=7168,device_name=NVIDIA_A100-SXM4-80GB.json",sha256=BAJnXTZoewwCtzJLUPJ0oYuALv640MvDuLseGcsYaaw,3252
682
+ "vllm/model_executor/layers/fused_moe/configs/E=8,N=7168,device_name=NVIDIA_H100_80GB_HBM3,dtype=fp8_w8a8.json",sha256=-Tj7ImS6ZFDof_0VTyq7kVm8XD9B54RD6CUOPSf3Jjg,3265
683
+ "vllm/model_executor/layers/fused_moe/configs/E=8,N=7168,device_name=NVIDIA_H100_80GB_HBM3.json",sha256=tme0ydWzIxdABZLk4tU8G_X2dJUYGGZNkQzNGcmcvUc,3261
684
+ "vllm/model_executor/layers/fused_moe/configs/E=8,N=7168,device_name=NVIDIA_H200,dtype=fp8_w8a8.json",sha256=g6Ivy4wvadaCAMJ4ZElbUU-CwyTMdbaa49M7IVQhVjk,3273
685
+ "vllm/model_executor/layers/fused_moe/configs/E=8,N=7168,device_name=NVIDIA_H200.json",sha256=GstQosPPHUn_I2DV3eMGtn3xXOw6kl1hb8L0EvRsbEU,3261
686
+ "vllm/model_executor/layers/fused_moe/configs/E=8,N=8192,device_name=AMD_Instinct_MI300X,dtype=fp8_w8a8.json",sha256=kF4Fx0yHUmiMSLFNXT6xqAEA4AgCaHOoy_3irv4dNss,3732
687
+ "vllm/model_executor/layers/fused_moe/configs/E=8,N=8192,device_name=AMD_Instinct_MI300X.json",sha256=uOlVzTdJl_4VrRK4wmxIb8JKfveFZRjO9syjw_oEeL0,4732
688
+ "vllm/model_executor/layers/fused_moe/configs/E=8,N=8192,device_name=AMD_Instinct_MI325X,dtype=fp8_w8a8.json",sha256=plnx7r9jkcYXkhvapbeeNvUg3NMGdGsIgIPSrfVy2qU,3733
689
+ "vllm/model_executor/layers/fused_moe/configs/E=8,N=8192,device_name=AMD_Instinct_MI325X.json",sha256=UC-iTgh8_dUSXRaYHOIhDH31KOiJmcfqM_Bv_UBf3ks,4733
690
+ "vllm/model_executor/layers/fused_moe/configs/E=8,N=8192,device_name=NVIDIA_H100_80GB_HBM3,dtype=fp8_w8a8.json",sha256=sY2nWMPh9lsIkhPCjkHO245wpnfFbrHmzdcZDVFPVww,3265
691
+ "vllm/model_executor/layers/fused_moe/configs/E=8,N=8192,device_name=NVIDIA_H200,dtype=fp8_w8a8.json",sha256=WQLKugnKzlQ0avf1N-41lRHtG6wJ56DfVPv_nip6NBc,3273
692
+ vllm/model_executor/layers/fused_moe/configs/README,sha256=W2yIZkP9O8GGlg97We9BJfTtWUtPbuz5ZH3esrrjBX0,572
693
+ vllm/model_executor/layers/mamba/__init__.py,sha256=47DEQpj8HBSa-_TImW-5JCeuQeRkm5NMpJWZG3hSuFU,0
694
+ vllm/model_executor/layers/mamba/abstract.py,sha256=NCKMGO3DAB5RO17TV5kGfzKGVIb2_vb2PlU3jxv_cko,2433
695
+ vllm/model_executor/layers/mamba/linear_attn.py,sha256=jzyAKLuAjU95agGZE9pyZv61zK2XI5d-FxXucIWs_Rg,14397
696
+ vllm/model_executor/layers/mamba/mamba_mixer.py,sha256=WEpHWFpNlbrXEpZsW0RDRxtWeOn6uKZAB1423_bb7lw,19769
697
+ vllm/model_executor/layers/mamba/mamba_mixer2.py,sha256=FKfRbUklyWcBOn65jWCYD_w3zfuXc4EXXzp9QdDFOGs,37509
698
+ vllm/model_executor/layers/mamba/mamba_utils.py,sha256=UevD33ksJN7oTSto0uUpHUZQfv2EVmMMW8YQgtKuoFA,7511
699
+ vllm/model_executor/layers/mamba/short_conv.py,sha256=StCwhWpIuD3zp4qnHji6ew-KtkN-HjoRdXfNrnxoJTM,8442
700
+ vllm/model_executor/layers/mamba/ops/__init__.py,sha256=47DEQpj8HBSa-_TImW-5JCeuQeRkm5NMpJWZG3hSuFU,0
701
+ vllm/model_executor/layers/mamba/ops/causal_conv1d.py,sha256=q-isreyIw522evOyXtC2ij80eK4IyejfhsLOZxIu9P4,49540
702
+ vllm/model_executor/layers/mamba/ops/layernorm_gated.py,sha256=KA5JRI8jEStDEkN6U6dqaOBQSCWugxUelAhZISZyf7A,5228
703
+ vllm/model_executor/layers/mamba/ops/mamba_ssm.py,sha256=2p8EiFvJioR7UZstWpILoX-RBn6jeVpcsAOKspVNXzY,19746
704
+ vllm/model_executor/layers/mamba/ops/ssd_bmm.py,sha256=mlQ258Jsexnb5vHGh09YW0l-rF3SZM4H1R29o3hb2-s,6842
705
+ vllm/model_executor/layers/mamba/ops/ssd_chunk_scan.py,sha256=Yow2h10PSWWKvrwT3TRz7UZTCq--99j7MZToXN59aCc,15550
706
+ vllm/model_executor/layers/mamba/ops/ssd_chunk_state.py,sha256=6-0Dl2-frs5av7ra-H0xHWPupVaSo0Vex4d5vZVq41Q,24226
707
+ vllm/model_executor/layers/mamba/ops/ssd_combined.py,sha256=oKPphPh0wjU3XT3k5U2t9cHb4jDLuYzIQuWK9w0sOcs,7353
708
+ vllm/model_executor/layers/mamba/ops/ssd_state_passing.py,sha256=OWIEJ6WjdYHbX_7HRzhPt50oejUjvzhBTST6bQPhjas,5275
709
+ vllm/model_executor/layers/quantization/__init__.py,sha256=2gYfALFul_M0V4YTQxkFpQ6qEGA3Xa8IgUY9m_dDUWg,5714
710
+ vllm/model_executor/layers/quantization/auto_round.py,sha256=zXxPKBK_SghxULSckPl6Bun8LpT8r7pr7FyJ6GbXza8,16827
711
+ vllm/model_executor/layers/quantization/awq.py,sha256=ndAuoaJlJI2cL-sTCDeT5LEanOXo_VhABBCyv1PLGtM,10022
712
+ vllm/model_executor/layers/quantization/awq_marlin.py,sha256=O_Oh2TLWoRrKYrY0sv71T5obx2PQeWzsq771Kb0yjnw,29593
713
+ vllm/model_executor/layers/quantization/awq_triton.py,sha256=fRH9rX5jDSqQtdmcrXwxtPtQEiKxTUdPkAJmtvW_zng,11620
714
+ vllm/model_executor/layers/quantization/base_config.py,sha256=1iCxfCdxsz4ZJ64SzDK6QUsDsW50jJgb8Q3K4K8C0yk,5765
715
+ vllm/model_executor/layers/quantization/bitblas.py,sha256=QGNzQWDLRRvohawjWVUVMLoK9_GyKDEEjVDm70qQLgY,17358
716
+ vllm/model_executor/layers/quantization/bitsandbytes.py,sha256=Y7bDu8ehSqUoHezxzQ3rc9AOd0pJyvqz4ikTgU-2Y9A,21077
717
+ vllm/model_executor/layers/quantization/cpu_wna16.py,sha256=sKGxw3NqDGG80hXUhibYzOSAsqZuthmmiywy0LDXhBA,21710
718
+ vllm/model_executor/layers/quantization/deepspeedfp.py,sha256=f8fKA4ZPKhEFCuv7jcZIrC8IQd6wXDecddoWbMSkCzE,7278
719
+ vllm/model_executor/layers/quantization/experts_int8.py,sha256=o912l1GcrogY8lB4GdDM7ve-f2xVTS3WMOITSrtWqnw,6937
720
+ vllm/model_executor/layers/quantization/fbgemm_fp8.py,sha256=2SZDxFbn1T_FVhR6hGj-c-6oyGw7fJQqTHbpSkY4PCI,6621
721
+ vllm/model_executor/layers/quantization/fp8.py,sha256=kKOx13EZsAJuP97Ot979JauF5oLNX3W9vXqCHRwCPiA,59761
722
+ vllm/model_executor/layers/quantization/fp_quant.py,sha256=lp6PRY-Hwu5QfUChi4yJ3z9shstEnQzUHLlkEnDNN6c,12858
723
+ vllm/model_executor/layers/quantization/gguf.py,sha256=bdMkb9YJSxQkGFx2QqWJxmzI9vreBglurI75xNwjIrE,23363
724
+ vllm/model_executor/layers/quantization/gptq.py,sha256=ZuszLML4Og7f8eTZmdEEwCZAAeNj9YjA9wz46wIR46E,14814
725
+ vllm/model_executor/layers/quantization/gptq_bitblas.py,sha256=rPSt1jT8dyqdslSyGHd_hDB3uIUVRalCbA3SHMs0R3I,16626
726
+ vllm/model_executor/layers/quantization/gptq_marlin.py,sha256=_6SqVmkG4EyW2RtLcbhHYpbQGgSInUcp5c7PgwsEsTk,35037
727
+ vllm/model_executor/layers/quantization/gptq_marlin_24.py,sha256=PNVtvV2PCMPU_J1UtXlzrZmeOMfEXEfR5_KSYLZlUoY,10559
728
+ vllm/model_executor/layers/quantization/hqq_marlin.py,sha256=XvtWwpRWWwXG-ihjyOD-jRi4MJhVnIybrm-H-DQAkec,12502
729
+ vllm/model_executor/layers/quantization/inc.py,sha256=mJJ0pQCm-rFafcbsv-0BBK9AooCtQ4nK5OdpPQfg2Ds,2252
730
+ vllm/model_executor/layers/quantization/input_quant_fp8.py,sha256=WcxUSubcojXC-pZALfUuyEE-mZ8SZYmexSE249rIE_I,7596
731
+ vllm/model_executor/layers/quantization/ipex_quant.py,sha256=rRxejHwviaTdlm2ArgnCLF4DnFK-csr6kZj1FgaOaow,17977
732
+ vllm/model_executor/layers/quantization/kv_cache.py,sha256=Y_fltN3d68SQ-U9GBuhbNPcGJnwpbupGMO8N4K36F2Q,6504
733
+ vllm/model_executor/layers/quantization/modelopt.py,sha256=4n6-DSRuvdhEUvf9mgtFZGwqKn83Or2CYRol0AOLjsc,64630
734
+ vllm/model_executor/layers/quantization/moe_wna16.py,sha256=tjBw4WOdGy6uvDRgqJwAia1QUiw14DvGkPVJva_9pf4,20347
735
+ vllm/model_executor/layers/quantization/mxfp4.py,sha256=23o1NdyMaOlzfzhQ5dNoqF8JZZM4d7NvaSy_qEeYDgA,46163
736
+ vllm/model_executor/layers/quantization/petit.py,sha256=2HAoBRMEo8ycxaim16mX9myhN_4crVcnq_Z3J2Pt5K8,11560
737
+ vllm/model_executor/layers/quantization/ptpc_fp8.py,sha256=KFL09instchp8zU6roq3b5fCSzw9QV2nJRVT8HiDm14,5088
738
+ vllm/model_executor/layers/quantization/qutlass_utils.py,sha256=lLu6gVZoWiitJh0VXCPIAXpizT472Eyqi0GcSriVFx8,5641
739
+ vllm/model_executor/layers/quantization/rtn.py,sha256=dhlhz0vxzEsHo7MtOcSXBzWkCIlMwc6Df7NAUZdcqi8,19851
740
+ vllm/model_executor/layers/quantization/schema.py,sha256=bOHc_0KCkTYR4BhpgGG6Sc1g0legFhDyt8S9HjjFItw,3807
741
+ vllm/model_executor/layers/quantization/torchao.py,sha256=y1F-T5v7SFyT7ktl9HH-q5rW92oa7DZY8Q2MK8CON_A,13454
742
+ vllm/model_executor/layers/quantization/tpu_int8.py,sha256=NG9vRjqpPFdPPmH8VJagcqInBYTKNslUNBVWfGQwq40,4681
743
+ vllm/model_executor/layers/quantization/compressed_tensors/__init__.py,sha256=PRLyXFLYk26eH3Y5R_HtJSmz_eK5Fw7C-1liuvMlz3I,108
744
+ vllm/model_executor/layers/quantization/compressed_tensors/compressed_tensors.py,sha256=9fiTQJRlzOgK__Wgdj9ITlVuNqy6A6X0xtDsp5GNG6M,38328
745
+ vllm/model_executor/layers/quantization/compressed_tensors/compressed_tensors_moe.py,sha256=YNK51Q-St04ar7MgQnIvOaNheAkmXZRSyxtBVcUPdW8,101839
746
+ vllm/model_executor/layers/quantization/compressed_tensors/triton_scaled_mm.py,sha256=TkQU56VWuQL9mzvskUDn65wqCGo2jDDfHl3O-WSniK8,7113
747
+ vllm/model_executor/layers/quantization/compressed_tensors/utils.py,sha256=MGBWAxDxZxB37rkc2nvxCg-PPhz--akasm86cdODMcc,7563
748
+ vllm/model_executor/layers/quantization/compressed_tensors/schemes/__init__.py,sha256=e-cfknR2aOVB5hznA58BE2_zqXxBoAJXCmozfrc-ook,1380
749
+ vllm/model_executor/layers/quantization/compressed_tensors/schemes/compressed_tensors_24.py,sha256=T9Q0a6UphFHPh1zD0SU2VFFuipS7Il0gAmIsPT6wyXQ,14327
750
+ vllm/model_executor/layers/quantization/compressed_tensors/schemes/compressed_tensors_scheme.py,sha256=UfHG3dCxyrZjzdqdgDkmlcsUkbKWqwmEzQrwWGAfq_c,1552
751
+ vllm/model_executor/layers/quantization/compressed_tensors/schemes/compressed_tensors_w4a16_24.py,sha256=p4tFtmPGqUj8UCMxn7r4VoO0UBXlSs8HC9PPR6bqUyg,5610
752
+ vllm/model_executor/layers/quantization/compressed_tensors/schemes/compressed_tensors_w4a16_nvfp4.py,sha256=jC7gNbR8kyKRCdyyayXx7FeoIfXy3osh7vMSmCTofjY,4263
753
+ vllm/model_executor/layers/quantization/compressed_tensors/schemes/compressed_tensors_w4a4_nvfp4.py,sha256=S1mVj-nFKK22Fl5k1hi_TXweUWcDGZ1ba0DaHxDBdWw,8044
754
+ vllm/model_executor/layers/quantization/compressed_tensors/schemes/compressed_tensors_w4a8_fp8.py,sha256=GBoTrqpFqLwFFgezRV3KOKwC4S7y0sIxf_r0Q5xtID0,6090
755
+ vllm/model_executor/layers/quantization/compressed_tensors/schemes/compressed_tensors_w4a8_int.py,sha256=RTtbNo3-YEN8AsLeoXSinr8PxJ1eKV2HGas7rVBRG1c,5153
756
+ vllm/model_executor/layers/quantization/compressed_tensors/schemes/compressed_tensors_w8a16_fp8.py,sha256=iuFaXLeGOoPVyzGXX7ZgXCIs9BmcKXtkKOyg3Zn0NmY,4995
757
+ vllm/model_executor/layers/quantization/compressed_tensors/schemes/compressed_tensors_w8a8_fp8.py,sha256=TUOn6G4VqLFcNOzmX-fuyj15lipAp8_ghgX-T8ygRoM,7289
758
+ vllm/model_executor/layers/quantization/compressed_tensors/schemes/compressed_tensors_w8a8_int8.py,sha256=4C5gkE5jf1UGSxcFV6_3eYlmasxkXHG2VZ4bg-SKeW0,4534
759
+ vllm/model_executor/layers/quantization/compressed_tensors/schemes/compressed_tensors_wNa16.py,sha256=BKCklpQiH2_i2vwhhWaz1TK24B5c4-PAybtqgNTMEp8,8001
760
+ vllm/model_executor/layers/quantization/compressed_tensors/transform/__init__.py,sha256=47DEQpj8HBSa-_TImW-5JCeuQeRkm5NMpJWZG3hSuFU,0
761
+ vllm/model_executor/layers/quantization/compressed_tensors/transform/linear.py,sha256=5-7G8oPqHqKUB-rPxL6zJl4zxDBqp_42FeRJpwbczGM,9548
762
+ vllm/model_executor/layers/quantization/compressed_tensors/transform/module.py,sha256=J1QrXE8c4orA-UC3lhz8c9Qj85JT1-JfsI3Y9Qfn7aA,6277
763
+ vllm/model_executor/layers/quantization/compressed_tensors/transform/utils.py,sha256=zOt-O0AsZ978entPoKuAqg2gzEgMVK5FmW14GVBLfso,349
764
+ vllm/model_executor/layers/quantization/compressed_tensors/transform/schemes/__init__.py,sha256=47DEQpj8HBSa-_TImW-5JCeuQeRkm5NMpJWZG3hSuFU,0
765
+ vllm/model_executor/layers/quantization/compressed_tensors/transform/schemes/linear_qutlass_nvfp4.py,sha256=LeSahYO4dwi5fkLE-q-6-lZ4Uw7j8w4pzEae0uUpFUY,1877
766
+ vllm/model_executor/layers/quantization/kernels/__init__.py,sha256=47DEQpj8HBSa-_TImW-5JCeuQeRkm5NMpJWZG3hSuFU,0
767
+ vllm/model_executor/layers/quantization/kernels/mixed_precision/MPLinearKernel.py,sha256=dvSBv9nYGrOiSEN3udSv2ElQYpf7vQorIjA61b32D2g,2825
768
+ vllm/model_executor/layers/quantization/kernels/mixed_precision/__init__.py,sha256=2agMIqhJEJcOZpLF1wKkn8ivi0NC_JuO4tYZeKkHcWM,3928
769
+ vllm/model_executor/layers/quantization/kernels/mixed_precision/allspark.py,sha256=qzAUeUHkdQaV5AgjKZjbARrkHo8j9O1lGzkWUAg6jB4,4167
770
+ vllm/model_executor/layers/quantization/kernels/mixed_precision/bitblas.py,sha256=Ur0Qfg5Eh1CUnIW9g8NvHAbvST-kFNyFfFyACJvwknA,12137
771
+ vllm/model_executor/layers/quantization/kernels/mixed_precision/conch.py,sha256=hpCmB90lYFC2P-HTX-fznDIs_MbpYxhDEAw57Ky7mdU,3266
772
+ vllm/model_executor/layers/quantization/kernels/mixed_precision/cutlass.py,sha256=XPadfeGKzWZ9lWSudvFKq9rmE-UNAt9pfVz9bh2ijRk,4594
773
+ vllm/model_executor/layers/quantization/kernels/mixed_precision/dynamic_4bit.py,sha256=HDtGt3LLwLkNFOsoYmhjnis5h7e-dGHPdCCeAY56-FE,3938
774
+ vllm/model_executor/layers/quantization/kernels/mixed_precision/exllama.py,sha256=VGmhBP9IuV5xSoUB_O_IkFMyt0KGpqiDo5XmPsPwEFY,6213
775
+ vllm/model_executor/layers/quantization/kernels/mixed_precision/machete.py,sha256=gdBdme4JUaZ_YcrKTzJ1JfdoeX_oG9e0SSQa204AvTI,5726
776
+ vllm/model_executor/layers/quantization/kernels/mixed_precision/marlin.py,sha256=8jtWzLHC9jJjBM9kp7d-JWpHrAQqVGegrGAgiowjY3E,7456
777
+ vllm/model_executor/layers/quantization/kernels/mixed_precision/xpu.py,sha256=j8NZdt1RV8PdGdn3hCA-gHkk5Ikuah_uWe6S_XrPnj8,3718
778
+ vllm/model_executor/layers/quantization/kernels/scaled_mm/ScaledMMLinearKernel.py,sha256=bkLygcEhOXlDUsvx1JcxhhMJgiBetlco8xjxof5AkWg,2107
779
+ vllm/model_executor/layers/quantization/kernels/scaled_mm/__init__.py,sha256=KNgBvAUV8TE9KMoTU1SdTwOg0eAYYvo1MEZI2MI1T9A,3034
780
+ vllm/model_executor/layers/quantization/kernels/scaled_mm/aiter.py,sha256=L0heV7B4tKqz6l5tq_-pRYT1UxYi97On2jtNvWBjkds,4956
781
+ vllm/model_executor/layers/quantization/kernels/scaled_mm/cpu.py,sha256=azbeuMu3S9lZ5Mv_RnRMPz6VQoqdFH23BNpsOyVwKgQ,8054
782
+ vllm/model_executor/layers/quantization/kernels/scaled_mm/cutlass.py,sha256=UAsjCcKIpFymLNmG74Gu00290Zhi9YzKslVpAdNUgVI,5812
783
+ vllm/model_executor/layers/quantization/kernels/scaled_mm/triton.py,sha256=GwWb7okKDDHINByWYP0XGueGOIuS8QkyIQN863I9KyA,2355
784
+ vllm/model_executor/layers/quantization/kernels/scaled_mm/xla.py,sha256=NgRPnKWc-am8mT9lKZHhAhFMNrKkoyuwU5QEgyY76EA,3902
785
+ vllm/model_executor/layers/quantization/quark/__init__.py,sha256=47DEQpj8HBSa-_TImW-5JCeuQeRkm5NMpJWZG3hSuFU,0
786
+ vllm/model_executor/layers/quantization/quark/quark.py,sha256=G1gHgz21bmiJwA0qxjoiUtDq9LCgEjWP0PRiWzRwjiQ,19948
787
+ vllm/model_executor/layers/quantization/quark/quark_moe.py,sha256=mnEwleqt0ruZt0uTkO4sO-ga63-MZW9rkEFTR8QY7kA,24048
788
+ vllm/model_executor/layers/quantization/quark/utils.py,sha256=lOvhDC7p5Oe21iNAz2gAt2g_msZE9L7UhmPx7T_NIJY,3510
789
+ vllm/model_executor/layers/quantization/quark/schemes/__init__.py,sha256=A699VuIbNQcvuANSmPjZSu9SmSHuqKfSQhvn9Y7GlpE,343
790
+ vllm/model_executor/layers/quantization/quark/schemes/quark_ocp_mx.py,sha256=23bL0DQ4g_1B_t7RYtuoEuOMewkWcZQR2kDaXCwnnfg,12559
791
+ vllm/model_executor/layers/quantization/quark/schemes/quark_scheme.py,sha256=VMPNUJAQ6PqGlGmVD0wUx3a2NstTp2aC5Dx6w5ZTHn0,1516
792
+ vllm/model_executor/layers/quantization/quark/schemes/quark_w8a8_fp8.py,sha256=AcxbIOddblmpdnjCd_xtexp9Ea8qnAz0K4C0LpR5LYQ,6757
793
+ vllm/model_executor/layers/quantization/quark/schemes/quark_w8a8_int8.py,sha256=147BnUsGz5tKSVecKUn9BxfA7aWc_UXGSaiIaqhGKXY,5036
794
+ vllm/model_executor/layers/quantization/utils/__init__.py,sha256=ifoIA36ObRUZOBfRBb2Y9xEGV5lLuc0xe_6HYLxV8Y0,232
795
+ vllm/model_executor/layers/quantization/utils/allspark_utils.py,sha256=-VRplxaZTs52TJRNpTtpjm0pp9f51_S1t1muD76v2bk,2285
796
+ vllm/model_executor/layers/quantization/utils/bitblas_utils.py,sha256=TiKCRtacJQAEroE63vfmeeaGFLEsVQnEtG5lOv16dlk,7640
797
+ vllm/model_executor/layers/quantization/utils/flashinfer_fp4_moe.py,sha256=eRVnW5HyZnHNdi0VlU5JIOnvUy4xGFYw3_mNhiHbqXY,14395
798
+ vllm/model_executor/layers/quantization/utils/flashinfer_utils.py,sha256=rPNKvWFwekz_l3O2d9yMZijVWsN738-JYf82WJCFma8,11278
799
+ vllm/model_executor/layers/quantization/utils/fp8_utils.py,sha256=VkIkM_K84hzpKXNnoR-xkpH9skQkEd9wYw51875_YDc,46429
800
+ vllm/model_executor/layers/quantization/utils/gptq_utils.py,sha256=-0GnKH51q6vGtt42RhlbGRkvDI4Yhta4QBG1FlWWV5w,5886
801
+ vllm/model_executor/layers/quantization/utils/int8_utils.py,sha256=o7ctWrSGVg_zKvSXFDRk4rV49-PfVOv9AxrWs7XEUnE,14267
802
+ vllm/model_executor/layers/quantization/utils/layer_utils.py,sha256=CvEUZEj2ZFt7oxcDaRklOJo0IFc-llCiA2bVjybRKFc,1574
803
+ vllm/model_executor/layers/quantization/utils/machete_utils.py,sha256=Wv5uFC2UuuoBC_X1YGFOORBf23Zl_Yp5Ck_hFQIbRUA,1699
804
+ vllm/model_executor/layers/quantization/utils/marlin_utils.py,sha256=rVwUEiXnVaeIouiQOwjvzyYn00Dt6DSeXBGHgfN-x3Y,22108
805
+ vllm/model_executor/layers/quantization/utils/marlin_utils_fp4.py,sha256=uD_VmYNvYRrxqa4WPjaLXVon2RGRPd6FfUiTIqy9m0o,15366
806
+ vllm/model_executor/layers/quantization/utils/marlin_utils_fp8.py,sha256=TIE1alHUjcTqpOMRS9JHS8Kvd8XlUlmInZV46VduCtY,13534
807
+ vllm/model_executor/layers/quantization/utils/marlin_utils_test.py,sha256=D8c0-obb1g9qQVAMptBTTF_2SzHzXR5sIV9ant1_-1M,7011
808
+ vllm/model_executor/layers/quantization/utils/marlin_utils_test_24.py,sha256=DXy1fCTnTEhQtMg7C-AKwL5oTDvwdDwM7iZjSZ1NbMU,17248
809
+ vllm/model_executor/layers/quantization/utils/mxfp4_utils.py,sha256=FT2k3ytJXPxijAc3MFEfQ2iQ7a64nEuoFBW9VKsj0bA,6369
810
+ vllm/model_executor/layers/quantization/utils/mxfp6_utils.py,sha256=3ccQ0AmjiDMVtIyZ-G5WZ778QDKbpbRqjv8vfNE9u5I,4533
811
+ vllm/model_executor/layers/quantization/utils/mxfp8_utils.py,sha256=KyD72E8jsbF-bHSHdYFkY6Aseqsa9aiTmlQfIjcnHnw,754
812
+ vllm/model_executor/layers/quantization/utils/nvfp4_emulation_utils.py,sha256=rFpYWNmA1DD4I536b0U0FgjB4zBVDSpN6cpeldjssvw,4633
813
+ vllm/model_executor/layers/quantization/utils/nvfp4_moe_support.py,sha256=j7GSrXDgbAoThCeAE4CAnKZknFO1oObZXp4Q6KCfm2o,2093
814
+ vllm/model_executor/layers/quantization/utils/ocp_mx_utils.py,sha256=WGqf-4DcMRs65l6wZsZNixc9KzRJSRl3fRpk_XIA4v0,1770
815
+ vllm/model_executor/layers/quantization/utils/petit_utils.py,sha256=8oiFeO9uCAaHeV0QrKPs-GbmJok66L9jylexITD7Xpk,3967
816
+ vllm/model_executor/layers/quantization/utils/quant_utils.py,sha256=psam1De6bGo8xvlqivz1pcQnQ7xO3qzOl9Ms5Yr3fzk,23686
817
+ vllm/model_executor/layers/quantization/utils/w8a8_utils.py,sha256=PHoKD3dyp5tTthIDpNcvVzdEGeFmj-XywbPAU57x45c,17279
818
+ "vllm/model_executor/layers/quantization/utils/configs/N=10240,K=5120,device_name=NVIDIA_L40S,dtype=fp8_w8a8,block_shape=[128,128].json",sha256=yi7jAKzpH-lsDg941APV4FXoYgssj7qBFhvbWl0iWXs,3270
819
+ "vllm/model_executor/layers/quantization/utils/configs/N=12288,K=7168,device_name=NVIDIA_H100_80GB_HBM3,dtype=fp8_w8a8,block_shape=[128,128].json",sha256=Szg1W2xH7h5U-UOH8vHbDV_xs1xO3AM_wITHbJtITgU,3264
820
+ "vllm/model_executor/layers/quantization/utils/configs/N=12288,K=7168,device_name=NVIDIA_H200,dtype=fp8_w8a8,block_shape=[128,128].json",sha256=Ta8XgWb_aVhJwqJ59i1zzY45NhCGazJ75whDUmOfyVw,3259
821
+ "vllm/model_executor/layers/quantization/utils/configs/N=1536,K=1536,device_name=AMD_Instinct_MI300X,dtype=fp8_w8a8,block_shape=[128,128].json",sha256=t8TaODfMF2Nq0qg6KOc8NSTs7m90Jcu6Ih3BXUvFb04,3799
822
+ "vllm/model_executor/layers/quantization/utils/configs/N=1536,K=1536,device_name=AMD_Instinct_MI325X,dtype=fp8_w8a8,block_shape=[128,128].json",sha256=CNI-I9ncqHJ7ukpzgyxdJtz0bd29vsgC38tvMM6TV1U,3803
823
+ "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",sha256=CNI-I9ncqHJ7ukpzgyxdJtz0bd29vsgC38tvMM6TV1U,3803
824
+ "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",sha256=-j7Xyk4xFaiAD90FeH4AqRSnS82f4owKRGMHbObrrHQ,3250
825
+ "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",sha256=sW_T-BdLbjJoFqlr-B5f9emF8E0IdKfy_1wUSIEi55g,3253
826
+ "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",sha256=tkLjwLC_aVXhzuvo-2QHkojXZauPJsf3jNHFn1S7uRA,3244
827
+ "vllm/model_executor/layers/quantization/utils/configs/N=1536,K=1536,device_name=NVIDIA_H20,dtype=fp8_w8a8,block_shape=[128,128].json",sha256=akDNAjUZ3EXBznF9w6qUcpXxaLWq7oXnX5jy-R9cleI,3246
828
+ "vllm/model_executor/layers/quantization/utils/configs/N=1536,K=1536,device_name=NVIDIA_L20Y,dtype=fp8_w8a8,block_shape=[128,128].json",sha256=JAycl7EaUZtmCoXMjq4JwKXCeXxZ6S4Ts_DricRUw_o,549
829
+ "vllm/model_executor/layers/quantization/utils/configs/N=1536,K=7168,device_name=AMD_Instinct_MI300X,dtype=fp8_w8a8,block_shape=[128,128].json",sha256=q5KZyi9T-l07P3r1u9i6-Dpw89Upjw1gpTp3f1CluEo,3799
830
+ "vllm/model_executor/layers/quantization/utils/configs/N=1536,K=7168,device_name=AMD_Instinct_MI325X,dtype=fp8_w8a8,block_shape=[128,128].json",sha256=RTnTPFQNg5JULbPLWJDTRNRZHI7FsrTxqSDkZfSbmzw,3806
831
+ "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",sha256=RTnTPFQNg5JULbPLWJDTRNRZHI7FsrTxqSDkZfSbmzw,3806
832
+ "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",sha256=DLCfW5tQ9k74AGZ2yER1etP-HgUGglPp_woJiaPuxgQ,3249
833
+ "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",sha256=8v9mdWPs1eXczo3iwFrNnRo2LF9wPU4Scm-r9bL7Fz8,3251
834
+ "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",sha256=Qoj9rLLRDbKM4IKBCXvN8RcxzSmNPd0TQUiM7CXDqHI,3241
835
+ "vllm/model_executor/layers/quantization/utils/configs/N=1536,K=7168,device_name=NVIDIA_H20,dtype=fp8_w8a8,block_shape=[128,128].json",sha256=7OFCbBqqEA7vQ1oiygfW-7Tqqx8OJATaLujtcQIgyTU,3247
836
+ "vllm/model_executor/layers/quantization/utils/configs/N=1536,K=7168,device_name=NVIDIA_H200,dtype=fp8_w8a8,block_shape=[128,128].json",sha256=4D3Ku4y7BCVEJzueKvQC_KvOR026w3ONWsxfsA_YrEc,3249
837
+ "vllm/model_executor/layers/quantization/utils/configs/N=1536,K=7168,device_name=NVIDIA_L20,dtype=fp8_w8a8,block_shape=[128,128].json",sha256=iJZ_tAzoYGUmg9ltil4e8vzKlKi980yTmswEMWqV1Jw,546
838
+ "vllm/model_executor/layers/quantization/utils/configs/N=1536,K=7168,device_name=NVIDIA_L20Y,dtype=fp8_w8a8,block_shape=[128,128].json",sha256=fDomA7uBQKX8kbO_4MFcoBwHhIR_7sOkngQPv6cQq4Y,548
839
+ "vllm/model_executor/layers/quantization/utils/configs/N=2048,K=512,device_name=AMD_Instinct_MI300X,dtype=fp8_w8a8,block_shape=[128,128].json",sha256=ucrZBIN_ivmmfMAvkT40xQpH87LdQK38lZbeLWMyV4M,3806
840
+ "vllm/model_executor/layers/quantization/utils/configs/N=2048,K=512,device_name=AMD_Instinct_MI325X,dtype=fp8_w8a8,block_shape=[128,128].json",sha256=zDnVqBqgT-nLkz_Cou-KTPsNIVh-YbTBno9L2MgdRTM,3803
841
+ "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",sha256=zDnVqBqgT-nLkz_Cou-KTPsNIVh-YbTBno9L2MgdRTM,3803
842
+ "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",sha256=zd5cMYrxQ6PD0jKpd3YF6ThT9RGdqgEQnCW6F4W-r4E,3249
843
+ "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",sha256=CjO6dh_qt1iTu5kYRs98tTLL-W6FOzLO4AESMUFHz5s,3254
844
+ "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",sha256=7v4tp0RaT4vxF4urSBrkK5FR_5ikeFQ1htF3DwDl1lk,3249
845
+ "vllm/model_executor/layers/quantization/utils/configs/N=2048,K=512,device_name=NVIDIA_H20,dtype=fp8_w8a8,block_shape=[128,128].json",sha256=M5F5wzSmFokEm0X8__ogLvdE1QVC6EW8atqq-kp3rVA,3253
846
+ "vllm/model_executor/layers/quantization/utils/configs/N=2048,K=512,device_name=NVIDIA_H200,dtype=fp8_w8a8,block_shape=[128,128].json",sha256=0J2MFgaLkv-mfVE5x363lgVKYU6miLG_xRO3tJUga_M,3249
847
+ "vllm/model_executor/layers/quantization/utils/configs/N=2048,K=512,device_name=NVIDIA_L20Y,dtype=fp8_w8a8,block_shape=[128,128].json",sha256=983yfFeeo-BClL_H1g-owXwbA6t0l-kREiy7kLURUMw,550
848
+ "vllm/model_executor/layers/quantization/utils/configs/N=2112,K=7168,device_name=NVIDIA_H100_80GB_HBM3,dtype=fp8_w8a8,block_shape=[128,128].json",sha256=RzrnY_xKo39wZ4nO8zUorLp1ivTFabB8ZQOFRx5JcMc,3251
849
+ "vllm/model_executor/layers/quantization/utils/configs/N=2112,K=7168,device_name=NVIDIA_H200,dtype=fp8_w8a8,block_shape=[128,128].json",sha256=f7upf6kaHS5_3EqQYDxtSsbgb4D1iTvjCiC4auzbx3Q,3254
850
+ "vllm/model_executor/layers/quantization/utils/configs/N=2304,K=7168,device_name=AMD_Instinct_MI300X,dtype=fp8_w8a8,block_shape=[128,128].json",sha256=C2eM8RudmP-qXEf_Apg-qcB5n2Ugxf8-7uG8hQDSt1g,3801
851
+ "vllm/model_executor/layers/quantization/utils/configs/N=2304,K=7168,device_name=AMD_Instinct_MI325X,dtype=fp8_w8a8,block_shape=[128,128].json",sha256=llI6PWlSDgQf-ouTDXkFYOoSz9u3bzklwBtZYY_fWVM,3807
852
+ "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",sha256=llI6PWlSDgQf-ouTDXkFYOoSz9u3bzklwBtZYY_fWVM,3807
853
+ "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",sha256=q9HUcoL0cdZCOWZ8MKbcpR8NSy5iNEBq6NPTaHLgRB0,3242
854
+ "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",sha256=uJu6Gv4e80vxVrDyBo8_y47tOV03RmWVsMIWQ-bbW6Q,3251
855
+ "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",sha256=4ubbhwSFX_XbefRLEkLoWxJkcetFWPzsszPu0X3_Wrw,3242
856
+ "vllm/model_executor/layers/quantization/utils/configs/N=2304,K=7168,device_name=NVIDIA_H20,dtype=fp8_w8a8,block_shape=[128,128].json",sha256=euiKvhb3DXkvPPQJLqNE_xN2evsTOoZnVIiquyN2Cm4,3246
857
+ "vllm/model_executor/layers/quantization/utils/configs/N=2304,K=7168,device_name=NVIDIA_H200,dtype=fp8_w8a8,block_shape=[128,128].json",sha256=FhyniGTx5QeCuVrBSVTQys6q05Pr5lPEcPykpAX7Iyo,3247
858
+ "vllm/model_executor/layers/quantization/utils/configs/N=2304,K=7168,device_name=NVIDIA_L20Y,dtype=fp8_w8a8,block_shape=[128,128].json",sha256=pLQvMaVvlet_JenEz25mxxplAaHNisl6SFTSZ7lYP2w,548
859
+ "vllm/model_executor/layers/quantization/utils/configs/N=24576,K=1536,device_name=NVIDIA_H100_80GB_HBM3,dtype=fp8_w8a8,block_shape=[128,128].json",sha256=irQUBLd3KHNd8JNX8eFe2fBB3ZZ3zMl3aAF22uxJ65Q,3266
860
+ "vllm/model_executor/layers/quantization/utils/configs/N=24576,K=1536,device_name=NVIDIA_H200,dtype=fp8_w8a8,block_shape=[128,128].json",sha256=gklD55iBvg488-PecvtcEypwCDZ2lCi8c5o9bqgEEeI,3266
861
+ "vllm/model_executor/layers/quantization/utils/configs/N=24576,K=7168,device_name=AMD_Instinct_MI300X,dtype=fp8_w8a8,block_shape=[128,128].json",sha256=uAa-ZQmASwlqZbr1l1CM6FyJI9irNdLBzc1U5Hdyw1E,3802
862
+ "vllm/model_executor/layers/quantization/utils/configs/N=24576,K=7168,device_name=AMD_Instinct_MI325X,dtype=fp8_w8a8,block_shape=[128,128].json",sha256=RnN7lfu15CE-4ywMjAbEz8wWV743AP-1Fq5U_j8EQeI,3812
863
+ "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",sha256=RnN7lfu15CE-4ywMjAbEz8wWV743AP-1Fq5U_j8EQeI,3812
864
+ "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",sha256=cE3BscS_zEtF_m_jr51IPfpaZZgIEojmhTHsrb9jABM,3260
865
+ "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",sha256=SScyo-oYCBxJR9C7ZIKu_pJJNiXdpT13kYe26rddvPQ,3261
866
+ "vllm/model_executor/layers/quantization/utils/configs/N=24576,K=7168,device_name=NVIDIA_B200,dtype=fp8_w8a8,block_shape=[128,128].json",sha256=0v17v78pETXv6S2ZoibekxOVhiTmCm807DYG4DONUck,3259
867
+ "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",sha256=AOuovUsPAHqZlbr4G3_CnCNE__fgxCz6RuOhOxCwWv4,3258
868
+ "vllm/model_executor/layers/quantization/utils/configs/N=24576,K=7168,device_name=NVIDIA_H20,dtype=fp8_w8a8,block_shape=[128,128].json",sha256=ulvOEAFO8c-UOa34FEZrjOkCR6ovhJlfFFDhmaKIBiU,3245
869
+ "vllm/model_executor/layers/quantization/utils/configs/N=24576,K=7168,device_name=NVIDIA_H20,dtype=int8_w8a8,block_shape=[128,128].json",sha256=BiZowqExbvXftuE37SYcheOdtYX7Z5BEXyykJ6GbYSk,3254
870
+ "vllm/model_executor/layers/quantization/utils/configs/N=24576,K=7168,device_name=NVIDIA_H200,dtype=fp8_w8a8,block_shape=[128,128].json",sha256=W-xd0c2ziC5YbC96TXlc0xkj2cmbfcdXclW453PsLpI,3258
871
+ "vllm/model_executor/layers/quantization/utils/configs/N=24576,K=7168,device_name=NVIDIA_L20,dtype=fp8_w8a8,block_shape=[128,128].json",sha256=7ok0uooTihvRSckZMNd6jInRvht_xkC5posHO66ejqc,552
872
+ "vllm/model_executor/layers/quantization/utils/configs/N=24576,K=7168,device_name=NVIDIA_L20Y,dtype=fp8_w8a8,block_shape=[128,128].json",sha256=h_Z6wBKdSGBEo5BfQKaxuFlxztrnbbZR0pkcYKv92sk,551
873
+ "vllm/model_executor/layers/quantization/utils/configs/N=256,K=7168,device_name=AMD_Instinct_MI300X,dtype=fp8_w8a8,block_shape=[128,128].json",sha256=k63VgniyN3Rl_-h1hYmT_q9QZtSFqQmXBqhEXJQkxqE,3800
874
+ "vllm/model_executor/layers/quantization/utils/configs/N=256,K=7168,device_name=AMD_Instinct_MI325X,dtype=fp8_w8a8,block_shape=[128,128].json",sha256=icswqRYUsUdoQMrv4YIqO46GG9BzepmBJmnTre9-VjU,3800
875
+ "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",sha256=icswqRYUsUdoQMrv4YIqO46GG9BzepmBJmnTre9-VjU,3800
876
+ "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",sha256=sL0E4zZzb01g6GHaTCXltg20uSbthXHSJFQ0SaxZ7PU,3245
877
+ "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",sha256=MZcJz7BjwVOHHHxvYqGrWw77WnxslYhwW80bZw-jSKQ,3249
878
+ "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",sha256=GsLoYkaZ2p4Qu0Coj-X90s7JWyfZBOloIHPlyNKSIes,3246
879
+ "vllm/model_executor/layers/quantization/utils/configs/N=256,K=7168,device_name=NVIDIA_H20,dtype=fp8_w8a8,block_shape=[128,128].json",sha256=4--7YWnJYUK4XmQ2zZ4M1ZYdKvUkET0VkNgIBn6xaOA,3247
880
+ "vllm/model_executor/layers/quantization/utils/configs/N=256,K=7168,device_name=NVIDIA_L20Y,dtype=fp8_w8a8,block_shape=[128,128].json",sha256=NjEA2QjOVXyOaVSMPch5qa1Dq3igbW7MmE986-7taW0,547
881
+ "vllm/model_executor/layers/quantization/utils/configs/N=3072,K=1536,device_name=AMD_Instinct_MI300X,dtype=fp8_w8a8,block_shape=[128,128].json",sha256=21Buh2aiGTHjpW45Rm-TwZD8MSaAy8NMUrK5l_hGT5k,3803
882
+ "vllm/model_executor/layers/quantization/utils/configs/N=3072,K=1536,device_name=AMD_Instinct_MI325X,dtype=fp8_w8a8,block_shape=[128,128].json",sha256=P8p-dZZt_D61G6k3PgUetF01xzTRmCDJAnqCIsSDW8I,3805
883
+ "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",sha256=P8p-dZZt_D61G6k3PgUetF01xzTRmCDJAnqCIsSDW8I,3805
884
+ "vllm/model_executor/layers/quantization/utils/configs/N=3072,K=1536,device_name=NVIDIA_B200,dtype=fp8_w8a8,block_shape=[128,128].json",sha256=8zuJhFdd6aXREpiqPFhIKEFWA5lgLVGrG0-a9UXcBqk,3262
885
+ "vllm/model_executor/layers/quantization/utils/configs/N=3072,K=1536,device_name=NVIDIA_H20,dtype=int8_w8a8,block_shape=[128,128].json",sha256=_42bDZX4VODErI6OL-NrWja36iNHC4DzgF1l5Mk67-c,3248
886
+ "vllm/model_executor/layers/quantization/utils/configs/N=3072,K=1536,device_name=NVIDIA_H200,dtype=fp8_w8a8,block_shape=[128,128].json",sha256=Zn1TvhAoPOv0zQBYHOZhwdDw3oqyxm0zIa7IJkTCHpo,3247
887
+ "vllm/model_executor/layers/quantization/utils/configs/N=3072,K=1536,device_name=NVIDIA_L20,dtype=fp8_w8a8,block_shape=[128,128].json",sha256=H9wONEU0XXSxOJfkx5UkS8Ss3A2QCp9G0XNoJEqE9nQ,548
888
+ "vllm/model_executor/layers/quantization/utils/configs/N=3072,K=7168,device_name=AMD_Instinct_MI300X,dtype=fp8_w8a8,block_shape=[128,128].json",sha256=2T2TYZhXgC97slH92HQ8GvZS3KuUt1ZiC3RtudPVEPA,3802
889
+ "vllm/model_executor/layers/quantization/utils/configs/N=3072,K=7168,device_name=AMD_Instinct_MI325X,dtype=fp8_w8a8,block_shape=[128,128].json",sha256=b6_bhUuQrI9HYvvwmAvUYh4v1GZ8w0sjApOmwuj_t8Y,3806
890
+ "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",sha256=b6_bhUuQrI9HYvvwmAvUYh4v1GZ8w0sjApOmwuj_t8Y,3806
891
+ "vllm/model_executor/layers/quantization/utils/configs/N=3072,K=7168,device_name=NVIDIA_B200,dtype=fp8_w8a8,block_shape=[128,128].json",sha256=yqjO7zML7EseBJw6Bn5MTyHeAitkPsl1dndXeL6Rn6A,3257
892
+ "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",sha256=-nQIhKAOVCQrxLV6HDlcD0V8HMWvqrv-vyiORVU7qls,3244
893
+ "vllm/model_executor/layers/quantization/utils/configs/N=3072,K=7168,device_name=NVIDIA_H20,dtype=int8_w8a8,block_shape=[128,128].json",sha256=KKmCvNh5T_qfD8v7JijMqXxQ5L6-gRX7oc6c5re6EF0,3248
894
+ "vllm/model_executor/layers/quantization/utils/configs/N=3072,K=7168,device_name=NVIDIA_H200,dtype=fp8_w8a8,block_shape=[128,128].json",sha256=M3nwpZd2-0w263ywZt9gaw53z7MN673T5tl4tc43Ntk,3249
895
+ "vllm/model_executor/layers/quantization/utils/configs/N=3072,K=7168,device_name=NVIDIA_L20,dtype=fp8_w8a8,block_shape=[128,128].json",sha256=H9wONEU0XXSxOJfkx5UkS8Ss3A2QCp9G0XNoJEqE9nQ,548
896
+ "vllm/model_executor/layers/quantization/utils/configs/N=32768,K=512,device_name=AMD_Instinct_MI300X,dtype=fp8_w8a8,block_shape=[128,128].json",sha256=KmEgJ7zP2Sr_7GsAfL-12_g2S2a2wVpnxgCiF5dFiLI,3802
897
+ "vllm/model_executor/layers/quantization/utils/configs/N=32768,K=512,device_name=AMD_Instinct_MI325X,dtype=fp8_w8a8,block_shape=[128,128].json",sha256=J4SXwpsioBRdTXOaj2OjrdNrEuW1NF43cLds65UWzCY,3808
898
+ "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",sha256=J4SXwpsioBRdTXOaj2OjrdNrEuW1NF43cLds65UWzCY,3808
899
+ "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",sha256=UjBOmVqYynBH3dJVuMJXjKnuZ6LssohzzEBpLBG4_G4,3256
900
+ "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",sha256=8BJsjc2UUYdotrIqwyzisjrq0wcyW4jnTo_M8J3qYwA,3263
901
+ "vllm/model_executor/layers/quantization/utils/configs/N=32768,K=512,device_name=NVIDIA_B200,dtype=fp8_w8a8,block_shape=[128,128].json",sha256=vLoV3JMtvHOKpR5D1BeCQPMuYlWUAlrXu54gByNkwKY,3266
902
+ "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",sha256=BmXTZvWk7kphfBmGmuSIuolAK-3qCGdmcPhD4FcKd3g,3265
903
+ "vllm/model_executor/layers/quantization/utils/configs/N=32768,K=512,device_name=NVIDIA_H20,dtype=fp8_w8a8,block_shape=[128,128].json",sha256=N0kCPHvybNK-HvMO2EqNDLkj7m7WrHTl-3AD32LBD4k,3248
904
+ "vllm/model_executor/layers/quantization/utils/configs/N=32768,K=512,device_name=NVIDIA_H20,dtype=int8_w8a8,block_shape=[128,128].json",sha256=mjh-AgJN_IoWAc1uwhUiB1lE3ufAPDf-KPP6vUTrDKw,3251
905
+ "vllm/model_executor/layers/quantization/utils/configs/N=32768,K=512,device_name=NVIDIA_H200,dtype=fp8_w8a8,block_shape=[128,128].json",sha256=h0qz-pNlC9ZGNbyeFsESFdowFPfTTK3rh8SK4NH2Css,3259
906
+ "vllm/model_executor/layers/quantization/utils/configs/N=32768,K=512,device_name=NVIDIA_L20,dtype=fp8_w8a8,block_shape=[128,128].json",sha256=mcF12eQTtGxocrVIA3I98NHd1NLd0-8EyfXtqDgv0PM,549
907
+ "vllm/model_executor/layers/quantization/utils/configs/N=32768,K=512,device_name=NVIDIA_L20Y,dtype=fp8_w8a8,block_shape=[128,128].json",sha256=AThoa7FUcGdNXYB_v9iMpBh2X8C0iLfc7y-C0xy2cRY,548
908
+ "vllm/model_executor/layers/quantization/utils/configs/N=36864,K=7168,device_name=AMD_Instinct_MI300X,dtype=fp8_w8a8,block_shape=[128,128].json",sha256=MJgIvZHf01ju8IWEVO6vyMedy5OTZxDpzv6A7_8W-Tg,3813
909
+ "vllm/model_executor/layers/quantization/utils/configs/N=36864,K=7168,device_name=AMD_Instinct_MI325X,dtype=fp8_w8a8,block_shape=[128,128].json",sha256=AT2yrMoTvmoizi4sxwLtiULZ57P1CBhKGg9-6Gxnuc4,3819
910
+ "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",sha256=AT2yrMoTvmoizi4sxwLtiULZ57P1CBhKGg9-6Gxnuc4,3819
911
+ "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",sha256=T60CKtM9YhIEZs8F9Lljrdqqc4ReloR7Xl9IYsfex-E,3261
912
+ "vllm/model_executor/layers/quantization/utils/configs/N=36864,K=7168,device_name=NVIDIA_H200,dtype=fp8_w8a8,block_shape=[128,128].json",sha256=kk8WqNCGmjh8-tOMHBP8sv_5fW81Xkdzdf8-2WDm0RQ,3263
913
+ "vllm/model_executor/layers/quantization/utils/configs/N=4096,K=512,device_name=AMD_Instinct_MI300X,dtype=fp8_w8a8,block_shape=[128,128].json",sha256=cPtr1UJq_B-dTqgMrVm8ptiYXA6qOy_F8rs2f7ljuEI,3811
914
+ "vllm/model_executor/layers/quantization/utils/configs/N=4096,K=512,device_name=AMD_Instinct_MI325X,dtype=fp8_w8a8,block_shape=[128,128].json",sha256=cobt_ZhR3dt2CySr12bGPVwn1oS98YvGLdIh9H8BDQ0,3801
915
+ "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",sha256=cobt_ZhR3dt2CySr12bGPVwn1oS98YvGLdIh9H8BDQ0,3801
916
+ "vllm/model_executor/layers/quantization/utils/configs/N=4096,K=512,device_name=NVIDIA_B200,dtype=fp8_w8a8,block_shape=[128,128].json",sha256=6Z7kIa14RjVq3ek_C15q5mUu1IrY2r0OP8S-_pm-MYU,3252
917
+ "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",sha256=r63SZkUJJV87B00hAX074_uaC7wwQXdurlJsB1jUA0I,3254
918
+ "vllm/model_executor/layers/quantization/utils/configs/N=4096,K=512,device_name=NVIDIA_H20,dtype=int8_w8a8,block_shape=[128,128].json",sha256=hL3doX7zzxld3UcS8p9ACSadDaE6t3xXlYwM7X3GOeI,3252
919
+ "vllm/model_executor/layers/quantization/utils/configs/N=4096,K=512,device_name=NVIDIA_H200,dtype=fp8_w8a8,block_shape=[128,128].json",sha256=xBhxdCFf3waTUsLxJxA54R90zODbC_DKI3XXBVKjKRw,3252
920
+ "vllm/model_executor/layers/quantization/utils/configs/N=4096,K=512,device_name=NVIDIA_L20,dtype=fp8_w8a8,block_shape=[128,128].json",sha256=2ks7TQUULAD-Zn5i69YHo_2hpmsmxlocdYmJccSh2No,552
921
+ "vllm/model_executor/layers/quantization/utils/configs/N=4096,K=7168,device_name=NVIDIA_H100_80GB_HBM3,dtype=fp8_w8a8,block_shape=[128,128].json",sha256=zm2eqlVlPWlP-5o944QL40OCzMpUHGkPJwduy8HOV8A,3259
922
+ "vllm/model_executor/layers/quantization/utils/configs/N=4096,K=7168,device_name=NVIDIA_H200,dtype=fp8_w8a8,block_shape=[128,128].json",sha256=Yfg4GDiXIYLyzL-334YirvDbcChz-Ep_atCghEZSntU,3257
923
+ "vllm/model_executor/layers/quantization/utils/configs/N=4608,K=7168,device_name=AMD_Instinct_MI300X,dtype=fp8_w8a8,block_shape=[128,128].json",sha256=eiI8X2fFNknJmiT0uHbzSaEKQwwZk5bxn676gNvcyg0,3802
924
+ "vllm/model_executor/layers/quantization/utils/configs/N=4608,K=7168,device_name=AMD_Instinct_MI325X,dtype=fp8_w8a8,block_shape=[128,128].json",sha256=fQQDJMlLdYsY5Cosg5HkRzvrJ4asjQmc0WGgoD4bC20,3810
925
+ "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",sha256=fQQDJMlLdYsY5Cosg5HkRzvrJ4asjQmc0WGgoD4bC20,3810
926
+ "vllm/model_executor/layers/quantization/utils/configs/N=4608,K=7168,device_name=NVIDIA_B200,dtype=fp8_w8a8,block_shape=[128,128].json",sha256=O_SV2vo_oaABfT6Mxqcmo12pnhKtfX4TnXfe02OcHJk,3254
927
+ "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",sha256=g12Xkurat7oUS7LdS9pHLKFlur4_FaMGiGBvdq-iBCs,3242
928
+ "vllm/model_executor/layers/quantization/utils/configs/N=4608,K=7168,device_name=NVIDIA_H20,dtype=int8_w8a8,block_shape=[128,128].json",sha256=EWLxbWncwGJyL-dV6EO-s8kk25wfYrESa0STjCnzD64,3244
929
+ "vllm/model_executor/layers/quantization/utils/configs/N=4608,K=7168,device_name=NVIDIA_H200,dtype=fp8_w8a8,block_shape=[128,128].json",sha256=tFdrY5nADmXUlShdN8w8Jzkxuj_RPLXCRceX9FhQ35E,3251
930
+ "vllm/model_executor/layers/quantization/utils/configs/N=4608,K=7168,device_name=NVIDIA_L20,dtype=fp8_w8a8,block_shape=[128,128].json",sha256=M-ewEHbgHLBLYLi1Hgz5Pp4kypnUiCRo0ut2scNnvDw,550
931
+ "vllm/model_executor/layers/quantization/utils/configs/N=512,K=7168,device_name=AMD_Instinct_MI300X,dtype=fp8_w8a8,block_shape=[128,128].json",sha256=zTzLbdff09HwMuWlWpoAIgQZ6NEjsFXSF0Y5z4Be7Ig,3802
932
+ "vllm/model_executor/layers/quantization/utils/configs/N=512,K=7168,device_name=AMD_Instinct_MI325X,dtype=fp8_w8a8,block_shape=[128,128].json",sha256=dcPHbYEbz8T9SM5-a5sP_K_npDkhH7u0KM9aiLn9esE,3806
933
+ "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",sha256=dcPHbYEbz8T9SM5-a5sP_K_npDkhH7u0KM9aiLn9esE,3806
934
+ "vllm/model_executor/layers/quantization/utils/configs/N=512,K=7168,device_name=NVIDIA_B200,dtype=fp8_w8a8,block_shape=[128,128].json",sha256=TO2qRGmp37v53Zqu8Joeq_BSbtwM_mpVoozGyoNg0-o,3254
935
+ "vllm/model_executor/layers/quantization/utils/configs/N=512,K=7168,device_name=NVIDIA_H20,dtype=int8_w8a8,block_shape=[128,128].json",sha256=QqijmgLqIoBUxRPnuUQGsoQASRFRMsCVQKTjEjGecVo,3247
936
+ "vllm/model_executor/layers/quantization/utils/configs/N=512,K=7168,device_name=NVIDIA_H200,dtype=fp8_w8a8,block_shape=[128,128].json",sha256=0xquf00fgfrDODpaxyre0VDcjqfzqExj939rzeJ8pMo,3244
937
+ "vllm/model_executor/layers/quantization/utils/configs/N=512,K=7168,device_name=NVIDIA_L20,dtype=fp8_w8a8,block_shape=[128,128].json",sha256=ipg8iK8w2ySRe1Z08YJUWAHX43rvkrXpR6svxRhSnFE,548
938
+ "vllm/model_executor/layers/quantization/utils/configs/N=5120,K=25600,device_name=NVIDIA_L40S,dtype=fp8_w8a8,block_shape=[128,128].json",sha256=RfKJ57-Tvq7WogfSRBPys53fLXfIr74m1YklXtzFgA8,3252
939
+ "vllm/model_executor/layers/quantization/utils/configs/N=5120,K=8192,device_name=NVIDIA_L40S,dtype=fp8_w8a8,block_shape=[128,128].json",sha256=isRjD-twCTzTRlXloDHwMvjUZzTOhZL8-qnL4oqN-I0,3258
940
+ "vllm/model_executor/layers/quantization/utils/configs/N=51200,K=5120,device_name=NVIDIA_L40S,dtype=fp8_w8a8,block_shape=[128,128].json",sha256=pIFPPhTKBT7leK-TSMCmy1LWZiDc6_5r4zoP0i7bX98,3266
941
+ "vllm/model_executor/layers/quantization/utils/configs/N=576,K=7168,device_name=AMD_Instinct_MI300X,dtype=fp8_w8a8,block_shape=[128,128].json",sha256=-wuzdNXf3K0jfFQGB8nFSyoSZ4BfAvIkY10k6FdjnLY,3800
942
+ "vllm/model_executor/layers/quantization/utils/configs/N=576,K=7168,device_name=AMD_Instinct_MI325X,dtype=fp8_w8a8,block_shape=[128,128].json",sha256=-o9QqqQQ-9kRVCuDOUGBuKXHRTd0asGTzrDcHGGYJLQ,3799
943
+ "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",sha256=-o9QqqQQ-9kRVCuDOUGBuKXHRTd0asGTzrDcHGGYJLQ,3799
944
+ "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",sha256=DbemSQdo2h5vGjSNB6Fovnn-aAGfjti04Bp-5KxLALk,3246
945
+ "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",sha256=6glWpljtfiuspJv_Esg_LWCDDQ57d2HETsOIv0zr2Ec,3249
946
+ "vllm/model_executor/layers/quantization/utils/configs/N=576,K=7168,device_name=NVIDIA_B200,dtype=fp8_w8a8,block_shape=[128,128].json",sha256=qG6v3n3qF6LE2DdGT-mDIXecZ1a7vg7p3QqXYCMX85k,3254
947
+ "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",sha256=l-9r2k1gcKB8UXlBXVuzkoa1JDLgJVTBQ_OaQK80z-k,3252
948
+ "vllm/model_executor/layers/quantization/utils/configs/N=576,K=7168,device_name=NVIDIA_H20,dtype=fp8_w8a8,block_shape=[128,128].json",sha256=4--7YWnJYUK4XmQ2zZ4M1ZYdKvUkET0VkNgIBn6xaOA,3247
949
+ "vllm/model_executor/layers/quantization/utils/configs/N=576,K=7168,device_name=NVIDIA_H20,dtype=int8_w8a8,block_shape=[128,128].json",sha256=ZfPPlx0qcuR4WjaFAE-W1QZgSPAMf3NyGcpvQIvyFMs,3245
950
+ "vllm/model_executor/layers/quantization/utils/configs/N=576,K=7168,device_name=NVIDIA_H200,dtype=fp8_w8a8,block_shape=[128,128].json",sha256=9w-sicV97vSQxkRcEKnFKFjkzBOx-VOHlrh6b1hhQ1g,3254
951
+ "vllm/model_executor/layers/quantization/utils/configs/N=576,K=7168,device_name=NVIDIA_L20,dtype=fp8_w8a8,block_shape=[128,128].json",sha256=QgSlDAhlB2W4bzTd2O98UL-C_IKfJm_cVmQz8FqsLF0,361
952
+ "vllm/model_executor/layers/quantization/utils/configs/N=576,K=7168,device_name=NVIDIA_L20Y,dtype=fp8_w8a8,block_shape=[128,128].json",sha256=i3wy_CBO7BQQVhKReRC2F0PaRIQDdN9F5lJ7kD0xe1I,548
953
+ "vllm/model_executor/layers/quantization/utils/configs/N=7168,K=1024,device_name=AMD_Instinct_MI300X,dtype=fp8_w8a8,block_shape=[128,128].json",sha256=QpkqpJnyjuHH8Zo4U4QZgehUF2F2uQDZFb8fdhixXWI,3794
954
+ "vllm/model_executor/layers/quantization/utils/configs/N=7168,K=1024,device_name=AMD_Instinct_MI325X,dtype=fp8_w8a8,block_shape=[128,128].json",sha256=wv5GjGAA-NyJ41SYdYG3tPAgwf6JK7Zf6SaWALQ5c3Y,3806
955
+ "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",sha256=wv5GjGAA-NyJ41SYdYG3tPAgwf6JK7Zf6SaWALQ5c3Y,3806
956
+ "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",sha256=RRMNeM_qiHvlUTOAeqwgs7ukSoAZSlK8XN4z8hgWl0k,3258
957
+ "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",sha256=brB0-FFr-Sv2bdrz4DQJ_NaFhETctf1g4Yzwj_Fcczc,3251
958
+ "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",sha256=bPQWtvaJrzOOIgI-R-MIxs_f4yC_FobkDydu3OkOFtg,3252
959
+ "vllm/model_executor/layers/quantization/utils/configs/N=7168,K=1024,device_name=NVIDIA_H20,dtype=fp8_w8a8,block_shape=[128,128].json",sha256=RYLh-Uim9U2_djLkFwwpV0rNQHik0tZHzecuj1_hPLw,3248
960
+ "vllm/model_executor/layers/quantization/utils/configs/N=7168,K=1024,device_name=NVIDIA_H200,dtype=fp8_w8a8,block_shape=[128,128].json",sha256=ZRgiuHZ2SFC6u-WV5DGwau4k1RiPLI67eENO0e-5Ylg,3253
961
+ "vllm/model_executor/layers/quantization/utils/configs/N=7168,K=1024,device_name=NVIDIA_L20Y,dtype=fp8_w8a8,block_shape=[128,128].json",sha256=4EzbnLWHVwrjyKYPMcDxbxM2o-krjlT0YXvM8oPH5Cg,549
962
+ "vllm/model_executor/layers/quantization/utils/configs/N=7168,K=1152,device_name=AMD_Instinct_MI300X,dtype=fp8_w8a8,block_shape=[128,128].json",sha256=OFgOtRkUHwyOT7Hk_BQft_WzuZOwbhMSLP65Fbr4goA,3799
963
+ "vllm/model_executor/layers/quantization/utils/configs/N=7168,K=1152,device_name=AMD_Instinct_MI325X,dtype=fp8_w8a8,block_shape=[128,128].json",sha256=AOu05da2LZbCzD9SKsrgnzH-ih3CdXsRIdJc_4J1lps,3807
964
+ "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",sha256=AOu05da2LZbCzD9SKsrgnzH-ih3CdXsRIdJc_4J1lps,3807
965
+ "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",sha256=qzmFm2pqxphir1LBrycDZp5JA4It8OdQeQ5iTrTwLNE,3253
966
+ "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",sha256=2UyOMRMdbvHt6WlZdOKALm3Or0eMCx7vvwgLiCYyoOs,3259
967
+ "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",sha256=-hP_P8NM0K04mGzTmpGBNibQ5xxh5gPz5WtoMXhoz1E,3253
968
+ "vllm/model_executor/layers/quantization/utils/configs/N=7168,K=1152,device_name=NVIDIA_H20,dtype=fp8_w8a8,block_shape=[128,128].json",sha256=vEU4_YOMnLdYFf1BkBEdFbGRMG8KLhsO_t0gv7vaO4Y,3244
969
+ "vllm/model_executor/layers/quantization/utils/configs/N=7168,K=1152,device_name=NVIDIA_H200,dtype=fp8_w8a8,block_shape=[128,128].json",sha256=FB5Le4obvPoCgFSnC_3-Uh59n-Mt4Rol8saXVcK3RPw,3252
970
+ "vllm/model_executor/layers/quantization/utils/configs/N=7168,K=1152,device_name=NVIDIA_L20Y,dtype=fp8_w8a8,block_shape=[128,128].json",sha256=k1rzpgm9m19AHf_HPQcNCuSBtAwFgMePUYB1jZeFyYY,549
971
+ "vllm/model_executor/layers/quantization/utils/configs/N=7168,K=128,device_name=AMD_Instinct_MI300X,dtype=fp8_w8a8,block_shape=[128,128].json",sha256=9IbzTwLRgTCfFLSvjEWKiajCjG81R-wTljIV2zUYUA8,3809
972
+ "vllm/model_executor/layers/quantization/utils/configs/N=7168,K=128,device_name=AMD_Instinct_MI325X,dtype=fp8_w8a8,block_shape=[128,128].json",sha256=B4uEwuftvaj9gHGdoDBnVhxbNRmzUtzu4LH0u-O7voA,3804
973
+ "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",sha256=B4uEwuftvaj9gHGdoDBnVhxbNRmzUtzu4LH0u-O7voA,3804
974
+ "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",sha256=ZTPWtJA3JBL2jhy7C60RdsntKCN8oQ-DDIL17ok7OB4,3257
975
+ "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",sha256=mokCWoXdKi8p4mLYqgljjwDRJWK5I2oF6_MJuObi5sU,3254
976
+ "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",sha256=kLviGvVngpgOuelfKtvv9Is7MWQ89rGxlomMRP6t0Ic,3250
977
+ "vllm/model_executor/layers/quantization/utils/configs/N=7168,K=128,device_name=NVIDIA_H20,dtype=fp8_w8a8,block_shape=[128,128].json",sha256=bIVRtaaHThozH54VIte0Nk0sOGV67K4s2YZUE6QWx2s,3252
978
+ "vllm/model_executor/layers/quantization/utils/configs/N=7168,K=128,device_name=NVIDIA_L20Y,dtype=fp8_w8a8,block_shape=[128,128].json",sha256=_YXzQ6N3QpF3Ou1Fy-51YyL-J3i5gOBVCgSM42vOT9I,549
979
+ "vllm/model_executor/layers/quantization/utils/configs/N=7168,K=16384,device_name=AMD_Instinct_MI300X,dtype=fp8_w8a8,block_shape=[128,128].json",sha256=csaz7AaVDTvCuzaptN-e8K1PNuIwZm9OwnPSJydHI90,3803
980
+ "vllm/model_executor/layers/quantization/utils/configs/N=7168,K=16384,device_name=AMD_Instinct_MI325X,dtype=fp8_w8a8,block_shape=[128,128].json",sha256=scfO3_ncCtyrqcYSnIoAZTMfvBzjB4o_0_bdiiVSNh4,3803
981
+ "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",sha256=scfO3_ncCtyrqcYSnIoAZTMfvBzjB4o_0_bdiiVSNh4,3803
982
+ "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",sha256=CE1wRLyFONo4_icKO8fcTTX-5giKNJ9_1F-2mr-lGQU,3257
983
+ "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",sha256=JdUaLiMmf8oEbwuhPHMIncvWzXS2SxOEgfM80ZjM7l0,3259
984
+ "vllm/model_executor/layers/quantization/utils/configs/N=7168,K=16384,device_name=NVIDIA_B200,dtype=fp8_w8a8,block_shape=[128,128].json",sha256=vlys0Zi_CaaU41OHGbWSBtbVglFi98bgqEySBMc9Sdg,3258
985
+ "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",sha256=-sqiMkGGMzhrs1WdhEfwiNZd2r-NmhEsfvJxczLZJ-g,3258
986
+ "vllm/model_executor/layers/quantization/utils/configs/N=7168,K=16384,device_name=NVIDIA_H20,dtype=fp8_w8a8,block_shape=[128,128].json",sha256=GY9VBPi21K6vJlF1NOEzCyqMS7LX3xq5dRxrK0jvIHk,3244
987
+ "vllm/model_executor/layers/quantization/utils/configs/N=7168,K=16384,device_name=NVIDIA_H20,dtype=int8_w8a8,block_shape=[128,128].json",sha256=8LWF55ZPjrOY_sEdRGqf1eLcTNySgUiiWNWsN4EGxLY,3247
988
+ "vllm/model_executor/layers/quantization/utils/configs/N=7168,K=16384,device_name=NVIDIA_H200,dtype=fp8_w8a8,block_shape=[128,128].json",sha256=xEN9qWPikXf4njuYyKQJVW0SM5cDReje-euoWbr64WE,3258
989
+ "vllm/model_executor/layers/quantization/utils/configs/N=7168,K=16384,device_name=NVIDIA_L20,dtype=fp8_w8a8,block_shape=[128,128].json",sha256=_Cc0EqUzl6d93OxWJRWYbYpEaTIp0glJhdfV-GSAi5M,552
990
+ "vllm/model_executor/layers/quantization/utils/configs/N=7168,K=16384,device_name=NVIDIA_L20Y,dtype=fp8_w8a8,block_shape=[128,128].json",sha256=ZSHvdnC2vOXI2HPW1iNI9HdihoLcNYlRLMF85pqjWZE,551
991
+ "vllm/model_executor/layers/quantization/utils/configs/N=7168,K=18432,device_name=AMD_Instinct_MI300X,dtype=fp8_w8a8,block_shape=[128,128].json",sha256=SkyMLsoxGoHdO4kgTerihone7eEi0nmHlrvZUI1I_V4,3804
992
+ "vllm/model_executor/layers/quantization/utils/configs/N=7168,K=18432,device_name=AMD_Instinct_MI325X,dtype=fp8_w8a8,block_shape=[128,128].json",sha256=6Jo2hw2gQpyiNoCRZpGItu4MBkYytzdW-VggWUC4fPE,3804
993
+ "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",sha256=6Jo2hw2gQpyiNoCRZpGItu4MBkYytzdW-VggWUC4fPE,3804
994
+ "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",sha256=xbDfUYLphVtZWJojZWODlxGMCoiIgxn4LsnD9ge3r9A,3257
995
+ "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",sha256=hqh8TQw3t5hPM9u7rmHPuaMjwgxmQ-Zt35fSTgOS0HQ,3261
996
+ "vllm/model_executor/layers/quantization/utils/configs/N=7168,K=18432,device_name=NVIDIA_B200,dtype=fp8_w8a8,block_shape=[128,128].json",sha256=Ggy4hejkcWjiw5Bi-wGzSP5JLVuvOjip_rbjXFBJZbs,3257
997
+ "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",sha256=RzkrUzR_nzxnD4L2jF0_8aDX-nidn6AjhVXlJK50VyY,3259
998
+ "vllm/model_executor/layers/quantization/utils/configs/N=7168,K=18432,device_name=NVIDIA_H20,dtype=fp8_w8a8,block_shape=[128,128].json",sha256=qKG9hmaxN_7tCB_06L1dh0csxs3TGeya9B-X6W-tNhg,3245
999
+ "vllm/model_executor/layers/quantization/utils/configs/N=7168,K=18432,device_name=NVIDIA_H20,dtype=int8_w8a8,block_shape=[128,128].json",sha256=jb7vGi1RJefImkT3BZU_9iOkiCulcd5oDjxpVSt7big,3246
1000
+ "vllm/model_executor/layers/quantization/utils/configs/N=7168,K=18432,device_name=NVIDIA_H200,dtype=fp8_w8a8,block_shape=[128,128].json",sha256=at0_Rcc0-lSzI9MFj-TjnjyDt0HckCZYAZ19q-7p5zI,3257
1001
+ "vllm/model_executor/layers/quantization/utils/configs/N=7168,K=18432,device_name=NVIDIA_L20,dtype=fp8_w8a8,block_shape=[128,128].json",sha256=_Cc0EqUzl6d93OxWJRWYbYpEaTIp0glJhdfV-GSAi5M,552
1002
+ "vllm/model_executor/layers/quantization/utils/configs/N=7168,K=18432,device_name=NVIDIA_L20Y,dtype=fp8_w8a8,block_shape=[128,128].json",sha256=TWpzs48j0QwApAsBWt3iIlu6cqR46Meslyp96MOANcc,551
1003
+ "vllm/model_executor/layers/quantization/utils/configs/N=7168,K=2048,device_name=AMD_Instinct_MI300X,dtype=fp8_w8a8,block_shape=[128,128].json",sha256=i5b52A1Oe8kCdPrPLBGud7OMHm8779JD0rBocYO_lo4,3797
1004
+ "vllm/model_executor/layers/quantization/utils/configs/N=7168,K=2048,device_name=AMD_Instinct_MI325X,dtype=fp8_w8a8,block_shape=[128,128].json",sha256=U20Q4JwG63kU-6cc241VHGdpettCWbBXRJ9EZ-fbkqA,3803
1005
+ "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",sha256=U20Q4JwG63kU-6cc241VHGdpettCWbBXRJ9EZ-fbkqA,3803
1006
+ "vllm/model_executor/layers/quantization/utils/configs/N=7168,K=2048,device_name=NVIDIA_B200,dtype=fp8_w8a8,block_shape=[128,128].json",sha256=4uWiQMh3cZY_EtLA0a3PU8Z1VCunF2PpolTPYeP9Rjo,3256
1007
+ "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",sha256=OgXOVvRKqsgzlJwjHNxNCsJ_o3POBFigwCqafbh_aKc,3258
1008
+ "vllm/model_executor/layers/quantization/utils/configs/N=7168,K=2048,device_name=NVIDIA_H20,dtype=int8_w8a8,block_shape=[128,128].json",sha256=toHzCprq0KetQI0-9IrLYCIm1bQ0nSeP1gXArU0GogI,3245
1009
+ "vllm/model_executor/layers/quantization/utils/configs/N=7168,K=2048,device_name=NVIDIA_H200,dtype=fp8_w8a8,block_shape=[128,128].json",sha256=_0V6CEfYgBsaUnF5DwNWWseo8N1Ph_R0la_XN8HzcuM,3259
1010
+ "vllm/model_executor/layers/quantization/utils/configs/N=7168,K=2048,device_name=NVIDIA_L20,dtype=fp8_w8a8,block_shape=[128,128].json",sha256=pGZZj_gZms1T9Zgjs4tbIm90LhbEy1UUkkgrto9jPts,551
1011
+ "vllm/model_executor/layers/quantization/utils/configs/N=7168,K=2304,device_name=AMD_Instinct_MI300X,dtype=fp8_w8a8,block_shape=[128,128].json",sha256=fqnjZCn0gbY7fO9JwZOHMYJJHe8gceWhWCZOFPRUlYM,3802
1012
+ "vllm/model_executor/layers/quantization/utils/configs/N=7168,K=2304,device_name=AMD_Instinct_MI325X,dtype=fp8_w8a8,block_shape=[128,128].json",sha256=OTZt3ell0OZ7Cg5L17K2NPU4UwayAkTihV5HjUmUiAw,3810
1013
+ "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",sha256=OTZt3ell0OZ7Cg5L17K2NPU4UwayAkTihV5HjUmUiAw,3810
1014
+ "vllm/model_executor/layers/quantization/utils/configs/N=7168,K=2304,device_name=NVIDIA_B200,dtype=fp8_w8a8,block_shape=[128,128].json",sha256=LdtOyXsA9r18GiFkmDOkiRinsDSZBZ8NYapL59EZ4iM,3264
1015
+ "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",sha256=07GarBHmiiYkyqn-qxEtrAcgCETuUbqm6HqlbH9yJi8,3252
1016
+ "vllm/model_executor/layers/quantization/utils/configs/N=7168,K=2304,device_name=NVIDIA_H20,dtype=int8_w8a8,block_shape=[128,128].json",sha256=xMNxtLL_8tyg4TWSt_llz_IJ2qlxc2NEwhUzhV1VsG8,3252
1017
+ "vllm/model_executor/layers/quantization/utils/configs/N=7168,K=2304,device_name=NVIDIA_H200,dtype=fp8_w8a8,block_shape=[128,128].json",sha256=kEuvCsW3YNByF-DALYqPZpW3TL8ZbtQ5gUNq7-8YvZ4,3252
1018
+ "vllm/model_executor/layers/quantization/utils/configs/N=7168,K=2304,device_name=NVIDIA_L20,dtype=fp8_w8a8,block_shape=[128,128].json",sha256=4uNqB71a6ctZ-c4tF3r66vOsHFrqcR28g_UWy0N8iBo,550
1019
+ "vllm/model_executor/layers/quantization/utils/configs/N=7168,K=256,device_name=AMD_Instinct_MI300X,dtype=fp8_w8a8,block_shape=[128,128].json",sha256=QkrfZ69jxW_mweigtHL5R0Sv_WcSBp7wjFX75G9kbHw,3805
1020
+ "vllm/model_executor/layers/quantization/utils/configs/N=7168,K=256,device_name=AMD_Instinct_MI325X,dtype=fp8_w8a8,block_shape=[128,128].json",sha256=xMGmoN2ZTjKQBZS-k75mFTPpAEbPR3kyMwqZVtgbEiM,3802
1021
+ "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",sha256=xMGmoN2ZTjKQBZS-k75mFTPpAEbPR3kyMwqZVtgbEiM,3802
1022
+ "vllm/model_executor/layers/quantization/utils/configs/N=7168,K=256,device_name=NVIDIA_B200,dtype=fp8_w8a8,block_shape=[128,128].json",sha256=PD4AJYCkHfy2ivv9baMouFXzBTy0eKMumbAfxfm91HI,3256
1023
+ "vllm/model_executor/layers/quantization/utils/configs/N=7168,K=256,device_name=NVIDIA_H20,dtype=int8_w8a8,block_shape=[128,128].json",sha256=iu8M35YR-RDpKWbjXSRzk02sW9nr_dtbhalfLSNtxNs,3251
1024
+ "vllm/model_executor/layers/quantization/utils/configs/N=7168,K=256,device_name=NVIDIA_H200,dtype=fp8_w8a8,block_shape=[128,128].json",sha256=FFBjSWlpKXMxfAUUYUqXbOK_Hd7qBeBsfbcaa9uB4qY,3249
1025
+ "vllm/model_executor/layers/quantization/utils/configs/N=7168,K=256,device_name=NVIDIA_L20,dtype=fp8_w8a8,block_shape=[128,128].json",sha256=41m0bvskFUzVtlr_yppBr4PZ0cVkqHvy9Hrc5pUCUyY,552
1026
+ "vllm/model_executor/layers/quantization/utils/configs/N=7168,K=8192,device_name=AMD_Instinct_MI300X,dtype=fp8_w8a8,block_shape=[128,128].json",sha256=2VxMGfWtxTzXcF0bP3d5s7rc1cKb5TNBAn-WiCKAngw,3804
1027
+ "vllm/model_executor/layers/quantization/utils/configs/N=7168,K=8192,device_name=AMD_Instinct_MI325X,dtype=fp8_w8a8,block_shape=[128,128].json",sha256=VtQGO3fEiyhbKG4sl07cuVc6id2EtKeV05ozLmN_ENQ,3807
1028
+ "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",sha256=VtQGO3fEiyhbKG4sl07cuVc6id2EtKeV05ozLmN_ENQ,3807
1029
+ "vllm/model_executor/layers/quantization/utils/configs/N=8192,K=1536,device_name=AMD_Instinct_MI300X,dtype=fp8_w8a8,block_shape=[128,128].json",sha256=W3cYFteFIZLu5c1K41cOh4_-WZzFU6-jGnZocDzmKaA,3796
1030
+ "vllm/model_executor/layers/quantization/utils/configs/N=8192,K=1536,device_name=AMD_Instinct_MI325X,dtype=fp8_w8a8,block_shape=[128,128].json",sha256=HIoWSUgAOcNaK2kj2YwDjDa23PzQVTT2C2ePW985Ovw,3805
1031
+ "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",sha256=HIoWSUgAOcNaK2kj2YwDjDa23PzQVTT2C2ePW985Ovw,3805
1032
+ vllm/model_executor/layers/quantization/utils/configs/README.md,sha256=kfjjurECwd-xH4EDjuueS0Xezi86c_pYu2yELgiw8Ew,102
1033
+ vllm/model_executor/layers/rotary_embedding/__init__.py,sha256=p1C1kYwd-S-f9BLYG-P-_FDbc6WAlHwg1GBHhHoKHlM,9658
1034
+ vllm/model_executor/layers/rotary_embedding/base.py,sha256=kG8uwPszDw6KvtqXPABOwev6QH9F_sRvc63wfKN24tg,8729
1035
+ vllm/model_executor/layers/rotary_embedding/common.py,sha256=757SFj105p6Qs9D9r0WsxHOasYfJHdQjZu0d3HLvEMA,8126
1036
+ vllm/model_executor/layers/rotary_embedding/deepseek_scaling_rope.py,sha256=gz1nzkviimur19z78ehADynbP261_3ltjoFE7mHJ04o,5551
1037
+ vllm/model_executor/layers/rotary_embedding/dual_chunk_rope.py,sha256=BJc52pbq6NlkweRK7DEsyrJxIPhWzRKLfBIXXCQA4r0,8368
1038
+ vllm/model_executor/layers/rotary_embedding/dynamic_ntk_alpha_rope.py,sha256=gkD_OmIqduxIUvBgqEqFu22dVDm4zzOmtJ5SgRQJOAc,1289
1039
+ vllm/model_executor/layers/rotary_embedding/dynamic_ntk_scaling_rope.py,sha256=6lZQAj1v-nvRbZkLIR9_4a9nzAczr09YByOF7IXDr_U,2681
1040
+ vllm/model_executor/layers/rotary_embedding/ernie45_vl_rope.py,sha256=xibKvReUksJnWiESNi0qVg9L8-qZul1Ti1gghVT34Oc,3059
1041
+ vllm/model_executor/layers/rotary_embedding/linear_scaling_rope.py,sha256=5a1OVeRvwUeU35x7xjUbhpc_UNtWd2MRWlZ1QftnxkI,4643
1042
+ vllm/model_executor/layers/rotary_embedding/llama3_rope.py,sha256=EMeHz5tB4hKDXr6ce4GFfFpt8x03HKYlmedwXUgDcHw,1785
1043
+ vllm/model_executor/layers/rotary_embedding/llama4_vision_rope.py,sha256=_f4tKV35lmZ4a3HvmTMzbqVNEGk6qwq4qoIugKubzhk,3197
1044
+ vllm/model_executor/layers/rotary_embedding/mrope.py,sha256=zgqRJKYWKnQXIPKfwJyNo7hHclopjevBEdpZrtcpqB4,14256
1045
+ vllm/model_executor/layers/rotary_embedding/ntk_scaling_rope.py,sha256=KzRfhq8fROqVm5Eu6ETmQZyvc8LZjIKzde0ZGcr8Pkc,1462
1046
+ vllm/model_executor/layers/rotary_embedding/phi3_long_rope_scaled_rope.py,sha256=AT89hmBGCmGUtX1hoy4agKZfYdHd98eJnE1fGlzkQVA,5699
1047
+ vllm/model_executor/layers/rotary_embedding/xdrope.py,sha256=MDHhx7D3Lir4BWx_bhmOYIruQfBJCzsD-OV7g2sUfGA,5108
1048
+ vllm/model_executor/layers/rotary_embedding/yarn_scaling_rope.py,sha256=rZENzx8gm_Ysbp_OzOn0qQB9v-D1faYWz5ZILHJBbrs,2863
1049
+ vllm/model_executor/model_loader/__init__.py,sha256=LHfIEpPjCh0nFjOPe4GS8kswwCr9bsvss8bumDhMHys,4901
1050
+ vllm/model_executor/model_loader/base_loader.py,sha256=BnF4wUJhm-eWW7tzYMO0UbE-Q9ORX90S2lVww7MNjcg,2075
1051
+ vllm/model_executor/model_loader/bitsandbytes_loader.py,sha256=O3PbLUnXn90YEzHKPMhs7tRFfkzM_xGS38ePV8gq3K0,34791
1052
+ vllm/model_executor/model_loader/default_loader.py,sha256=z4Z8WU7dAEYX6ixS84v-yIFEbnf8QxqbX9g8ZZT0xMc,12370
1053
+ vllm/model_executor/model_loader/dummy_loader.py,sha256=QStJ9SXJTYqzTWI6ytieoh0KNsQWlfL_sFz7bcHqtEY,1115
1054
+ vllm/model_executor/model_loader/gguf_loader.py,sha256=s3_2sWCmZ1Svbi8tX_iAM3dVQ4GZcIfp1Z6GiaXaki8,15751
1055
+ vllm/model_executor/model_loader/online_quantization.py,sha256=I92q7uvu1vyWcYUnFkQwRzghsb52R0IC8Qi-GShx9lQ,11543
1056
+ vllm/model_executor/model_loader/runai_streamer_loader.py,sha256=7YpbtdAaeMdq0wpI6GvkrvcUgt48EkxRRhgAYAqfdio,4394
1057
+ vllm/model_executor/model_loader/sharded_state_loader.py,sha256=ZiL0HOxm10eW2w6BDu8VGLOp5Vp4M3nL6vQWJspo0-k,8238
1058
+ vllm/model_executor/model_loader/tensorizer.py,sha256=dhi_PV99hi-gyEqEWtwVmH8EY5XbluVRLgcxRMrENOE,29807
1059
+ vllm/model_executor/model_loader/tensorizer_loader.py,sha256=brQv1ywScnNSpYMAt9l0zbLz1hUbEbStsEGhVcwpuJw,5826
1060
+ vllm/model_executor/model_loader/tpu.py,sha256=Yk2kqIhQxistx25MQriqsuUu8-PyFdu_lPpZCiOzOkU,4798
1061
+ vllm/model_executor/model_loader/utils.py,sha256=00b7bKhn3ft-A6cYrHivjmmw1LhSCt15uvmZm2cvaV0,11231
1062
+ vllm/model_executor/model_loader/weight_utils.py,sha256=PaRyrLimjkZC-SLp6awvp2BaqVaMWfxZWb426RghM8k,43247
1063
+ vllm/model_executor/models/__init__.py,sha256=JC8KFZavvBlB4woyRgOBd_vcuoiA31nmBOR5dGcJSjo,997
1064
+ vllm/model_executor/models/adapters.py,sha256=OKSw4nUQaqMNvAjFepBHo7yIaZ-NncFj0peO97rucI8,18911
1065
+ vllm/model_executor/models/afmoe.py,sha256=q-FwRAHnJxK4tL_1H0ZLiQivzIJoyOUvMWkBd3XXqWk,26151
1066
+ vllm/model_executor/models/aimv2.py,sha256=78Agfjp4a5Hu_uWSOKdfTVkPyx-0Q9KD5ObyNeahlKI,8300
1067
+ vllm/model_executor/models/apertus.py,sha256=oQl76BNPpAqLvELDaCtvoIzwU1CyndiRDiXpoAAP6NU,20734
1068
+ vllm/model_executor/models/arcee.py,sha256=-UFp6gIs8sqbk26I2gVKv0gq78Qb5h3CoKDQac6XXc4,16084
1069
+ vllm/model_executor/models/arctic.py,sha256=6R12kBzrcYzCNcoZrzGgv4rInpsg_CaThzE2aHQ2J9o,23767
1070
+ vllm/model_executor/models/aria.py,sha256=CmE_XEaFw7obC5JQaR0mdPJE30u-pemUQq2LXyFzH4E,23489
1071
+ vllm/model_executor/models/audioflamingo3.py,sha256=kQtPyZ8pYofL-bIhLwDD8la3Ym1K7TIUM9D-AQkt9QM,22459
1072
+ vllm/model_executor/models/aya_vision.py,sha256=Esr0Rhs-2WgIsQ9VfinNOpDmvyRcKrIN-DftZfbDEek,16534
1073
+ vllm/model_executor/models/bagel.py,sha256=3s6-N1Ml1IG6Auo_RIKWcOTpF2RJulkaxAqVoSHNDJU,20699
1074
+ vllm/model_executor/models/baichuan.py,sha256=6IXVn92LhEmfMlJRxw1NojW_OWlVX9UDYRyAeyUHDfU,17811
1075
+ vllm/model_executor/models/bailing_moe.py,sha256=p1PoiXSqah7scqqiKItyCISdAT9XClOsePAc_uhxIuE,23052
1076
+ vllm/model_executor/models/bamba.py,sha256=6OvWNj4F5o0sthrrqJwJsdtqBVp_JyRujOjUFcauk5U,17641
1077
+ vllm/model_executor/models/bee.py,sha256=BXEICXixtwrG50Roqwk1cujdmQ4pljJGfxQgUt7ZqtA,5450
1078
+ vllm/model_executor/models/bert.py,sha256=ZxM79Yrcx5sVi7vAo_4B4bTGc5mm7VTwltBwnPwPRiY,31354
1079
+ vllm/model_executor/models/bert_with_rope.py,sha256=CbohS09BZMV8Y7WHVbMGvsz5-KT6M_Zo0LwAplbuGs4,25587
1080
+ vllm/model_executor/models/blip.py,sha256=9H3pzmrtN_9OV3BLO1Dsk54bptwoJKnU0qVxLNIH-V0,11910
1081
+ vllm/model_executor/models/blip2.py,sha256=X8Ie8UtIROMYkMcnHu_8iL1QX5r4CTm7ixH5w9MsCSQ,23268
1082
+ vllm/model_executor/models/bloom.py,sha256=9Y1UAwmAaiZt4fI4kfOfF68liZxOy4RiFLwl0eyiXxI,13967
1083
+ vllm/model_executor/models/chameleon.py,sha256=6CpG6u53h9P-TGaK6gBKx3nGrJJTP2DA3gom9Yz13i8,40437
1084
+ vllm/model_executor/models/chatglm.py,sha256=Q-EvWJ_rHJjWW6-ammlfgYDNt5JX5KAmWZMbVq7RO6o,17596
1085
+ vllm/model_executor/models/clip.py,sha256=Z3WUaRe91DFwQ15T2sMfXlyiWEVj7Z10scW4egEye1Q,33333
1086
+ vllm/model_executor/models/cohere2_vision.py,sha256=wgGh15eJbJYQNt73nKVxoWUWit4K49RkpaYh-lFyj-8,17035
1087
+ vllm/model_executor/models/commandr.py,sha256=z0T7oWaXgHkJmkvHebOBkq7fIqiod_NuBxuB9ex4GLY,17396
1088
+ vllm/model_executor/models/config.py,sha256=BUe2DkmQbr4ctrhuveFC66uYXnm0KmrxuxIkXbza11w,22409
1089
+ vllm/model_executor/models/dbrx.py,sha256=Gxoy3rWLsZ_1mgWu_AX2T4Mg94kl8v2T2ar2k1L45wc,17429
1090
+ vllm/model_executor/models/deepencoder.py,sha256=xX4tgjD7akJrsdHKsWOJacDfZ8iWsBlD4mmCepqO_Sg,23774
1091
+ vllm/model_executor/models/deepseek_eagle.py,sha256=GJdG-Ii1vSTtsJy-jB3zzMHB2iWHsgjCOrak3hqecnk,9329
1092
+ vllm/model_executor/models/deepseek_mtp.py,sha256=DCOhilLz0IzEcLtYobgoBSwTK6rtfn7gB8rkSxsIrq4,18016
1093
+ vllm/model_executor/models/deepseek_ocr.py,sha256=zq3PnIoOn_892opheGS8ejHMN8oLUzA0AEahySDJ7UU,20371
1094
+ vllm/model_executor/models/deepseek_v2.py,sha256=UFhI3PzCdPavLFzEM3EjcQQywsnWOKDzvW6r0-ka-es,65324
1095
+ vllm/model_executor/models/deepseek_vl2.py,sha256=e5VbFjrnizO3rIut3tqhoXWQ-5DzgfnZOcwI2k2-MNs,22891
1096
+ vllm/model_executor/models/dots1.py,sha256=sCE7AtQv1unPOSZp3iBc_NYoa9dsqv00ZKVpp7glmB4,20817
1097
+ vllm/model_executor/models/dots_ocr.py,sha256=p5hQEv5dw7P7_TnZ7Aiu2GxlpIx6HRKU3yhQ6Ch-G3w,27896
1098
+ vllm/model_executor/models/ernie45.py,sha256=gxkle1tmFbYsDkQx8AjoYZ-2_e93ALUtHMMdVnPA_fY,2244
1099
+ vllm/model_executor/models/ernie45_moe.py,sha256=NfEyiB5YqkTTnBn4y5iJMG3W0VWxnBm8SURDMiEvnOk,28092
1100
+ vllm/model_executor/models/ernie45_vl.py,sha256=TwGnS0OKuFWB3soxAJSgzJqmeTgM3J-2X6dfI_FKc0Q,57663
1101
+ vllm/model_executor/models/ernie45_vl_moe.py,sha256=Thp8AmJbpuMzZcxzmQ4-Sa8uFsfvPOXw_qp83FCV1iw,30396
1102
+ vllm/model_executor/models/ernie_mtp.py,sha256=2Lh7jpKYkisUeuVVc4spslBo_eYCYWEhHlO32pHddZA,10568
1103
+ vllm/model_executor/models/exaone.py,sha256=OxzjHhrvrjZjVSFkAzCy_aRYuo_AUTtnrGzronVJL2I,18809
1104
+ vllm/model_executor/models/exaone4.py,sha256=kZEJ49a7u_8ngcqeCY3bxtwMdZP8jyr4w6xZM7P6wP0,18650
1105
+ vllm/model_executor/models/fairseq2_llama.py,sha256=dIadCgG1u8yASjN4qmOTvkli4xxu-Ygl3t0iL2Czsik,6375
1106
+ vllm/model_executor/models/falcon.py,sha256=A21xTnBOvRCvxCmVfUPVrSCqvOmMA-opohJtxrbkGjM,20467
1107
+ vllm/model_executor/models/falcon_h1.py,sha256=nBH-JEKxWxzODx5cVRnfo_TkwhdkETYzcSXLrD-iX_s,24127
1108
+ vllm/model_executor/models/flex_olmo.py,sha256=eWFSijc0m35t7xMZKdsb0cXZv1OdI3vbAw8nAujahMI,5624
1109
+ vllm/model_executor/models/fuyu.py,sha256=yA2FTp7WZdyFSVO8fp5U9vXWSVl4_AA84DOGQGFSFJ0,12918
1110
+ vllm/model_executor/models/gemma.py,sha256=VBliwRauNqjT9Qbu14VZNWIbwzTiu19UuMbj8n89Z90,15534
1111
+ vllm/model_executor/models/gemma2.py,sha256=PfOtV3CxWfFGuMkW8B9CKq83h2Qrbpedx8s4cR4isPw,16362
1112
+ vllm/model_executor/models/gemma3.py,sha256=h9XXnomf3bi5yPBu80Dd_k9LysNYz13l_nUd-Y6lM_Y,19330
1113
+ vllm/model_executor/models/gemma3_mm.py,sha256=p7D9bFLX35FfPxHexFQR2QjWkISI_F6Ai3s8LYY_lTE,21907
1114
+ vllm/model_executor/models/gemma3n.py,sha256=bnG2MOpyZ-jDFXzlI3thk8d8l4grcYhrbzjV111W5WA,44169
1115
+ vllm/model_executor/models/gemma3n_mm.py,sha256=WkXcfSxaa1Kn4yUIpwugOn6x8kuWJrlfAmvyhsyEzk0,29699
1116
+ vllm/model_executor/models/glm.py,sha256=Xnak9Z2N9i2PFVY9m9-ocRcocTEQCPow5mGFena0URI,1108
1117
+ vllm/model_executor/models/glm4.py,sha256=MCzSmJzwLpPM2HHEdPFwqk8TCsUMtNRK3_cYOYim0v0,10579
1118
+ vllm/model_executor/models/glm4_1v.py,sha256=cFxhzoFEHZWjmo5j3Hz8_yNlhwXQnHv01DwF2la_2V8,65843
1119
+ vllm/model_executor/models/glm4_moe.py,sha256=GK8FZNoJLOtEW0IodWnKaN0PwtTs6Fr0DD1zew81DfQ,28065
1120
+ vllm/model_executor/models/glm4_moe_mtp.py,sha256=ILXawxkleeK_jaTrKBIhSGnMSPnCX6h-YbNGWqyBdXU,14106
1121
+ vllm/model_executor/models/glm4v.py,sha256=PnN_Ndumizyzw3n6OxkJfFEMIWlEtOq38lrsKOLDcQM,25746
1122
+ vllm/model_executor/models/gpt2.py,sha256=ZyPRJybDLhq5LoZbMIH3S6V_kmFXTyvflebsXD19BGk,14316
1123
+ vllm/model_executor/models/gpt_bigcode.py,sha256=nN3bU32akyp24tLWpc5Puzfka96VlfUdcLObR6YC7EA,12135
1124
+ vllm/model_executor/models/gpt_j.py,sha256=5PUa1VYw2hhOcxzVq9Rt_RALaA6PSJrTTpupGdQMn0g,12758
1125
+ vllm/model_executor/models/gpt_neox.py,sha256=XGpTEHvV76VO_CbKLjwd2oUZYTMVxho8efb8A995HA4,12679
1126
+ vllm/model_executor/models/gpt_oss.py,sha256=Xf1uoe2arFuGQ4DLW9jUrB6COeeWsjnCz-lj9sd5QDY,28854
1127
+ vllm/model_executor/models/granite.py,sha256=FtLf7dUAbREvCYDySYBp3ky2haPjE3vVOgFDV_oMPGk,17369
1128
+ vllm/model_executor/models/granite_speech.py,sha256=64bUy22L-cFT04e5wzWWE7vppd_oQh5iEwg1r3ALMeE,34624
1129
+ vllm/model_executor/models/granitemoe.py,sha256=PHzHyif13_9qS8ArgxXR7FtXqj9hN20QXModeHdLnfQ,21100
1130
+ vllm/model_executor/models/granitemoehybrid.py,sha256=1YHD-ZQi_BdPQn58Q-JE6zpkdhYT5Hcqt8_F18yy_Yw,25749
1131
+ vllm/model_executor/models/granitemoeshared.py,sha256=mOXadUhv4xcOoQhff4qB_cwgT5yIolVss8Do0Ds1wY0,12029
1132
+ vllm/model_executor/models/gritlm.py,sha256=bWvPG5Y5isYiiIG1_yjCSV2BdLlEcPviJJYfWcvGVdw,8200
1133
+ vllm/model_executor/models/grok1.py,sha256=tIAaPR84l5cvYbikqPnvZqqSNJ39083Db8Gj1a45Dn0,20624
1134
+ vllm/model_executor/models/h2ovl.py,sha256=esbz1E_zaZK6p0YBB5QqcbZaU3eq-3kXZEqLSYsydJs,17830
1135
+ vllm/model_executor/models/hunyuan_v1.py,sha256=KUvCotfsTHs09udiNSOzoxMkWwLHVFQyHPCvz4Pe3Pk,39418
1136
+ vllm/model_executor/models/hunyuan_vision.py,sha256=-I2McRjipDJRuNG2CamALCo95nFSmg6fdY8sEKA0NGA,35219
1137
+ vllm/model_executor/models/hyperclovax_vision.py,sha256=YVIliqw6WNl_eSpAv9jvqcHzYdGWO39m2rTV7w63cwA,40413
1138
+ vllm/model_executor/models/idefics2_vision_model.py,sha256=LUVcrbE87rLldyd0fB3Px96AI0CM_6Qyiq5MNjKgHIg,15539
1139
+ vllm/model_executor/models/idefics3.py,sha256=catulPTcx-8LwO_XooQhRDO15Ct-dFiJH3gfPSS6fR8,24650
1140
+ vllm/model_executor/models/interfaces.py,sha256=UJ8nAmjQs0jmMtv3-hnXO9SDIGS-UNTYUzY9s_JdMbk,36369
1141
+ vllm/model_executor/models/interfaces_base.py,sha256=TYkpmmcJn-9P5Mzi9M7U7iQKuciUiu2S2VMs2dn1RBA,6225
1142
+ vllm/model_executor/models/intern_vit.py,sha256=GekvyrlCVDNxHqGhiUza214e-KBymnR1z7cAlTWgMAQ,15099
1143
+ vllm/model_executor/models/internlm2.py,sha256=5nuoBwIyiqG_ZbDN8uvPZZY_K0z1i_1ao3erCG2Uvlg,16117
1144
+ vllm/model_executor/models/internlm2_ve.py,sha256=hDhlTCpPsJ50_mnB7XqLnMT6waw_E99gSM7n2tr93mw,5350
1145
+ vllm/model_executor/models/interns1.py,sha256=4a_yUfyFAJ3oTfOT5_UKOFCfJ4dcZsORV3Op1Edjb-M,30601
1146
+ vllm/model_executor/models/interns1_vit.py,sha256=Zz53jQ6eqM46oIWEavlA5uLz_pKLldax_RcQCl62VQo,14909
1147
+ vllm/model_executor/models/internvl.py,sha256=gctJNynzlaLHUu26OukASw6Jf8STarJUa7Aqg_1E90A,49864
1148
+ vllm/model_executor/models/jais.py,sha256=iDGCyrKYbJMfa1TYl0oyJz5S3ZRJqmR7YXJ92wEJnUc,14198
1149
+ vllm/model_executor/models/jais2.py,sha256=O8DkF-xzPU3cUkgRQAs7-kWoqjCl1mc0FFrHlROEW3k,19529
1150
+ vllm/model_executor/models/jamba.py,sha256=q2EQ4q6o3W6hwW9NrKanXyweLGxvGj7gbOiO_xvhv-Q,21600
1151
+ vllm/model_executor/models/jina_vl.py,sha256=oGnJwu1_XSi6AnB4rA3C_sec8YAxZjAh3kz2jsO5JyE,5262
1152
+ vllm/model_executor/models/keye.py,sha256=QfdwNB1LbhVcTkbLg0T-MbWA6xl5D-PRDgEPm0AxK1U,58976
1153
+ vllm/model_executor/models/keye_vl1_5.py,sha256=YCYjlfOWX4grJj2cYQyR2WAFYVdI7h_aSPpqxXvhJsc,24916
1154
+ vllm/model_executor/models/kimi_linear.py,sha256=CoLW8JssLyB86xB8RPCj34tuV3YrFNtTdOCARW-fpt4,23810
1155
+ vllm/model_executor/models/kimi_vl.py,sha256=pADvMSfD7iLM8OS9qffuygLtMy8fyNbjIYW1DqkjZ6g,22135
1156
+ vllm/model_executor/models/lfm2.py,sha256=TnFfBaVDug9LHQoloTT-Ft802geLlQUHe0ROvM2Yils,18222
1157
+ vllm/model_executor/models/lfm2_moe.py,sha256=KmUeKWNhTOC_X-bvjyssWHO9C26R0KYbFclk5DavfpY,26770
1158
+ vllm/model_executor/models/lightonocr.py,sha256=qV8oHhHD7B8AGJgKc8YSx4HSOzKJDQGnzETk9e7pOfE,7072
1159
+ vllm/model_executor/models/llama.py,sha256=xkG9uuoIY-Ext-mtUZBUg_8iJBtP5F1PmOjaLx-cwWA,26156
1160
+ vllm/model_executor/models/llama4.py,sha256=46S26CBVRDwSnd83p4jRx-jCuiTgwfSnJpj17xG3zhU,35130
1161
+ vllm/model_executor/models/llama4_eagle.py,sha256=C2sO3dMfHiRgTPEorq_zPu-A6-se68-1_RwtjhSu8WU,8946
1162
+ vllm/model_executor/models/llama_eagle.py,sha256=y8zOZL1d5-E-OAqNpX98DydzaXa8_2P42Yu3QvrSZLw,7937
1163
+ vllm/model_executor/models/llama_eagle3.py,sha256=2bGYKrlU4mHFDu8KXIbeKhCsLVeCbXOgAA1qcYAvvM8,13899
1164
+ vllm/model_executor/models/llava.py,sha256=-1ZXrYg0kEgj560Yvs1I4n-sFraTjqr3c_ej21sDIXg,29006
1165
+ vllm/model_executor/models/llava_next.py,sha256=Qt5RtpRGAaxkbZ6gVR8-BiRIbsYVaQRbB3Qu6pkuTxU,22006
1166
+ vllm/model_executor/models/llava_next_video.py,sha256=lMn4rU9C-o5U9DmVjtKXRqFvK_3Ym7dgtwdeIDVnN9c,16110
1167
+ vllm/model_executor/models/llava_onevision.py,sha256=YnKFcszZnkRDGkMzjLVgRZkuLid6_2TWPx8GwEdpe0g,32783
1168
+ vllm/model_executor/models/longcat_flash.py,sha256=8UXvzfcUY22FgZu5sbiJzDTkrS8LA5jwQP1czMBFflQ,27764
1169
+ vllm/model_executor/models/longcat_flash_mtp.py,sha256=tN7zbhFVQj7XvokoXYjXezg6LQhmVILKigcm2FknOLY,15551
1170
+ vllm/model_executor/models/mamba.py,sha256=su7lsV3dqkgTgsc4TTBca8QVuhg2hl4e5OXvqFMNW7w,9787
1171
+ vllm/model_executor/models/mamba2.py,sha256=_3ljnMFLPp_-8VM1h34_0uUFD96bDQZaQVjaM5oUZSE,10000
1172
+ vllm/model_executor/models/medusa.py,sha256=ljZQYNwpS3jkemq1r2ghTc2Z1LW8ncpdfh6qzY20TKg,6738
1173
+ vllm/model_executor/models/midashenglm.py,sha256=hkbjPk_pf_gm-RYTnzVhSFDnFloFx-2rHQ6cexWvk4I,27783
1174
+ vllm/model_executor/models/mimo.py,sha256=4b4Ezgz1uHqVOyhjxm8_FOd8IthV0WXoGSqTs_zq2Qs,7332
1175
+ vllm/model_executor/models/mimo_mtp.py,sha256=LZGDXqszX94QsLS32RRGuC8d-cFlM2O02mjwgC9oRc4,11061
1176
+ vllm/model_executor/models/minicpm.py,sha256=EsAFyzn-MgYZLcd80kKG46019CJNWKd84LjNt2WQLPA,23721
1177
+ vllm/model_executor/models/minicpm3.py,sha256=KbPlWRmzD16Eltl_u6MjWU_2CiX-VKRwGr5miPxIGDI,8569
1178
+ vllm/model_executor/models/minicpm_eagle.py,sha256=JLUHeZKf75a748ygxV1LEqvWBDKhxPvyxf5wBUUIe_Q,14390
1179
+ vllm/model_executor/models/minicpmo.py,sha256=mD4uCUlkpmdeW7kPJoU-BITGtex3uuvvH2RZN22Iy9g,26859
1180
+ vllm/model_executor/models/minicpmv.py,sha256=dB1DD9C1-__l2HaqJ847DyyQdG7gZgoAXiM-fooIZRM,59073
1181
+ vllm/model_executor/models/minimax_m2.py,sha256=72LFlGRv0_osukzTnRyw9W73RdAaHi9wzB9-DZGC63E,20659
1182
+ vllm/model_executor/models/minimax_text_01.py,sha256=K3y3kNh-EIKo-GPHpJdvPOAJc8fPSnE_Q9dFTqe_hTE,37998
1183
+ vllm/model_executor/models/minimax_vl_01.py,sha256=8BAd5f1p_H7T2p68il_WV4RcN9BJo3wdlcaZBkQ_BAw,14459
1184
+ vllm/model_executor/models/mistral3.py,sha256=WvE6BTJyQhq1TJdAKHXbJJrFKfAdpGrGtj8GJizkIlU,22048
1185
+ vllm/model_executor/models/mistral_large_3.py,sha256=iS7LwF8g1RaDqEC6XPNY65zDVoN8atVksWnAvF7WXDM,3671
1186
+ vllm/model_executor/models/mistral_large_3_eagle.py,sha256=DePocQkmcfXa0vlVHiYLE8tmHkiIX2S8RndyyQAgCyg,4996
1187
+ vllm/model_executor/models/mixtral.py,sha256=N6-LeweZnvvsjBb1Qq9j7du7IxBSOJbvMdipqOKDnU4,22457
1188
+ vllm/model_executor/models/mllama4.py,sha256=KIBQKRuH95pE5MATLF1SR_FXbjOJJiLoEqXBZO0IkyU,41885
1189
+ vllm/model_executor/models/mlp_speculator.py,sha256=HDvlP-QB88Z6facl3fDKmIck7dtSWjpifteV4i1E23c,8457
1190
+ vllm/model_executor/models/modernbert.py,sha256=2FKpdlscnTUSmqSBbPv5F30C0o4xpG7Oj7xrsmq_4Bs,16222
1191
+ vllm/model_executor/models/module_mapping.py,sha256=YdEB0K1EaW-BbLfkr-IvlO-E9pv7G5qrYUn_vQwnLis,1688
1192
+ vllm/model_executor/models/molmo.py,sha256=IslZpJXcxR8rFwFBwfE_UpkqcOE4AkQoNHigMsZQu8E,51857
1193
+ vllm/model_executor/models/moonvit.py,sha256=1vxAYPsjBS7fw3d-ur-OIYXDAbZmItAthyiunF5IRuc,25390
1194
+ vllm/model_executor/models/mpt.py,sha256=HLqYAFNUcxNdSRShcP-mgY41dLkb6xDMazq_pvp8JU8,12119
1195
+ vllm/model_executor/models/nano_nemotron_vl.py,sha256=10F-6vqBI_bse2ZAMlHd0im38CITJshUWKTp8TVfhyk,64580
1196
+ vllm/model_executor/models/nemotron.py,sha256=pN_fGmgPh-7x_Ia3gwRPw10OQUT-5ek7UpzhSbyIVXM,17929
1197
+ vllm/model_executor/models/nemotron_h.py,sha256=ySWW8fK2MpAr_yOAnso_87bLUgG2eBeF6B5V5bqByxo,32728
1198
+ vllm/model_executor/models/nemotron_nas.py,sha256=Gq124B6pcCmTN-M-WUOaQvOMnqsIcA_zoRWFWA90Wqc,16793
1199
+ vllm/model_executor/models/nemotron_vl.py,sha256=guhq__kswnXkAAvbAuycrF9kg50Z4h_RF4QGusc1RM0,22472
1200
+ vllm/model_executor/models/nvlm_d.py,sha256=MqXkN1AQ-SJv9UCAbpdTvOe4-R1yVcG3wEOv94z45nY,7636
1201
+ vllm/model_executor/models/olmo.py,sha256=cwUjSi4fxMrFoJGOM_Mp5v7M7vlFfIPKc0Iqdtdlqt8,14327
1202
+ vllm/model_executor/models/olmo2.py,sha256=VlaVNOjkLXZlTYh59h9Sq6_IqT0IQb7Seu0o1A48hR4,16588
1203
+ vllm/model_executor/models/olmoe.py,sha256=7YMZWz0Zt5G8r07xatRXR6IRWyPCTd65snIMiWyVoIY,18369
1204
+ vllm/model_executor/models/opencua.py,sha256=bXM2xS5DcLfNAXjShDonlmWmgEdTmdUVuL8SukV0_84,8492
1205
+ vllm/model_executor/models/openpangu.py,sha256=okqRUWYCKQuVOj8mR7P3pXeAjMblriwhEMpiDU1Z3SY,39257
1206
+ vllm/model_executor/models/openpangu_mtp.py,sha256=1MEp3hje6mdaayhvzH7AeSVxkF29eEpch16tVM6rJow,10369
1207
+ vllm/model_executor/models/opt.py,sha256=xd_6gvFtiwdJe9am899LwXsalxBVx2TbYNpxiVB-lJ4,15681
1208
+ vllm/model_executor/models/orion.py,sha256=Pd8_6bXczO7GGQqR41lUd-RzRX_jXz46N7a2quwnQIo,13212
1209
+ vllm/model_executor/models/ouro.py,sha256=k-HDK1DTHhKsQSNqMnSQsodHY1sxMiuT-p8-6kuhJ6s,18783
1210
+ vllm/model_executor/models/ovis.py,sha256=X9I4Au3uR8pSmNiFQUWD-eC6rROdwSX8qWQMxbTvTkM,20308
1211
+ vllm/model_executor/models/ovis2_5.py,sha256=I46Q4h3O4ZAh6znw-AHsjW5RRSN8Lo3TMFor-1duTFw,24618
1212
+ vllm/model_executor/models/paddleocr_vl.py,sha256=EZ3czhogP2sgB43pzScMPej7mShCYbRoIFV678K5yHE,45839
1213
+ vllm/model_executor/models/paligemma.py,sha256=tE3KHqxHDyeWIh04VtGoCVvzNz7NoR5FeO4nfAEL_Yw,13448
1214
+ vllm/model_executor/models/persimmon.py,sha256=B4Pc35wex4wv1A_LNq6Wdh7pN8Z-UW9mRcHxBsr6LWA,13590
1215
+ vllm/model_executor/models/phi.py,sha256=rvYb6cRWBcVsm8ypnIdh0X2Aj9GonFK54fOnQFDegqo,12957
1216
+ vllm/model_executor/models/phi3.py,sha256=N380ApMP7_3VL-rlWeVD27SUjC-kLXbldzYNWgG8ApM,456
1217
+ vllm/model_executor/models/phi3v.py,sha256=x8mpcheI43roukZBIcu_KNTAwno5Uj7d-79XuCrVmqA,25812
1218
+ vllm/model_executor/models/phi4mm.py,sha256=ALz_TLmVZc2V8TGBnF8DVFbn0XomYIAv_sSidXt93WA,45260
1219
+ vllm/model_executor/models/phi4mm_audio.py,sha256=EML6r9O_PY-LQZQwCbC45nvf0QY2j0pevPYKPuZNsE0,50483
1220
+ vllm/model_executor/models/phi4mm_utils.py,sha256=un2oSpNyKdnDN9wLMnBn2CzxWO1xNeRwAPyV4pI6Gj0,67179
1221
+ vllm/model_executor/models/phimoe.py,sha256=eypwAO74YkDn6uHkZ-cQSFI9YmjQZoksKz2rcfwLGQg,23445
1222
+ vllm/model_executor/models/pixtral.py,sha256=Iea3KAANEP3_n3VQCOq4AEd_9yfUwhEtJtf36C-TyYs,48468
1223
+ vllm/model_executor/models/plamo2.py,sha256=HRhfOnhhS8jkPJ3XBx0u82lJCUeQP-U38_9wCYO3BMA,36896
1224
+ vllm/model_executor/models/plamo3.py,sha256=QfTKA0idkifFboynBxLyT9e-pxnvuiY5sXtWN6ybl1s,15862
1225
+ vllm/model_executor/models/qwen.py,sha256=SUbCv-bYTRhHEUdCfKNZfsPEjoGago-jIADwLv90GzY,12999
1226
+ vllm/model_executor/models/qwen2.py,sha256=sVPNBf2MNhc3aWNTOohgPzW4WjklMx4SUm9TIKkoO5g,22402
1227
+ vllm/model_executor/models/qwen2_5_omni_thinker.py,sha256=L_5SBZucf6UdwsYugpsUphyuv8ID6YL-cr365MsGGk4,47064
1228
+ vllm/model_executor/models/qwen2_5_vl.py,sha256=J82fxAfZmEuAot7SWl-u1rilouOaazMZ5kR19D9NLDQ,56009
1229
+ vllm/model_executor/models/qwen2_audio.py,sha256=XwdRwtqdwXXQbgUWSr00566ZpW_DLn4cyjG5AylMYcw,16878
1230
+ vllm/model_executor/models/qwen2_moe.py,sha256=CLVqM3IraE30IC9dHo1P0Z63pKD_hX-UdKr4Irl0IHw,23083
1231
+ vllm/model_executor/models/qwen2_rm.py,sha256=K3lpU9hDakDURPIClLkzT81ZwOAUAsBPtvRpevJbsB0,4131
1232
+ vllm/model_executor/models/qwen2_vl.py,sha256=m025eOqgRM-36GEU1hiwuOJdZJf9EPPTq-40aVam_XE,54507
1233
+ vllm/model_executor/models/qwen3.py,sha256=U_9VdWGUj4vf6yYXK4duC8zFJNl09Inm8Y3dT9PG7LI,12356
1234
+ vllm/model_executor/models/qwen3_moe.py,sha256=qA_ItvYV31jXhjsg2YFMoDIw80s3B1g_731Z60z2wok,29673
1235
+ vllm/model_executor/models/qwen3_next.py,sha256=u98eTEozgMoJZ0KVkVHxJPfGSqfBXtpr_FrDsvLy2uM,51144
1236
+ vllm/model_executor/models/qwen3_next_mtp.py,sha256=beovwMRrBMh5AIqjwydzTVLbR9XJ2TsIylrfA8HxL-M,10691
1237
+ vllm/model_executor/models/qwen3_omni_moe_thinker.py,sha256=hOFK0-lp0SFzRyl1xa7zXVhZEBABCrrCx4pOYzRZaeI,70356
1238
+ vllm/model_executor/models/qwen3_vl.py,sha256=Qk9Ikfi_OEce21wQdrjnXzNFrNw8utG50KqWjXKbq1k,80956
1239
+ vllm/model_executor/models/qwen3_vl_moe.py,sha256=mr8BU7UIIimDaHou59sk8795zzIUUBvk5UAJjBBNIZw,19587
1240
+ vllm/model_executor/models/qwen_vl.py,sha256=WyglRRxqhhGOalMnXQZYBt5BkQHFD1iikdhZYJuqIJU,25212
1241
+ vllm/model_executor/models/radio.py,sha256=wZd79PQaK33rgnguwVacOop8-ab7zn4vSbeKFcAacAM,18240
1242
+ vllm/model_executor/models/registry.py,sha256=JxJNBZQuq-Ziih6lfGO8g4uwk09t0ORQV175Zn7grt4,46700
1243
+ vllm/model_executor/models/roberta.py,sha256=k9DeYeEXRgMRUjWM5YpZvXlRRGFFiWi64UhEIgzUiOk,9630
1244
+ vllm/model_executor/models/rvl.py,sha256=-XiyV1RZrjlWPfJhnL0K8ulP02dHOLbt0DiLuWdvhLk,3567
1245
+ vllm/model_executor/models/seed_oss.py,sha256=RzbApznDCPgNPGIGDRtz6nMYhq6QEeNRFyH-5ap-F6s,17878
1246
+ vllm/model_executor/models/siglip.py,sha256=bbQjOie8gyB_Cm89qNvpCWV8pl7zKcUE8Yopqt5fU4M,42894
1247
+ vllm/model_executor/models/siglip2navit.py,sha256=E2h1Nh0RQmRBqB5bxzYZuyoqdn9UuasjAi2AacCYhVk,24237
1248
+ vllm/model_executor/models/skyworkr1v.py,sha256=9TqQqpXD0Vqtgw31ImaM41b9gTD1sNiNGAjYXMcYb0Q,31789
1249
+ vllm/model_executor/models/smolvlm.py,sha256=ZsY0x3CaHHUuTBggSWCwGv-HfUAiwks8jZRNoMd7hXs,1450
1250
+ vllm/model_executor/models/solar.py,sha256=TG8UDuu8zhfowfowGgVx2MVJR0MUYixbINrTCghMyRI,17763
1251
+ vllm/model_executor/models/stablelm.py,sha256=KxUTy25A8l58yHqFul35weGh8IuRGvCyQxttjtSM8rA,13565
1252
+ vllm/model_executor/models/starcoder2.py,sha256=KIkBzXUYSPYWBFG2-IkdjxM9P0q5lKUiytzI25AX2Y8,13371
1253
+ vllm/model_executor/models/step3_text.py,sha256=fGboyFYndqg13I06YXOdiYNQGBaTC66wc4ehcZqcxd0,19864
1254
+ vllm/model_executor/models/step3_vl.py,sha256=fOgaLvVriYwMLZ-J19abTDdGE4Qsx11KRD5TrgVgf0M,40326
1255
+ vllm/model_executor/models/swin.py,sha256=6HMXPVyWBQm59cAC4lunRkzSFCcHk28pi_eCKQkNWpI,16978
1256
+ vllm/model_executor/models/tarsier.py,sha256=SHPq-u_Jj5MpaN0yjc561DcoAoEw9VI6yiJwPEDgCX8,22816
1257
+ vllm/model_executor/models/telechat2.py,sha256=wOEquSezPeLg2qqUNZ7ncsIzpfxHxRCrFoproADyARE,6245
1258
+ vllm/model_executor/models/teleflm.py,sha256=vlTObvAPJAJhkhy-8Snyx_7R1jGqAbYU8OYbWAPgvh4,3030
1259
+ vllm/model_executor/models/terratorch.py,sha256=sF9Sr02ggq0JiB4Q0mQGRtF9sZ7gQ3baaWBcBY2R6bQ,11202
1260
+ vllm/model_executor/models/ultravox.py,sha256=DwG5dfR2whgDjrfgZstOJL99MMtiNa7enEKVmP1ZRmU,28454
1261
+ vllm/model_executor/models/utils.py,sha256=Jtw-OwjPC8aXYtpF9ICfMurukCzLqLs6tv9-GafKGXg,27418
1262
+ vllm/model_executor/models/vision.py,sha256=aHGSfSqy_YUZ4EAsJ_TAJfixnvl13jvGiz0i5-P3k6s,19131
1263
+ vllm/model_executor/models/voxtral.py,sha256=AE1nOy60P1qJ3ZRzjEnU4wlfquYHwbC0IncWL1p0KJ8,30697
1264
+ vllm/model_executor/models/whisper.py,sha256=6zf_09mNaJPBAD2izUYXTaJ6GmW8Y3rBgFX8pM0_JZY,33591
1265
+ vllm/model_executor/models/zamba2.py,sha256=tVhRGqgFaGT8uc0VfbmbpycyWc_l3pv-BLmxHMT_QFQ,35304
1266
+ vllm/model_executor/models/transformers/__init__.py,sha256=KR0hAoCBU4oqFfOpZ1kT9u80zQ_s-Z6HWpTfkvra-iM,4264
1267
+ vllm/model_executor/models/transformers/base.py,sha256=mK9cqj4KjtH-DTQst1qgRS9QNisn4lxWjV7ArPOCK74,20921
1268
+ vllm/model_executor/models/transformers/causal.py,sha256=WkomK1hlsPamiJU7wi-Y-kXtPKo9j8e5mEb7rUn2_hM,2609
1269
+ vllm/model_executor/models/transformers/legacy.py,sha256=NY96kEaStY66o4Sa3tOFCqLhhwgiIf3eO2dnViXowIQ,3229
1270
+ vllm/model_executor/models/transformers/moe.py,sha256=6jieJQSeR2bQtcTL9xAzzagqo3cSxJWQbBmGsVwqqiE,14217
1271
+ vllm/model_executor/models/transformers/multimodal.py,sha256=drmHmQKE16L3wRwv_o8qgs3VebTbPrv1fH9yOZLJrlA,16366
1272
+ vllm/model_executor/models/transformers/pooling.py,sha256=b7wvQD_BcNhKrRTfatvYapeHZq4TbP7gnaB5SiGcjbU,4606
1273
+ vllm/model_executor/models/transformers/utils.py,sha256=Sj2gn7zVB6EwmmjbXNxLaK-sLlec_Xgy6xz8RA7A8S0,7690
1274
+ vllm/model_executor/warmup/__init__.py,sha256=47DEQpj8HBSa-_TImW-5JCeuQeRkm5NMpJWZG3hSuFU,0
1275
+ vllm/model_executor/warmup/deep_gemm_warmup.py,sha256=D7NYmM0KfxGTcQWuVUGghr080mPr4OZ-H7Az5-QiFQY,10943
1276
+ vllm/model_executor/warmup/kernel_warmup.py,sha256=mPsA-O_KblSFAvqMfIiYfz5lO2d4k4qTnuvvs1Hf00k,3574
1277
+ vllm/multimodal/__init__.py,sha256=12IM-iHLb9Uko5kVWANuRPcW6-fxcPP7VjJ7yoQSjpY,1031
1278
+ vllm/multimodal/audio.py,sha256=OHT37252HzoTUl39IbodPfMFpsMoyoxFzwpvb0SDvYA,4519
1279
+ vllm/multimodal/base.py,sha256=V4LBBuBoDw-1N7pso53AcIaGE-xTmBsx73ONFONHC_8,1685
1280
+ vllm/multimodal/cache.py,sha256=zZ3lGnGlEIXQyn_jr3hYsaldsxPtOhcK0ldkNIunMQc,25356
1281
+ vllm/multimodal/evs.py,sha256=fRGDSsF8VNjS6c665IH4SgKZd__RKIll-sEeDZP3Kyg,10886
1282
+ vllm/multimodal/hasher.py,sha256=zqBJJNr0xdPEOyHMEh42mijzGsYwASPZAT5ZgR2skH8,4107
1283
+ vllm/multimodal/image.py,sha256=1vUIFVUVr3z8c8M91fL8xLqcWgyN3cSY7AXXAbdVw5w,5088
1284
+ vllm/multimodal/inputs.py,sha256=qr36JL7wlyA309OoKwshWZUMWeulHNLpet8_0CUvX0o,33152
1285
+ vllm/multimodal/parse.py,sha256=egg2vUyoIKnK_raNrOHJUSA1giUpU9QmeRs5MDhT1X0,17265
1286
+ vllm/multimodal/processing.py,sha256=uXIWvsUg1RVW0_8ER07L71XlfoHlexqMvWyJ10RWYGk,73288
1287
+ vllm/multimodal/profiling.py,sha256=avZemFCtjlGtbGAdt2fVng_k0EBDDJ4_RrQ5wal2iAE,11460
1288
+ vllm/multimodal/registry.py,sha256=6dMyoRd9A--sFStZvOaitao7-fq0jB9KVUvW8n-ZLCs,12161
1289
+ vllm/multimodal/utils.py,sha256=9iIDfWeUhVexV2DWNu1n8gXgZScspCOb7-amjAkdJzQ,16317
1290
+ vllm/multimodal/video.py,sha256=vsi7qK108wj_6FX0gdJfhuHmLPThXMeVNuIG3988jso,11675
1291
+ vllm/platforms/__init__.py,sha256=9MJt87rVxIFAeoDiKAQWoMsJOhD8noEyUZ1SUakJWvo,9896
1292
+ vllm/platforms/cpu.py,sha256=KDCIWZiVZCFcTtJfyNsd_zehkDpu4eNZsQvki3wxvfQ,15908
1293
+ vllm/platforms/cuda.py,sha256=d2aFRlV33dr8bweRapGjIbVesWa2U75tBZcgu96aCO0,22506
1294
+ vllm/platforms/interface.py,sha256=3wlbTLUS-ofIUbFTmzZGfEfr-l5Mm4rDaPc3uW77bWk,22465
1295
+ vllm/platforms/rocm.py,sha256=52hQts659GGrGHdS-ccaIWGSKKX0hChhrP2-l0WxQf8,21577
1296
+ vllm/platforms/tpu.py,sha256=Mw3ltjdpTbpUGyBaRw7xIEPXvRkzMiawps9B8lzZw9Y,9945
1297
+ vllm/platforms/xpu.py,sha256=i9qQ1yU-jFAf1GJaekbXfdG3skEJ4nGQ31CccfFz-bw,10033
1298
+ vllm/plugins/__init__.py,sha256=Nsw0J9H4aw1c1Re9Lq57fapbZooXT5itsF6kG3GJPwo,2833
1299
+ vllm/plugins/io_processors/__init__.py,sha256=UhJEF--e0B816MCdrtyBxon4RQgsuM6vxLTBu6V6Y4A,2517
1300
+ vllm/plugins/io_processors/interface.py,sha256=6ZIp0yXv07pH3gynuueyYb0QcHk9YbTKyoLqzU3If_k,2583
1301
+ vllm/plugins/lora_resolvers/__init__.py,sha256=47DEQpj8HBSa-_TImW-5JCeuQeRkm5NMpJWZG3hSuFU,0
1302
+ vllm/plugins/lora_resolvers/filesystem_resolver.py,sha256=Frj6--zxNA52jqW6UhIEjH5P9DoTaup3N2WeMHyF4V0,1957
1303
+ vllm/profiler/__init__.py,sha256=47DEQpj8HBSa-_TImW-5JCeuQeRkm5NMpJWZG3hSuFU,0
1304
+ vllm/profiler/layerwise_profile.py,sha256=p_EhWfWFVE-Nkhiz6VlwR5S5Y7OUEx12mvJp3TE7lsQ,13424
1305
+ vllm/profiler/utils.py,sha256=0rGR3LYSg6uZitAxN0bKgruTtVwtvytsNfbFZz4QLjk,4659
1306
+ vllm/profiler/wrapper.py,sha256=5U9fh423IEnl6L5WNvdZMo1BTBQNZijfEF25JgwbNhM,8137
1307
+ vllm/ray/__init__.py,sha256=47DEQpj8HBSa-_TImW-5JCeuQeRkm5NMpJWZG3hSuFU,0
1308
+ vllm/ray/lazy_utils.py,sha256=0QXF-uTIUdzl992ugkYgkvHbWUG-85yjuIDNSLVu2gQ,651
1309
+ vllm/ray/ray_env.py,sha256=hi3BEix6Bwyaaunm-2KvvhCuqV4AD3ooK6SQQDowizA,2562
1310
+ vllm/reasoning/__init__.py,sha256=mOIAEflcrF9u7l4izGqJPLIKBsY2MIZtLbWhnDhik4U,2434
1311
+ vllm/reasoning/abs_reasoning_parsers.py,sha256=LiJ9XekQbIDVhNeKoAU3ghJUVJvBMB_31emrn5OQnFI,10575
1312
+ vllm/reasoning/basic_parsers.py,sha256=Wu76rQUSlHPKFj0-GSR8NJspxZUHUlwTCl-WvQIl1YA,6828
1313
+ vllm/reasoning/deepseek_r1_reasoning_parser.py,sha256=aCkmFQVv4d-4EqYMbNtdHnozRs_5tLrOJWfXXHT6U-E,2351
1314
+ vllm/reasoning/deepseek_v3_reasoning_parser.py,sha256=F30Swh_E8dmNZHc8KXzUYv81OMawzWnBWo1Vv--Pssc,2362
1315
+ vllm/reasoning/ernie45_reasoning_parser.py,sha256=FWSQqSHiUxh9VeR0jP7fMbWVjeiwnKs8iqy9Eudy-oI,6828
1316
+ vllm/reasoning/glm4_moe_reasoning_parser.py,sha256=9iogIA3Ss8_GgqAScUZnbpGygakEf1OBqMWJ5ERc5_s,6893
1317
+ vllm/reasoning/gptoss_reasoning_parser.py,sha256=_L616-u2stNttfvReMTrKTgkpWZTjMUySYn1EpSIoqU,6817
1318
+ vllm/reasoning/granite_reasoning_parser.py,sha256=d6BikPcKaIBd5WkZaIm2dG1H8HUrCcjPR4gEePz15js,15196
1319
+ vllm/reasoning/holo2_reasoning_parser.py,sha256=hjuGsSFlCwNi8GZPyxJRgnzBkDH85m-G7pDomYxaNt8,3278
1320
+ vllm/reasoning/hunyuan_a13b_reasoning_parser.py,sha256=sTm9xUNnoJ73zevO_Z0hkx_O4SriOKNe6e7THs_NCYU,9571
1321
+ vllm/reasoning/identity_reasoning_parser.py,sha256=DCuphNKtu5il8168dcVqutoqszFOW5x9pQEXIO7_3_4,2112
1322
+ vllm/reasoning/minimax_m2_reasoning_parser.py,sha256=Xga1pMPUmAFTryfisnwcKOLqKCuUd_6KEISKVQnVD5Q,3806
1323
+ vllm/reasoning/mistral_reasoning_parser.py,sha256=v63I8PXOIcQ1NG3YHyZUt7mPRkpx46BTo4vgo4PLJ54,6198
1324
+ vllm/reasoning/olmo3_reasoning_parser.py,sha256=-RtXQ-UF091RzUMjMGEfCSzBLQm-2BQl_0AKPU5rPl4,10991
1325
+ vllm/reasoning/qwen3_reasoning_parser.py,sha256=6yJYZVXxa-QL3I2ZHqmFdhZOpmoJh4pWex-6YWegSrU,2487
1326
+ vllm/reasoning/seedoss_reasoning_parser.py,sha256=Oz4zSgr6seYtssSyDKsFi7J-b9kTy-IcuC01HNJkv_c,832
1327
+ vllm/reasoning/step3_reasoning_parser.py,sha256=gl1-8lvpbv2H4rXscf-bVRFZUgJYbX2GbmhOueuWo0U,4023
1328
+ vllm/third_party/__init__.py,sha256=47DEQpj8HBSa-_TImW-5JCeuQeRkm5NMpJWZG3hSuFU,0
1329
+ vllm/third_party/pynvml.py,sha256=HRQEbE5ZB-AgMIySG4j24hjlEgSGLrNvHJUq7UawCfA,234653
1330
+ vllm/tokenizers/__init__.py,sha256=1htzZYgBEt20FOZeX-JRnmBzoeO28dZBuVP5tP5tSdY,484
1331
+ vllm/tokenizers/deepseek_v32.py,sha256=lBj6kaQfCMNLkK_5lSH-ERruTRhQI8--dsM9mnUAblM,5298
1332
+ vllm/tokenizers/deepseek_v32_encoding.py,sha256=xFJvgl5gzrP3dHZVXKtl3Pf_ArFtQt5SGlANKmRIvWo,15387
1333
+ vllm/tokenizers/detokenizer_utils.py,sha256=pn4BAMQzAWeDC-rgBUVyJjhKMFvuVbkbP8Szqr3ihkQ,7601
1334
+ vllm/tokenizers/hf.py,sha256=U7z-BrHXNwbYHvtCLpu9rkxzYYPie9VGNIh0aMrUmac,4321
1335
+ vllm/tokenizers/mistral.py,sha256=yirEqkGvMHiGuT8joeKevdxv7Ygn-rAK99iGnzZ_gGs,22302
1336
+ vllm/tokenizers/protocol.py,sha256=s2r_i3X7FL0TtGWbP8SQyjsfui89EZcbTz8peP5Ta4w,2910
1337
+ vllm/tokenizers/registry.py,sha256=6FCW0FLH0wUBahdt4ONXxDzNPFet-0jWiOnk0BL5tWk,7886
1338
+ vllm/tool_parsers/__init__.py,sha256=N9MhRgzefsKxPS92pGMFZ0TvkqcDkYPVnFWBfexVB8g,3390
1339
+ vllm/tool_parsers/abstract_tool_parser.py,sha256=_3BbJAcnSzNxIjTbRbiz2oajYOZnyutqJG3ouJo4lwc,9641
1340
+ vllm/tool_parsers/deepseekv31_tool_parser.py,sha256=rJB8NJKPPOcySVtsbS-9oVQYjN7bPPmZzMPfy9--Ouo,16428
1341
+ vllm/tool_parsers/deepseekv32_tool_parser.py,sha256=tbg6_aN15ogN7zlJpxrKlwqd4ytFoJnJGHzvLbb4cCQ,24967
1342
+ vllm/tool_parsers/deepseekv3_tool_parser.py,sha256=YGEuF79RKHg1RJvOtmRvyzw2n7s6eoOMXa7h1tsOrSU,16535
1343
+ vllm/tool_parsers/ernie45_tool_parser.py,sha256=-G1vjjtaNvDlLgzRrnlsqoevHXHchBICVwShRA29PZQ,8338
1344
+ vllm/tool_parsers/gigachat3_tool_parser.py,sha256=2HfUniM7x99HD4ZyuFmOhgg74A3vW0X45N4R9dqt3o8,6189
1345
+ vllm/tool_parsers/glm4_moe_tool_parser.py,sha256=-U2gwNA28z-cWRHqw0xayIcjEGnXx0T8OV0NeZfSU7Q,7488
1346
+ vllm/tool_parsers/granite_20b_fc_tool_parser.py,sha256=Xlakk5wWGl8ouI4u7uqkbqmjDuQbqDpQYt3p7Vhphrw,10986
1347
+ vllm/tool_parsers/granite_tool_parser.py,sha256=unkk9K7dgtG4w_B_BiIxyvkk1vLxKV3XyWRgCGp07eI,10242
1348
+ vllm/tool_parsers/hermes_tool_parser.py,sha256=ogXQ5BjufuzL1jJAAJ4aT_EwFk3Vz4xeg58bJFu-tWI,21206
1349
+ vllm/tool_parsers/hunyuan_a13b_tool_parser.py,sha256=FW44O9ZpEG76HS3h7IaDWHR7OLZ5Q1gA-zdVh_x98ZQ,16676
1350
+ vllm/tool_parsers/internlm2_tool_parser.py,sha256=xf_VknHLp0jjwMa02zx9e5XfijOMFka3SDm8Oo8E8Xs,9069
1351
+ vllm/tool_parsers/jamba_tool_parser.py,sha256=d4HpyS6YTrF6pEYGRAEzv6dapQp79Qvfdm4t69Y-rWw,13708
1352
+ vllm/tool_parsers/kimi_k2_tool_parser.py,sha256=wM2vqo54xva9sZu0UZs7Zhp-2sVOfmT4noH24-Yhuac,26151
1353
+ vllm/tool_parsers/llama4_pythonic_tool_parser.py,sha256=x_sSczt4GLc7xAWAChlQOvkx4PJayHi8LvhTLUbDluM,12815
1354
+ vllm/tool_parsers/llama_tool_parser.py,sha256=72mCiHazsLf5GnxQBd4czKCrFis7o6-E4x9gyB6a4f8,13630
1355
+ vllm/tool_parsers/longcat_tool_parser.py,sha256=5nkwBi6yGlAALwvT3A1zx1GbnFeGsZAM3wqElOnMaqc,1287
1356
+ vllm/tool_parsers/minimax_m2_tool_parser.py,sha256=8wtzBDq0Gaj7UKpe91kRNBPclGx_f7AE0rUXrlfXrkU,26664
1357
+ vllm/tool_parsers/minimax_tool_parser.py,sha256=VpAWCdekghCq5-spQuPVUP6ykM-2uY9K0s-blyJPMJE,28481
1358
+ vllm/tool_parsers/mistral_tool_parser.py,sha256=cQl0QYI_KGIwoEoGJK48POorIQ7T2q04wyqRnjOK4z0,25246
1359
+ vllm/tool_parsers/olmo3_tool_parser.py,sha256=bX_5qG0HMgaBMlMAcU0ymrVlnpUFH8YF-8UGkVPybxw,13918
1360
+ vllm/tool_parsers/openai_tool_parser.py,sha256=aJZG31F5C6xcePkHyvtQAkdroCW7XwCc6vlNj_WNvmE,3796
1361
+ vllm/tool_parsers/phi4mini_tool_parser.py,sha256=YpjNdhrP8REcGlgdNb22-Ox7skMeYm7xZP2gQDhcvKs,4012
1362
+ vllm/tool_parsers/pythonic_tool_parser.py,sha256=uOUzU89Jm-HU9z-_gzAVIkH55eeGih6bTUHhNBdWia8,12197
1363
+ vllm/tool_parsers/qwen3coder_tool_parser.py,sha256=vELPpNJeRlj9sAsyrOAVQdmOBTSsy0HNVypJLeLG_Q8,32732
1364
+ vllm/tool_parsers/qwen3xml_tool_parser.py,sha256=qfJ0HxwsyVNokWG20ANLNR2CtWE582HKTljiviviIVM,53785
1365
+ vllm/tool_parsers/seed_oss_tool_parser.py,sha256=oUm_S6Kq-oLyKNoCPemnYSSq2O4rn4PHYi04-q47Hk0,31332
1366
+ vllm/tool_parsers/step3_tool_parser.py,sha256=X0JEBbJ5BoeisSs4FrSEOCLm9KQ49QoY7FOkkfbujAk,12087
1367
+ vllm/tool_parsers/utils.py,sha256=5VZCLxbxuOP8FtiFjYneEb7PKtQyLJBVp247IaxsHyQ,7444
1368
+ vllm/tool_parsers/xlam_tool_parser.py,sha256=HHigcWAvMY1dbWEFDYUVU-IxMHsJVLfN14M54MZhq-I,24618
1369
+ vllm/transformers_utils/__init__.py,sha256=BTdT_ym1ftRVhgxBUkdJQqmO2LiKDX2MZZEEG8U_05E,932
1370
+ vllm/transformers_utils/config.py,sha256=zNRo_r3juMweJCQYeWB3GEqiD54qzBh-Ub7FsvexGSw,41829
1371
+ vllm/transformers_utils/config_parser_base.py,sha256=qSyL1AYBvvnQTII-lS9_N602OJ_Huf5BkUZYBhQEFtU,523
1372
+ vllm/transformers_utils/dynamic_module.py,sha256=K1nKutDfT9VCxbU58gw_o3H49BBM7pu-1jFh2UmIsXU,1781
1373
+ vllm/transformers_utils/gguf_utils.py,sha256=2EW5JN3sGwMXmym-2QpHtzyvdcEoAPR12j-_S5J9Q1Q,9566
1374
+ vllm/transformers_utils/processor.py,sha256=GjYvqyJhcdvoLOj28g7hQ-YIh6wroEDD6GmqQLYG-Rg,15065
1375
+ vllm/transformers_utils/repo_utils.py,sha256=iFkVvdV7Hjyo4isZozMjoMwxCQxbsWpFAELcZAd9XDU,8467
1376
+ vllm/transformers_utils/runai_utils.py,sha256=udKJP-FS0s0GTkSqe4zBlpKBCtwdnFo_YTVpmz-P0ao,3212
1377
+ vllm/transformers_utils/s3_utils.py,sha256=S8pMrLcoUOXiexsioyzBjuYz4wst_YZC-yqTpC0QCsI,2783
1378
+ vllm/transformers_utils/tokenizer.py,sha256=yqyz72aaBBd0wVNECeMdOkbqiR85kPM1g_sP2xD5pH8,3850
1379
+ vllm/transformers_utils/tokenizer_base.py,sha256=4jF1Y7d-1sq5I_jnM7OygXBsGl0S04D769IxyGGYbPE,1038
1380
+ vllm/transformers_utils/utils.py,sha256=H5CxGzLlIpCA-Zd8lkKlghMcFgeHopgYBA_9p7Rrle4,3078
1381
+ vllm/transformers_utils/chat_templates/__init__.py,sha256=U1sUyX9swSjxaULlg0B6rSroU5H8upeyInuHsF74SEE,208
1382
+ vllm/transformers_utils/chat_templates/registry.py,sha256=f5ULuuY1mJUrpwFwJXY_QqDskleozjJKMomEhr-jUBc,2563
1383
+ vllm/transformers_utils/chat_templates/template_basic.jinja,sha256=DMH0156UMA7eoJelXKUMEDzB-SigjbyCOBxIu9OyFJE,78
1384
+ vllm/transformers_utils/chat_templates/template_blip2.jinja,sha256=ltMbjFdK7T4HUcN_OQaX4hj2r0PGlS1EJ9zhSlnTz1c,332
1385
+ vllm/transformers_utils/chat_templates/template_chatml.jinja,sha256=CKxCWf_KemM_DntV70Hf03WNkDvxznolyW-03SJJw54,370
1386
+ vllm/transformers_utils/chat_templates/template_deepseek_ocr.jinja,sha256=sN0qqjXqEmWsTBafWtrvXbYnSaeCOTgfDjzmwvk4Njk,499
1387
+ vllm/transformers_utils/chat_templates/template_deepseek_vl2.jinja,sha256=WX32uOZ7h8_xqrWvmsI5R-6Ns8ZcXVn74CKB7FJOifA,785
1388
+ vllm/transformers_utils/chat_templates/template_fuyu.jinja,sha256=hzdsPgeUMaZnd5L23QPiz2oC6_wMBy5WgZkXMVs3Dgo,85
1389
+ vllm/transformers_utils/chat_templates/template_minicpmv45.jinja,sha256=tNvJgf7S0je1GqFxPUQ-q5nSGwXoINdqW3-VOFNekh8,4231
1390
+ vllm/transformers_utils/configs/__init__.py,sha256=63FTDXYpPUqgscUIFVQMbWOnkUtN5NidLR57wNeAykE,4024
1391
+ vllm/transformers_utils/configs/afmoe.py,sha256=aQB0DRO3xFbPr3HhYN8Qu_n-D65SpjJcdcdBVRzaXts,3212
1392
+ vllm/transformers_utils/configs/arctic.py,sha256=jy-9t3V9xqxrPtwgTDq3HmB0W1tzo1ehxgbUbQQ_szc,9790
1393
+ vllm/transformers_utils/configs/bagel.py,sha256=H_ZvmTVMbslvRpirbsELoBaPc80dse45fIxtUfd9bL8,1903
1394
+ vllm/transformers_utils/configs/chatglm.py,sha256=0Lw_vCbBpbsWOSiLQG6q9LpgeWmgbTAIJJwlHYbMWPk,2731
1395
+ vllm/transformers_utils/configs/deepseek_vl2.py,sha256=0X1rctqdTJmbNu1uFybVeYSpDxAr299Ly0qZjl0SQLU,3881
1396
+ vllm/transformers_utils/configs/dotsocr.py,sha256=_mxuA6xDpO6N2-FD4R5XVqLDP79D8i0OAZcPvqUCSdU,2445
1397
+ vllm/transformers_utils/configs/eagle.py,sha256=R8LT924n_tTE8LkfYcENCv_UVvLmsIWKl6th6okyOWg,3012
1398
+ vllm/transformers_utils/configs/falcon.py,sha256=XNrg2x08UDZngZqtv5T0CiEFZq7qhoJPWdEYnI64e_Q,2937
1399
+ vllm/transformers_utils/configs/flex_olmo.py,sha256=NInzKT7pO5w6CKxxaaEAXW_YnN6f1Sv3hDWQYhPL7ko,3157
1400
+ vllm/transformers_utils/configs/hunyuan_vl.py,sha256=ErUQbR08co_u4Mt4l1uyCI386fTVK2IjwDE7EapVmRw,14493
1401
+ vllm/transformers_utils/configs/jais.py,sha256=0mHMFC7GztEyIRf8IJGF6ELhzyVlCqPnJpOEFBUpIRY,10441
1402
+ vllm/transformers_utils/configs/kimi_linear.py,sha256=NQpLdbqUEQYGOsaUrvqMbPFgUv8C3uDBCv5X8dPZ3lE,5377
1403
+ vllm/transformers_utils/configs/kimi_vl.py,sha256=wGV24Na51emzxtMP6EbQ2pereXMCjkIQPo1A2pgcSZs,1362
1404
+ vllm/transformers_utils/configs/lfm2_moe.py,sha256=WUTK1E6qOA8ROk3kCzaP1fxJLjZchXyvd3nD3nZk4G8,7514
1405
+ vllm/transformers_utils/configs/medusa.py,sha256=ECZ7guyPJJob-viGpZh1LZSdi0VPQg1w84pym4C6Q3o,1930
1406
+ vllm/transformers_utils/configs/midashenglm.py,sha256=FG_hFNjxJaAmXV5LIePEXWcYZqs6IRlSle-9awAeU_c,3631
1407
+ vllm/transformers_utils/configs/mistral.py,sha256=8oH2nEQfv5oGnjN_EZu3Ax6kC6fS48j2gJKNwuCgZTs,8367
1408
+ vllm/transformers_utils/configs/mlp_speculator.py,sha256=aTNL7dpJxF6piYE6EysUiB11sBAOFw_xlmlDOFEoEa8,2403
1409
+ vllm/transformers_utils/configs/moonvit.py,sha256=wENIYbaocro7cWlpcc2yrIaWSyzkLpABVTEJ-JQ7Aak,1232
1410
+ vllm/transformers_utils/configs/nemotron.py,sha256=EAYX0byXwgziKfac4nL2cFtaatPyDQb5WMgSByjsO4M,9765
1411
+ vllm/transformers_utils/configs/nemotron_h.py,sha256=kz1QlSu-pGurkckNK1qrDoBUy16JkC5VhbvB3JrkFSM,13176
1412
+ vllm/transformers_utils/configs/olmo3.py,sha256=pnjjin2JhHw7lA0JzpsVaRiF4l3-jDwj5_DrroEEVTU,3026
1413
+ vllm/transformers_utils/configs/ovis.py,sha256=zjfzz8-btPauEhKwQm9dRqmsZ8jakSaVCqqZ2rJZv2g,7535
1414
+ vllm/transformers_utils/configs/qwen3_next.py,sha256=zUXBpEMzdGVlXIH_ELTyUWdUI_4lepALyZ7fhXmQS0k,14999
1415
+ vllm/transformers_utils/configs/radio.py,sha256=bde0vTUtEfMNZEAefJoyMFC7uDFR35zOPeAiwl9vP2I,3575
1416
+ vllm/transformers_utils/configs/step3_vl.py,sha256=4qeCToaFjy95XRlvAN1UHyYQpz89VVd33iVOEdOB8x4,5238
1417
+ vllm/transformers_utils/configs/tarsier2.py,sha256=ydiT9TPSYbSL58QHX8y2KwtboQ0gthhAjT8eML8gxj8,685
1418
+ vllm/transformers_utils/configs/ultravox.py,sha256=4DwreIyyKxSwyie6av42UJof5wejQHeDLWtcA5jBPO0,4944
1419
+ vllm/transformers_utils/configs/speculators/__init__.py,sha256=48Vcuw16i9R99vM3iDVkRkX107yJtFeTtdWgLQE-XFg,107
1420
+ vllm/transformers_utils/configs/speculators/algos.py,sha256=ZUKraC3NROj6rIWXDUqWJBELGFbNI3P0-4Or4W39enQ,1538
1421
+ vllm/transformers_utils/configs/speculators/base.py,sha256=6ltGW5jguo0u1Sznw2I1pXfIAe0ojteBKsm9DhaMOsQ,4382
1422
+ vllm/transformers_utils/processors/__init__.py,sha256=cpoANOQp_WiE40YIFmumVwlMtHa0dFQ2tAOtGSTm47s,964
1423
+ vllm/transformers_utils/processors/bagel.py,sha256=_myilwmHgodepX4T9D15fjOQl3WRHEZiSCfg3qcKMoE,2587
1424
+ vllm/transformers_utils/processors/deepseek_ocr.py,sha256=qhDq_pr2PZjisj5Mj0SBY6mjX0ivSSGmp3z_V0i8K3U,15088
1425
+ vllm/transformers_utils/processors/deepseek_vl2.py,sha256=YWmA16RtLAOE_eMHTJwHJSFoRFlBU3wD7cR3ZXP9JyQ,15121
1426
+ vllm/transformers_utils/processors/hunyuan_vl.py,sha256=Rvrhf60qg2f7fmzcM2rCRzZ4mfaQeSyWLMEoIZLGp2Q,9496
1427
+ vllm/transformers_utils/processors/hunyuan_vl_image.py,sha256=KeauATCER1RdedquOh8bvXPKk9GT6eQAG8avSRqSdz8,22292
1428
+ vllm/transformers_utils/processors/ovis.py,sha256=wzvMI1WEBK408Yb4PxgepUwJ96-LQV2n-lxyUI9mcjM,19426
1429
+ vllm/transformers_utils/processors/ovis2_5.py,sha256=AGj8iHo5IrDmPlRmljIYnh9T2DED9Ior1HFSJWwXsGo,19505
1430
+ vllm/triton_utils/__init__.py,sha256=FY20qv1flNw_TDjM9j544voqnflClkYGSOEF5lPwv0M,567
1431
+ vllm/triton_utils/importing.py,sha256=CcaJ7kpP7bKP3yfuR_1w_vNRBxiZk8qNdcatjsvoAYI,3589
1432
+ vllm/usage/__init__.py,sha256=47DEQpj8HBSa-_TImW-5JCeuQeRkm5NMpJWZG3hSuFU,0
1433
+ vllm/usage/usage_lib.py,sha256=zNXchtEzMFhPnwC5Iu5Y0dCaYTrLzXfqme2Gig2qK94,9594
1434
+ vllm/utils/__init__.py,sha256=iIOUf3TBSGVGWEHoNqe_qLalOulKKBLA1NH6yZMQYnA,2270
1435
+ vllm/utils/argparse_utils.py,sha256=qJ-q4_ez8IDTMX3cfTOUuClIMfiMRScBjQDQSz8u9qE,19080
1436
+ vllm/utils/async_utils.py,sha256=nwAA8cr1EgJb7rAAwifFWXHAQbTZvhRqH9KRdKPHNdk,11193
1437
+ vllm/utils/cache.py,sha256=p6Cvrul9e1fOuw4h9-n74qmY_lHMQyS0BqhHXQqN-_Y,6206
1438
+ vllm/utils/collection_utils.py,sha256=OevIR00n3MlaZIvf4q39a0fXkqek0bR7WXi57WHxBdk,3070
1439
+ vllm/utils/counter.py,sha256=6Xa0WjHey2LwyPJkGfYa37mgOsQfcHJF9kRypIcaHDQ,1165
1440
+ vllm/utils/deep_gemm.py,sha256=cPHol_eztEDdRdOp_zqqeh0s_KkXMfZvO4TOZDrfCc8,13681
1441
+ vllm/utils/flashinfer.py,sha256=TpCU1XiDg0QZpjWolYhM1-j_I79Gc1oaqMBiqUPEgys,16917
1442
+ vllm/utils/func_utils.py,sha256=pLXKoub-DlGrxZRwliCGmuMy2eiEHrglZPEQSbvPjKg,7706
1443
+ vllm/utils/gc_utils.py,sha256=zMuLZmEcjECblk30kHjKGwLdOHANND5vopi17x_IRjI,4970
1444
+ vllm/utils/hashing.py,sha256=ibS9K9JGpb_c8A12bqOKgYI3auz9a2t9XEfZaxVZJD4,3618
1445
+ vllm/utils/import_utils.py,sha256=T2ba3mHBFihEDRo7VlMtcOPoyyAX1-NZp_wuP_M4Eeg,13882
1446
+ vllm/utils/jsontree.py,sha256=lktXNEOq0w1qqAGTPgpJ5eDogjetHDC15Hq___2OLmg,3755
1447
+ vllm/utils/math_utils.py,sha256=MskLJpEF6qy1In1mRyRLzmuyDRBlJgtZHfyu2Okq1c4,774
1448
+ vllm/utils/mem_constants.py,sha256=DerNf9-iEKE2kx8c6ufmLY23mn7vV3K1vskiAw3SWJU,390
1449
+ vllm/utils/mem_utils.py,sha256=MDTjSENzVUjIdZjiEQXhreF6R6nUIPwHMN9jLt97juk,8850
1450
+ vllm/utils/nccl.py,sha256=V0yVYxhEKRi2hSWBqK_7OaFwvVR_RAJBNQ-a3wgCDXA,1915
1451
+ vllm/utils/network_utils.py,sha256=J3SsZGRhg_47sujXrpKD88HdirxxRrkSow9dQTZxmsI,10076
1452
+ vllm/utils/nvtx_pytorch_hooks.py,sha256=6XEURPMyQs4YZNajLQUbvwugs3tfF5Zd5uXbugwMdf8,10538
1453
+ vllm/utils/platform_utils.py,sha256=V5bnsv9S_IGUJtlyqhIG0Nn-BldsEwrqDAvRTgSp_QY,1873
1454
+ vllm/utils/profiling.py,sha256=UWku3rWFiMP4UclIokbOxF1fh5xVuwiOc4vjsq2Fdo4,1469
1455
+ vllm/utils/registry.py,sha256=gWRZ2XRwU-YapctL5A05O1bG2Vgm-QBcPrxjUPRugFU,1555
1456
+ vllm/utils/serial_utils.py,sha256=6rNd70X-CanGQJBx41Yp9-eLp6XiDBoAZR7ST5Df_9k,5876
1457
+ vllm/utils/system_utils.py,sha256=Fnxj7WO00cvJBvnqQB4FI3ZL_Xjqa08ABE8vsCa-BZs,7911
1458
+ vllm/utils/tensor_schema.py,sha256=Q2GzQ-CzlvQjA9qvZBcP8f3layD454s7c5nRt_FeZWU,9140
1459
+ vllm/utils/torch_utils.py,sha256=A3HFRw5Erg9maEOgxtJ3nGKPHS1pa_eGGh1Z356Org4,21247
1460
+ vllm/v1/__init__.py,sha256=47DEQpj8HBSa-_TImW-5JCeuQeRkm5NMpJWZG3hSuFU,0
1461
+ vllm/v1/cudagraph_dispatcher.py,sha256=w7rTMA763PoJgYaNK5fiwUIRQepqqb2M6zNgOFtpzQo,7766
1462
+ vllm/v1/kv_cache_interface.py,sha256=ZX9oDY86vgviQNVEhcnfI4XeRnSjzPN7wXpVLJIAsHQ,14494
1463
+ vllm/v1/outputs.py,sha256=naN8Hy5u1kt1hJOkc3MoPlC0gg8kc9sR_UUT1GYM9uw,8235
1464
+ vllm/v1/request.py,sha256=EriYl1jYFEFzHWNP13jCP0y2WHdkGEgcJhvL8twW-GQ,10226
1465
+ vllm/v1/serial_utils.py,sha256=ZlsUvbLaHJkPY56rUUxwMgt_tVk5D39vV7QVuBp0q18,19800
1466
+ vllm/v1/utils.py,sha256=bN8fkzu6oInYP_vOjUMxjmKiuSZLLXVfml6Cl3XdIBk,13923
1467
+ vllm/v1/attention/__init__.py,sha256=47DEQpj8HBSa-_TImW-5JCeuQeRkm5NMpJWZG3hSuFU,0
1468
+ vllm/v1/attention/backends/__init__.py,sha256=47DEQpj8HBSa-_TImW-5JCeuQeRkm5NMpJWZG3hSuFU,0
1469
+ vllm/v1/attention/backends/cpu_attn.py,sha256=9Q0jV_ceUnq9TgXFLkyyIr5uILifzJdwUW5smbHI4Js,18061
1470
+ vllm/v1/attention/backends/flash_attn.py,sha256=Mf2uTN76anRZy0omJw0qjyxbd2HuIE9I6yb6r2Z6gdA,41513
1471
+ vllm/v1/attention/backends/flashinfer.py,sha256=RRiATTDd7ZeRyp1GsO64Axdf9QrgtueU6XMYlHB8cT8,63447
1472
+ vllm/v1/attention/backends/flex_attention.py,sha256=wwxX6qmycatHzqGDHHQAFKasVG1XgIHkXlgyj6pSJOA,39867
1473
+ vllm/v1/attention/backends/gdn_attn.py,sha256=YyNE14vK3ih1asxhtjm0ZzGySlHwPFq27q1xD15-Mcw,15036
1474
+ vllm/v1/attention/backends/linear_attn.py,sha256=Rtv3Ar38CJaIFLQ8gTZEbiTQaiuuYvOMWd-FBRZx41I,2423
1475
+ vllm/v1/attention/backends/mamba1_attn.py,sha256=ByfbUIUWgSCE4BVpc93A1sjZSSOpRpRYiHnqsX5lNYs,6257
1476
+ vllm/v1/attention/backends/mamba2_attn.py,sha256=OMFKgXgE_dYoHRjRqQriLJpyOqpbCElwyXYuvytArTI,14207
1477
+ vllm/v1/attention/backends/mamba_attn.py,sha256=Ju98CzwIx5NZdnrihqLKfiZ7aUA12Mos6jVerifXcoo,4155
1478
+ vllm/v1/attention/backends/pallas.py,sha256=vPmofZaWK01Ofrrefk-j80q-Zb5Y0iIgVLsnCwWwkwg,15525
1479
+ vllm/v1/attention/backends/rocm_aiter_fa.py,sha256=x9BynteXttHruzgFzoFhygOan82fy774TutWYZyNKjI,38645
1480
+ vllm/v1/attention/backends/rocm_aiter_unified_attn.py,sha256=iUE5HookrAG-bwCByxAU0_xxi8oxGXZ7xNIY7sTHaG4,7062
1481
+ vllm/v1/attention/backends/rocm_attn.py,sha256=tEtv-AXo16n8l63PPwbXpcL0ycWcH-dHz5L_vsYp4dk,13171
1482
+ vllm/v1/attention/backends/short_conv_attn.py,sha256=4IvqWlKAW4WqXuvlq37DDvhAJNVJJPwoqiUnIQs4rxQ,3564
1483
+ vllm/v1/attention/backends/tree_attn.py,sha256=imbuCXjvLcOFDdMDP4sUNs-z042hO94mNAArqidYh2s,15689
1484
+ vllm/v1/attention/backends/triton_attn.py,sha256=HORGKGamLoauw5ZAF8DqrUzqDsnGsnFWmbqe8tehvt4,18431
1485
+ vllm/v1/attention/backends/utils.py,sha256=Spqi4V7ZP8vTYxNIIlXfOpQHOMoJjpreS5t1HTu-POg,46234
1486
+ vllm/v1/attention/backends/mla/__init__.py,sha256=47DEQpj8HBSa-_TImW-5JCeuQeRkm5NMpJWZG3hSuFU,0
1487
+ vllm/v1/attention/backends/mla/aiter_triton_mla.py,sha256=Laa8x_OwO3kNf4nd2WstB54C59SnBw9iAPn6f73X7S4,2183
1488
+ vllm/v1/attention/backends/mla/common.py,sha256=lJw4_G6XrFriSQh-NLsS9Bprxw5IKA2rdoP3VYxStpg,83435
1489
+ vllm/v1/attention/backends/mla/cutlass_mla.py,sha256=sR4Os01cT3N0Hz94qlM8N1b3gytiqg99e52AGoRvN-A,8851
1490
+ vllm/v1/attention/backends/mla/flashattn_mla.py,sha256=0sx2ziGtlRhJ6pXXzTqsIhInV6_11VjuAisWJBt_tnE,12115
1491
+ vllm/v1/attention/backends/mla/flashinfer_mla.py,sha256=LSU2gm1Y2L10jcIrIFSZg3DyBbnfONJJEcoG5OcvUd0,5646
1492
+ vllm/v1/attention/backends/mla/flashmla.py,sha256=2uujtSg-e-mhbt-g1YXwsaANIa6tKk9aYhloJGCzPSE,11289
1493
+ vllm/v1/attention/backends/mla/flashmla_sparse.py,sha256=9F6qmYLMSUR1k1S1s_iCGfI2XYuWAONAR92fibPAoZ8,39677
1494
+ vllm/v1/attention/backends/mla/indexer.py,sha256=xUJ4t8MM2vPAK3v8zYl8zjbsuktz9l6wk4mibgkvRXI,12629
1495
+ vllm/v1/attention/backends/mla/rocm_aiter_mla.py,sha256=EYgB67QCne1KAau-2McYbdzbYKW9SwiJLXlnVABL2Xg,9293
1496
+ vllm/v1/attention/backends/mla/rocm_aiter_mla_sparse.py,sha256=6J5gbviNQLiO0mcq7BLns1UsRpcop_zN2obKFvxkLw8,11177
1497
+ vllm/v1/attention/backends/mla/triton_mla.py,sha256=ahsT84ViQyAuFsP38zMfrEkG5mxUtt_Lpz_k-8ZFhk4,5135
1498
+ vllm/v1/core/__init__.py,sha256=47DEQpj8HBSa-_TImW-5JCeuQeRkm5NMpJWZG3hSuFU,0
1499
+ vllm/v1/core/block_pool.py,sha256=m55CnlzJxtBQUlO5X7BeyT7Jtgg7w0ad9M4k2PPBCvA,18836
1500
+ vllm/v1/core/encoder_cache_manager.py,sha256=-K6bsefhPlkUengmyLezLKdsndUw0yI7MwwOA-NA7F0,15993
1501
+ vllm/v1/core/kv_cache_coordinator.py,sha256=sps9Z_hSQ2sqzmIF7rNrzNFArMbXMt78-l1wJV0uzME,22110
1502
+ vllm/v1/core/kv_cache_manager.py,sha256=gyGzcV419Ccfj0YiNHJr8Ifi6FJLMC36xNYVjeF6pfk,17220
1503
+ vllm/v1/core/kv_cache_metrics.py,sha256=7-3sBP7_XwSm1RxsRkKQtSq4wknWUSGpq58TcNa2f0c,3138
1504
+ vllm/v1/core/kv_cache_utils.py,sha256=5zdC7MKJ2FyrQ6Mp4_J8ZoecyZESjrI_9HL4GaA9lcU,58021
1505
+ vllm/v1/core/single_type_kv_cache_manager.py,sha256=L8-Jx1L_lFumX4eP1-TlkCqV3Ve_oj3OurotqfzgtJw,32757
1506
+ vllm/v1/core/sched/__init__.py,sha256=47DEQpj8HBSa-_TImW-5JCeuQeRkm5NMpJWZG3hSuFU,0
1507
+ vllm/v1/core/sched/async_scheduler.py,sha256=MParbZ37oAwGSgF6a_OXh_np5_cmKOHo90mIy6nd5jk,2770
1508
+ vllm/v1/core/sched/interface.py,sha256=3gbkX2TDWUgaZlVOZJC124WtZcWSltQX2NdhDvfQ6og,7263
1509
+ vllm/v1/core/sched/output.py,sha256=JHg1X4kiyynP9DkFfgTAnCUg6vcs1aPoFhu4dQI0sBE,8524
1510
+ vllm/v1/core/sched/request_queue.py,sha256=q1dc1b7gvxh2El2jwyDyAfB3ceLWI4warqy5StqeFXQ,7305
1511
+ vllm/v1/core/sched/scheduler.py,sha256=Ecdg8jDU41OQASTCbc3i_2ePj-u-4OpfY3ybnzU-yoo,83462
1512
+ vllm/v1/core/sched/utils.py,sha256=2smDD11MGEadM13xFJdBiwJCXvJKnKyB_THnO6cnH7o,2175
1513
+ vllm/v1/engine/__init__.py,sha256=wuuTsSXIWO854Pg7XR8XtzXEr6SkFsqZFLQXV-94-us,6407
1514
+ vllm/v1/engine/async_llm.py,sha256=wjeoeO5l7w5QReF_honosrGJkaFypQyvBGqYW9EZOxE,33601
1515
+ vllm/v1/engine/coordinator.py,sha256=U1oOQQmip60PDIPfSibkkiKtXb-3ZLU1T_ehwQBrpqM,16464
1516
+ vllm/v1/engine/core.py,sha256=T9HnmSOkBcs8ctShW7n6ngW7WSAFp2MXpUXj0FVibGg,58563
1517
+ vllm/v1/engine/core_client.py,sha256=I3rs2hmKvlc9SmX0SNPzFUF3snzRs5r1Zo81Oe5tV2A,54118
1518
+ vllm/v1/engine/detokenizer.py,sha256=bqjCl_-KZ5OYiKC9CN-dy4kXm5liJAFNqFyyDFIreC8,13188
1519
+ vllm/v1/engine/exceptions.py,sha256=Uqu6bUKEvMYpeVJYxlqYeveRcd9WnsFUENKt0JLMins,732
1520
+ vllm/v1/engine/input_processor.py,sha256=wU57Tc511lV6RvbsRfVETxc-Jv3jF0UqzV64WdVqu2Y,27166
1521
+ vllm/v1/engine/llm_engine.py,sha256=MpcJT80qwn8By8k1Ui1JKdBlhG_JKTARTtFfX3pT9XQ,15800
1522
+ vllm/v1/engine/logprobs.py,sha256=fr2NyUcLSNVy6r_waE4SvyuXt3lk-g_PnsmxIXSNt2U,6272
1523
+ vllm/v1/engine/output_processor.py,sha256=hlZLtFSYPpB0EuN-DehPvVnT3EEoIUHMxaQR94bYKJs,25209
1524
+ vllm/v1/engine/parallel_sampling.py,sha256=cWNTjIH6qXgQ0lzN6Jbe-dGCR5p0iruyaHNd2qitQqA,5313
1525
+ vllm/v1/engine/processor.py,sha256=Q5rMVkcThlMRFj5si3Y6lcUn8IFe1aAZrAjVr4mdm1k,620
1526
+ vllm/v1/engine/utils.py,sha256=vKj9fxFwYelmowoL7zCfC-TEA7V_CyzbM1JACKo7w9k,41498
1527
+ vllm/v1/executor/__init__.py,sha256=VwU0pRwKjvcCcXII_7N2FIYT2oNj1fquLjvUS-qqE2U,227
1528
+ vllm/v1/executor/abstract.py,sha256=cGs4Ux0wsEv88KonO4bCLRrzJFpM7_8zdwFTCQ9kBao,13233
1529
+ vllm/v1/executor/multiproc_executor.py,sha256=so2CVwQWVj66cVVmBlBrf4dJHwFzjsh9SjV51X9jSmo,34798
1530
+ vllm/v1/executor/ray_distributed_executor.py,sha256=tl8FrTK1jqQk2SKF-Rt6RtXacGD6ND-hXIjTrquAbkc,289
1531
+ vllm/v1/executor/ray_executor.py,sha256=7w21DrBwS56YOUTBoaOeAqywYZtgFZ4IONI5_oLiXxY,25104
1532
+ vllm/v1/executor/ray_utils.py,sha256=MzthlsqlXOeYkeYrkKmLNYC5HcNgezzTgLTjfvZXVEI,19165
1533
+ vllm/v1/executor/uniproc_executor.py,sha256=wvxBsJ5SvRxOy3N3EjG9BOoUzeyNYeIv46srihx2OEg,7274
1534
+ vllm/v1/kv_offload/__init__.py,sha256=47DEQpj8HBSa-_TImW-5JCeuQeRkm5NMpJWZG3hSuFU,0
1535
+ vllm/v1/kv_offload/abstract.py,sha256=rEo4jQBZZ3AuYMDWNprePENX8wDFc086h40wFj4gmyg,5262
1536
+ vllm/v1/kv_offload/arc_manager.py,sha256=vUgKdsb11DwRqCcMkzW-lTf2zlMvGN2AaEHGy24G4LU,9545
1537
+ vllm/v1/kv_offload/backend.py,sha256=2ewriYjByJ2UwiWX-YJYhGkriJB0lChRnAbgtN0_8rY,2898
1538
+ vllm/v1/kv_offload/cpu.py,sha256=QLLUM92i-1kh0KtVy_uuGC_aAPXFr5OKV9B_eefuuPA,3442
1539
+ vllm/v1/kv_offload/factory.py,sha256=iHoQ7Nz6tsCfg1UrrC0Ik9oI6APUQp_2y-oeGtSZ8Fk,1995
1540
+ vllm/v1/kv_offload/lru_manager.py,sha256=QO85HtD0uV-Et_UkhZdtgXk38-SZqHQtIi0M-qnWULY,4964
1541
+ vllm/v1/kv_offload/mediums.py,sha256=8i5qik1oKldR3Gyf7S5veHM5h1prPZVR4xN05HSOUKQ,880
1542
+ vllm/v1/kv_offload/spec.py,sha256=kEGVZYid5oV6sYlzW0b5tMO4RCLzzH-6aWdbbbsChhQ,2201
1543
+ vllm/v1/kv_offload/backends/__init__.py,sha256=47DEQpj8HBSa-_TImW-5JCeuQeRkm5NMpJWZG3hSuFU,0
1544
+ vllm/v1/kv_offload/backends/cpu.py,sha256=McAbCUX_6yYAipJ8bd418EOKxT_I4eIbzr0fiqeR46Y,2228
1545
+ vllm/v1/kv_offload/worker/__init__.py,sha256=47DEQpj8HBSa-_TImW-5JCeuQeRkm5NMpJWZG3hSuFU,0
1546
+ vllm/v1/kv_offload/worker/cpu_gpu.py,sha256=S5q2ms-nZNgQruFCecKsttBEnp9kmiWABn-Cftnwe2o,11001
1547
+ vllm/v1/kv_offload/worker/worker.py,sha256=Dl9fhiT_ARmjZ_e_NLGYtu1jx9uHZ7IaiGbYy8AI6Gs,4662
1548
+ vllm/v1/metrics/__init__.py,sha256=47DEQpj8HBSa-_TImW-5JCeuQeRkm5NMpJWZG3hSuFU,0
1549
+ vllm/v1/metrics/loggers.py,sha256=ocsr1tzIPp0IHcvMsXGXL3TU7faFiAh6AiYxeVCzujw,48599
1550
+ vllm/v1/metrics/prometheus.py,sha256=dhI7DQbT7X3gFlcQOXmoa7PY5JPyw3fvFm0azVEP-ok,2777
1551
+ vllm/v1/metrics/ray_wrappers.py,sha256=aKg4C1sdyPhVyS41Cw48c-CSBFRCFaIUhi7FC7yIknk,6268
1552
+ vllm/v1/metrics/reader.py,sha256=drwtEKJn4gOnaCFvlaYEjibmQx7cQHIsDiQii4B9Uk4,8694
1553
+ vllm/v1/metrics/stats.py,sha256=JLXYXPffeWfb0vIG15ZGZ4vc2wP423qGfMMmN6lxDWM,14851
1554
+ vllm/v1/pool/__init__.py,sha256=47DEQpj8HBSa-_TImW-5JCeuQeRkm5NMpJWZG3hSuFU,0
1555
+ vllm/v1/pool/metadata.py,sha256=sQlXkzJjtcwKrvWyv0pi-EFFHWYOFUWi98NcNmF6bMc,4062
1556
+ vllm/v1/sample/__init__.py,sha256=47DEQpj8HBSa-_TImW-5JCeuQeRkm5NMpJWZG3hSuFU,0
1557
+ vllm/v1/sample/metadata.py,sha256=jLeOuEJuWBJhgcy9TBL2gfjFj2DaJLWk-zPXARUEbsI,1142
1558
+ vllm/v1/sample/rejection_sampler.py,sha256=C1NDqg9Tlo4QA142wmhYuz6eWlqm3aCuUKwviLCj2DQ,30061
1559
+ vllm/v1/sample/sampler.py,sha256=H0SOGJZvXIcnoSR7npHY6-j_tjvTiR2uXA5reu8cAVs,12583
1560
+ vllm/v1/sample/logits_processor/__init__.py,sha256=Hs6S01p-p_Xo-LcG5ihCwwGjqypt_8d_TEFnNLNfbIU,12047
1561
+ vllm/v1/sample/logits_processor/builtin.py,sha256=ejN7QaSXMarG07G5rVPwCZ-MbYua3ji6JbnjErnz1x8,10323
1562
+ vllm/v1/sample/logits_processor/interface.py,sha256=p6dGdoKdK94lIUv6RktdOjSHP8adIPNbL4lHxXDfC14,3218
1563
+ vllm/v1/sample/logits_processor/state.py,sha256=Fk_xGySqz7y2MiAi8hL0Q95DNXWelyu5E4XB-pD0d4E,5666
1564
+ vllm/v1/sample/ops/__init__.py,sha256=47DEQpj8HBSa-_TImW-5JCeuQeRkm5NMpJWZG3hSuFU,0
1565
+ vllm/v1/sample/ops/bad_words.py,sha256=z573nbjiCHu1wCQvnUSFaHS7pvgjnc5xnzDJpzNv3xU,1659
1566
+ vllm/v1/sample/ops/logprobs.py,sha256=krdqPu-zZQChtxbssdvIQtm49l4EckUTljJNVSxZfjk,942
1567
+ vllm/v1/sample/ops/penalties.py,sha256=OOrkMB8o3sFEbYjnCq8fvTbT0EEdL7Zn2U1Euf44CjM,1929
1568
+ vllm/v1/sample/ops/topk_topp_sampler.py,sha256=Um-MHs__yixtZ0BMOsbygkoC_-H3Cear_VEJvLFotPw,14599
1569
+ vllm/v1/sample/tpu/__init__.py,sha256=47DEQpj8HBSa-_TImW-5JCeuQeRkm5NMpJWZG3hSuFU,0
1570
+ vllm/v1/sample/tpu/metadata.py,sha256=-bfn1jLwhVOguzItVzMr44WzBKIvbhozwBZOLTKK8gQ,4624
1571
+ vllm/v1/sample/tpu/sampler.py,sha256=cLhsAU4ZFBJIgpP4915fqr4Cj3IBNVRPgCLrJsJCe6M,7723
1572
+ vllm/v1/spec_decode/__init__.py,sha256=47DEQpj8HBSa-_TImW-5JCeuQeRkm5NMpJWZG3hSuFU,0
1573
+ vllm/v1/spec_decode/eagle.py,sha256=jsX9e4dUz9q6Xmc75OznVDe1c_nckO7dUZUYd_b0_w8,58098
1574
+ vllm/v1/spec_decode/medusa.py,sha256=DLtgS2e4nxeN4FR3f9jEa7UKNZfuYk0WXDVuMBh55Js,2457
1575
+ vllm/v1/spec_decode/metadata.py,sha256=pmlkh7PIgjwRn2Ad6BUENBve_v6Vuv5nPB9XCrICjag,2353
1576
+ vllm/v1/spec_decode/metrics.py,sha256=KZ4k_OZ5hyJFc9EciPxjEXJCTDWG6BuT9369H0VANxI,7867
1577
+ vllm/v1/spec_decode/ngram_proposer.py,sha256=vImwASeHuZsFweJkAc10V3HUKTmoEQcIDO0D7SXQjlo,11155
1578
+ vllm/v1/spec_decode/suffix_decoding.py,sha256=cqxL4Z8ugdjOrVDbPp33nn-UrLLdKXqF83p1rs9fP6s,4501
1579
+ vllm/v1/spec_decode/utils.py,sha256=ORHGXcR1Ifyk2YhhdkPBtvjOW9VNn-wPQLRWGUKXSBQ,5096
1580
+ vllm/v1/structured_output/__init__.py,sha256=5CnNzqF9jukrScgfJHFWNSZiSnikcYH6CeLcWJKwzYE,14903
1581
+ vllm/v1/structured_output/backend_guidance.py,sha256=oMIwUIobGba_daERjvGua059g-ouDPv-2oa8m4fP3ZY,9000
1582
+ vllm/v1/structured_output/backend_lm_format_enforcer.py,sha256=Srnwxs9RmrtdxO2JL1PkwDOAczjrfZsA5eHh-uuAEH4,6307
1583
+ vllm/v1/structured_output/backend_outlines.py,sha256=e4MIkyIQk6oiKL5cdCJQsK7ZmM0QzKWgp31qLM5W8aA,11748
1584
+ vllm/v1/structured_output/backend_types.py,sha256=71Pfd9VOLNCoM8oyRiG2AFBNbIGrGuRwbo6sC0XqrRQ,3809
1585
+ vllm/v1/structured_output/backend_xgrammar.py,sha256=wLQxqJ7XHzDXewfcRjXgcSXLcqM3ZlxBn4VdQFTHgx8,13732
1586
+ vllm/v1/structured_output/request.py,sha256=PeAz0cG86T-VwR4y1p75TIM9aSKD09Ey7luq0g4h990,3313
1587
+ vllm/v1/structured_output/utils.py,sha256=2cGKjVj4NT1PsgbtJnvY22nuzyUOzmj2m835c90VdaE,16884
1588
+ vllm/v1/worker/__init__.py,sha256=47DEQpj8HBSa-_TImW-5JCeuQeRkm5NMpJWZG3hSuFU,0
1589
+ vllm/v1/worker/block_table.py,sha256=-OQlfV1ziXOrxorxyrRA5nngHhZALaOq7LN2jscDJRE,13178
1590
+ vllm/v1/worker/cp_utils.py,sha256=2Ha8RWEizPq9crrYTlxuBDFUOwuSxkm89xdGK8zpGzg,1925
1591
+ vllm/v1/worker/cpu_model_runner.py,sha256=Z4ltdu0avYcshrT5RecZn_fGm0aeQA9zvF2his8jQfA,4195
1592
+ vllm/v1/worker/cpu_worker.py,sha256=hagVioYfFOYD354141Rb7_HbJhXRLXpKkD01u7LTMhU,7552
1593
+ vllm/v1/worker/dp_utils.py,sha256=CTF3OMD4rNXmipDJgi01tgIWHnX_ve1nwbPwcUQLn2w,8792
1594
+ vllm/v1/worker/ec_connector_model_runner_mixin.py,sha256=Wb5sV4xvjww7jijlgfnEOgOoswwyOKBuOJTG782b_b4,2967
1595
+ vllm/v1/worker/gpu_input_batch.py,sha256=n0G0ioN1SbOcg5p4F0CRg9uA_3Jvaq2MGe4CRcgGhD8,41312
1596
+ vllm/v1/worker/gpu_model_runner.py,sha256=lJOe5AlSWO0csKXAN3QxHyxRBhOcWAb4RWNrTxWz-h8,240876
1597
+ vllm/v1/worker/gpu_ubatch_wrapper.py,sha256=-c7NHDh-BX6mXy0HO3g6MQCh-I0izkfTIztmraDTn54,18195
1598
+ vllm/v1/worker/gpu_worker.py,sha256=kwEUZnuY4qNGRhpnlY8WYTDcvwzNTxBtK1DLeBgIeu8,39739
1599
+ vllm/v1/worker/kv_connector_model_runner_mixin.py,sha256=bPOwfYB-fmRVTu7dPRV8nXKYqSeSfoqntc3N1NiRzTk,11757
1600
+ vllm/v1/worker/lora_model_runner_mixin.py,sha256=Pif_hHUHu49LuXjvBLjJqYt4Hn1PISsYDnJR8A5Qxak,7447
1601
+ vllm/v1/worker/tpu_input_batch.py,sha256=V3GYLnwVuQNhCdE4V3Au2hmU3TNsBbfoQXTFrm6g8gU,24582
1602
+ vllm/v1/worker/tpu_model_runner.py,sha256=cS0huSPqX5Lr9gpPCKk-WGA0GoNPBJgOIDrnpbQHW6M,94195
1603
+ vllm/v1/worker/tpu_worker.py,sha256=6WhCvmSt_tNBM5L-x-Jg3ziKHWNjHZproi3QxZt33XU,14701
1604
+ vllm/v1/worker/ubatch_utils.py,sha256=JKl5YU8dPE-lFHvVtYlYux8n5X7AHxoCIrO4nSexu0M,3613
1605
+ vllm/v1/worker/ubatching.py,sha256=Ijg4yg_o596_fklK1ea-NXrtz8fKy-QN81hkqgJ5LhA,7974
1606
+ vllm/v1/worker/utils.py,sha256=bVHVe7s9kkOZ_AmljfPxAdWCTXrGSJ4mmWAMRuidwOo,13837
1607
+ vllm/v1/worker/worker_base.py,sha256=DtUHbzHPsdb8TRVazhfyi7-gIIiWLGEAoxP_rcv-X_c,14535
1608
+ vllm/v1/worker/workspace.py,sha256=ijCEREkVlRhmeLZTCmc7wgaRjQA6mn5WURakvZgKtcg,9133
1609
+ vllm/v1/worker/xpu_model_runner.py,sha256=2U3jepUQpj99KvOkLQf6ok0je8_veXET6ntuUS8gNHk,1251
1610
+ vllm/v1/worker/xpu_worker.py,sha256=01E-oh5Ok6A5uvgcMJyxRGXL3RME_oJ0Io4SkZdE-G8,7094
1611
+ vllm/v1/worker/gpu/README.md,sha256=1H_fnHpMus5c95vNXWX5-Ryx3UkQiRwY_b5WDd0D8Ww,181
1612
+ vllm/v1/worker/gpu/__init__.py,sha256=47DEQpj8HBSa-_TImW-5JCeuQeRkm5NMpJWZG3hSuFU,0
1613
+ vllm/v1/worker/gpu/async_utils.py,sha256=Ujtc0V50CXr2Po1-GDpycnqSaqlI79X6Ox5i1vnIKBw,3832
1614
+ vllm/v1/worker/gpu/attn_utils.py,sha256=fHX3pFjhrQwVAKpM0fQAs9W5WAYFiaTsGT_79Q8n4Jk,7259
1615
+ vllm/v1/worker/gpu/block_table.py,sha256=nRKidgmffNrUNaOIHWkLu9nECLyhQB-UCvxOeu8xBZo,12049
1616
+ vllm/v1/worker/gpu/cudagraph_utils.py,sha256=UwaTuZV4TP4HcfJo63Pq1xwSh4f39b19m_3tM0YrPtA,8998
1617
+ vllm/v1/worker/gpu/dp_utils.py,sha256=tFuN8YrGpMRaX6wrsJ4j1trxM8dE9Fek2G60a8ovheY,920
1618
+ vllm/v1/worker/gpu/input_batch.py,sha256=zSlMxdY35HQT17t-y2FMa0FaWf_Y-sYdudC2sFnFFPc,15234
1619
+ vllm/v1/worker/gpu/model_runner.py,sha256=3z1q-68xuXJExTO1l6HqTwYw8UX1UqL0HouhA-AP79k,41009
1620
+ vllm/v1/worker/gpu/states.py,sha256=yxeTI-WldKVrdVt8vMAUbzy6Rie2a2v4g3uVdwW7b9U,11847
1621
+ vllm/v1/worker/gpu/structured_outputs.py,sha256=gN73Jdtmx_E4qO1q15qoQCyzuFvylEe2epGoozlYcOQ,2515
1622
+ vllm/v1/worker/gpu/metrics/__init__.py,sha256=47DEQpj8HBSa-_TImW-5JCeuQeRkm5NMpJWZG3hSuFU,0
1623
+ vllm/v1/worker/gpu/metrics/logits.py,sha256=6gWNdRCgd6Vfisfkw9WWUINGJE6QjLNyhl1xWfYu3Ik,1205
1624
+ vllm/v1/worker/gpu/sample/__init__.py,sha256=47DEQpj8HBSa-_TImW-5JCeuQeRkm5NMpJWZG3hSuFU,0
1625
+ vllm/v1/worker/gpu/sample/gumbel.py,sha256=pvYIkkNPjYc6jHGzR5R8hmU7aUMoIobjXBnn6qXGbhI,3033
1626
+ vllm/v1/worker/gpu/sample/logprob.py,sha256=32kWDLJyz3ct_mHKyp6vhzeuICtXmqs7E2deqJZhGkg,5227
1627
+ vllm/v1/worker/gpu/sample/metadata.py,sha256=-DX43OUSSRl0bAsF7ss9h6G78WRjuOQBAO71_34qvLs,7113
1628
+ vllm/v1/worker/gpu/sample/min_p.py,sha256=pJ4dIpawi0aWKDY85RCGfAJquuNNvPkQCMImaKP5H9Y,1525
1629
+ vllm/v1/worker/gpu/sample/output.py,sha256=Uzj6Lujb5LEswYwYUsTmJ9HkDwJ-QoV1s1uyH4VZ0CE,349
1630
+ vllm/v1/worker/gpu/sample/penalties.py,sha256=MsBUuQBQd6JbR7QzqgGRUQG7npVLro41_gjFcBFx9xo,5401
1631
+ vllm/v1/worker/gpu/sample/sampler.py,sha256=tBDECgty9-DCLud8J6dyzgGBy_KRZ7gE8SoWscpNd0Q,3354
1632
+ vllm/v1/worker/gpu/spec_decode/__init__.py,sha256=Ca2Xgzk8ZBRa5sae1pFSzBJR9DBk7vWIPgUWsFgILUI,584
1633
+ vllm/v1/worker/gpu/spec_decode/eagle.py,sha256=xzZkOV89uBcUkTpKgQuqfE-WmkKtoQ2nTZXbgEhdyEs,20644
1634
+ vllm/v1/worker/gpu/spec_decode/eagle_cudagraph.py,sha256=J-m9JoDhouw0AwTafwEC8aI0NnXfqLBXu2hMU2Pl2Y4,4044
1635
+ vllm/v1/worker/gpu/spec_decode/rejection_sample.py,sha256=316CS-i86IEDzWt6y6bEhwQkb4VviFQfqaXDTAUuCPg,2218
1636
+ vllm/vllm_flash_attn/.gitkeep,sha256=47DEQpj8HBSa-_TImW-5JCeuQeRkm5NMpJWZG3hSuFU,0
1637
+ vllm_cpu_avx512vnni-0.13.0.dist-info/METADATA,sha256=p7EbU7ARLS_eP7ADWjhb_gPMT-IuDEfTd-wOI84isb0,15974
1638
+ vllm_cpu_avx512vnni-0.13.0.dist-info/WHEEL,sha256=wj07yRGyNgfcgMSZOScoYkBkpidoeAzGSgCNSOVFG2E,113
1639
+ vllm_cpu_avx512vnni-0.13.0.dist-info/entry_points.txt,sha256=ErfiCUEEMrGDD3jBwf8c54AolBCFv7qrc8Ix9iqzzfs,184
1640
+ vllm_cpu_avx512vnni-0.13.0.dist-info/top_level.txt,sha256=fAgb8Pt4zQoKTUA3ZnKEIgcjh0L97_dwEjYDTL5MEEo,5
1641
+ vllm_cpu_avx512vnni-0.13.0.dist-info/RECORD,,