Quickstart¶
This guide will help you quickly get started with vLLM to perform:
Prerequisites¶
- OS: Linux
- Python: 3.10 -- 3.13
Installation¶
If you are using NVIDIA GPUs, you can install vLLM using pip directly.
It's recommended to use uv, a very fast Python environment manager, to create and manage Python environments. Please follow the documentation to install uv. After installing uv, you can create a new Python environment and install vLLM using the following commands:
uv can automatically select the appropriate PyTorch index at runtime by inspecting the installed CUDA driver version via --torch-backend=auto (or UV_TORCH_BACKEND=auto). To select a specific backend (e.g., cu126), set --torch-backend=cu126 (or UV_TORCH_BACKEND=cu126).
Another delightful way is to use uv run with --with [dependency] option, which allows you to run commands such as vllm serve without creating any permanent environment:
You can also use conda to create and manage Python environments. You can install uv to the conda environment through pip if you want to manage it within the environment.
conda create -n myenv python=3.12 -y
conda activate myenv
pip install --upgrade uv
uv pip install vllm --torch-backend=auto
Note
For more detail and non-CUDA platforms, please refer here for specific instructions on how to install vLLM.
Offline Batched Inference¶
With vLLM installed, you can start generating texts for list of input prompts (i.e. offline batch inferencing). See the example script: examples/offline_inference/basic/basic.py
The first line of this example imports the classes LLM and SamplingParams:
- LLM is the main class for running offline inference with vLLM engine.
- SamplingParams specifies the parameters for the sampling process.
The next section defines a list of input prompts and sampling parameters for text generation. The sampling temperature is set to 0.8 and the nucleus sampling probability is set to 0.95. You can find more information about the sampling parameters here.
Important
By default, vLLM will use sampling parameters recommended by model creator by applying the generation_config.json from the Hugging Face model repository if it exists. In most cases, this will provide you with the best results by default if SamplingParams is not specified.
However, if vLLM's default sampling parameters are preferred, please set generation_config="vllm" when creating the LLM instance.
prompts = [
    "Hello, my name is",
    "The president of the United States is",
    "The capital of France is",
    "The future of AI is",
]
sampling_params = SamplingParams(temperature=0.8, top_p=0.95)
The LLM class initializes vLLM's engine and the OPT-125M model for offline inference. The list of supported models can be found here.
Note
By default, vLLM downloads models from Hugging Face. If you would like to use models from ModelScope, set the environment variable VLLM_USE_MODELSCOPE before initializing the engine.
Now, the fun part! The outputs are generated using llm.generate. It adds the input prompts to the vLLM engine's waiting queue and executes the vLLM engine to generate the outputs with high throughput. The outputs are returned as a list of RequestOutput objects, which include all of the output tokens.
outputs = llm.generate(prompts, sampling_params)
for output in outputs:
    prompt = output.prompt
    generated_text = output.outputs[0].text
    print(f"Prompt: {prompt!r}, Generated text: {generated_text!r}")
Note
The llm.generate method does not automatically apply the model's chat template to the input prompt. Therefore, if you are using an Instruct model or Chat model, you should manually apply the corresponding chat template to ensure the expected behavior. Alternatively, you can use the llm.chat method and pass a list of messages which have the same format as those passed to OpenAI's client.chat.completions:
Code
# Using tokenizer to apply chat template
from transformers import AutoTokenizer
tokenizer = AutoTokenizer.from_pretrained("/path/to/chat_model")
messages_list = [
    [{"role": "user", "content": prompt}]
    for prompt in prompts
]
texts = tokenizer.apply_chat_template(
    messages_list,
    tokenize=False,
    add_generation_prompt=True,
)
# Generate outputs
outputs = llm.generate(texts, sampling_params)
# Print the outputs.
for output in outputs:
    prompt = output.prompt
    generated_text = output.outputs[0].text
    print(f"Prompt: {prompt!r}, Generated text: {generated_text!r}")
# Using chat interface.
outputs = llm.chat(messages_list, sampling_params)
for idx, output in enumerate(outputs):
    prompt = prompts[idx]
    generated_text = output.outputs[0].text
    print(f"Prompt: {prompt!r}, Generated text: {generated_text!r}")
OpenAI-Compatible Server¶
vLLM can be deployed as a server that implements the OpenAI API protocol. This allows vLLM to be used as a drop-in replacement for applications using OpenAI API. By default, it starts the server at http://localhost:8000. You can specify the address with --host and --port arguments. The server currently hosts one model at a time and implements endpoints such as list models, create chat completion, and create completion endpoints.
Run the following command to start the vLLM server with the Qwen2.5-1.5B-Instruct model:
Note
By default, the server uses a predefined chat template stored in the tokenizer. You can learn about overriding it here.
Important
By default, the server applies generation_config.json from the huggingface model repository if it exists. This means the default values of certain sampling parameters can be overridden by those recommended by the model creator.
To disable this behavior, please pass --generation-config vllm when launching the server.
This server can be queried in the same format as OpenAI API. For example, to list the models:
You can pass in the argument --api-key or environment variable VLLM_API_KEY to enable the server to check for API key in the header. You can pass multiple keys after --api-key, and the server will accept any of the keys passed, this can be useful for key rotation.
OpenAI Completions API with vLLM¶
Once your server is started, you can query the model with input prompts:
curl http://localhost:8000/v1/completions \
    -H "Content-Type: application/json" \
    -d '{
        "model": "Qwen/Qwen2.5-1.5B-Instruct",
        "prompt": "San Francisco is a",
        "max_tokens": 7,
        "temperature": 0
    }'
Since this server is compatible with OpenAI API, you can use it as a drop-in replacement for any applications using OpenAI API. For example, another way to query the server is via the openai Python package:
Code
from openai import OpenAI
# Modify OpenAI's API key and API base to use vLLM's API server.
openai_api_key = "EMPTY"
openai_api_base = "http://localhost:8000/v1"
client = OpenAI(
    api_key=openai_api_key,
    base_url=openai_api_base,
)
completion = client.completions.create(
    model="Qwen/Qwen2.5-1.5B-Instruct",
    prompt="San Francisco is a",
)
print("Completion result:", completion)
A more detailed client example can be found here: examples/offline_inference/basic/basic.py
OpenAI Chat Completions API with vLLM¶
vLLM is designed to also support the OpenAI Chat Completions API. The chat interface is a more dynamic, interactive way to communicate with the model, allowing back-and-forth exchanges that can be stored in the chat history. This is useful for tasks that require context or more detailed explanations.
You can use the create chat completion endpoint to interact with the model:
curl http://localhost:8000/v1/chat/completions \
    -H "Content-Type: application/json" \
    -d '{
        "model": "Qwen/Qwen2.5-1.5B-Instruct",
        "messages": [
            {"role": "system", "content": "You are a helpful assistant."},
            {"role": "user", "content": "Who won the world series in 2020?"}
        ]
    }'
Alternatively, you can use the openai Python package:
Code
from openai import OpenAI
# Set OpenAI's API key and API base to use vLLM's API server.
openai_api_key = "EMPTY"
openai_api_base = "http://localhost:8000/v1"
client = OpenAI(
    api_key=openai_api_key,
    base_url=openai_api_base,
)
chat_response = client.chat.completions.create(
    model="Qwen/Qwen2.5-1.5B-Instruct",
    messages=[
        {"role": "system", "content": "You are a helpful assistant."},
        {"role": "user", "content": "Tell me a joke."},
    ],
)
print("Chat response:", chat_response)
On Attention Backends¶
Currently, vLLM supports multiple backends for efficient Attention computation across different platforms and accelerator architectures. It automatically selects the most performant backend compatible with your system and model specifications.
If desired, you can also manually set the backend of your choice by configuring the environment variable VLLM_ATTENTION_BACKEND to one of the following options: FLASH_ATTN, FLASHINFER or XFORMERS.
Warning
There are no pre-built vllm wheels containing Flash Infer, so you must install it in your environment first. Refer to the Flash Infer official docs or see docker/Dockerfile for instructions on how to install it.