├── .buildkite ├── run-amd-test.sh ├── run-benchmarks.sh ├── test-pipeline.yaml └── test-template.j2 ├── .dockerignore ├── .github ├── ISSUE_TEMPLATE │ ├── 100-documentation.yml │ ├── 200-installation.yml │ ├── 300-usage.yml │ ├── 400-bug report.yml │ ├── 500-feature request.yml │ ├── 600-new model.yml │ ├── 700-performance discussion.yml │ ├── 800-misc discussion.yml │ └── config.yml ├── PULL_REQUEST_TEMPLATE.md └── workflows │ ├── publish.yml │ ├── ruff.yml │ ├── scripts │ ├── build.sh │ ├── create_release.js │ ├── cuda-install.sh │ ├── env.sh │ └── pytorch-install.sh │ └── yapf.yml ├── .gitignore ├── .readthedocs.yaml ├── .yapfignore ├── CMakeLists.txt ├── CONTRIBUTING.md ├── Dockerfile ├── Dockerfile.rocm ├── LICENSE ├── MANIFEST.in ├── README.md ├── benchmarks ├── README.md ├── backend_request_func.py ├── benchmark_latency.py ├── benchmark_prefix_caching.py ├── benchmark_serving.py ├── benchmark_throughput.py ├── kernels │ ├── benchmark_mixtral_moe.py │ ├── benchmark_paged_attention.py │ └── benchmark_rope.py └── launch_tgi_server.sh ├── cmake ├── hipify.py └── utils.cmake ├── collect_env.py ├── csrc ├── activation_kernels.cu ├── attention │ ├── attention_dtypes.h │ ├── attention_generic.cuh │ ├── attention_kernels.cu │ ├── attention_utils.cuh │ ├── dtype_bfloat16.cuh │ ├── dtype_float16.cuh │ ├── dtype_float32.cuh │ └── dtype_fp8_e5m2.cuh ├── cache.h ├── cache_kernels.cu ├── cuda_compat.h ├── cuda_utils.h ├── cuda_utils_kernels.cu ├── custom_all_reduce.cu ├── custom_all_reduce.cuh ├── custom_all_reduce_test.cu ├── dispatch_utils.h ├── layernorm_kernels.cu ├── moe │ ├── moe_ops.cpp │ ├── moe_ops.h │ └── topk_softmax_kernels.cu ├── moe_align_block_size_kernels.cu ├── ops.h ├── pos_encoding_kernels.cu ├── punica │ ├── LICENSE │ ├── bgmv │ │ ├── bgmv_bf16_bf16_bf16.cu │ │ ├── bgmv_bf16_bf16_fp16.cu │ │ ├── bgmv_bf16_fp16_bf16.cu │ │ ├── bgmv_bf16_fp16_fp16.cu │ │ ├── bgmv_bf16_fp32_bf16.cu │ │ ├── bgmv_bf16_fp32_fp16.cu │ │ ├── bgmv_config.h │ │ ├── bgmv_fp16_bf16_bf16.cu │ │ ├── bgmv_fp16_bf16_fp16.cu │ │ ├── bgmv_fp16_fp16_bf16.cu │ │ ├── bgmv_fp16_fp16_fp16.cu │ │ ├── bgmv_fp16_fp32_bf16.cu │ │ ├── bgmv_fp16_fp32_fp16.cu │ │ ├── bgmv_fp32_bf16_bf16.cu │ │ ├── bgmv_fp32_bf16_fp16.cu │ │ ├── bgmv_fp32_fp16_bf16.cu │ │ ├── bgmv_fp32_fp16_fp16.cu │ │ ├── bgmv_fp32_fp32_bf16.cu │ │ ├── bgmv_fp32_fp32_fp16.cu │ │ ├── bgmv_impl.cuh │ │ ├── generator.py │ │ └── vec_dtypes.cuh │ └── punica_ops.cc ├── pybind.cpp ├── quantization │ ├── awq │ │ ├── dequantize.cuh │ │ └── gemm_kernels.cu │ ├── fp8_e5m2_kvcache │ │ └── quant_utils.cuh │ ├── gptq │ │ ├── compat.cuh │ │ ├── matrix_view.cuh │ │ ├── q_gemm.cu │ │ ├── qdq_2.cuh │ │ ├── qdq_3.cuh │ │ ├── qdq_4.cuh │ │ ├── qdq_8.cuh │ │ └── qdq_util.cuh │ ├── marlin │ │ ├── LICENSE │ │ └── marlin_cuda_kernel.cu │ └── squeezellm │ │ └── quant_cuda_kernel.cu └── reduction_utils.cuh ├── docs ├── Makefile ├── README.md ├── make.bat ├── requirements-docs.txt └── source │ ├── assets │ ├── kernel │ │ ├── k_vecs.png │ │ ├── key.png │ │ ├── logits_vec.png │ │ ├── q_vecs.png │ │ ├── query.png │ │ ├── v_vec.png │ │ └── value.png │ └── logos │ │ ├── vllm-logo-only-light.png │ │ ├── vllm-logo-text-dark.png │ │ └── vllm-logo-text-light.png │ ├── conf.py │ ├── dev │ ├── engine │ │ ├── async_llm_engine.rst │ │ ├── engine_index.rst │ │ └── llm_engine.rst │ ├── kernel │ │ └── paged_attention.rst │ └── sampling_params.rst │ ├── getting_started │ ├── amd-installation.rst │ ├── installation.rst │ ├── neuron-installation.rst │ └── quickstart.rst │ ├── index.rst │ ├── models │ ├── adding_model.rst │ ├── engine_args.rst │ ├── lora.rst │ └── supported_models.rst │ ├── quantization │ ├── auto_awq.rst │ └── fp8_e5m2_kv_cache.rst │ └── serving │ ├── deploying_with_bentoml.rst │ ├── deploying_with_docker.rst │ ├── deploying_with_kserve.rst │ ├── deploying_with_triton.rst │ ├── distributed_serving.rst │ ├── integrations.rst │ ├── metrics.rst │ ├── openai_compatible_server.md │ ├── run_on_sky.rst │ └── serving_with_langchain.rst ├── examples ├── api_client.py ├── gradio_openai_chatbot_webserver.py ├── gradio_webserver.py ├── llm_engine_example.py ├── multilora_inference.py ├── offline_inference.py ├── offline_inference_distributed.py ├── offline_inference_neuron.py ├── offline_inference_with_prefix.py ├── openai_chatcompletion_client.py ├── openai_completion_client.py ├── production_monitoring │ ├── README.md │ ├── docker-compose.yaml │ ├── grafana.json │ └── prometheus.yaml ├── template_alpaca.jinja ├── template_baichuan.jinja ├── template_chatglm.jinja ├── template_chatglm2.jinja ├── template_chatml.jinja ├── template_falcon.jinja ├── template_falcon_180b.jinja └── template_inkbot.jinja ├── format.sh ├── patch_xformers.rocm.sh ├── pyproject.toml ├── requirements-build.txt ├── requirements-dev.txt ├── requirements-neuron.txt ├── requirements-rocm.txt ├── requirements.txt ├── rocm_patch ├── commonpy_xformers-0.0.23.rocm.patch ├── flashpy_xformers-0.0.23.rocm.patch └── rocm_bf16.patch ├── setup.py ├── tests ├── __init__.py ├── async_engine │ ├── api_server_async_engine.py │ ├── test_api_server.py │ ├── test_async_llm_engine.py │ ├── test_chat_template.py │ └── test_request_tracker.py ├── basic_correctness │ └── test_basic_correctness.py ├── conftest.py ├── core │ ├── __init__.py │ ├── test_block_manager.py │ ├── test_scheduler.py │ └── utils.py ├── distributed │ ├── test_basic_distributed_correctness.py │ ├── test_comm_ops.py │ └── test_custom_all_reduce.py ├── engine │ └── test_computed_prefix_blocks.py ├── entrypoints │ ├── test_guided_processors.py │ └── test_openai_server.py ├── kernels │ ├── allclose_default.py │ ├── conftest.py │ ├── test_activation.py │ ├── test_attention.py │ ├── test_cache.py │ ├── test_layernorm.py │ ├── test_moe.py │ ├── test_pos_encoding.py │ ├── test_prefix_prefill.py │ ├── test_rand.py │ └── test_sampler.py ├── lora │ ├── __init__.py │ ├── conftest.py │ ├── test_gemma.py │ ├── test_layer_variation.py │ ├── test_layers.py │ ├── test_llama.py │ ├── test_lora.py │ ├── test_lora_manager.py │ ├── test_mixtral.py │ ├── test_punica.py │ ├── test_tokenizer_group.py │ ├── test_utils.py │ ├── test_worker.py │ └── utils.py ├── metrics │ └── test_metrics.py ├── models │ ├── test_marlin.py │ ├── test_mistral.py │ └── test_models.py ├── prefix_caching │ └── test_prefix_caching.py ├── prompts │ ├── example.txt │ └── summary.txt ├── samplers │ ├── test_beam_search.py │ ├── test_logprobs.py │ ├── test_rejection_sampler.py │ ├── test_sampler.py │ └── test_seeded_generate.py ├── spec_decode │ ├── __init__.py │ ├── test_batch_expansion.py │ ├── test_metrics.py │ ├── test_multi_step_worker.py │ ├── test_spec_decode_worker.py │ ├── test_utils.py │ └── utils.py ├── test_cache_block_hashing.py ├── test_config.py ├── test_logits_processor.py ├── test_regression.py ├── test_sampling_params.py ├── test_sequence.py ├── tokenization │ ├── __init__.py │ ├── test_cached_tokenizer.py │ ├── test_detokenize.py │ └── test_tokenizer_group.py └── worker │ ├── __init__.py │ ├── test_model_runner.py │ └── test_swap.py └── vllm ├── __init__.py ├── block.py ├── config.py ├── core ├── __init__.py ├── block_manager.py ├── evictor.py ├── policy.py └── scheduler.py ├── engine ├── __init__.py ├── arg_utils.py ├── async_llm_engine.py ├── llm_engine.py ├── metrics.py └── ray_utils.py ├── entrypoints ├── __init__.py ├── api_server.py ├── llm.py └── openai │ ├── __init__.py │ ├── api_server.py │ ├── cli_args.py │ ├── protocol.py │ ├── serving_chat.py │ ├── serving_completion.py │ └── serving_engine.py ├── executor ├── __init__.py ├── executor_base.py ├── gpu_executor.py ├── ray_gpu_executor.py └── utils.py ├── logger.py ├── lora ├── __init__.py ├── layers.py ├── lora.py ├── models.py ├── punica.py ├── request.py ├── utils.py └── worker_manager.py ├── model_executor ├── __init__.py ├── guided_decoding.py ├── guided_logits_processors.py ├── input_metadata.py ├── layers │ ├── __init__.py │ ├── activation.py │ ├── attention │ │ ├── __init__.py │ │ ├── attention.py │ │ ├── backends │ │ │ ├── __init__.py │ │ │ ├── flash_attn.py │ │ │ └── xformers.py │ │ └── ops │ │ │ ├── __init__.py │ │ │ ├── paged_attn.py │ │ │ └── prefix_prefill.py │ ├── fused_moe │ │ ├── __init__.py │ │ ├── configs │ │ │ ├── E=8,N=1792,device_name=NVIDIA_A100-SXM4-80GB.json │ │ │ ├── E=8,N=1792,device_name=NVIDIA_H100_80GB_HBM3.json │ │ │ ├── E=8,N=3584,device_name=NVIDIA_A100-SXM4-80GB.json │ │ │ ├── E=8,N=3584,device_name=NVIDIA_H100_80GB_HBM3.json │ │ │ ├── E=8,N=7168,device_name=NVIDIA_A100-SXM4-80GB.json │ │ │ ├── E=8,N=7168,device_name=NVIDIA_H100_80GB_HBM3.json │ │ │ └── README │ │ └── fused_moe.py │ ├── layernorm.py │ ├── linear.py │ ├── logits_processor.py │ ├── ops │ │ ├── __init__.py │ │ ├── rand.py │ │ └── sample.py │ ├── quantization │ │ ├── __init__.py │ │ ├── awq.py │ │ ├── base_config.py │ │ ├── gptq.py │ │ ├── marlin.py │ │ └── squeezellm.py │ ├── rejection_sampler.py │ ├── rotary_embedding.py │ ├── sampler.py │ └── vocab_parallel_embedding.py ├── model_loader.py ├── models │ ├── __init__.py │ ├── baichuan.py │ ├── bloom.py │ ├── chatglm.py │ ├── decilm.py │ ├── deepseek.py │ ├── falcon.py │ ├── gemma.py │ ├── gpt2.py │ ├── gpt_bigcode.py │ ├── gpt_j.py │ ├── gpt_neox.py │ ├── internlm2.py │ ├── llama.py │ ├── mixtral.py │ ├── mixtral_quant.py │ ├── mpt.py │ ├── neuron │ │ ├── llama.py │ │ └── mistral.py │ ├── olmo.py │ ├── opt.py │ ├── orion.py │ ├── phi.py │ ├── qwen.py │ ├── qwen2.py │ ├── stablelm.py │ └── starcoder2.py ├── neuron_model_loader.py ├── parallel_utils │ ├── README.md │ ├── __init__.py │ ├── communication_op.py │ ├── cupy_utils.py │ ├── custom_all_reduce.py │ ├── parallel_state.py │ └── utils.py ├── sampling_metadata.py ├── utils.py └── weight_utils.py ├── outputs.py ├── py.typed ├── sampling_params.py ├── sequence.py ├── spec_decode ├── batch_expansion.py ├── interfaces.py ├── metrics.py ├── multi_step_worker.py ├── spec_decode_worker.py └── util.py ├── test_utils.py ├── transformers_utils ├── __init__.py ├── config.py ├── configs │ ├── __init__.py │ ├── chatglm.py │ ├── falcon.py │ ├── mpt.py │ └── starcoder2.py ├── tokenizer.py ├── tokenizer_group │ ├── __init__.py │ ├── base_tokenizer_group.py │ ├── ray_tokenizer_group.py │ └── tokenizer_group.py └── tokenizers │ ├── __init__.py │ └── baichuan.py ├── utils.py └── worker ├── __init__.py ├── cache_engine.py ├── model_runner.py ├── neuron_worker.py └── worker.py /.buildkite/run-amd-test.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/SakanaAI/vllm/HEAD/.buildkite/run-amd-test.sh -------------------------------------------------------------------------------- /.buildkite/run-benchmarks.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/SakanaAI/vllm/HEAD/.buildkite/run-benchmarks.sh -------------------------------------------------------------------------------- /.buildkite/test-pipeline.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/SakanaAI/vllm/HEAD/.buildkite/test-pipeline.yaml -------------------------------------------------------------------------------- /.buildkite/test-template.j2: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/SakanaAI/vllm/HEAD/.buildkite/test-template.j2 -------------------------------------------------------------------------------- /.dockerignore: -------------------------------------------------------------------------------- 1 | vllm/*.so 2 | -------------------------------------------------------------------------------- /.github/ISSUE_TEMPLATE/100-documentation.yml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/SakanaAI/vllm/HEAD/.github/ISSUE_TEMPLATE/100-documentation.yml -------------------------------------------------------------------------------- /.github/ISSUE_TEMPLATE/200-installation.yml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/SakanaAI/vllm/HEAD/.github/ISSUE_TEMPLATE/200-installation.yml -------------------------------------------------------------------------------- /.github/ISSUE_TEMPLATE/300-usage.yml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/SakanaAI/vllm/HEAD/.github/ISSUE_TEMPLATE/300-usage.yml -------------------------------------------------------------------------------- /.github/ISSUE_TEMPLATE/400-bug report.yml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/SakanaAI/vllm/HEAD/.github/ISSUE_TEMPLATE/400-bug report.yml -------------------------------------------------------------------------------- /.github/ISSUE_TEMPLATE/500-feature request.yml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/SakanaAI/vllm/HEAD/.github/ISSUE_TEMPLATE/500-feature request.yml -------------------------------------------------------------------------------- /.github/ISSUE_TEMPLATE/600-new model.yml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/SakanaAI/vllm/HEAD/.github/ISSUE_TEMPLATE/600-new model.yml -------------------------------------------------------------------------------- /.github/ISSUE_TEMPLATE/700-performance discussion.yml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/SakanaAI/vllm/HEAD/.github/ISSUE_TEMPLATE/700-performance discussion.yml -------------------------------------------------------------------------------- /.github/ISSUE_TEMPLATE/800-misc discussion.yml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/SakanaAI/vllm/HEAD/.github/ISSUE_TEMPLATE/800-misc discussion.yml -------------------------------------------------------------------------------- /.github/ISSUE_TEMPLATE/config.yml: -------------------------------------------------------------------------------- 1 | blank_issues_enabled: false 2 | -------------------------------------------------------------------------------- /.github/PULL_REQUEST_TEMPLATE.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/SakanaAI/vllm/HEAD/.github/PULL_REQUEST_TEMPLATE.md -------------------------------------------------------------------------------- /.github/workflows/publish.yml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/SakanaAI/vllm/HEAD/.github/workflows/publish.yml -------------------------------------------------------------------------------- /.github/workflows/ruff.yml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/SakanaAI/vllm/HEAD/.github/workflows/ruff.yml -------------------------------------------------------------------------------- /.github/workflows/scripts/build.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/SakanaAI/vllm/HEAD/.github/workflows/scripts/build.sh -------------------------------------------------------------------------------- /.github/workflows/scripts/create_release.js: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/SakanaAI/vllm/HEAD/.github/workflows/scripts/create_release.js -------------------------------------------------------------------------------- /.github/workflows/scripts/cuda-install.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/SakanaAI/vllm/HEAD/.github/workflows/scripts/cuda-install.sh -------------------------------------------------------------------------------- /.github/workflows/scripts/env.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/SakanaAI/vllm/HEAD/.github/workflows/scripts/env.sh -------------------------------------------------------------------------------- /.github/workflows/scripts/pytorch-install.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/SakanaAI/vllm/HEAD/.github/workflows/scripts/pytorch-install.sh -------------------------------------------------------------------------------- /.github/workflows/yapf.yml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/SakanaAI/vllm/HEAD/.github/workflows/yapf.yml -------------------------------------------------------------------------------- /.gitignore: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/SakanaAI/vllm/HEAD/.gitignore -------------------------------------------------------------------------------- /.readthedocs.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/SakanaAI/vllm/HEAD/.readthedocs.yaml -------------------------------------------------------------------------------- /.yapfignore: -------------------------------------------------------------------------------- 1 | collect_env.py 2 | -------------------------------------------------------------------------------- /CMakeLists.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/SakanaAI/vllm/HEAD/CMakeLists.txt -------------------------------------------------------------------------------- /CONTRIBUTING.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/SakanaAI/vllm/HEAD/CONTRIBUTING.md -------------------------------------------------------------------------------- /Dockerfile: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/SakanaAI/vllm/HEAD/Dockerfile -------------------------------------------------------------------------------- /Dockerfile.rocm: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/SakanaAI/vllm/HEAD/Dockerfile.rocm -------------------------------------------------------------------------------- /LICENSE: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/SakanaAI/vllm/HEAD/LICENSE -------------------------------------------------------------------------------- /MANIFEST.in: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/SakanaAI/vllm/HEAD/MANIFEST.in -------------------------------------------------------------------------------- /README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/SakanaAI/vllm/HEAD/README.md -------------------------------------------------------------------------------- /benchmarks/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/SakanaAI/vllm/HEAD/benchmarks/README.md -------------------------------------------------------------------------------- /benchmarks/backend_request_func.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/SakanaAI/vllm/HEAD/benchmarks/backend_request_func.py -------------------------------------------------------------------------------- /benchmarks/benchmark_latency.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/SakanaAI/vllm/HEAD/benchmarks/benchmark_latency.py -------------------------------------------------------------------------------- /benchmarks/benchmark_prefix_caching.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/SakanaAI/vllm/HEAD/benchmarks/benchmark_prefix_caching.py -------------------------------------------------------------------------------- /benchmarks/benchmark_serving.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/SakanaAI/vllm/HEAD/benchmarks/benchmark_serving.py -------------------------------------------------------------------------------- /benchmarks/benchmark_throughput.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/SakanaAI/vllm/HEAD/benchmarks/benchmark_throughput.py -------------------------------------------------------------------------------- /benchmarks/kernels/benchmark_mixtral_moe.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/SakanaAI/vllm/HEAD/benchmarks/kernels/benchmark_mixtral_moe.py -------------------------------------------------------------------------------- /benchmarks/kernels/benchmark_paged_attention.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/SakanaAI/vllm/HEAD/benchmarks/kernels/benchmark_paged_attention.py -------------------------------------------------------------------------------- /benchmarks/kernels/benchmark_rope.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/SakanaAI/vllm/HEAD/benchmarks/kernels/benchmark_rope.py -------------------------------------------------------------------------------- /benchmarks/launch_tgi_server.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/SakanaAI/vllm/HEAD/benchmarks/launch_tgi_server.sh -------------------------------------------------------------------------------- /cmake/hipify.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/SakanaAI/vllm/HEAD/cmake/hipify.py -------------------------------------------------------------------------------- /cmake/utils.cmake: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/SakanaAI/vllm/HEAD/cmake/utils.cmake -------------------------------------------------------------------------------- /collect_env.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/SakanaAI/vllm/HEAD/collect_env.py -------------------------------------------------------------------------------- /csrc/activation_kernels.cu: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/SakanaAI/vllm/HEAD/csrc/activation_kernels.cu -------------------------------------------------------------------------------- /csrc/attention/attention_dtypes.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/SakanaAI/vllm/HEAD/csrc/attention/attention_dtypes.h -------------------------------------------------------------------------------- /csrc/attention/attention_generic.cuh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/SakanaAI/vllm/HEAD/csrc/attention/attention_generic.cuh -------------------------------------------------------------------------------- /csrc/attention/attention_kernels.cu: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/SakanaAI/vllm/HEAD/csrc/attention/attention_kernels.cu -------------------------------------------------------------------------------- /csrc/attention/attention_utils.cuh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/SakanaAI/vllm/HEAD/csrc/attention/attention_utils.cuh -------------------------------------------------------------------------------- /csrc/attention/dtype_bfloat16.cuh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/SakanaAI/vllm/HEAD/csrc/attention/dtype_bfloat16.cuh -------------------------------------------------------------------------------- /csrc/attention/dtype_float16.cuh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/SakanaAI/vllm/HEAD/csrc/attention/dtype_float16.cuh -------------------------------------------------------------------------------- /csrc/attention/dtype_float32.cuh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/SakanaAI/vllm/HEAD/csrc/attention/dtype_float32.cuh -------------------------------------------------------------------------------- /csrc/attention/dtype_fp8_e5m2.cuh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/SakanaAI/vllm/HEAD/csrc/attention/dtype_fp8_e5m2.cuh -------------------------------------------------------------------------------- /csrc/cache.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/SakanaAI/vllm/HEAD/csrc/cache.h -------------------------------------------------------------------------------- /csrc/cache_kernels.cu: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/SakanaAI/vllm/HEAD/csrc/cache_kernels.cu -------------------------------------------------------------------------------- /csrc/cuda_compat.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/SakanaAI/vllm/HEAD/csrc/cuda_compat.h -------------------------------------------------------------------------------- /csrc/cuda_utils.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/SakanaAI/vllm/HEAD/csrc/cuda_utils.h -------------------------------------------------------------------------------- /csrc/cuda_utils_kernels.cu: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/SakanaAI/vllm/HEAD/csrc/cuda_utils_kernels.cu -------------------------------------------------------------------------------- /csrc/custom_all_reduce.cu: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/SakanaAI/vllm/HEAD/csrc/custom_all_reduce.cu -------------------------------------------------------------------------------- /csrc/custom_all_reduce.cuh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/SakanaAI/vllm/HEAD/csrc/custom_all_reduce.cuh -------------------------------------------------------------------------------- /csrc/custom_all_reduce_test.cu: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/SakanaAI/vllm/HEAD/csrc/custom_all_reduce_test.cu -------------------------------------------------------------------------------- /csrc/dispatch_utils.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/SakanaAI/vllm/HEAD/csrc/dispatch_utils.h -------------------------------------------------------------------------------- /csrc/layernorm_kernels.cu: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/SakanaAI/vllm/HEAD/csrc/layernorm_kernels.cu -------------------------------------------------------------------------------- /csrc/moe/moe_ops.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/SakanaAI/vllm/HEAD/csrc/moe/moe_ops.cpp -------------------------------------------------------------------------------- /csrc/moe/moe_ops.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/SakanaAI/vllm/HEAD/csrc/moe/moe_ops.h -------------------------------------------------------------------------------- /csrc/moe/topk_softmax_kernels.cu: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/SakanaAI/vllm/HEAD/csrc/moe/topk_softmax_kernels.cu -------------------------------------------------------------------------------- /csrc/moe_align_block_size_kernels.cu: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/SakanaAI/vllm/HEAD/csrc/moe_align_block_size_kernels.cu -------------------------------------------------------------------------------- /csrc/ops.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/SakanaAI/vllm/HEAD/csrc/ops.h -------------------------------------------------------------------------------- /csrc/pos_encoding_kernels.cu: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/SakanaAI/vllm/HEAD/csrc/pos_encoding_kernels.cu -------------------------------------------------------------------------------- /csrc/punica/LICENSE: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/SakanaAI/vllm/HEAD/csrc/punica/LICENSE -------------------------------------------------------------------------------- /csrc/punica/bgmv/bgmv_bf16_bf16_bf16.cu: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/SakanaAI/vllm/HEAD/csrc/punica/bgmv/bgmv_bf16_bf16_bf16.cu -------------------------------------------------------------------------------- /csrc/punica/bgmv/bgmv_bf16_bf16_fp16.cu: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/SakanaAI/vllm/HEAD/csrc/punica/bgmv/bgmv_bf16_bf16_fp16.cu -------------------------------------------------------------------------------- /csrc/punica/bgmv/bgmv_bf16_fp16_bf16.cu: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/SakanaAI/vllm/HEAD/csrc/punica/bgmv/bgmv_bf16_fp16_bf16.cu -------------------------------------------------------------------------------- /csrc/punica/bgmv/bgmv_bf16_fp16_fp16.cu: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/SakanaAI/vllm/HEAD/csrc/punica/bgmv/bgmv_bf16_fp16_fp16.cu -------------------------------------------------------------------------------- /csrc/punica/bgmv/bgmv_bf16_fp32_bf16.cu: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/SakanaAI/vllm/HEAD/csrc/punica/bgmv/bgmv_bf16_fp32_bf16.cu -------------------------------------------------------------------------------- /csrc/punica/bgmv/bgmv_bf16_fp32_fp16.cu: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/SakanaAI/vllm/HEAD/csrc/punica/bgmv/bgmv_bf16_fp32_fp16.cu -------------------------------------------------------------------------------- /csrc/punica/bgmv/bgmv_config.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/SakanaAI/vllm/HEAD/csrc/punica/bgmv/bgmv_config.h -------------------------------------------------------------------------------- /csrc/punica/bgmv/bgmv_fp16_bf16_bf16.cu: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/SakanaAI/vllm/HEAD/csrc/punica/bgmv/bgmv_fp16_bf16_bf16.cu -------------------------------------------------------------------------------- /csrc/punica/bgmv/bgmv_fp16_bf16_fp16.cu: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/SakanaAI/vllm/HEAD/csrc/punica/bgmv/bgmv_fp16_bf16_fp16.cu -------------------------------------------------------------------------------- /csrc/punica/bgmv/bgmv_fp16_fp16_bf16.cu: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/SakanaAI/vllm/HEAD/csrc/punica/bgmv/bgmv_fp16_fp16_bf16.cu -------------------------------------------------------------------------------- /csrc/punica/bgmv/bgmv_fp16_fp16_fp16.cu: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/SakanaAI/vllm/HEAD/csrc/punica/bgmv/bgmv_fp16_fp16_fp16.cu -------------------------------------------------------------------------------- /csrc/punica/bgmv/bgmv_fp16_fp32_bf16.cu: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/SakanaAI/vllm/HEAD/csrc/punica/bgmv/bgmv_fp16_fp32_bf16.cu -------------------------------------------------------------------------------- /csrc/punica/bgmv/bgmv_fp16_fp32_fp16.cu: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/SakanaAI/vllm/HEAD/csrc/punica/bgmv/bgmv_fp16_fp32_fp16.cu -------------------------------------------------------------------------------- /csrc/punica/bgmv/bgmv_fp32_bf16_bf16.cu: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/SakanaAI/vllm/HEAD/csrc/punica/bgmv/bgmv_fp32_bf16_bf16.cu -------------------------------------------------------------------------------- /csrc/punica/bgmv/bgmv_fp32_bf16_fp16.cu: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/SakanaAI/vllm/HEAD/csrc/punica/bgmv/bgmv_fp32_bf16_fp16.cu -------------------------------------------------------------------------------- /csrc/punica/bgmv/bgmv_fp32_fp16_bf16.cu: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/SakanaAI/vllm/HEAD/csrc/punica/bgmv/bgmv_fp32_fp16_bf16.cu -------------------------------------------------------------------------------- /csrc/punica/bgmv/bgmv_fp32_fp16_fp16.cu: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/SakanaAI/vllm/HEAD/csrc/punica/bgmv/bgmv_fp32_fp16_fp16.cu -------------------------------------------------------------------------------- /csrc/punica/bgmv/bgmv_fp32_fp32_bf16.cu: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/SakanaAI/vllm/HEAD/csrc/punica/bgmv/bgmv_fp32_fp32_bf16.cu -------------------------------------------------------------------------------- /csrc/punica/bgmv/bgmv_fp32_fp32_fp16.cu: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/SakanaAI/vllm/HEAD/csrc/punica/bgmv/bgmv_fp32_fp32_fp16.cu -------------------------------------------------------------------------------- /csrc/punica/bgmv/bgmv_impl.cuh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/SakanaAI/vllm/HEAD/csrc/punica/bgmv/bgmv_impl.cuh -------------------------------------------------------------------------------- /csrc/punica/bgmv/generator.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/SakanaAI/vllm/HEAD/csrc/punica/bgmv/generator.py -------------------------------------------------------------------------------- /csrc/punica/bgmv/vec_dtypes.cuh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/SakanaAI/vllm/HEAD/csrc/punica/bgmv/vec_dtypes.cuh -------------------------------------------------------------------------------- /csrc/punica/punica_ops.cc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/SakanaAI/vllm/HEAD/csrc/punica/punica_ops.cc -------------------------------------------------------------------------------- /csrc/pybind.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/SakanaAI/vllm/HEAD/csrc/pybind.cpp -------------------------------------------------------------------------------- /csrc/quantization/awq/dequantize.cuh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/SakanaAI/vllm/HEAD/csrc/quantization/awq/dequantize.cuh -------------------------------------------------------------------------------- /csrc/quantization/awq/gemm_kernels.cu: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/SakanaAI/vllm/HEAD/csrc/quantization/awq/gemm_kernels.cu -------------------------------------------------------------------------------- /csrc/quantization/fp8_e5m2_kvcache/quant_utils.cuh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/SakanaAI/vllm/HEAD/csrc/quantization/fp8_e5m2_kvcache/quant_utils.cuh -------------------------------------------------------------------------------- /csrc/quantization/gptq/compat.cuh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/SakanaAI/vllm/HEAD/csrc/quantization/gptq/compat.cuh -------------------------------------------------------------------------------- /csrc/quantization/gptq/matrix_view.cuh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/SakanaAI/vllm/HEAD/csrc/quantization/gptq/matrix_view.cuh -------------------------------------------------------------------------------- /csrc/quantization/gptq/q_gemm.cu: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/SakanaAI/vllm/HEAD/csrc/quantization/gptq/q_gemm.cu -------------------------------------------------------------------------------- /csrc/quantization/gptq/qdq_2.cuh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/SakanaAI/vllm/HEAD/csrc/quantization/gptq/qdq_2.cuh -------------------------------------------------------------------------------- /csrc/quantization/gptq/qdq_3.cuh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/SakanaAI/vllm/HEAD/csrc/quantization/gptq/qdq_3.cuh -------------------------------------------------------------------------------- /csrc/quantization/gptq/qdq_4.cuh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/SakanaAI/vllm/HEAD/csrc/quantization/gptq/qdq_4.cuh -------------------------------------------------------------------------------- /csrc/quantization/gptq/qdq_8.cuh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/SakanaAI/vllm/HEAD/csrc/quantization/gptq/qdq_8.cuh -------------------------------------------------------------------------------- /csrc/quantization/gptq/qdq_util.cuh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/SakanaAI/vllm/HEAD/csrc/quantization/gptq/qdq_util.cuh -------------------------------------------------------------------------------- /csrc/quantization/marlin/LICENSE: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/SakanaAI/vllm/HEAD/csrc/quantization/marlin/LICENSE -------------------------------------------------------------------------------- /csrc/quantization/marlin/marlin_cuda_kernel.cu: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/SakanaAI/vllm/HEAD/csrc/quantization/marlin/marlin_cuda_kernel.cu -------------------------------------------------------------------------------- /csrc/quantization/squeezellm/quant_cuda_kernel.cu: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/SakanaAI/vllm/HEAD/csrc/quantization/squeezellm/quant_cuda_kernel.cu -------------------------------------------------------------------------------- /csrc/reduction_utils.cuh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/SakanaAI/vllm/HEAD/csrc/reduction_utils.cuh -------------------------------------------------------------------------------- /docs/Makefile: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/SakanaAI/vllm/HEAD/docs/Makefile -------------------------------------------------------------------------------- /docs/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/SakanaAI/vllm/HEAD/docs/README.md -------------------------------------------------------------------------------- /docs/make.bat: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/SakanaAI/vllm/HEAD/docs/make.bat -------------------------------------------------------------------------------- /docs/requirements-docs.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/SakanaAI/vllm/HEAD/docs/requirements-docs.txt -------------------------------------------------------------------------------- /docs/source/assets/kernel/k_vecs.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/SakanaAI/vllm/HEAD/docs/source/assets/kernel/k_vecs.png -------------------------------------------------------------------------------- /docs/source/assets/kernel/key.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/SakanaAI/vllm/HEAD/docs/source/assets/kernel/key.png -------------------------------------------------------------------------------- /docs/source/assets/kernel/logits_vec.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/SakanaAI/vllm/HEAD/docs/source/assets/kernel/logits_vec.png -------------------------------------------------------------------------------- /docs/source/assets/kernel/q_vecs.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/SakanaAI/vllm/HEAD/docs/source/assets/kernel/q_vecs.png -------------------------------------------------------------------------------- /docs/source/assets/kernel/query.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/SakanaAI/vllm/HEAD/docs/source/assets/kernel/query.png -------------------------------------------------------------------------------- /docs/source/assets/kernel/v_vec.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/SakanaAI/vllm/HEAD/docs/source/assets/kernel/v_vec.png -------------------------------------------------------------------------------- /docs/source/assets/kernel/value.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/SakanaAI/vllm/HEAD/docs/source/assets/kernel/value.png -------------------------------------------------------------------------------- /docs/source/assets/logos/vllm-logo-only-light.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/SakanaAI/vllm/HEAD/docs/source/assets/logos/vllm-logo-only-light.png -------------------------------------------------------------------------------- /docs/source/assets/logos/vllm-logo-text-dark.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/SakanaAI/vllm/HEAD/docs/source/assets/logos/vllm-logo-text-dark.png -------------------------------------------------------------------------------- /docs/source/assets/logos/vllm-logo-text-light.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/SakanaAI/vllm/HEAD/docs/source/assets/logos/vllm-logo-text-light.png -------------------------------------------------------------------------------- /docs/source/conf.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/SakanaAI/vllm/HEAD/docs/source/conf.py -------------------------------------------------------------------------------- /docs/source/dev/engine/async_llm_engine.rst: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/SakanaAI/vllm/HEAD/docs/source/dev/engine/async_llm_engine.rst -------------------------------------------------------------------------------- /docs/source/dev/engine/engine_index.rst: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/SakanaAI/vllm/HEAD/docs/source/dev/engine/engine_index.rst -------------------------------------------------------------------------------- /docs/source/dev/engine/llm_engine.rst: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/SakanaAI/vllm/HEAD/docs/source/dev/engine/llm_engine.rst -------------------------------------------------------------------------------- /docs/source/dev/kernel/paged_attention.rst: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/SakanaAI/vllm/HEAD/docs/source/dev/kernel/paged_attention.rst -------------------------------------------------------------------------------- /docs/source/dev/sampling_params.rst: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/SakanaAI/vllm/HEAD/docs/source/dev/sampling_params.rst -------------------------------------------------------------------------------- /docs/source/getting_started/amd-installation.rst: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/SakanaAI/vllm/HEAD/docs/source/getting_started/amd-installation.rst -------------------------------------------------------------------------------- /docs/source/getting_started/installation.rst: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/SakanaAI/vllm/HEAD/docs/source/getting_started/installation.rst -------------------------------------------------------------------------------- /docs/source/getting_started/neuron-installation.rst: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/SakanaAI/vllm/HEAD/docs/source/getting_started/neuron-installation.rst -------------------------------------------------------------------------------- /docs/source/getting_started/quickstart.rst: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/SakanaAI/vllm/HEAD/docs/source/getting_started/quickstart.rst -------------------------------------------------------------------------------- /docs/source/index.rst: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/SakanaAI/vllm/HEAD/docs/source/index.rst -------------------------------------------------------------------------------- /docs/source/models/adding_model.rst: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/SakanaAI/vllm/HEAD/docs/source/models/adding_model.rst -------------------------------------------------------------------------------- /docs/source/models/engine_args.rst: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/SakanaAI/vllm/HEAD/docs/source/models/engine_args.rst -------------------------------------------------------------------------------- /docs/source/models/lora.rst: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/SakanaAI/vllm/HEAD/docs/source/models/lora.rst -------------------------------------------------------------------------------- /docs/source/models/supported_models.rst: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/SakanaAI/vllm/HEAD/docs/source/models/supported_models.rst -------------------------------------------------------------------------------- /docs/source/quantization/auto_awq.rst: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/SakanaAI/vllm/HEAD/docs/source/quantization/auto_awq.rst -------------------------------------------------------------------------------- /docs/source/quantization/fp8_e5m2_kv_cache.rst: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/SakanaAI/vllm/HEAD/docs/source/quantization/fp8_e5m2_kv_cache.rst -------------------------------------------------------------------------------- /docs/source/serving/deploying_with_bentoml.rst: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/SakanaAI/vllm/HEAD/docs/source/serving/deploying_with_bentoml.rst -------------------------------------------------------------------------------- /docs/source/serving/deploying_with_docker.rst: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/SakanaAI/vllm/HEAD/docs/source/serving/deploying_with_docker.rst -------------------------------------------------------------------------------- /docs/source/serving/deploying_with_kserve.rst: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/SakanaAI/vllm/HEAD/docs/source/serving/deploying_with_kserve.rst -------------------------------------------------------------------------------- /docs/source/serving/deploying_with_triton.rst: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/SakanaAI/vllm/HEAD/docs/source/serving/deploying_with_triton.rst -------------------------------------------------------------------------------- /docs/source/serving/distributed_serving.rst: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/SakanaAI/vllm/HEAD/docs/source/serving/distributed_serving.rst -------------------------------------------------------------------------------- /docs/source/serving/integrations.rst: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/SakanaAI/vllm/HEAD/docs/source/serving/integrations.rst -------------------------------------------------------------------------------- /docs/source/serving/metrics.rst: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/SakanaAI/vllm/HEAD/docs/source/serving/metrics.rst -------------------------------------------------------------------------------- /docs/source/serving/openai_compatible_server.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/SakanaAI/vllm/HEAD/docs/source/serving/openai_compatible_server.md -------------------------------------------------------------------------------- /docs/source/serving/run_on_sky.rst: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/SakanaAI/vllm/HEAD/docs/source/serving/run_on_sky.rst -------------------------------------------------------------------------------- /docs/source/serving/serving_with_langchain.rst: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/SakanaAI/vllm/HEAD/docs/source/serving/serving_with_langchain.rst -------------------------------------------------------------------------------- /examples/api_client.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/SakanaAI/vllm/HEAD/examples/api_client.py -------------------------------------------------------------------------------- /examples/gradio_openai_chatbot_webserver.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/SakanaAI/vllm/HEAD/examples/gradio_openai_chatbot_webserver.py -------------------------------------------------------------------------------- /examples/gradio_webserver.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/SakanaAI/vllm/HEAD/examples/gradio_webserver.py -------------------------------------------------------------------------------- /examples/llm_engine_example.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/SakanaAI/vllm/HEAD/examples/llm_engine_example.py -------------------------------------------------------------------------------- /examples/multilora_inference.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/SakanaAI/vllm/HEAD/examples/multilora_inference.py -------------------------------------------------------------------------------- /examples/offline_inference.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/SakanaAI/vllm/HEAD/examples/offline_inference.py -------------------------------------------------------------------------------- /examples/offline_inference_distributed.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/SakanaAI/vllm/HEAD/examples/offline_inference_distributed.py -------------------------------------------------------------------------------- /examples/offline_inference_neuron.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/SakanaAI/vllm/HEAD/examples/offline_inference_neuron.py -------------------------------------------------------------------------------- /examples/offline_inference_with_prefix.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/SakanaAI/vllm/HEAD/examples/offline_inference_with_prefix.py -------------------------------------------------------------------------------- /examples/openai_chatcompletion_client.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/SakanaAI/vllm/HEAD/examples/openai_chatcompletion_client.py -------------------------------------------------------------------------------- /examples/openai_completion_client.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/SakanaAI/vllm/HEAD/examples/openai_completion_client.py -------------------------------------------------------------------------------- /examples/production_monitoring/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/SakanaAI/vllm/HEAD/examples/production_monitoring/README.md -------------------------------------------------------------------------------- /examples/production_monitoring/docker-compose.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/SakanaAI/vllm/HEAD/examples/production_monitoring/docker-compose.yaml -------------------------------------------------------------------------------- /examples/production_monitoring/grafana.json: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/SakanaAI/vllm/HEAD/examples/production_monitoring/grafana.json -------------------------------------------------------------------------------- /examples/production_monitoring/prometheus.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/SakanaAI/vllm/HEAD/examples/production_monitoring/prometheus.yaml -------------------------------------------------------------------------------- /examples/template_alpaca.jinja: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/SakanaAI/vllm/HEAD/examples/template_alpaca.jinja -------------------------------------------------------------------------------- /examples/template_baichuan.jinja: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/SakanaAI/vllm/HEAD/examples/template_baichuan.jinja -------------------------------------------------------------------------------- /examples/template_chatglm.jinja: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/SakanaAI/vllm/HEAD/examples/template_chatglm.jinja -------------------------------------------------------------------------------- /examples/template_chatglm2.jinja: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/SakanaAI/vllm/HEAD/examples/template_chatglm2.jinja -------------------------------------------------------------------------------- /examples/template_chatml.jinja: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/SakanaAI/vllm/HEAD/examples/template_chatml.jinja -------------------------------------------------------------------------------- /examples/template_falcon.jinja: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/SakanaAI/vllm/HEAD/examples/template_falcon.jinja -------------------------------------------------------------------------------- /examples/template_falcon_180b.jinja: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/SakanaAI/vllm/HEAD/examples/template_falcon_180b.jinja -------------------------------------------------------------------------------- /examples/template_inkbot.jinja: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/SakanaAI/vllm/HEAD/examples/template_inkbot.jinja -------------------------------------------------------------------------------- /format.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/SakanaAI/vllm/HEAD/format.sh -------------------------------------------------------------------------------- /patch_xformers.rocm.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/SakanaAI/vllm/HEAD/patch_xformers.rocm.sh -------------------------------------------------------------------------------- /pyproject.toml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/SakanaAI/vllm/HEAD/pyproject.toml -------------------------------------------------------------------------------- /requirements-build.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/SakanaAI/vllm/HEAD/requirements-build.txt -------------------------------------------------------------------------------- /requirements-dev.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/SakanaAI/vllm/HEAD/requirements-dev.txt -------------------------------------------------------------------------------- /requirements-neuron.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/SakanaAI/vllm/HEAD/requirements-neuron.txt -------------------------------------------------------------------------------- /requirements-rocm.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/SakanaAI/vllm/HEAD/requirements-rocm.txt -------------------------------------------------------------------------------- /requirements.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/SakanaAI/vllm/HEAD/requirements.txt -------------------------------------------------------------------------------- /rocm_patch/commonpy_xformers-0.0.23.rocm.patch: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/SakanaAI/vllm/HEAD/rocm_patch/commonpy_xformers-0.0.23.rocm.patch -------------------------------------------------------------------------------- /rocm_patch/flashpy_xformers-0.0.23.rocm.patch: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/SakanaAI/vllm/HEAD/rocm_patch/flashpy_xformers-0.0.23.rocm.patch -------------------------------------------------------------------------------- /rocm_patch/rocm_bf16.patch: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/SakanaAI/vllm/HEAD/rocm_patch/rocm_bf16.patch -------------------------------------------------------------------------------- /setup.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/SakanaAI/vllm/HEAD/setup.py -------------------------------------------------------------------------------- /tests/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /tests/async_engine/api_server_async_engine.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/SakanaAI/vllm/HEAD/tests/async_engine/api_server_async_engine.py -------------------------------------------------------------------------------- /tests/async_engine/test_api_server.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/SakanaAI/vllm/HEAD/tests/async_engine/test_api_server.py -------------------------------------------------------------------------------- /tests/async_engine/test_async_llm_engine.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/SakanaAI/vllm/HEAD/tests/async_engine/test_async_llm_engine.py -------------------------------------------------------------------------------- /tests/async_engine/test_chat_template.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/SakanaAI/vllm/HEAD/tests/async_engine/test_chat_template.py -------------------------------------------------------------------------------- /tests/async_engine/test_request_tracker.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/SakanaAI/vllm/HEAD/tests/async_engine/test_request_tracker.py -------------------------------------------------------------------------------- /tests/basic_correctness/test_basic_correctness.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/SakanaAI/vllm/HEAD/tests/basic_correctness/test_basic_correctness.py -------------------------------------------------------------------------------- /tests/conftest.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/SakanaAI/vllm/HEAD/tests/conftest.py -------------------------------------------------------------------------------- /tests/core/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /tests/core/test_block_manager.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/SakanaAI/vllm/HEAD/tests/core/test_block_manager.py -------------------------------------------------------------------------------- /tests/core/test_scheduler.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/SakanaAI/vllm/HEAD/tests/core/test_scheduler.py -------------------------------------------------------------------------------- /tests/core/utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/SakanaAI/vllm/HEAD/tests/core/utils.py -------------------------------------------------------------------------------- /tests/distributed/test_basic_distributed_correctness.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/SakanaAI/vllm/HEAD/tests/distributed/test_basic_distributed_correctness.py -------------------------------------------------------------------------------- /tests/distributed/test_comm_ops.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/SakanaAI/vllm/HEAD/tests/distributed/test_comm_ops.py -------------------------------------------------------------------------------- /tests/distributed/test_custom_all_reduce.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/SakanaAI/vllm/HEAD/tests/distributed/test_custom_all_reduce.py -------------------------------------------------------------------------------- /tests/engine/test_computed_prefix_blocks.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/SakanaAI/vllm/HEAD/tests/engine/test_computed_prefix_blocks.py -------------------------------------------------------------------------------- /tests/entrypoints/test_guided_processors.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/SakanaAI/vllm/HEAD/tests/entrypoints/test_guided_processors.py -------------------------------------------------------------------------------- /tests/entrypoints/test_openai_server.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/SakanaAI/vllm/HEAD/tests/entrypoints/test_openai_server.py -------------------------------------------------------------------------------- /tests/kernels/allclose_default.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/SakanaAI/vllm/HEAD/tests/kernels/allclose_default.py -------------------------------------------------------------------------------- /tests/kernels/conftest.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/SakanaAI/vllm/HEAD/tests/kernels/conftest.py -------------------------------------------------------------------------------- /tests/kernels/test_activation.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/SakanaAI/vllm/HEAD/tests/kernels/test_activation.py -------------------------------------------------------------------------------- /tests/kernels/test_attention.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/SakanaAI/vllm/HEAD/tests/kernels/test_attention.py -------------------------------------------------------------------------------- /tests/kernels/test_cache.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/SakanaAI/vllm/HEAD/tests/kernels/test_cache.py -------------------------------------------------------------------------------- /tests/kernels/test_layernorm.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/SakanaAI/vllm/HEAD/tests/kernels/test_layernorm.py -------------------------------------------------------------------------------- /tests/kernels/test_moe.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/SakanaAI/vllm/HEAD/tests/kernels/test_moe.py -------------------------------------------------------------------------------- /tests/kernels/test_pos_encoding.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/SakanaAI/vllm/HEAD/tests/kernels/test_pos_encoding.py -------------------------------------------------------------------------------- /tests/kernels/test_prefix_prefill.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/SakanaAI/vllm/HEAD/tests/kernels/test_prefix_prefill.py -------------------------------------------------------------------------------- /tests/kernels/test_rand.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/SakanaAI/vllm/HEAD/tests/kernels/test_rand.py -------------------------------------------------------------------------------- /tests/kernels/test_sampler.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/SakanaAI/vllm/HEAD/tests/kernels/test_sampler.py -------------------------------------------------------------------------------- /tests/lora/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /tests/lora/conftest.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/SakanaAI/vllm/HEAD/tests/lora/conftest.py -------------------------------------------------------------------------------- /tests/lora/test_gemma.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/SakanaAI/vllm/HEAD/tests/lora/test_gemma.py -------------------------------------------------------------------------------- /tests/lora/test_layer_variation.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/SakanaAI/vllm/HEAD/tests/lora/test_layer_variation.py -------------------------------------------------------------------------------- /tests/lora/test_layers.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/SakanaAI/vllm/HEAD/tests/lora/test_layers.py -------------------------------------------------------------------------------- /tests/lora/test_llama.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/SakanaAI/vllm/HEAD/tests/lora/test_llama.py -------------------------------------------------------------------------------- /tests/lora/test_lora.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/SakanaAI/vllm/HEAD/tests/lora/test_lora.py -------------------------------------------------------------------------------- /tests/lora/test_lora_manager.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/SakanaAI/vllm/HEAD/tests/lora/test_lora_manager.py -------------------------------------------------------------------------------- /tests/lora/test_mixtral.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/SakanaAI/vllm/HEAD/tests/lora/test_mixtral.py -------------------------------------------------------------------------------- /tests/lora/test_punica.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/SakanaAI/vllm/HEAD/tests/lora/test_punica.py -------------------------------------------------------------------------------- /tests/lora/test_tokenizer_group.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/SakanaAI/vllm/HEAD/tests/lora/test_tokenizer_group.py -------------------------------------------------------------------------------- /tests/lora/test_utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/SakanaAI/vllm/HEAD/tests/lora/test_utils.py -------------------------------------------------------------------------------- /tests/lora/test_worker.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/SakanaAI/vllm/HEAD/tests/lora/test_worker.py -------------------------------------------------------------------------------- /tests/lora/utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/SakanaAI/vllm/HEAD/tests/lora/utils.py -------------------------------------------------------------------------------- /tests/metrics/test_metrics.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/SakanaAI/vllm/HEAD/tests/metrics/test_metrics.py -------------------------------------------------------------------------------- /tests/models/test_marlin.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/SakanaAI/vllm/HEAD/tests/models/test_marlin.py -------------------------------------------------------------------------------- /tests/models/test_mistral.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/SakanaAI/vllm/HEAD/tests/models/test_mistral.py -------------------------------------------------------------------------------- /tests/models/test_models.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/SakanaAI/vllm/HEAD/tests/models/test_models.py -------------------------------------------------------------------------------- /tests/prefix_caching/test_prefix_caching.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/SakanaAI/vllm/HEAD/tests/prefix_caching/test_prefix_caching.py -------------------------------------------------------------------------------- /tests/prompts/example.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/SakanaAI/vllm/HEAD/tests/prompts/example.txt -------------------------------------------------------------------------------- /tests/prompts/summary.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/SakanaAI/vllm/HEAD/tests/prompts/summary.txt -------------------------------------------------------------------------------- /tests/samplers/test_beam_search.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/SakanaAI/vllm/HEAD/tests/samplers/test_beam_search.py -------------------------------------------------------------------------------- /tests/samplers/test_logprobs.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/SakanaAI/vllm/HEAD/tests/samplers/test_logprobs.py -------------------------------------------------------------------------------- /tests/samplers/test_rejection_sampler.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/SakanaAI/vllm/HEAD/tests/samplers/test_rejection_sampler.py -------------------------------------------------------------------------------- /tests/samplers/test_sampler.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/SakanaAI/vllm/HEAD/tests/samplers/test_sampler.py -------------------------------------------------------------------------------- /tests/samplers/test_seeded_generate.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/SakanaAI/vllm/HEAD/tests/samplers/test_seeded_generate.py -------------------------------------------------------------------------------- /tests/spec_decode/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /tests/spec_decode/test_batch_expansion.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/SakanaAI/vllm/HEAD/tests/spec_decode/test_batch_expansion.py -------------------------------------------------------------------------------- /tests/spec_decode/test_metrics.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/SakanaAI/vllm/HEAD/tests/spec_decode/test_metrics.py -------------------------------------------------------------------------------- /tests/spec_decode/test_multi_step_worker.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/SakanaAI/vllm/HEAD/tests/spec_decode/test_multi_step_worker.py -------------------------------------------------------------------------------- /tests/spec_decode/test_spec_decode_worker.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/SakanaAI/vllm/HEAD/tests/spec_decode/test_spec_decode_worker.py -------------------------------------------------------------------------------- /tests/spec_decode/test_utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/SakanaAI/vllm/HEAD/tests/spec_decode/test_utils.py -------------------------------------------------------------------------------- /tests/spec_decode/utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/SakanaAI/vllm/HEAD/tests/spec_decode/utils.py -------------------------------------------------------------------------------- /tests/test_cache_block_hashing.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/SakanaAI/vllm/HEAD/tests/test_cache_block_hashing.py -------------------------------------------------------------------------------- /tests/test_config.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/SakanaAI/vllm/HEAD/tests/test_config.py -------------------------------------------------------------------------------- /tests/test_logits_processor.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/SakanaAI/vllm/HEAD/tests/test_logits_processor.py -------------------------------------------------------------------------------- /tests/test_regression.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/SakanaAI/vllm/HEAD/tests/test_regression.py -------------------------------------------------------------------------------- /tests/test_sampling_params.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/SakanaAI/vllm/HEAD/tests/test_sampling_params.py -------------------------------------------------------------------------------- /tests/test_sequence.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/SakanaAI/vllm/HEAD/tests/test_sequence.py -------------------------------------------------------------------------------- /tests/tokenization/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /tests/tokenization/test_cached_tokenizer.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/SakanaAI/vllm/HEAD/tests/tokenization/test_cached_tokenizer.py -------------------------------------------------------------------------------- /tests/tokenization/test_detokenize.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/SakanaAI/vllm/HEAD/tests/tokenization/test_detokenize.py -------------------------------------------------------------------------------- /tests/tokenization/test_tokenizer_group.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/SakanaAI/vllm/HEAD/tests/tokenization/test_tokenizer_group.py -------------------------------------------------------------------------------- /tests/worker/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /tests/worker/test_model_runner.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/SakanaAI/vllm/HEAD/tests/worker/test_model_runner.py -------------------------------------------------------------------------------- /tests/worker/test_swap.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/SakanaAI/vllm/HEAD/tests/worker/test_swap.py -------------------------------------------------------------------------------- /vllm/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/SakanaAI/vllm/HEAD/vllm/__init__.py -------------------------------------------------------------------------------- /vllm/block.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/SakanaAI/vllm/HEAD/vllm/block.py -------------------------------------------------------------------------------- /vllm/config.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/SakanaAI/vllm/HEAD/vllm/config.py -------------------------------------------------------------------------------- /vllm/core/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /vllm/core/block_manager.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/SakanaAI/vllm/HEAD/vllm/core/block_manager.py -------------------------------------------------------------------------------- /vllm/core/evictor.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/SakanaAI/vllm/HEAD/vllm/core/evictor.py -------------------------------------------------------------------------------- /vllm/core/policy.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/SakanaAI/vllm/HEAD/vllm/core/policy.py -------------------------------------------------------------------------------- /vllm/core/scheduler.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/SakanaAI/vllm/HEAD/vllm/core/scheduler.py -------------------------------------------------------------------------------- /vllm/engine/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /vllm/engine/arg_utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/SakanaAI/vllm/HEAD/vllm/engine/arg_utils.py -------------------------------------------------------------------------------- /vllm/engine/async_llm_engine.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/SakanaAI/vllm/HEAD/vllm/engine/async_llm_engine.py -------------------------------------------------------------------------------- /vllm/engine/llm_engine.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/SakanaAI/vllm/HEAD/vllm/engine/llm_engine.py -------------------------------------------------------------------------------- /vllm/engine/metrics.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/SakanaAI/vllm/HEAD/vllm/engine/metrics.py -------------------------------------------------------------------------------- /vllm/engine/ray_utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/SakanaAI/vllm/HEAD/vllm/engine/ray_utils.py -------------------------------------------------------------------------------- /vllm/entrypoints/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /vllm/entrypoints/api_server.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/SakanaAI/vllm/HEAD/vllm/entrypoints/api_server.py -------------------------------------------------------------------------------- /vllm/entrypoints/llm.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/SakanaAI/vllm/HEAD/vllm/entrypoints/llm.py -------------------------------------------------------------------------------- /vllm/entrypoints/openai/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /vllm/entrypoints/openai/api_server.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/SakanaAI/vllm/HEAD/vllm/entrypoints/openai/api_server.py -------------------------------------------------------------------------------- /vllm/entrypoints/openai/cli_args.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/SakanaAI/vllm/HEAD/vllm/entrypoints/openai/cli_args.py -------------------------------------------------------------------------------- /vllm/entrypoints/openai/protocol.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/SakanaAI/vllm/HEAD/vllm/entrypoints/openai/protocol.py -------------------------------------------------------------------------------- /vllm/entrypoints/openai/serving_chat.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/SakanaAI/vllm/HEAD/vllm/entrypoints/openai/serving_chat.py -------------------------------------------------------------------------------- /vllm/entrypoints/openai/serving_completion.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/SakanaAI/vllm/HEAD/vllm/entrypoints/openai/serving_completion.py -------------------------------------------------------------------------------- /vllm/entrypoints/openai/serving_engine.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/SakanaAI/vllm/HEAD/vllm/entrypoints/openai/serving_engine.py -------------------------------------------------------------------------------- /vllm/executor/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /vllm/executor/executor_base.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/SakanaAI/vllm/HEAD/vllm/executor/executor_base.py -------------------------------------------------------------------------------- /vllm/executor/gpu_executor.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/SakanaAI/vllm/HEAD/vllm/executor/gpu_executor.py -------------------------------------------------------------------------------- /vllm/executor/ray_gpu_executor.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/SakanaAI/vllm/HEAD/vllm/executor/ray_gpu_executor.py -------------------------------------------------------------------------------- /vllm/executor/utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/SakanaAI/vllm/HEAD/vllm/executor/utils.py -------------------------------------------------------------------------------- /vllm/logger.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/SakanaAI/vllm/HEAD/vllm/logger.py -------------------------------------------------------------------------------- /vllm/lora/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /vllm/lora/layers.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/SakanaAI/vllm/HEAD/vllm/lora/layers.py -------------------------------------------------------------------------------- /vllm/lora/lora.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/SakanaAI/vllm/HEAD/vllm/lora/lora.py -------------------------------------------------------------------------------- /vllm/lora/models.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/SakanaAI/vllm/HEAD/vllm/lora/models.py -------------------------------------------------------------------------------- /vllm/lora/punica.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/SakanaAI/vllm/HEAD/vllm/lora/punica.py -------------------------------------------------------------------------------- /vllm/lora/request.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/SakanaAI/vllm/HEAD/vllm/lora/request.py -------------------------------------------------------------------------------- /vllm/lora/utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/SakanaAI/vllm/HEAD/vllm/lora/utils.py -------------------------------------------------------------------------------- /vllm/lora/worker_manager.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/SakanaAI/vllm/HEAD/vllm/lora/worker_manager.py -------------------------------------------------------------------------------- /vllm/model_executor/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/SakanaAI/vllm/HEAD/vllm/model_executor/__init__.py -------------------------------------------------------------------------------- /vllm/model_executor/guided_decoding.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/SakanaAI/vllm/HEAD/vllm/model_executor/guided_decoding.py -------------------------------------------------------------------------------- /vllm/model_executor/guided_logits_processors.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/SakanaAI/vllm/HEAD/vllm/model_executor/guided_logits_processors.py -------------------------------------------------------------------------------- /vllm/model_executor/input_metadata.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/SakanaAI/vllm/HEAD/vllm/model_executor/input_metadata.py -------------------------------------------------------------------------------- /vllm/model_executor/layers/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /vllm/model_executor/layers/activation.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/SakanaAI/vllm/HEAD/vllm/model_executor/layers/activation.py -------------------------------------------------------------------------------- /vllm/model_executor/layers/attention/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/SakanaAI/vllm/HEAD/vllm/model_executor/layers/attention/__init__.py -------------------------------------------------------------------------------- /vllm/model_executor/layers/attention/attention.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/SakanaAI/vllm/HEAD/vllm/model_executor/layers/attention/attention.py -------------------------------------------------------------------------------- /vllm/model_executor/layers/attention/backends/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /vllm/model_executor/layers/attention/backends/flash_attn.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/SakanaAI/vllm/HEAD/vllm/model_executor/layers/attention/backends/flash_attn.py -------------------------------------------------------------------------------- /vllm/model_executor/layers/attention/backends/xformers.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/SakanaAI/vllm/HEAD/vllm/model_executor/layers/attention/backends/xformers.py -------------------------------------------------------------------------------- /vllm/model_executor/layers/attention/ops/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /vllm/model_executor/layers/attention/ops/paged_attn.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/SakanaAI/vllm/HEAD/vllm/model_executor/layers/attention/ops/paged_attn.py -------------------------------------------------------------------------------- /vllm/model_executor/layers/attention/ops/prefix_prefill.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/SakanaAI/vllm/HEAD/vllm/model_executor/layers/attention/ops/prefix_prefill.py -------------------------------------------------------------------------------- /vllm/model_executor/layers/fused_moe/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/SakanaAI/vllm/HEAD/vllm/model_executor/layers/fused_moe/__init__.py -------------------------------------------------------------------------------- /vllm/model_executor/layers/fused_moe/configs/E=8,N=1792,device_name=NVIDIA_A100-SXM4-80GB.json: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/SakanaAI/vllm/HEAD/vllm/model_executor/layers/fused_moe/configs/E=8,N=1792,device_name=NVIDIA_A100-SXM4-80GB.json -------------------------------------------------------------------------------- /vllm/model_executor/layers/fused_moe/configs/E=8,N=1792,device_name=NVIDIA_H100_80GB_HBM3.json: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/SakanaAI/vllm/HEAD/vllm/model_executor/layers/fused_moe/configs/E=8,N=1792,device_name=NVIDIA_H100_80GB_HBM3.json -------------------------------------------------------------------------------- /vllm/model_executor/layers/fused_moe/configs/E=8,N=3584,device_name=NVIDIA_A100-SXM4-80GB.json: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/SakanaAI/vllm/HEAD/vllm/model_executor/layers/fused_moe/configs/E=8,N=3584,device_name=NVIDIA_A100-SXM4-80GB.json -------------------------------------------------------------------------------- /vllm/model_executor/layers/fused_moe/configs/E=8,N=3584,device_name=NVIDIA_H100_80GB_HBM3.json: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/SakanaAI/vllm/HEAD/vllm/model_executor/layers/fused_moe/configs/E=8,N=3584,device_name=NVIDIA_H100_80GB_HBM3.json -------------------------------------------------------------------------------- /vllm/model_executor/layers/fused_moe/configs/E=8,N=7168,device_name=NVIDIA_A100-SXM4-80GB.json: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/SakanaAI/vllm/HEAD/vllm/model_executor/layers/fused_moe/configs/E=8,N=7168,device_name=NVIDIA_A100-SXM4-80GB.json -------------------------------------------------------------------------------- /vllm/model_executor/layers/fused_moe/configs/E=8,N=7168,device_name=NVIDIA_H100_80GB_HBM3.json: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/SakanaAI/vllm/HEAD/vllm/model_executor/layers/fused_moe/configs/E=8,N=7168,device_name=NVIDIA_H100_80GB_HBM3.json -------------------------------------------------------------------------------- /vllm/model_executor/layers/fused_moe/configs/README: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/SakanaAI/vllm/HEAD/vllm/model_executor/layers/fused_moe/configs/README -------------------------------------------------------------------------------- /vllm/model_executor/layers/fused_moe/fused_moe.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/SakanaAI/vllm/HEAD/vllm/model_executor/layers/fused_moe/fused_moe.py -------------------------------------------------------------------------------- /vllm/model_executor/layers/layernorm.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/SakanaAI/vllm/HEAD/vllm/model_executor/layers/layernorm.py -------------------------------------------------------------------------------- /vllm/model_executor/layers/linear.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/SakanaAI/vllm/HEAD/vllm/model_executor/layers/linear.py -------------------------------------------------------------------------------- /vllm/model_executor/layers/logits_processor.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/SakanaAI/vllm/HEAD/vllm/model_executor/layers/logits_processor.py -------------------------------------------------------------------------------- /vllm/model_executor/layers/ops/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /vllm/model_executor/layers/ops/rand.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/SakanaAI/vllm/HEAD/vllm/model_executor/layers/ops/rand.py -------------------------------------------------------------------------------- /vllm/model_executor/layers/ops/sample.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/SakanaAI/vllm/HEAD/vllm/model_executor/layers/ops/sample.py -------------------------------------------------------------------------------- /vllm/model_executor/layers/quantization/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/SakanaAI/vllm/HEAD/vllm/model_executor/layers/quantization/__init__.py -------------------------------------------------------------------------------- /vllm/model_executor/layers/quantization/awq.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/SakanaAI/vllm/HEAD/vllm/model_executor/layers/quantization/awq.py -------------------------------------------------------------------------------- /vllm/model_executor/layers/quantization/base_config.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/SakanaAI/vllm/HEAD/vllm/model_executor/layers/quantization/base_config.py -------------------------------------------------------------------------------- /vllm/model_executor/layers/quantization/gptq.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/SakanaAI/vllm/HEAD/vllm/model_executor/layers/quantization/gptq.py -------------------------------------------------------------------------------- /vllm/model_executor/layers/quantization/marlin.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/SakanaAI/vllm/HEAD/vllm/model_executor/layers/quantization/marlin.py -------------------------------------------------------------------------------- /vllm/model_executor/layers/quantization/squeezellm.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/SakanaAI/vllm/HEAD/vllm/model_executor/layers/quantization/squeezellm.py -------------------------------------------------------------------------------- /vllm/model_executor/layers/rejection_sampler.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/SakanaAI/vllm/HEAD/vllm/model_executor/layers/rejection_sampler.py -------------------------------------------------------------------------------- /vllm/model_executor/layers/rotary_embedding.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/SakanaAI/vllm/HEAD/vllm/model_executor/layers/rotary_embedding.py -------------------------------------------------------------------------------- /vllm/model_executor/layers/sampler.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/SakanaAI/vllm/HEAD/vllm/model_executor/layers/sampler.py -------------------------------------------------------------------------------- /vllm/model_executor/layers/vocab_parallel_embedding.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/SakanaAI/vllm/HEAD/vllm/model_executor/layers/vocab_parallel_embedding.py -------------------------------------------------------------------------------- /vllm/model_executor/model_loader.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/SakanaAI/vllm/HEAD/vllm/model_executor/model_loader.py -------------------------------------------------------------------------------- /vllm/model_executor/models/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/SakanaAI/vllm/HEAD/vllm/model_executor/models/__init__.py -------------------------------------------------------------------------------- /vllm/model_executor/models/baichuan.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/SakanaAI/vllm/HEAD/vllm/model_executor/models/baichuan.py -------------------------------------------------------------------------------- /vllm/model_executor/models/bloom.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/SakanaAI/vllm/HEAD/vllm/model_executor/models/bloom.py -------------------------------------------------------------------------------- /vllm/model_executor/models/chatglm.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/SakanaAI/vllm/HEAD/vllm/model_executor/models/chatglm.py -------------------------------------------------------------------------------- /vllm/model_executor/models/decilm.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/SakanaAI/vllm/HEAD/vllm/model_executor/models/decilm.py -------------------------------------------------------------------------------- /vllm/model_executor/models/deepseek.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/SakanaAI/vllm/HEAD/vllm/model_executor/models/deepseek.py -------------------------------------------------------------------------------- /vllm/model_executor/models/falcon.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/SakanaAI/vllm/HEAD/vllm/model_executor/models/falcon.py -------------------------------------------------------------------------------- /vllm/model_executor/models/gemma.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/SakanaAI/vllm/HEAD/vllm/model_executor/models/gemma.py -------------------------------------------------------------------------------- /vllm/model_executor/models/gpt2.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/SakanaAI/vllm/HEAD/vllm/model_executor/models/gpt2.py -------------------------------------------------------------------------------- /vllm/model_executor/models/gpt_bigcode.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/SakanaAI/vllm/HEAD/vllm/model_executor/models/gpt_bigcode.py -------------------------------------------------------------------------------- /vllm/model_executor/models/gpt_j.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/SakanaAI/vllm/HEAD/vllm/model_executor/models/gpt_j.py -------------------------------------------------------------------------------- /vllm/model_executor/models/gpt_neox.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/SakanaAI/vllm/HEAD/vllm/model_executor/models/gpt_neox.py -------------------------------------------------------------------------------- /vllm/model_executor/models/internlm2.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/SakanaAI/vllm/HEAD/vllm/model_executor/models/internlm2.py -------------------------------------------------------------------------------- /vllm/model_executor/models/llama.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/SakanaAI/vllm/HEAD/vllm/model_executor/models/llama.py -------------------------------------------------------------------------------- /vllm/model_executor/models/mixtral.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/SakanaAI/vllm/HEAD/vllm/model_executor/models/mixtral.py -------------------------------------------------------------------------------- /vllm/model_executor/models/mixtral_quant.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/SakanaAI/vllm/HEAD/vllm/model_executor/models/mixtral_quant.py -------------------------------------------------------------------------------- /vllm/model_executor/models/mpt.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/SakanaAI/vllm/HEAD/vllm/model_executor/models/mpt.py -------------------------------------------------------------------------------- /vllm/model_executor/models/neuron/llama.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/SakanaAI/vllm/HEAD/vllm/model_executor/models/neuron/llama.py -------------------------------------------------------------------------------- /vllm/model_executor/models/neuron/mistral.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/SakanaAI/vllm/HEAD/vllm/model_executor/models/neuron/mistral.py -------------------------------------------------------------------------------- /vllm/model_executor/models/olmo.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/SakanaAI/vllm/HEAD/vllm/model_executor/models/olmo.py -------------------------------------------------------------------------------- /vllm/model_executor/models/opt.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/SakanaAI/vllm/HEAD/vllm/model_executor/models/opt.py -------------------------------------------------------------------------------- /vllm/model_executor/models/orion.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/SakanaAI/vllm/HEAD/vllm/model_executor/models/orion.py -------------------------------------------------------------------------------- /vllm/model_executor/models/phi.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/SakanaAI/vllm/HEAD/vllm/model_executor/models/phi.py -------------------------------------------------------------------------------- /vllm/model_executor/models/qwen.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/SakanaAI/vllm/HEAD/vllm/model_executor/models/qwen.py -------------------------------------------------------------------------------- /vllm/model_executor/models/qwen2.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/SakanaAI/vllm/HEAD/vllm/model_executor/models/qwen2.py -------------------------------------------------------------------------------- /vllm/model_executor/models/stablelm.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/SakanaAI/vllm/HEAD/vllm/model_executor/models/stablelm.py -------------------------------------------------------------------------------- /vllm/model_executor/models/starcoder2.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/SakanaAI/vllm/HEAD/vllm/model_executor/models/starcoder2.py -------------------------------------------------------------------------------- /vllm/model_executor/neuron_model_loader.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/SakanaAI/vllm/HEAD/vllm/model_executor/neuron_model_loader.py -------------------------------------------------------------------------------- /vllm/model_executor/parallel_utils/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/SakanaAI/vllm/HEAD/vllm/model_executor/parallel_utils/README.md -------------------------------------------------------------------------------- /vllm/model_executor/parallel_utils/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /vllm/model_executor/parallel_utils/communication_op.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/SakanaAI/vllm/HEAD/vllm/model_executor/parallel_utils/communication_op.py -------------------------------------------------------------------------------- /vllm/model_executor/parallel_utils/cupy_utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/SakanaAI/vllm/HEAD/vllm/model_executor/parallel_utils/cupy_utils.py -------------------------------------------------------------------------------- /vllm/model_executor/parallel_utils/custom_all_reduce.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/SakanaAI/vllm/HEAD/vllm/model_executor/parallel_utils/custom_all_reduce.py -------------------------------------------------------------------------------- /vllm/model_executor/parallel_utils/parallel_state.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/SakanaAI/vllm/HEAD/vllm/model_executor/parallel_utils/parallel_state.py -------------------------------------------------------------------------------- /vllm/model_executor/parallel_utils/utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/SakanaAI/vllm/HEAD/vllm/model_executor/parallel_utils/utils.py -------------------------------------------------------------------------------- /vllm/model_executor/sampling_metadata.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/SakanaAI/vllm/HEAD/vllm/model_executor/sampling_metadata.py -------------------------------------------------------------------------------- /vllm/model_executor/utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/SakanaAI/vllm/HEAD/vllm/model_executor/utils.py -------------------------------------------------------------------------------- /vllm/model_executor/weight_utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/SakanaAI/vllm/HEAD/vllm/model_executor/weight_utils.py -------------------------------------------------------------------------------- /vllm/outputs.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/SakanaAI/vllm/HEAD/vllm/outputs.py -------------------------------------------------------------------------------- /vllm/py.typed: -------------------------------------------------------------------------------- 1 | # Marker file for PEP 561. 2 | # The vllm package uses inline types. 3 | -------------------------------------------------------------------------------- /vllm/sampling_params.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/SakanaAI/vllm/HEAD/vllm/sampling_params.py -------------------------------------------------------------------------------- /vllm/sequence.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/SakanaAI/vllm/HEAD/vllm/sequence.py -------------------------------------------------------------------------------- /vllm/spec_decode/batch_expansion.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/SakanaAI/vllm/HEAD/vllm/spec_decode/batch_expansion.py -------------------------------------------------------------------------------- /vllm/spec_decode/interfaces.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/SakanaAI/vllm/HEAD/vllm/spec_decode/interfaces.py -------------------------------------------------------------------------------- /vllm/spec_decode/metrics.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/SakanaAI/vllm/HEAD/vllm/spec_decode/metrics.py -------------------------------------------------------------------------------- /vllm/spec_decode/multi_step_worker.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/SakanaAI/vllm/HEAD/vllm/spec_decode/multi_step_worker.py -------------------------------------------------------------------------------- /vllm/spec_decode/spec_decode_worker.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/SakanaAI/vllm/HEAD/vllm/spec_decode/spec_decode_worker.py -------------------------------------------------------------------------------- /vllm/spec_decode/util.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/SakanaAI/vllm/HEAD/vllm/spec_decode/util.py -------------------------------------------------------------------------------- /vllm/test_utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/SakanaAI/vllm/HEAD/vllm/test_utils.py -------------------------------------------------------------------------------- /vllm/transformers_utils/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /vllm/transformers_utils/config.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/SakanaAI/vllm/HEAD/vllm/transformers_utils/config.py -------------------------------------------------------------------------------- /vllm/transformers_utils/configs/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/SakanaAI/vllm/HEAD/vllm/transformers_utils/configs/__init__.py -------------------------------------------------------------------------------- /vllm/transformers_utils/configs/chatglm.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/SakanaAI/vllm/HEAD/vllm/transformers_utils/configs/chatglm.py -------------------------------------------------------------------------------- /vllm/transformers_utils/configs/falcon.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/SakanaAI/vllm/HEAD/vllm/transformers_utils/configs/falcon.py -------------------------------------------------------------------------------- /vllm/transformers_utils/configs/mpt.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/SakanaAI/vllm/HEAD/vllm/transformers_utils/configs/mpt.py -------------------------------------------------------------------------------- /vllm/transformers_utils/configs/starcoder2.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/SakanaAI/vllm/HEAD/vllm/transformers_utils/configs/starcoder2.py -------------------------------------------------------------------------------- /vllm/transformers_utils/tokenizer.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/SakanaAI/vllm/HEAD/vllm/transformers_utils/tokenizer.py -------------------------------------------------------------------------------- /vllm/transformers_utils/tokenizer_group/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/SakanaAI/vllm/HEAD/vllm/transformers_utils/tokenizer_group/__init__.py -------------------------------------------------------------------------------- /vllm/transformers_utils/tokenizer_group/base_tokenizer_group.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/SakanaAI/vllm/HEAD/vllm/transformers_utils/tokenizer_group/base_tokenizer_group.py -------------------------------------------------------------------------------- /vllm/transformers_utils/tokenizer_group/ray_tokenizer_group.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/SakanaAI/vllm/HEAD/vllm/transformers_utils/tokenizer_group/ray_tokenizer_group.py -------------------------------------------------------------------------------- /vllm/transformers_utils/tokenizer_group/tokenizer_group.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/SakanaAI/vllm/HEAD/vllm/transformers_utils/tokenizer_group/tokenizer_group.py -------------------------------------------------------------------------------- /vllm/transformers_utils/tokenizers/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/SakanaAI/vllm/HEAD/vllm/transformers_utils/tokenizers/__init__.py -------------------------------------------------------------------------------- /vllm/transformers_utils/tokenizers/baichuan.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/SakanaAI/vllm/HEAD/vllm/transformers_utils/tokenizers/baichuan.py -------------------------------------------------------------------------------- /vllm/utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/SakanaAI/vllm/HEAD/vllm/utils.py -------------------------------------------------------------------------------- /vllm/worker/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /vllm/worker/cache_engine.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/SakanaAI/vllm/HEAD/vllm/worker/cache_engine.py -------------------------------------------------------------------------------- /vllm/worker/model_runner.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/SakanaAI/vllm/HEAD/vllm/worker/model_runner.py -------------------------------------------------------------------------------- /vllm/worker/neuron_worker.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/SakanaAI/vllm/HEAD/vllm/worker/neuron_worker.py -------------------------------------------------------------------------------- /vllm/worker/worker.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/SakanaAI/vllm/HEAD/vllm/worker/worker.py --------------------------------------------------------------------------------