Skip to content

vllm.utils

Modules:

Name Description
deep_gemm

Compatibility wrapper for DeepGEMM API changes.

flashinfer

Compatibility wrapper for FlashInfer API changes.

gc_utils
jsontree

Helper functions to work with nested JSON structures.

tensor_schema

ALL_PINNED_SENTINEL module-attribute

ALL_PINNED_SENTINEL = _Sentinel()

CYAN module-attribute

CYAN = '\x1b[1;36m'

DEFAULT_MAX_NUM_BATCHED_TOKENS module-attribute

DEFAULT_MAX_NUM_BATCHED_TOKENS = 2048

F module-attribute

F = TypeVar('F', bound=Callable[..., Any])

GB_bytes module-attribute

GB_bytes = 1000000000

The number of bytes in one gigabyte (GB).

GiB_bytes module-attribute

GiB_bytes = 1 << 30

The number of bytes in one gibibyte (GiB).

MB_bytes module-attribute

MB_bytes = 1000000

The number of bytes in one megabyte (MB).

MULTIMODAL_MODEL_MAX_NUM_BATCHED_TOKENS module-attribute

MULTIMODAL_MODEL_MAX_NUM_BATCHED_TOKENS = 5120

MiB_bytes module-attribute

MiB_bytes = 1 << 20

The number of bytes in one mebibyte (MiB).

P module-attribute

P = ParamSpec('P')

POOLING_MODEL_MAX_NUM_BATCHED_TOKENS module-attribute

POOLING_MODEL_MAX_NUM_BATCHED_TOKENS = 32768

RESET module-attribute

RESET = '\x1b[0;0m'

STR_BACKEND_ENV_VAR module-attribute

STR_BACKEND_ENV_VAR: str = 'VLLM_ATTENTION_BACKEND'

STR_DTYPE_TO_TORCH_DTYPE module-attribute

STR_DTYPE_TO_TORCH_DTYPE = {
    "float32": float32,
    "half": half,
    "bfloat16": bfloat16,
    "float": float,
    "fp8": uint8,
    "fp8_e4m3": uint8,
    "fp8_e5m2": uint8,
    "int8": int8,
    "fp8_inc": float8_e4m3fn,
    "fp8_ds_mla": uint8,
}

STR_FLASHINFER_ATTN_VAL module-attribute

STR_FLASHINFER_ATTN_VAL: str = 'FLASHINFER'

STR_FLASH_ATTN_VAL module-attribute

STR_FLASH_ATTN_VAL: str = 'FLASH_ATTN'

STR_INVALID_VAL module-attribute

STR_INVALID_VAL: str = 'INVALID'

STR_TORCH_SDPA_ATTN_VAL module-attribute

STR_TORCH_SDPA_ATTN_VAL: str = 'TORCH_SDPA'

STR_XFORMERS_ATTN_VAL module-attribute

STR_XFORMERS_ATTN_VAL: str = 'XFORMERS'

T module-attribute

T = TypeVar('T')

TORCH_DTYPE_TO_NUMPY_DTYPE module-attribute

TORCH_DTYPE_TO_NUMPY_DTYPE = {
    float16: float16,
    float32: float32,
    float64: float64,
    uint8: uint8,
    int32: int32,
    int64: int64,
}

U module-attribute

U = TypeVar('U')

_K module-attribute

_K = TypeVar('_K', bound=Hashable)

_T module-attribute

_T = TypeVar('_T')

_V module-attribute

_V = TypeVar('_V')

_current_stream_tls module-attribute

_current_stream_tls = local()

logger module-attribute

logger = init_logger(__name__)

prev_set_stream module-attribute

prev_set_stream = set_stream

vllm_lib module-attribute

vllm_lib = Library('vllm', 'FRAGMENT')

AsyncMicrobatchTokenizer

Asynchronous tokenizer with micro-batching.

Pulls pending encode/decode requests from a queue and batches them up to reduce overhead. A single-thread ThreadPoolExecutor is used so the event loop stays responsive.

Source code in vllm/utils/__init__.py
class AsyncMicrobatchTokenizer:
    """Asynchronous tokenizer with micro-batching.

    Pulls pending encode/decode requests from a queue and batches them
    up to reduce overhead. A single-thread ThreadPoolExecutor is used
    so the event loop stays responsive.
    """

    def __init__(
        self,
        tokenizer,
        max_batch_size: int = 32,
        batch_wait_timeout_s: float = 0.002,
    ) -> None:
        self.tokenizer = tokenizer
        self.max_batch_size = max_batch_size
        self.batch_wait_timeout_s = batch_wait_timeout_s

        self._loop = asyncio.get_running_loop()
        self._queues: dict[tuple,
                           asyncio.Queue[Union[tuple[str, dict,
                                                     asyncio.Future],
                                               tuple[list[int],
                                                     asyncio.Future]]]] = {}
        self._batcher_tasks: list[asyncio.Task] = []

        # Single-thread executor for blocking tokenizer calls.
        self._executor = ThreadPoolExecutor(max_workers=1)

    # === Public async API ===
    async def __call__(self, prompt, **kwargs):
        result_future: asyncio.Future = self._loop.create_future()
        key = self._queue_key("encode", kwargs)
        queue = self._get_queue(self._loop, key)
        await queue.put((prompt, kwargs, result_future))
        return await result_future

    async def decode(self, token_ids, **kwargs):
        result_future: asyncio.Future = self._loop.create_future()
        key = self._queue_key("decode", kwargs)
        queue = self._get_queue(self._loop, key)
        await queue.put((token_ids, result_future))
        return await result_future

    # === Internal helpers ===
    def _get_queue(
        self, loop: asyncio.AbstractEventLoop, key: tuple
    ) -> asyncio.Queue[Union[tuple[str, dict, asyncio.Future], tuple[
            list[int], asyncio.Future]]]:
        """Get the request queue for the given operation key, creating a new
        queue and batcher task if needed."""
        queue = self._queues.get(key)
        if queue is None:
            self._queues[key] = queue = asyncio.Queue()
            if key[0] == "encode":
                can_batch = key[1] != "other"
                coro = self._batch_encode_loop(queue, can_batch)
            else:
                assert key[0] == "decode", \
                    f"Unknown operation type: {key[0]}."
                coro = self._batch_decode_loop(queue)
            self._batcher_tasks.append(loop.create_task(coro))
        return queue

    async def _batch_encode_loop(self, queue: asyncio.Queue, can_batch: bool):
        """Batch incoming encode requests for efficiency."""
        while True:
            prompt, kwargs, result_future = await queue.get()
            prompts = [prompt]
            kwargs_list = [kwargs]
            result_futures = [result_future]
            deadline = self._loop.time() + self.batch_wait_timeout_s

            while len(prompts) < self.max_batch_size:
                timeout = deadline - self._loop.time()
                if timeout <= 0:
                    break
                try:
                    prompt, kwargs, result_future = await asyncio.wait_for(
                        queue.get(), timeout)
                    prompts.append(prompt)
                    result_futures.append(result_future)
                    if not can_batch:
                        kwargs_list.append(kwargs)
                except asyncio.TimeoutError:
                    break

            try:
                # If every request uses identical kwargs we can run a single
                # batched tokenizer call for a big speed-up.
                if can_batch and len(prompts) > 1:
                    batch_encode_fn = partial(self.tokenizer, prompts,
                                              **kwargs)
                    results = await self._loop.run_in_executor(
                        self._executor, batch_encode_fn)

                    for i, fut in enumerate(result_futures):
                        if not fut.done():
                            data = {k: v[i] for k, v in results.items()}
                            fut.set_result(BatchEncoding(data))
                else:
                    encode_fn = lambda prompts=prompts, kwargs=kwargs_list: [
                        self.tokenizer(p, **kw)
                        for p, kw in zip(prompts, kwargs)
                    ]
                    results = await self._loop.run_in_executor(
                        self._executor, encode_fn)

                    for fut, res in zip(result_futures, results):
                        if not fut.done():
                            fut.set_result(res)
            except Exception as e:
                for fut in result_futures:
                    if not fut.done():
                        fut.set_exception(e)

    async def _batch_decode_loop(self, queue: asyncio.Queue):
        """Batch incoming decode requests for efficiency."""
        while True:
            token_ids, result_future = await queue.get()
            token_ids_list = [token_ids]
            result_futures = [result_future]
            deadline = self._loop.time() + self.batch_wait_timeout_s

            while len(token_ids_list) < self.max_batch_size:
                timeout = deadline - self._loop.time()
                if timeout <= 0:
                    break
                try:
                    token_ids, result_future = await asyncio.wait_for(
                        queue.get(), timeout)
                    token_ids_list.append(token_ids)
                    result_futures.append(result_future)
                except asyncio.TimeoutError:
                    break

            try:
                # Perform a single batched decode call for all requests
                results = await self._loop.run_in_executor(
                    self._executor, self.tokenizer.batch_decode,
                    token_ids_list)
                for fut, res in zip(result_futures, results):
                    if not fut.done():
                        fut.set_result(res)
            except Exception as e:
                for fut in result_futures:
                    if not fut.done():
                        fut.set_exception(e)

    def _queue_key(self, op: str, kwargs: dict) -> tuple:
        """
        Return a normalized key describing operation + kwargs.

        - `add_special_tokens`: {True/False}
        - `truncation`: {True/False}
          - If `truncation` is False (`max_length` is None),
            returns a key for a can_batch queue.
          - If `truncation` is True and `max_length` is None or equals
            `tokenizer.model_max_length`, returns a key for a can_batch queue.
          - Otherwise, returns a key for a cannot_batch queue.

        Examples:
          - Decode: ("decode",)
          - Encode typical:
            ("encode", add_special_tokens, bool_truncation, max_length_label)
          - Fallback: ("encode", "other")
        """

        if op == "decode":
            return ("decode", )

        add_special_tokens = kwargs.get("add_special_tokens", True)
        truncation = kwargs.get("truncation", False)
        max_length = kwargs.get("max_length")

        if not truncation:
            return "encode", add_special_tokens, False, None

        model_max = getattr(self.tokenizer, "model_max_length", None)
        if max_length is None or (model_max is not None
                                  and max_length == model_max):
            return "encode", add_special_tokens, True, "model_max"

        return "encode", "other"

    def __del__(self):
        if ((tasks := getattr(self, "_batcher_tasks", None))
                and (loop := getattr(self, "_loop", None))
                and not loop.is_closed()):

            def cancel_tasks():
                for task in tasks:
                    task.cancel()

            loop.call_soon_threadsafe(cancel_tasks)

_batcher_tasks instance-attribute

_batcher_tasks: list[Task] = []

_executor instance-attribute

_executor = ThreadPoolExecutor(max_workers=1)

_loop instance-attribute

_loop = get_running_loop()

_queues instance-attribute

_queues: dict[
    tuple,
    Queue[
        Union[
            tuple[str, dict, Future],
            tuple[list[int], Future],
        ]
    ],
] = {}

batch_wait_timeout_s instance-attribute

batch_wait_timeout_s = batch_wait_timeout_s

max_batch_size instance-attribute

max_batch_size = max_batch_size

tokenizer instance-attribute

tokenizer = tokenizer

__call__ async

__call__(prompt, **kwargs)
Source code in vllm/utils/__init__.py
async def __call__(self, prompt, **kwargs):
    result_future: asyncio.Future = self._loop.create_future()
    key = self._queue_key("encode", kwargs)
    queue = self._get_queue(self._loop, key)
    await queue.put((prompt, kwargs, result_future))
    return await result_future

__del__

__del__()
Source code in vllm/utils/__init__.py
def __del__(self):
    if ((tasks := getattr(self, "_batcher_tasks", None))
            and (loop := getattr(self, "_loop", None))
            and not loop.is_closed()):

        def cancel_tasks():
            for task in tasks:
                task.cancel()

        loop.call_soon_threadsafe(cancel_tasks)

__init__

__init__(
    tokenizer,
    max_batch_size: int = 32,
    batch_wait_timeout_s: float = 0.002,
) -> None
Source code in vllm/utils/__init__.py
def __init__(
    self,
    tokenizer,
    max_batch_size: int = 32,
    batch_wait_timeout_s: float = 0.002,
) -> None:
    self.tokenizer = tokenizer
    self.max_batch_size = max_batch_size
    self.batch_wait_timeout_s = batch_wait_timeout_s

    self._loop = asyncio.get_running_loop()
    self._queues: dict[tuple,
                       asyncio.Queue[Union[tuple[str, dict,
                                                 asyncio.Future],
                                           tuple[list[int],
                                                 asyncio.Future]]]] = {}
    self._batcher_tasks: list[asyncio.Task] = []

    # Single-thread executor for blocking tokenizer calls.
    self._executor = ThreadPoolExecutor(max_workers=1)

_batch_decode_loop async

_batch_decode_loop(queue: Queue)

Batch incoming decode requests for efficiency.

Source code in vllm/utils/__init__.py
async def _batch_decode_loop(self, queue: asyncio.Queue):
    """Batch incoming decode requests for efficiency."""
    while True:
        token_ids, result_future = await queue.get()
        token_ids_list = [token_ids]
        result_futures = [result_future]
        deadline = self._loop.time() + self.batch_wait_timeout_s

        while len(token_ids_list) < self.max_batch_size:
            timeout = deadline - self._loop.time()
            if timeout <= 0:
                break
            try:
                token_ids, result_future = await asyncio.wait_for(
                    queue.get(), timeout)
                token_ids_list.append(token_ids)
                result_futures.append(result_future)
            except asyncio.TimeoutError:
                break

        try:
            # Perform a single batched decode call for all requests
            results = await self._loop.run_in_executor(
                self._executor, self.tokenizer.batch_decode,
                token_ids_list)
            for fut, res in zip(result_futures, results):
                if not fut.done():
                    fut.set_result(res)
        except Exception as e:
            for fut in result_futures:
                if not fut.done():
                    fut.set_exception(e)

_batch_encode_loop async

_batch_encode_loop(queue: Queue, can_batch: bool)

Batch incoming encode requests for efficiency.

Source code in vllm/utils/__init__.py
async def _batch_encode_loop(self, queue: asyncio.Queue, can_batch: bool):
    """Batch incoming encode requests for efficiency."""
    while True:
        prompt, kwargs, result_future = await queue.get()
        prompts = [prompt]
        kwargs_list = [kwargs]
        result_futures = [result_future]
        deadline = self._loop.time() + self.batch_wait_timeout_s

        while len(prompts) < self.max_batch_size:
            timeout = deadline - self._loop.time()
            if timeout <= 0:
                break
            try:
                prompt, kwargs, result_future = await asyncio.wait_for(
                    queue.get(), timeout)
                prompts.append(prompt)
                result_futures.append(result_future)
                if not can_batch:
                    kwargs_list.append(kwargs)
            except asyncio.TimeoutError:
                break

        try:
            # If every request uses identical kwargs we can run a single
            # batched tokenizer call for a big speed-up.
            if can_batch and len(prompts) > 1:
                batch_encode_fn = partial(self.tokenizer, prompts,
                                          **kwargs)
                results = await self._loop.run_in_executor(
                    self._executor, batch_encode_fn)

                for i, fut in enumerate(result_futures):
                    if not fut.done():
                        data = {k: v[i] for k, v in results.items()}
                        fut.set_result(BatchEncoding(data))
            else:
                encode_fn = lambda prompts=prompts, kwargs=kwargs_list: [
                    self.tokenizer(p, **kw)
                    for p, kw in zip(prompts, kwargs)
                ]
                results = await self._loop.run_in_executor(
                    self._executor, encode_fn)

                for fut, res in zip(result_futures, results):
                    if not fut.done():
                        fut.set_result(res)
        except Exception as e:
            for fut in result_futures:
                if not fut.done():
                    fut.set_exception(e)

_get_queue

_get_queue(
    loop: AbstractEventLoop, key: tuple
) -> Queue[
    Union[
        tuple[str, dict, Future], tuple[list[int], Future]
    ]
]

Get the request queue for the given operation key, creating a new queue and batcher task if needed.

Source code in vllm/utils/__init__.py
def _get_queue(
    self, loop: asyncio.AbstractEventLoop, key: tuple
) -> asyncio.Queue[Union[tuple[str, dict, asyncio.Future], tuple[
        list[int], asyncio.Future]]]:
    """Get the request queue for the given operation key, creating a new
    queue and batcher task if needed."""
    queue = self._queues.get(key)
    if queue is None:
        self._queues[key] = queue = asyncio.Queue()
        if key[0] == "encode":
            can_batch = key[1] != "other"
            coro = self._batch_encode_loop(queue, can_batch)
        else:
            assert key[0] == "decode", \
                f"Unknown operation type: {key[0]}."
            coro = self._batch_decode_loop(queue)
        self._batcher_tasks.append(loop.create_task(coro))
    return queue

_queue_key

_queue_key(op: str, kwargs: dict) -> tuple

Return a normalized key describing operation + kwargs.

  • add_special_tokens: {True/False}
  • truncation: {True/False}
  • If truncation is False (max_length is None), returns a key for a can_batch queue.
  • If truncation is True and max_length is None or equals tokenizer.model_max_length, returns a key for a can_batch queue.
  • Otherwise, returns a key for a cannot_batch queue.

Examples:

  • Decode: ("decode",)
  • Encode typical: ("encode", add_special_tokens, bool_truncation, max_length_label)
  • Fallback: ("encode", "other")
Source code in vllm/utils/__init__.py
def _queue_key(self, op: str, kwargs: dict) -> tuple:
    """
    Return a normalized key describing operation + kwargs.

    - `add_special_tokens`: {True/False}
    - `truncation`: {True/False}
      - If `truncation` is False (`max_length` is None),
        returns a key for a can_batch queue.
      - If `truncation` is True and `max_length` is None or equals
        `tokenizer.model_max_length`, returns a key for a can_batch queue.
      - Otherwise, returns a key for a cannot_batch queue.

    Examples:
      - Decode: ("decode",)
      - Encode typical:
        ("encode", add_special_tokens, bool_truncation, max_length_label)
      - Fallback: ("encode", "other")
    """

    if op == "decode":
        return ("decode", )

    add_special_tokens = kwargs.get("add_special_tokens", True)
    truncation = kwargs.get("truncation", False)
    max_length = kwargs.get("max_length")

    if not truncation:
        return "encode", add_special_tokens, False, None

    model_max = getattr(self.tokenizer, "model_max_length", None)
    if max_length is None or (model_max is not None
                              and max_length == model_max):
        return "encode", add_special_tokens, True, "model_max"

    return "encode", "other"

decode async

decode(token_ids, **kwargs)
Source code in vllm/utils/__init__.py
async def decode(self, token_ids, **kwargs):
    result_future: asyncio.Future = self._loop.create_future()
    key = self._queue_key("decode", kwargs)
    queue = self._get_queue(self._loop, key)
    await queue.put((token_ids, result_future))
    return await result_future

AtomicCounter

An atomic, thread-safe counter

Source code in vllm/utils/__init__.py
class AtomicCounter:
    """An atomic, thread-safe counter"""

    def __init__(self, initial=0):
        """Initialize a new atomic counter to given initial value"""
        self._value = initial
        self._lock = threading.Lock()

    def inc(self, num=1):
        """Atomically increment the counter by num and return the new value"""
        with self._lock:
            self._value += num
            return self._value

    def dec(self, num=1):
        """Atomically decrement the counter by num and return the new value"""
        with self._lock:
            self._value -= num
            return self._value

    @property
    def value(self):
        return self._value

_lock instance-attribute

_lock = Lock()

_value instance-attribute

_value = initial

value property

value

__init__

__init__(initial=0)

Initialize a new atomic counter to given initial value

Source code in vllm/utils/__init__.py
def __init__(self, initial=0):
    """Initialize a new atomic counter to given initial value"""
    self._value = initial
    self._lock = threading.Lock()

dec

dec(num=1)

Atomically decrement the counter by num and return the new value

Source code in vllm/utils/__init__.py
def dec(self, num=1):
    """Atomically decrement the counter by num and return the new value"""
    with self._lock:
        self._value -= num
        return self._value

inc

inc(num=1)

Atomically increment the counter by num and return the new value

Source code in vllm/utils/__init__.py
def inc(self, num=1):
    """Atomically increment the counter by num and return the new value"""
    with self._lock:
        self._value += num
        return self._value

CacheInfo

Bases: NamedTuple

Source code in vllm/utils/__init__.py
class CacheInfo(NamedTuple):
    hits: int
    total: int

    @property
    def hit_ratio(self) -> float:
        if self.total == 0:
            return 0

        return self.hits / self.total

    def __sub__(self, other: CacheInfo):
        return CacheInfo(
            hits=self.hits - other.hits,
            total=self.total - other.total,
        )

hit_ratio property

hit_ratio: float

hits instance-attribute

hits: int

total instance-attribute

total: int

__sub__

__sub__(other: CacheInfo)
Source code in vllm/utils/__init__.py
def __sub__(self, other: CacheInfo):
    return CacheInfo(
        hits=self.hits - other.hits,
        total=self.total - other.total,
    )

ClassRegistry

Bases: UserDict[type[T], _V]

Source code in vllm/utils/__init__.py
class ClassRegistry(UserDict[type[T], _V]):

    def __getitem__(self, key: type[T]) -> _V:
        for cls in key.mro():
            if cls in self.data:
                return self.data[cls]

        raise KeyError(key)

    def __contains__(self, key: object) -> bool:
        return self.contains(key)

    def contains(self, key: object, *, strict: bool = False) -> bool:
        if not isinstance(key, type):
            return False

        if strict:
            return key in self.data

        return any(cls in self.data for cls in key.mro())

__contains__

__contains__(key: object) -> bool
Source code in vllm/utils/__init__.py
def __contains__(self, key: object) -> bool:
    return self.contains(key)

__getitem__

__getitem__(key: type[T]) -> _V
Source code in vllm/utils/__init__.py
def __getitem__(self, key: type[T]) -> _V:
    for cls in key.mro():
        if cls in self.data:
            return self.data[cls]

    raise KeyError(key)

contains

contains(key: object, *, strict: bool = False) -> bool
Source code in vllm/utils/__init__.py
def contains(self, key: object, *, strict: bool = False) -> bool:
    if not isinstance(key, type):
        return False

    if strict:
        return key in self.data

    return any(cls in self.data for cls in key.mro())

Counter

Source code in vllm/utils/__init__.py
class Counter:

    def __init__(self, start: int = 0) -> None:
        self.counter = start

    def __next__(self) -> int:
        i = self.counter
        self.counter += 1
        return i

    def reset(self) -> None:
        self.counter = 0

counter instance-attribute

counter = start

__init__

__init__(start: int = 0) -> None
Source code in vllm/utils/__init__.py
def __init__(self, start: int = 0) -> None:
    self.counter = start

__next__

__next__() -> int
Source code in vllm/utils/__init__.py
def __next__(self) -> int:
    i = self.counter
    self.counter += 1
    return i

reset

reset() -> None
Source code in vllm/utils/__init__.py
def reset(self) -> None:
    self.counter = 0

Device

Bases: Enum

Source code in vllm/utils/__init__.py
class Device(enum.Enum):
    GPU = enum.auto()
    CPU = enum.auto()

CPU class-attribute instance-attribute

CPU = auto()

GPU class-attribute instance-attribute

GPU = auto()

DeviceMemoryProfiler

Source code in vllm/utils/__init__.py
class DeviceMemoryProfiler:

    def __init__(self, device: Optional[torch.types.Device] = None):
        self.device = device

    def current_memory_usage(self) -> float:
        # Return the memory usage in bytes.
        from vllm.platforms import current_platform
        gc.collect()
        return current_platform.get_current_memory_usage(self.device)

    def __enter__(self):
        self.initial_memory = self.current_memory_usage()
        # This allows us to call methods of the context manager if needed
        return self

    def __exit__(self, exc_type, exc_val, exc_tb):
        self.final_memory = self.current_memory_usage()
        self.consumed_memory = self.final_memory - self.initial_memory

        # Force garbage collection
        gc.collect()

device instance-attribute

device = device

__enter__

__enter__()
Source code in vllm/utils/__init__.py
def __enter__(self):
    self.initial_memory = self.current_memory_usage()
    # This allows us to call methods of the context manager if needed
    return self

__exit__

__exit__(exc_type, exc_val, exc_tb)
Source code in vllm/utils/__init__.py
def __exit__(self, exc_type, exc_val, exc_tb):
    self.final_memory = self.current_memory_usage()
    self.consumed_memory = self.final_memory - self.initial_memory

    # Force garbage collection
    gc.collect()

__init__

__init__(device: Optional[Device] = None)
Source code in vllm/utils/__init__.py
def __init__(self, device: Optional[torch.types.Device] = None):
    self.device = device

current_memory_usage

current_memory_usage() -> float
Source code in vllm/utils/__init__.py
def current_memory_usage(self) -> float:
    # Return the memory usage in bytes.
    from vllm.platforms import current_platform
    gc.collect()
    return current_platform.get_current_memory_usage(self.device)

FlexibleArgumentParser

Bases: ArgumentParser

ArgumentParser that allows both underscore and dash in names.

Source code in vllm/utils/__init__.py
1713
1714
1715
1716
1717
1718
1719
1720
1721
1722
1723
1724
1725
1726
1727
1728
1729
1730
1731
1732
1733
1734
1735
1736
1737
1738
1739
1740
1741
1742
1743
1744
1745
1746
1747
1748
1749
1750
1751
1752
1753
1754
1755
1756
1757
1758
1759
1760
1761
1762
1763
1764
1765
1766
1767
1768
1769
1770
1771
1772
1773
1774
1775
1776
1777
1778
1779
1780
1781
1782
1783
1784
1785
1786
1787
1788
1789
1790
1791
1792
1793
1794
1795
1796
1797
1798
1799
1800
1801
1802
1803
1804
1805
1806
1807
1808
1809
1810
1811
1812
1813
1814
1815
1816
1817
1818
1819
1820
1821
1822
1823
1824
1825
1826
1827
1828
1829
1830
1831
1832
1833
1834
1835
1836
1837
1838
1839
1840
1841
1842
1843
1844
1845
1846
1847
1848
1849
1850
1851
1852
1853
1854
1855
1856
1857
1858
1859
1860
1861
1862
1863
1864
1865
1866
1867
1868
1869
1870
1871
1872
1873
1874
1875
1876
1877
1878
1879
1880
1881
1882
1883
1884
1885
1886
1887
1888
1889
1890
1891
1892
1893
1894
1895
1896
1897
1898
1899
1900
1901
1902
1903
1904
1905
1906
1907
1908
1909
1910
1911
1912
1913
1914
1915
1916
1917
1918
1919
1920
1921
1922
1923
1924
1925
1926
1927
1928
1929
1930
1931
1932
1933
1934
1935
1936
1937
1938
1939
1940
1941
1942
1943
1944
1945
1946
1947
1948
1949
1950
1951
1952
1953
1954
1955
1956
1957
1958
1959
1960
1961
1962
1963
1964
1965
1966
1967
1968
1969
1970
1971
1972
1973
1974
1975
1976
1977
1978
1979
1980
1981
1982
1983
1984
1985
1986
1987
1988
1989
1990
1991
1992
1993
1994
1995
1996
1997
1998
1999
2000
2001
2002
2003
2004
2005
2006
2007
2008
2009
2010
2011
2012
2013
2014
2015
2016
2017
2018
2019
2020
2021
2022
2023
2024
2025
2026
2027
2028
2029
2030
2031
2032
2033
2034
2035
2036
2037
2038
2039
2040
2041
2042
2043
2044
2045
2046
2047
2048
2049
2050
2051
2052
2053
2054
2055
2056
2057
2058
2059
2060
2061
2062
2063
2064
2065
2066
2067
2068
2069
2070
2071
2072
2073
2074
2075
2076
2077
2078
2079
2080
2081
2082
2083
2084
2085
2086
2087
2088
2089
2090
2091
2092
2093
2094
2095
2096
2097
2098
2099
2100
2101
2102
2103
2104
2105
2106
2107
2108
2109
2110
2111
2112
2113
2114
2115
2116
2117
2118
2119
2120
2121
2122
2123
2124
2125
2126
2127
2128
2129
2130
2131
2132
2133
2134
2135
2136
2137
2138
2139
2140
2141
2142
2143
2144
2145
2146
2147
class FlexibleArgumentParser(ArgumentParser):
    """ArgumentParser that allows both underscore and dash in names."""

    _deprecated: set[Action] = set()
    _json_tip: str = (
        "When passing JSON CLI arguments, the following sets of arguments "
        "are equivalent:\n"
        '   --json-arg \'{"key1": "value1", "key2": {"key3": "value2"}}\'\n'
        "   --json-arg.key1 value1 --json-arg.key2.key3 value2\n\n"
        "Additionally, list elements can be passed individually using +:\n"
        '   --json-arg \'{"key4": ["value3", "value4", "value5"]}\'\n'
        "   --json-arg.key4+ value3 --json-arg.key4+=\'value4,value5\'\n\n")
    _search_keyword: Optional[str] = None

    def __init__(self, *args, **kwargs):
        # Set the default "formatter_class" to SortedHelpFormatter
        if "formatter_class" not in kwargs:
            kwargs["formatter_class"] = SortedHelpFormatter
        # Pop kwarg "add_json_tip" to control whether to add the JSON tip
        self.add_json_tip = kwargs.pop("add_json_tip", True)
        super().__init__(*args, **kwargs)

    if sys.version_info < (3, 13):
        # Enable the deprecated kwarg for Python 3.12 and below

        def parse_known_args(self, args=None, namespace=None):
            if args is not None and "--disable-log-requests" in args:
                # Special case warning because the warning below won't trigger
                # if –-disable-log-requests because its value is default.
                logger.warning_once(
                    "argument '--disable-log-requests' is deprecated and "
                    "replaced with '--enable-log-requests'. This will be "
                    "removed in v0.12.0.")
            namespace, args = super().parse_known_args(args, namespace)
            for action in FlexibleArgumentParser._deprecated:
                if (hasattr(namespace, dest := action.dest)
                        and getattr(namespace, dest) != action.default):
                    logger.warning_once("argument '%s' is deprecated", dest)
            return namespace, args

        def add_argument(self, *args, **kwargs):
            deprecated = kwargs.pop("deprecated", False)
            action = super().add_argument(*args, **kwargs)
            if deprecated:
                FlexibleArgumentParser._deprecated.add(action)
            return action

        class _FlexibleArgumentGroup(_ArgumentGroup):

            def add_argument(self, *args, **kwargs):
                deprecated = kwargs.pop("deprecated", False)
                action = super().add_argument(*args, **kwargs)
                if deprecated:
                    FlexibleArgumentParser._deprecated.add(action)
                return action

        def add_argument_group(self, *args, **kwargs):
            group = self._FlexibleArgumentGroup(self, *args, **kwargs)
            self._action_groups.append(group)
            return group

    def format_help(self):
        # Only use custom help formatting for bottom level parsers
        if self._subparsers is not None:
            return super().format_help()

        formatter = self._get_formatter()

        # Handle keyword search of the args
        if (search_keyword := self._search_keyword) is not None:
            # Normalise the search keyword
            search_keyword = search_keyword.lower().replace("_", "-")
            # Return full help if searching for 'all'
            if search_keyword == 'all':
                self.epilog = self._json_tip
                return super().format_help()

            # Return group help if searching for a group title
            for group in self._action_groups:
                if group.title and group.title.lower() == search_keyword:
                    formatter.start_section(group.title)
                    formatter.add_text(group.description)
                    formatter.add_arguments(group._group_actions)
                    formatter.end_section()
                    formatter.add_text(self._json_tip)
                    return formatter.format_help()

            # Return matched args if searching for an arg name
            matched_actions = []
            for group in self._action_groups:
                for action in group._group_actions:
                    # search option name
                    if any(search_keyword in opt.lower()
                           for opt in action.option_strings):
                        matched_actions.append(action)
            if matched_actions:
                formatter.start_section(
                    f"Arguments matching '{search_keyword}'")
                formatter.add_arguments(matched_actions)
                formatter.end_section()
                formatter.add_text(self._json_tip)
                return formatter.format_help()

            # No match found
            formatter.add_text(
                f"No group or arguments matching '{search_keyword}'.\n"
                "Use '--help' to see available groups or "
                "'--help=all' to see all available parameters.")
            return formatter.format_help()

        # usage
        formatter.add_usage(self.usage, self._actions,
                            self._mutually_exclusive_groups)

        # description
        formatter.add_text(self.description)

        # positionals, optionals and user-defined groups
        formatter.start_section("Config Groups")
        config_groups = ""
        for group in self._action_groups:
            if not group._group_actions:
                continue
            title = group.title
            description = group.description or ""
            config_groups += f"{title: <24}{description}\n"
        formatter.add_text(config_groups)
        formatter.end_section()

        # epilog
        formatter.add_text(self.epilog)

        # determine help from format above
        return formatter.format_help()

    def parse_args(  # type: ignore[override]
        self,
        args: list[str] | None = None,
        namespace: Namespace | None = None,
    ):
        if args is None:
            args = sys.argv[1:]

        # Check for --model in command line arguments first
        if args and args[0] == "serve":
            try:
                model_idx = next(
                    i for i, arg in enumerate(args)
                    if arg == "--model" or arg.startswith("--model="))
                logger.warning(
                    "With `vllm serve`, you should provide the model as a "
                    "positional argument or in a config file instead of via "
                    "the `--model` option. "
                    "The `--model` option will be removed in v0.13.")

                if args[model_idx] == "--model":
                    model_tag = args[model_idx + 1]
                    rest_start_idx = model_idx + 2
                else:
                    model_tag = args[model_idx].removeprefix("--model=")
                    rest_start_idx = model_idx + 1

                # Move <model> to the front, e,g:
                # [Before]
                # vllm serve -tp 2 --model <model> --enforce-eager --port 8001
                # [After]
                # vllm serve <model> -tp 2 --enforce-eager --port 8001
                args = [
                    "serve",
                    model_tag,
                    *args[1:model_idx],
                    *args[rest_start_idx:],
                ]
                print("args", args)
            except StopIteration:
                pass

        if '--config' in args:
            args = self._pull_args_from_config(args)

        def repl(match: re.Match) -> str:
            """Replaces underscores with dashes in the matched string."""
            return match.group(0).replace("_", "-")

        # Everything between the first -- and the first .
        pattern = re.compile(r"(?<=--)[^\.]*")

        # Convert underscores to dashes and vice versa in argument names
        processed_args = list[str]()
        for i, arg in enumerate(args):
            if arg.startswith("--help="):
                FlexibleArgumentParser._search_keyword = arg.split(
                    '=', 1)[-1].lower()
                processed_args.append("--help")
            elif arg.startswith('--'):
                if '=' in arg:
                    key, value = arg.split('=', 1)
                    key = pattern.sub(repl, key, count=1)
                    processed_args.append(f'{key}={value}')
                else:
                    key = pattern.sub(repl, arg, count=1)
                    processed_args.append(key)
            elif arg.startswith('-O') and arg != '-O' and arg[2] != '.':
                # allow -O flag to be used without space, e.g. -O3 or -Odecode
                # -O.<...> handled later
                # also handle -O=<level> here
                level = arg[3:] if arg[2] == '=' else arg[2:]
                processed_args.append(f'-O.level={level}')
            elif arg == '-O' and i + 1 < len(args) and args[i + 1] in {
                    "0", "1", "2", "3"
            }:
                # Convert -O <n> to -O.level <n>
                processed_args.append('-O.level')
            else:
                processed_args.append(arg)

        def create_nested_dict(keys: list[str], value: str) -> dict[str, Any]:
            """Creates a nested dictionary from a list of keys and a value.

            For example, `keys = ["a", "b", "c"]` and `value = 1` will create:
            `{"a": {"b": {"c": 1}}}`
            """
            nested_dict: Any = value
            for key in reversed(keys):
                nested_dict = {key: nested_dict}
            return nested_dict

        def recursive_dict_update(
            original: dict[str, Any],
            update: dict[str, Any],
        ) -> set[str]:
            """Recursively updates a dictionary with another dictionary.
            Returns a set of duplicate keys that were overwritten.
            """
            duplicates = set[str]()
            for k, v in update.items():
                if isinstance(v, dict) and isinstance(original.get(k), dict):
                    nested_duplicates = recursive_dict_update(original[k], v)
                    duplicates |= {f"{k}.{d}" for d in nested_duplicates}
                elif isinstance(v, list) and isinstance(original.get(k), list):
                    original[k] += v
                else:
                    if k in original:
                        duplicates.add(k)
                    original[k] = v
            return duplicates

        delete = set[int]()
        dict_args = defaultdict[str, dict[str, Any]](dict)
        duplicates = set[str]()
        for i, processed_arg in enumerate(processed_args):
            if i in delete:  # skip if value from previous arg
                continue

            if processed_arg.startswith("-") and "." in processed_arg:
                if "=" in processed_arg:
                    processed_arg, value_str = processed_arg.split("=", 1)
                    if "." not in processed_arg:
                        # False positive, '.' was only in the value
                        continue
                else:
                    value_str = processed_args[i + 1]
                    delete.add(i + 1)

                if processed_arg.endswith("+"):
                    processed_arg = processed_arg[:-1]
                    value_str = json.dumps(list(value_str.split(",")))

                key, *keys = processed_arg.split(".")
                try:
                    value = json.loads(value_str)
                except json.decoder.JSONDecodeError:
                    value = value_str

                # Merge all values with the same key into a single dict
                arg_dict = create_nested_dict(keys, value)
                arg_duplicates = recursive_dict_update(dict_args[key],
                                                       arg_dict)
                duplicates |= {f'{key}.{d}' for d in arg_duplicates}
                delete.add(i)
        # Filter out the dict args we set to None
        processed_args = [
            a for i, a in enumerate(processed_args) if i not in delete
        ]
        if duplicates:
            logger.warning("Found duplicate keys %s", ", ".join(duplicates))

        # Add the dict args back as if they were originally passed as JSON
        for dict_arg, dict_value in dict_args.items():
            processed_args.append(dict_arg)
            processed_args.append(json.dumps(dict_value))

        return super().parse_args(processed_args, namespace)

    def check_port(self, value):
        try:
            value = int(value)
        except ValueError:
            msg = "Port must be an integer"
            raise ArgumentTypeError(msg) from None

        if not (1024 <= value <= 65535):
            raise ArgumentTypeError("Port must be between 1024 and 65535")

        return value

    def _pull_args_from_config(self, args: list[str]) -> list[str]:
        """Method to pull arguments specified in the config file
        into the command-line args variable.

        The arguments in config file will be inserted between
        the argument list.

        example:
        ```yaml
            port: 12323
            tensor-parallel-size: 4
        ```
        ```python
        $: vllm {serve,chat,complete} "facebook/opt-12B" \
            --config config.yaml -tp 2
        $: args = [
            "serve,chat,complete",
            "facebook/opt-12B",
            '--config', 'config.yaml',
            '-tp', '2'
        ]
        $: args = [
            "serve,chat,complete",
            "facebook/opt-12B",
            '--port', '12323',
            '--tensor-parallel-size', '4',
            '-tp', '2'
            ]
        ```

        Please note how the config args are inserted after the sub command.
        this way the order of priorities is maintained when these are args
        parsed by super().
        """
        assert args.count(
            '--config') <= 1, "More than one config file specified!"

        index = args.index('--config')
        if index == len(args) - 1:
            raise ValueError("No config file specified! \
                             Please check your command-line arguments.")

        file_path = args[index + 1]

        config_args = self.load_config_file(file_path)

        # 0th index might be the sub command {serve,chat,complete,...}
        # optionally followed by model_tag (only for serve)
        # followed by config args
        # followed by rest of cli args.
        # maintaining this order will enforce the precedence
        # of cli > config > defaults
        if args[0].startswith('-'):
            # No sub command (e.g., api_server entry point)
            args = config_args + args[0:index] + args[index + 2:]
        elif args[0] == "serve":
            model_in_cli = len(args) > 1 and not args[1].startswith('-')
            model_in_config = any(arg == '--model' for arg in config_args)

            if not model_in_cli and not model_in_config:
                raise ValueError(
                    "No model specified! Please specify model either "
                    "as a positional argument or in a config file.")

            if model_in_cli:
                # Model specified as positional arg, keep CLI version
                args = [args[0]] + [
                    args[1]
                ] + config_args + args[2:index] + args[index + 2:]
            else:
                # No model in CLI, use config if available
                args = [args[0]
                        ] + config_args + args[1:index] + args[index + 2:]
        else:
            args = [args[0]] + config_args + args[1:index] + args[index + 2:]

        return args

    def load_config_file(self, file_path: str) -> list[str]:
        """Loads a yaml file and returns the key value pairs as a
        flattened list with argparse like pattern
        ```yaml
            port: 12323
            tensor-parallel-size: 4
        ```
        returns:
            processed_args: list[str] = [
                '--port': '12323',
                '--tensor-parallel-size': '4'
            ]
        """
        extension: str = file_path.split('.')[-1]
        if extension not in ('yaml', 'yml'):
            raise ValueError(
                "Config file must be of a yaml/yml type.\
                              %s supplied", extension)

        # only expecting a flat dictionary of atomic types
        processed_args: list[str] = []

        config: dict[str, Union[int, str]] = {}
        try:
            with open(file_path) as config_file:
                config = yaml.safe_load(config_file)
        except Exception as ex:
            logger.error(
                "Unable to read the config file at %s. \
                Make sure path is correct", file_path)
            raise ex

        store_boolean_arguments = [
            action.dest for action in self._actions
            if isinstance(action, StoreBoolean)
        ]

        for key, value in config.items():
            if isinstance(value, bool) and key not in store_boolean_arguments:
                if value:
                    processed_args.append('--' + key)
            elif isinstance(value, list):
                if value:
                    processed_args.append('--' + key)
                    for item in value:
                        processed_args.append(str(item))
            else:
                processed_args.append('--' + key)
                processed_args.append(str(value))

        return processed_args

_deprecated class-attribute instance-attribute

_deprecated: set[Action] = set()

_json_tip class-attribute instance-attribute

_json_tip: str = 'When passing JSON CLI arguments, the following sets of arguments are equivalent:\n   --json-arg \'{"key1": "value1", "key2": {"key3": "value2"}}\'\n   --json-arg.key1 value1 --json-arg.key2.key3 value2\n\nAdditionally, list elements can be passed individually using +:\n   --json-arg \'{"key4": ["value3", "value4", "value5"]}\'\n   --json-arg.key4+ value3 --json-arg.key4+=\'value4,value5\'\n\n'

_search_keyword class-attribute instance-attribute

_search_keyword: Optional[str] = None

add_json_tip instance-attribute

add_json_tip = pop('add_json_tip', True)

_FlexibleArgumentGroup

Bases: _ArgumentGroup

Source code in vllm/utils/__init__.py
class _FlexibleArgumentGroup(_ArgumentGroup):

    def add_argument(self, *args, **kwargs):
        deprecated = kwargs.pop("deprecated", False)
        action = super().add_argument(*args, **kwargs)
        if deprecated:
            FlexibleArgumentParser._deprecated.add(action)
        return action

add_argument

add_argument(*args, **kwargs)
Source code in vllm/utils/__init__.py
def add_argument(self, *args, **kwargs):
    deprecated = kwargs.pop("deprecated", False)
    action = super().add_argument(*args, **kwargs)
    if deprecated:
        FlexibleArgumentParser._deprecated.add(action)
    return action

__init__

__init__(*args, **kwargs)
Source code in vllm/utils/__init__.py
def __init__(self, *args, **kwargs):
    # Set the default "formatter_class" to SortedHelpFormatter
    if "formatter_class" not in kwargs:
        kwargs["formatter_class"] = SortedHelpFormatter
    # Pop kwarg "add_json_tip" to control whether to add the JSON tip
    self.add_json_tip = kwargs.pop("add_json_tip", True)
    super().__init__(*args, **kwargs)

_pull_args_from_config

_pull_args_from_config(args: list[str]) -> list[str]

Method to pull arguments specified in the config file into the command-line args variable.

The arguments in config file will be inserted between the argument list.

example:

    port: 12323
    tensor-parallel-size: 4
$: vllm {serve,chat,complete} "facebook/opt-12B"             --config config.yaml -tp 2
$: args = [
    "serve,chat,complete",
    "facebook/opt-12B",
    '--config', 'config.yaml',
    '-tp', '2'
]
$: args = [
    "serve,chat,complete",
    "facebook/opt-12B",
    '--port', '12323',
    '--tensor-parallel-size', '4',
    '-tp', '2'
    ]

Please note how the config args are inserted after the sub command. this way the order of priorities is maintained when these are args parsed by super().

Source code in vllm/utils/__init__.py
def _pull_args_from_config(self, args: list[str]) -> list[str]:
    """Method to pull arguments specified in the config file
    into the command-line args variable.

    The arguments in config file will be inserted between
    the argument list.

    example:
    ```yaml
        port: 12323
        tensor-parallel-size: 4
    ```
    ```python
    $: vllm {serve,chat,complete} "facebook/opt-12B" \
        --config config.yaml -tp 2
    $: args = [
        "serve,chat,complete",
        "facebook/opt-12B",
        '--config', 'config.yaml',
        '-tp', '2'
    ]
    $: args = [
        "serve,chat,complete",
        "facebook/opt-12B",
        '--port', '12323',
        '--tensor-parallel-size', '4',
        '-tp', '2'
        ]
    ```

    Please note how the config args are inserted after the sub command.
    this way the order of priorities is maintained when these are args
    parsed by super().
    """
    assert args.count(
        '--config') <= 1, "More than one config file specified!"

    index = args.index('--config')
    if index == len(args) - 1:
        raise ValueError("No config file specified! \
                         Please check your command-line arguments.")

    file_path = args[index + 1]

    config_args = self.load_config_file(file_path)

    # 0th index might be the sub command {serve,chat,complete,...}
    # optionally followed by model_tag (only for serve)
    # followed by config args
    # followed by rest of cli args.
    # maintaining this order will enforce the precedence
    # of cli > config > defaults
    if args[0].startswith('-'):
        # No sub command (e.g., api_server entry point)
        args = config_args + args[0:index] + args[index + 2:]
    elif args[0] == "serve":
        model_in_cli = len(args) > 1 and not args[1].startswith('-')
        model_in_config = any(arg == '--model' for arg in config_args)

        if not model_in_cli and not model_in_config:
            raise ValueError(
                "No model specified! Please specify model either "
                "as a positional argument or in a config file.")

        if model_in_cli:
            # Model specified as positional arg, keep CLI version
            args = [args[0]] + [
                args[1]
            ] + config_args + args[2:index] + args[index + 2:]
        else:
            # No model in CLI, use config if available
            args = [args[0]
                    ] + config_args + args[1:index] + args[index + 2:]
    else:
        args = [args[0]] + config_args + args[1:index] + args[index + 2:]

    return args

add_argument

add_argument(*args, **kwargs)
Source code in vllm/utils/__init__.py
def add_argument(self, *args, **kwargs):
    deprecated = kwargs.pop("deprecated", False)
    action = super().add_argument(*args, **kwargs)
    if deprecated:
        FlexibleArgumentParser._deprecated.add(action)
    return action

add_argument_group

add_argument_group(*args, **kwargs)
Source code in vllm/utils/__init__.py
def add_argument_group(self, *args, **kwargs):
    group = self._FlexibleArgumentGroup(self, *args, **kwargs)
    self._action_groups.append(group)
    return group

check_port

check_port(value)
Source code in vllm/utils/__init__.py
def check_port(self, value):
    try:
        value = int(value)
    except ValueError:
        msg = "Port must be an integer"
        raise ArgumentTypeError(msg) from None

    if not (1024 <= value <= 65535):
        raise ArgumentTypeError("Port must be between 1024 and 65535")

    return value

format_help

format_help()
Source code in vllm/utils/__init__.py
def format_help(self):
    # Only use custom help formatting for bottom level parsers
    if self._subparsers is not None:
        return super().format_help()

    formatter = self._get_formatter()

    # Handle keyword search of the args
    if (search_keyword := self._search_keyword) is not None:
        # Normalise the search keyword
        search_keyword = search_keyword.lower().replace("_", "-")
        # Return full help if searching for 'all'
        if search_keyword == 'all':
            self.epilog = self._json_tip
            return super().format_help()

        # Return group help if searching for a group title
        for group in self._action_groups:
            if group.title and group.title.lower() == search_keyword:
                formatter.start_section(group.title)
                formatter.add_text(group.description)
                formatter.add_arguments(group._group_actions)
                formatter.end_section()
                formatter.add_text(self._json_tip)
                return formatter.format_help()

        # Return matched args if searching for an arg name
        matched_actions = []
        for group in self._action_groups:
            for action in group._group_actions:
                # search option name
                if any(search_keyword in opt.lower()
                       for opt in action.option_strings):
                    matched_actions.append(action)
        if matched_actions:
            formatter.start_section(
                f"Arguments matching '{search_keyword}'")
            formatter.add_arguments(matched_actions)
            formatter.end_section()
            formatter.add_text(self._json_tip)
            return formatter.format_help()

        # No match found
        formatter.add_text(
            f"No group or arguments matching '{search_keyword}'.\n"
            "Use '--help' to see available groups or "
            "'--help=all' to see all available parameters.")
        return formatter.format_help()

    # usage
    formatter.add_usage(self.usage, self._actions,
                        self._mutually_exclusive_groups)

    # description
    formatter.add_text(self.description)

    # positionals, optionals and user-defined groups
    formatter.start_section("Config Groups")
    config_groups = ""
    for group in self._action_groups:
        if not group._group_actions:
            continue
        title = group.title
        description = group.description or ""
        config_groups += f"{title: <24}{description}\n"
    formatter.add_text(config_groups)
    formatter.end_section()

    # epilog
    formatter.add_text(self.epilog)

    # determine help from format above
    return formatter.format_help()

load_config_file

load_config_file(file_path: str) -> list[str]

Loads a yaml file and returns the key value pairs as a flattened list with argparse like pattern

    port: 12323
    tensor-parallel-size: 4
returns: processed_args: list[str] = [ '--port': '12323', '--tensor-parallel-size': '4' ]

Source code in vllm/utils/__init__.py
def load_config_file(self, file_path: str) -> list[str]:
    """Loads a yaml file and returns the key value pairs as a
    flattened list with argparse like pattern
    ```yaml
        port: 12323
        tensor-parallel-size: 4
    ```
    returns:
        processed_args: list[str] = [
            '--port': '12323',
            '--tensor-parallel-size': '4'
        ]
    """
    extension: str = file_path.split('.')[-1]
    if extension not in ('yaml', 'yml'):
        raise ValueError(
            "Config file must be of a yaml/yml type.\
                          %s supplied", extension)

    # only expecting a flat dictionary of atomic types
    processed_args: list[str] = []

    config: dict[str, Union[int, str]] = {}
    try:
        with open(file_path) as config_file:
            config = yaml.safe_load(config_file)
    except Exception as ex:
        logger.error(
            "Unable to read the config file at %s. \
            Make sure path is correct", file_path)
        raise ex

    store_boolean_arguments = [
        action.dest for action in self._actions
        if isinstance(action, StoreBoolean)
    ]

    for key, value in config.items():
        if isinstance(value, bool) and key not in store_boolean_arguments:
            if value:
                processed_args.append('--' + key)
        elif isinstance(value, list):
            if value:
                processed_args.append('--' + key)
                for item in value:
                    processed_args.append(str(item))
        else:
            processed_args.append('--' + key)
            processed_args.append(str(value))

    return processed_args

parse_args

parse_args(
    args: list[str] | None = None,
    namespace: Namespace | None = None,
)
Source code in vllm/utils/__init__.py
def parse_args(  # type: ignore[override]
    self,
    args: list[str] | None = None,
    namespace: Namespace | None = None,
):
    if args is None:
        args = sys.argv[1:]

    # Check for --model in command line arguments first
    if args and args[0] == "serve":
        try:
            model_idx = next(
                i for i, arg in enumerate(args)
                if arg == "--model" or arg.startswith("--model="))
            logger.warning(
                "With `vllm serve`, you should provide the model as a "
                "positional argument or in a config file instead of via "
                "the `--model` option. "
                "The `--model` option will be removed in v0.13.")

            if args[model_idx] == "--model":
                model_tag = args[model_idx + 1]
                rest_start_idx = model_idx + 2
            else:
                model_tag = args[model_idx].removeprefix("--model=")
                rest_start_idx = model_idx + 1

            # Move <model> to the front, e,g:
            # [Before]
            # vllm serve -tp 2 --model <model> --enforce-eager --port 8001
            # [After]
            # vllm serve <model> -tp 2 --enforce-eager --port 8001
            args = [
                "serve",
                model_tag,
                *args[1:model_idx],
                *args[rest_start_idx:],
            ]
            print("args", args)
        except StopIteration:
            pass

    if '--config' in args:
        args = self._pull_args_from_config(args)

    def repl(match: re.Match) -> str:
        """Replaces underscores with dashes in the matched string."""
        return match.group(0).replace("_", "-")

    # Everything between the first -- and the first .
    pattern = re.compile(r"(?<=--)[^\.]*")

    # Convert underscores to dashes and vice versa in argument names
    processed_args = list[str]()
    for i, arg in enumerate(args):
        if arg.startswith("--help="):
            FlexibleArgumentParser._search_keyword = arg.split(
                '=', 1)[-1].lower()
            processed_args.append("--help")
        elif arg.startswith('--'):
            if '=' in arg:
                key, value = arg.split('=', 1)
                key = pattern.sub(repl, key, count=1)
                processed_args.append(f'{key}={value}')
            else:
                key = pattern.sub(repl, arg, count=1)
                processed_args.append(key)
        elif arg.startswith('-O') and arg != '-O' and arg[2] != '.':
            # allow -O flag to be used without space, e.g. -O3 or -Odecode
            # -O.<...> handled later
            # also handle -O=<level> here
            level = arg[3:] if arg[2] == '=' else arg[2:]
            processed_args.append(f'-O.level={level}')
        elif arg == '-O' and i + 1 < len(args) and args[i + 1] in {
                "0", "1", "2", "3"
        }:
            # Convert -O <n> to -O.level <n>
            processed_args.append('-O.level')
        else:
            processed_args.append(arg)

    def create_nested_dict(keys: list[str], value: str) -> dict[str, Any]:
        """Creates a nested dictionary from a list of keys and a value.

        For example, `keys = ["a", "b", "c"]` and `value = 1` will create:
        `{"a": {"b": {"c": 1}}}`
        """
        nested_dict: Any = value
        for key in reversed(keys):
            nested_dict = {key: nested_dict}
        return nested_dict

    def recursive_dict_update(
        original: dict[str, Any],
        update: dict[str, Any],
    ) -> set[str]:
        """Recursively updates a dictionary with another dictionary.
        Returns a set of duplicate keys that were overwritten.
        """
        duplicates = set[str]()
        for k, v in update.items():
            if isinstance(v, dict) and isinstance(original.get(k), dict):
                nested_duplicates = recursive_dict_update(original[k], v)
                duplicates |= {f"{k}.{d}" for d in nested_duplicates}
            elif isinstance(v, list) and isinstance(original.get(k), list):
                original[k] += v
            else:
                if k in original:
                    duplicates.add(k)
                original[k] = v
        return duplicates

    delete = set[int]()
    dict_args = defaultdict[str, dict[str, Any]](dict)
    duplicates = set[str]()
    for i, processed_arg in enumerate(processed_args):
        if i in delete:  # skip if value from previous arg
            continue

        if processed_arg.startswith("-") and "." in processed_arg:
            if "=" in processed_arg:
                processed_arg, value_str = processed_arg.split("=", 1)
                if "." not in processed_arg:
                    # False positive, '.' was only in the value
                    continue
            else:
                value_str = processed_args[i + 1]
                delete.add(i + 1)

            if processed_arg.endswith("+"):
                processed_arg = processed_arg[:-1]
                value_str = json.dumps(list(value_str.split(",")))

            key, *keys = processed_arg.split(".")
            try:
                value = json.loads(value_str)
            except json.decoder.JSONDecodeError:
                value = value_str

            # Merge all values with the same key into a single dict
            arg_dict = create_nested_dict(keys, value)
            arg_duplicates = recursive_dict_update(dict_args[key],
                                                   arg_dict)
            duplicates |= {f'{key}.{d}' for d in arg_duplicates}
            delete.add(i)
    # Filter out the dict args we set to None
    processed_args = [
        a for i, a in enumerate(processed_args) if i not in delete
    ]
    if duplicates:
        logger.warning("Found duplicate keys %s", ", ".join(duplicates))

    # Add the dict args back as if they were originally passed as JSON
    for dict_arg, dict_value in dict_args.items():
        processed_args.append(dict_arg)
        processed_args.append(json.dumps(dict_value))

    return super().parse_args(processed_args, namespace)

parse_known_args

parse_known_args(args=None, namespace=None)
Source code in vllm/utils/__init__.py
def parse_known_args(self, args=None, namespace=None):
    if args is not None and "--disable-log-requests" in args:
        # Special case warning because the warning below won't trigger
        # if –-disable-log-requests because its value is default.
        logger.warning_once(
            "argument '--disable-log-requests' is deprecated and "
            "replaced with '--enable-log-requests'. This will be "
            "removed in v0.12.0.")
    namespace, args = super().parse_known_args(args, namespace)
    for action in FlexibleArgumentParser._deprecated:
        if (hasattr(namespace, dest := action.dest)
                and getattr(namespace, dest) != action.default):
            logger.warning_once("argument '%s' is deprecated", dest)
    return namespace, args

LRUCache

Bases: LRUCache[_K, _V], Generic[_K, _V]

Source code in vllm/utils/__init__.py
class LRUCache(cachetools.LRUCache[_K, _V], Generic[_K, _V]):

    def __init__(self,
                 capacity: float,
                 getsizeof: Optional[Callable[[_V], float]] = None):
        super().__init__(capacity, getsizeof)

        self.pinned_items = set[_K]()

        self._hits = 0
        self._total = 0
        self._last_info = CacheInfo(hits=0, total=0)

    def __getitem__(self, key: _K, *, update_info: bool = True) -> _V:
        value = super().__getitem__(key)

        if update_info:
            self._hits += 1
            self._total += 1

        return value

    def __delitem__(self, key: _K) -> None:
        run_on_remove = key in self
        value = self.__getitem__(key,
                                 update_info=False)  # type: ignore[call-arg]
        super().__delitem__(key)
        if key in self.pinned_items:
            # Todo: add warning to inform that del pinned item
            self._unpin(key)
        if run_on_remove:
            self._on_remove(key, value)

    @property
    def cache(self) -> Mapping[_K, _V]:
        """Return the internal cache dictionary in order (read-only)."""
        return _MappingOrderCacheView(
            self._Cache__data,  # type: ignore
            self.order)

    @property
    def order(self) -> Mapping[_K, None]:
        """Return the internal order dictionary (read-only)."""
        return MappingProxyType(self._LRUCache__order)  # type: ignore

    @property
    def capacity(self) -> float:
        return self.maxsize

    @property
    def usage(self) -> float:
        if self.maxsize == 0:
            return 0

        return self.currsize / self.maxsize

    def stat(self, *, delta: bool = False) -> CacheInfo:
        """
        Gets the cumulative number of hits and queries against this cache.

        If `delta=True`, instead gets these statistics
        since the last call that also passed `delta=True`.
        """
        info = CacheInfo(hits=self._hits, total=self._total)

        if delta:
            info_delta = info - self._last_info
            self._last_info = info
            info = info_delta

        return info

    def touch(self, key: _K) -> None:
        try:
            self._LRUCache__order.move_to_end(key)  # type: ignore
        except KeyError:
            self._LRUCache__order[key] = None  # type: ignore

    @overload
    def get(self, key: _K, /) -> Optional[_V]:
        ...

    @overload
    def get(self, key: _K, /, default: Union[_V, _T]) -> Union[_V, _T]:
        ...

    def get(self,
            key: _K,
            /,
            default: Optional[Union[_V,
                                    _T]] = None) -> Optional[Union[_V, _T]]:
        value: Optional[Union[_V, _T]]
        if key in self:
            value = self.__getitem__(
                key, update_info=False)  # type: ignore[call-arg]

            self._hits += 1
        else:
            value = default

        self._total += 1
        return value

    @overload
    def pop(self, key: _K) -> _V:
        ...

    @overload
    def pop(self, key: _K, default: Union[_V, _T]) -> Union[_V, _T]:
        ...

    def pop(self,
            key: _K,
            default: Optional[Union[_V,
                                    _T]] = None) -> Optional[Union[_V, _T]]:
        value: Optional[Union[_V, _T]]
        if key not in self:
            return default

        value = self.__getitem__(key,
                                 update_info=False)  # type: ignore[call-arg]
        self.__delitem__(key)
        return value

    def put(self, key: _K, value: _V) -> None:
        self.__setitem__(key, value)

    def pin(self, key: _K) -> None:
        """
        Pins a key in the cache preventing it from being
        evicted in the LRU order.
        """
        if key not in self:
            raise ValueError(f"Cannot pin key: {key} not in cache.")
        self.pinned_items.add(key)

    def _unpin(self, key: _K) -> None:
        """
        Unpins a key in the cache allowing it to be
        evicted in the LRU order.
        """
        self.pinned_items.remove(key)

    def _on_remove(self, key: _K, value: Optional[_V]) -> None:
        pass

    def remove_oldest(self, *, remove_pinned: bool = False) -> None:
        if len(self) == 0:
            return

        self.popitem(remove_pinned=remove_pinned)

    def _remove_old_if_needed(self) -> None:
        while self.currsize > self.capacity:
            self.remove_oldest()

    def popitem(self, remove_pinned: bool = False):
        """Remove and return the `(key, value)` pair least recently used."""
        if not remove_pinned:
            # pop the oldest item in the cache that is not pinned
            lru_key = next(
                (key for key in self.order if key not in self.pinned_items),
                ALL_PINNED_SENTINEL)
            if lru_key is ALL_PINNED_SENTINEL:
                raise RuntimeError("All items are pinned, "
                                   "cannot remove oldest from the cache.")
        else:
            lru_key = next(iter(self.order))
        value = self.pop(cast(_K, lru_key))
        return (lru_key, value)

    def clear(self) -> None:
        while len(self) > 0:
            self.remove_oldest(remove_pinned=True)

        self._hits = 0
        self._total = 0
        self._last_info = CacheInfo(hits=0, total=0)

_hits instance-attribute

_hits = 0

_last_info instance-attribute

_last_info = CacheInfo(hits=0, total=0)

_total instance-attribute

_total = 0

cache property

cache: Mapping[_K, _V]

Return the internal cache dictionary in order (read-only).

capacity property

capacity: float

order property

order: Mapping[_K, None]

Return the internal order dictionary (read-only).

pinned_items instance-attribute

pinned_items = set[_K]()

usage property

usage: float

__delitem__

__delitem__(key: _K) -> None
Source code in vllm/utils/__init__.py
def __delitem__(self, key: _K) -> None:
    run_on_remove = key in self
    value = self.__getitem__(key,
                             update_info=False)  # type: ignore[call-arg]
    super().__delitem__(key)
    if key in self.pinned_items:
        # Todo: add warning to inform that del pinned item
        self._unpin(key)
    if run_on_remove:
        self._on_remove(key, value)

__getitem__

__getitem__(key: _K, *, update_info: bool = True) -> _V
Source code in vllm/utils/__init__.py
def __getitem__(self, key: _K, *, update_info: bool = True) -> _V:
    value = super().__getitem__(key)

    if update_info:
        self._hits += 1
        self._total += 1

    return value

__init__

__init__(
    capacity: float,
    getsizeof: Optional[Callable[[_V], float]] = None,
)
Source code in vllm/utils/__init__.py
def __init__(self,
             capacity: float,
             getsizeof: Optional[Callable[[_V], float]] = None):
    super().__init__(capacity, getsizeof)

    self.pinned_items = set[_K]()

    self._hits = 0
    self._total = 0
    self._last_info = CacheInfo(hits=0, total=0)

_on_remove

_on_remove(key: _K, value: Optional[_V]) -> None
Source code in vllm/utils/__init__.py
def _on_remove(self, key: _K, value: Optional[_V]) -> None:
    pass

_remove_old_if_needed

_remove_old_if_needed() -> None
Source code in vllm/utils/__init__.py
def _remove_old_if_needed(self) -> None:
    while self.currsize > self.capacity:
        self.remove_oldest()

_unpin

_unpin(key: _K) -> None

Unpins a key in the cache allowing it to be evicted in the LRU order.

Source code in vllm/utils/__init__.py
def _unpin(self, key: _K) -> None:
    """
    Unpins a key in the cache allowing it to be
    evicted in the LRU order.
    """
    self.pinned_items.remove(key)

clear

clear() -> None
Source code in vllm/utils/__init__.py
def clear(self) -> None:
    while len(self) > 0:
        self.remove_oldest(remove_pinned=True)

    self._hits = 0
    self._total = 0
    self._last_info = CacheInfo(hits=0, total=0)

get

get(key: _K) -> Optional[_V]
get(key: _K, /, default: Union[_V, _T]) -> Union[_V, _T]
get(
    key: _K, /, default: Optional[Union[_T" backlink-type="used-by" backlink-anchor="vllm.utils.LRUCache.get" optional hover>_T, _T]] = None
) -> Optional[Union[_V, _T]]
Source code in vllm/utils/__init__.py
def get(self,
        key: _K,
        /,
        default: Optional[Union[_V,
                                _T]] = None) -> Optional[Union[_V, _T]]:
    value: Optional[Union[_V, _T]]
    if key in self:
        value = self.__getitem__(
            key, update_info=False)  # type: ignore[call-arg]

        self._hits += 1
    else:
        value = default

    self._total += 1
    return value

pin

pin(key: _K) -> None

Pins a key in the cache preventing it from being evicted in the LRU order.

Source code in vllm/utils/__init__.py
def pin(self, key: _K) -> None:
    """
    Pins a key in the cache preventing it from being
    evicted in the LRU order.
    """
    if key not in self:
        raise ValueError(f"Cannot pin key: {key} not in cache.")
    self.pinned_items.add(key)

pop

pop(key: _K) -> _V
pop(key: _K, default: Union[_V, _T]) -> Union[_V, _T]
pop(
    key: _K, default: Optional[Union[_V, _T]] = None
) -> Optional[Union[_V, _T]]
Source code in vllm/utils/__init__.py
def pop(self,
        key: _K,
        default: Optional[Union[_V,
                                _T]] = None) -> Optional[Union[_V, _T]]:
    value: Optional[Union[_V, _T]]
    if key not in self:
        return default

    value = self.__getitem__(key,
                             update_info=False)  # type: ignore[call-arg]
    self.__delitem__(key)
    return value

popitem

popitem(remove_pinned: bool = False)

Remove and return the (key, value) pair least recently used.

Source code in vllm/utils/__init__.py
def popitem(self, remove_pinned: bool = False):
    """Remove and return the `(key, value)` pair least recently used."""
    if not remove_pinned:
        # pop the oldest item in the cache that is not pinned
        lru_key = next(
            (key for key in self.order if key not in self.pinned_items),
            ALL_PINNED_SENTINEL)
        if lru_key is ALL_PINNED_SENTINEL:
            raise RuntimeError("All items are pinned, "
                               "cannot remove oldest from the cache.")
    else:
        lru_key = next(iter(self.order))
    value = self.pop(cast(_K, lru_key))
    return (lru_key, value)

put

put(key: _K, value: _V) -> None
Source code in vllm/utils/__init__.py
def put(self, key: _K, value: _V) -> None:
    self.__setitem__(key, value)

remove_oldest

remove_oldest(*, remove_pinned: bool = False) -> None
Source code in vllm/utils/__init__.py
def remove_oldest(self, *, remove_pinned: bool = False) -> None:
    if len(self) == 0:
        return

    self.popitem(remove_pinned=remove_pinned)

stat

stat(*, delta: bool = False) -> CacheInfo

Gets the cumulative number of hits and queries against this cache.

If delta=True, instead gets these statistics since the last call that also passed delta=True.

Source code in vllm/utils/__init__.py
def stat(self, *, delta: bool = False) -> CacheInfo:
    """
    Gets the cumulative number of hits and queries against this cache.

    If `delta=True`, instead gets these statistics
    since the last call that also passed `delta=True`.
    """
    info = CacheInfo(hits=self._hits, total=self._total)

    if delta:
        info_delta = info - self._last_info
        self._last_info = info
        info = info_delta

    return info

touch

touch(key: _K) -> None
Source code in vllm/utils/__init__.py
def touch(self, key: _K) -> None:
    try:
        self._LRUCache__order.move_to_end(key)  # type: ignore
    except KeyError:
        self._LRUCache__order[key] = None  # type: ignore

LayerBlockType

Bases: Enum

Source code in vllm/utils/__init__.py
class LayerBlockType(enum.Enum):
    attention = "attention"
    mamba = "mamba"

attention class-attribute instance-attribute

attention = 'attention'

mamba class-attribute instance-attribute

mamba = 'mamba'

LazyDict

Bases: Mapping[str, T], Generic[T]

Source code in vllm/utils/__init__.py
class LazyDict(Mapping[str, T], Generic[T]):

    def __init__(self, factory: dict[str, Callable[[], T]]):
        self._factory = factory
        self._dict: dict[str, T] = {}

    def __getitem__(self, key: str) -> T:
        if key not in self._dict:
            if key not in self._factory:
                raise KeyError(key)
            self._dict[key] = self._factory[key]()
        return self._dict[key]

    def __setitem__(self, key: str, value: Callable[[], T]):
        self._factory[key] = value

    def __iter__(self):
        return iter(self._factory)

    def __len__(self):
        return len(self._factory)

_dict instance-attribute

_dict: dict[str, T] = {}

_factory instance-attribute

_factory = factory

__getitem__

__getitem__(key: str) -> T
Source code in vllm/utils/__init__.py
def __getitem__(self, key: str) -> T:
    if key not in self._dict:
        if key not in self._factory:
            raise KeyError(key)
        self._dict[key] = self._factory[key]()
    return self._dict[key]

__init__

__init__(factory: dict[str, Callable[[], T]])
Source code in vllm/utils/__init__.py
def __init__(self, factory: dict[str, Callable[[], T]]):
    self._factory = factory
    self._dict: dict[str, T] = {}

__iter__

__iter__()
Source code in vllm/utils/__init__.py
def __iter__(self):
    return iter(self._factory)

__len__

__len__()
Source code in vllm/utils/__init__.py
def __len__(self):
    return len(self._factory)

__setitem__

__setitem__(key: str, value: Callable[[], T])
Source code in vllm/utils/__init__.py
def __setitem__(self, key: str, value: Callable[[], T]):
    self._factory[key] = value

LazyLoader

Bases: ModuleType

LazyLoader module borrowed from Tensorflow https://github.com/tensorflow/tensorflow/blob/main/tensorflow/python/util/lazy_loader.py with an addition of "module caching".

Lazily import a module, mainly to avoid pulling in large dependencies. Modules such as xgrammar might do additional side effects, so we only want to use this when it is needed, delaying all eager effects

Source code in vllm/utils/__init__.py
class LazyLoader(types.ModuleType):
    """
    LazyLoader module borrowed from Tensorflow
    https://github.com/tensorflow/tensorflow/blob/main/tensorflow/python/util/lazy_loader.py
    with an addition of "module caching".

    Lazily import a module, mainly to avoid pulling in large dependencies.
    Modules such as `xgrammar` might do additional side effects, so we
    only want to use this when it is needed, delaying all eager effects
    """

    def __init__(
        self,
        local_name: str,
        parent_module_globals: dict[str, Any],
        name: str,
    ):
        self._local_name = local_name
        self._parent_module_globals = parent_module_globals
        self._module: types.ModuleType | None = None

        super().__init__(str(name))

    def _load(self) -> types.ModuleType:
        # Import the target module and insert it into the parent's namespace
        try:
            module = importlib.import_module(self.__name__)
            self._parent_module_globals[self._local_name] = module
            # The additional add to sys.modules
            # ensures library is actually loaded.
            sys.modules[self._local_name] = module
        except ModuleNotFoundError as err:
            raise err from None

        # Update this object's dict so that if someone keeps a
        # reference to the LazyLoader, lookups are efficient
        # (__getattr__ is only called on lookups that fail).
        self.__dict__.update(module.__dict__)
        return module

    def __getattr__(self, item: Any) -> Any:
        if self._module is None:
            self._module = self._load()
        return getattr(self._module, item)

    def __dir__(self) -> list[str]:
        if self._module is None:
            self._module = self._load()
        return dir(self._module)

_local_name instance-attribute

_local_name = local_name

_module instance-attribute

_module: ModuleType | None = None

_parent_module_globals instance-attribute

_parent_module_globals = parent_module_globals

__dir__

__dir__() -> list[str]
Source code in vllm/utils/__init__.py
def __dir__(self) -> list[str]:
    if self._module is None:
        self._module = self._load()
    return dir(self._module)

__getattr__

__getattr__(item: Any) -> Any
Source code in vllm/utils/__init__.py
def __getattr__(self, item: Any) -> Any:
    if self._module is None:
        self._module = self._load()
    return getattr(self._module, item)

__init__

__init__(
    local_name: str,
    parent_module_globals: dict[str, Any],
    name: str,
)
Source code in vllm/utils/__init__.py
def __init__(
    self,
    local_name: str,
    parent_module_globals: dict[str, Any],
    name: str,
):
    self._local_name = local_name
    self._parent_module_globals = parent_module_globals
    self._module: types.ModuleType | None = None

    super().__init__(str(name))

_load

_load() -> ModuleType
Source code in vllm/utils/__init__.py
def _load(self) -> types.ModuleType:
    # Import the target module and insert it into the parent's namespace
    try:
        module = importlib.import_module(self.__name__)
        self._parent_module_globals[self._local_name] = module
        # The additional add to sys.modules
        # ensures library is actually loaded.
        sys.modules[self._local_name] = module
    except ModuleNotFoundError as err:
        raise err from None

    # Update this object's dict so that if someone keeps a
    # reference to the LazyLoader, lookups are efficient
    # (__getattr__ is only called on lookups that fail).
    self.__dict__.update(module.__dict__)
    return module

MemoryProfilingResult dataclass

Memory profiling result. All numbers are in bytes.

Source code in vllm/utils/__init__.py
@dataclass
class MemoryProfilingResult:
    """Memory profiling result. All numbers are in bytes.
    """
    non_kv_cache_memory: int = 0
    torch_peak_increase: int = 0
    non_torch_increase: int = 0
    weights_memory: float = 0
    before_create: MemorySnapshot = field(default_factory=MemorySnapshot)
    before_profile: MemorySnapshot = field(default_factory=MemorySnapshot)
    after_profile: MemorySnapshot = field(default_factory=MemorySnapshot)
    profile_time: float = 0.0

    def __repr__(self) -> str:
        return (f"Memory profiling takes {self.profile_time:.2f} seconds. "
                f"Total non KV cache memory: "
                f"{(self.non_kv_cache_memory / GiB_bytes):.2f}GiB; "
                f"torch peak memory increase: "
                f"{(self.torch_peak_increase / GiB_bytes):.2f}GiB; "
                f"non-torch forward increase memory: "
                f"{(self.non_torch_increase / GiB_bytes):.2f}GiB; "
                f"weights memory: {(self.weights_memory / GiB_bytes):.2f}GiB.")

after_profile class-attribute instance-attribute

after_profile: MemorySnapshot = field(
    default_factory=MemorySnapshot
)

before_create class-attribute instance-attribute

before_create: MemorySnapshot = field(
    default_factory=MemorySnapshot
)

before_profile class-attribute instance-attribute

before_profile: MemorySnapshot = field(
    default_factory=MemorySnapshot
)

non_kv_cache_memory class-attribute instance-attribute

non_kv_cache_memory: int = 0

non_torch_increase class-attribute instance-attribute

non_torch_increase: int = 0

profile_time class-attribute instance-attribute

profile_time: float = 0.0

torch_peak_increase class-attribute instance-attribute

torch_peak_increase: int = 0

weights_memory class-attribute instance-attribute

weights_memory: float = 0

__init__

__init__(
    non_kv_cache_memory: int = 0,
    torch_peak_increase: int = 0,
    non_torch_increase: int = 0,
    weights_memory: float = 0,
    before_create: MemorySnapshot = MemorySnapshot(),
    before_profile: MemorySnapshot = MemorySnapshot(),
    after_profile: MemorySnapshot = MemorySnapshot(),
    profile_time: float = 0.0,
) -> None

__repr__

__repr__() -> str
Source code in vllm/utils/__init__.py
def __repr__(self) -> str:
    return (f"Memory profiling takes {self.profile_time:.2f} seconds. "
            f"Total non KV cache memory: "
            f"{(self.non_kv_cache_memory / GiB_bytes):.2f}GiB; "
            f"torch peak memory increase: "
            f"{(self.torch_peak_increase / GiB_bytes):.2f}GiB; "
            f"non-torch forward increase memory: "
            f"{(self.non_torch_increase / GiB_bytes):.2f}GiB; "
            f"weights memory: {(self.weights_memory / GiB_bytes):.2f}GiB.")

MemorySnapshot dataclass

Memory snapshot.

Source code in vllm/utils/__init__.py
@dataclass
class MemorySnapshot:
    """Memory snapshot."""
    torch_peak: int = 0
    free_memory: int = 0
    total_memory: int = 0
    cuda_memory: int = 0
    torch_memory: int = 0
    non_torch_memory: int = 0
    timestamp: float = 0.0
    auto_measure: bool = True

    def __post_init__(self):
        if self.auto_measure:
            self.measure()

    def measure(self):
        # we measure the torch peak memory usage via allocated_bytes,
        # rather than `torch.cuda.memory_reserved()` .
        # After `torch.cuda.reset_peak_memory_stats()`,
        # `torch.cuda.memory_reserved()` will keep growing, and only shrink
        # when we call `torch.cuda.empty_cache()` or OOM happens.
        self.torch_peak = torch.cuda.memory_stats().get(
            "allocated_bytes.all.peak", 0)

        self.free_memory, self.total_memory = torch.cuda.mem_get_info()
        self.cuda_memory = self.total_memory - self.free_memory

        # torch.cuda.memory_reserved() is how many bytes
        # PyTorch gets from cuda (by calling cudaMalloc, etc.)
        # this is used to measure the non-torch memory usage
        self.torch_memory = torch.cuda.memory_reserved()

        self.non_torch_memory = self.cuda_memory - self.torch_memory
        self.timestamp = time.time()

    def __sub__(self, other: MemorySnapshot) -> MemorySnapshot:
        return MemorySnapshot(
            torch_peak=self.torch_peak - other.torch_peak,
            free_memory=self.free_memory - other.free_memory,
            total_memory=self.total_memory - other.total_memory,
            cuda_memory=self.cuda_memory - other.cuda_memory,
            torch_memory=self.torch_memory - other.torch_memory,
            non_torch_memory=self.non_torch_memory - other.non_torch_memory,
            timestamp=self.timestamp - other.timestamp,
            auto_measure=False,
        )

auto_measure class-attribute instance-attribute

auto_measure: bool = True

cuda_memory class-attribute instance-attribute

cuda_memory: int = 0

free_memory class-attribute instance-attribute

free_memory: int = 0

non_torch_memory class-attribute instance-attribute

non_torch_memory: int = 0

timestamp class-attribute instance-attribute

timestamp: float = 0.0

torch_memory class-attribute instance-attribute

torch_memory: int = 0

torch_peak class-attribute instance-attribute

torch_peak: int = 0

total_memory class-attribute instance-attribute

total_memory: int = 0

__init__

__init__(
    torch_peak: int = 0,
    free_memory: int = 0,
    total_memory: int = 0,
    cuda_memory: int = 0,
    torch_memory: int = 0,
    non_torch_memory: int = 0,
    timestamp: float = 0.0,
    auto_measure: bool = True,
) -> None

__post_init__

__post_init__()
Source code in vllm/utils/__init__.py
def __post_init__(self):
    if self.auto_measure:
        self.measure()

__sub__

__sub__(other: MemorySnapshot) -> MemorySnapshot
Source code in vllm/utils/__init__.py
def __sub__(self, other: MemorySnapshot) -> MemorySnapshot:
    return MemorySnapshot(
        torch_peak=self.torch_peak - other.torch_peak,
        free_memory=self.free_memory - other.free_memory,
        total_memory=self.total_memory - other.total_memory,
        cuda_memory=self.cuda_memory - other.cuda_memory,
        torch_memory=self.torch_memory - other.torch_memory,
        non_torch_memory=self.non_torch_memory - other.non_torch_memory,
        timestamp=self.timestamp - other.timestamp,
        auto_measure=False,
    )

measure

measure()
Source code in vllm/utils/__init__.py
def measure(self):
    # we measure the torch peak memory usage via allocated_bytes,
    # rather than `torch.cuda.memory_reserved()` .
    # After `torch.cuda.reset_peak_memory_stats()`,
    # `torch.cuda.memory_reserved()` will keep growing, and only shrink
    # when we call `torch.cuda.empty_cache()` or OOM happens.
    self.torch_peak = torch.cuda.memory_stats().get(
        "allocated_bytes.all.peak", 0)

    self.free_memory, self.total_memory = torch.cuda.mem_get_info()
    self.cuda_memory = self.total_memory - self.free_memory

    # torch.cuda.memory_reserved() is how many bytes
    # PyTorch gets from cuda (by calling cudaMalloc, etc.)
    # this is used to measure the non-torch memory usage
    self.torch_memory = torch.cuda.memory_reserved()

    self.non_torch_memory = self.cuda_memory - self.torch_memory
    self.timestamp = time.time()

PlaceholderModule

Bases: _PlaceholderBase

A placeholder object to use when a module does not exist.

This enables more informative errors when trying to access attributes of a module that does not exist.

Source code in vllm/utils/__init__.py
class PlaceholderModule(_PlaceholderBase):
    """
    A placeholder object to use when a module does not exist.

    This enables more informative errors when trying to access attributes
    of a module that does not exist.
    """

    def __init__(self, name: str) -> None:
        super().__init__()

        # Apply name mangling to avoid conflicting with module attributes
        self.__name = name

    def placeholder_attr(self, attr_path: str):
        return _PlaceholderModuleAttr(self, attr_path)

    def __getattr__(self, key: str):
        name = self.__name

        try:
            importlib.import_module(name)
        except ImportError as exc:
            for extra, names in get_vllm_optional_dependencies().items():
                if name in names:
                    msg = f"Please install vllm[{extra}] for {extra} support"
                    raise ImportError(msg) from exc

            raise exc

        raise AssertionError("PlaceholderModule should not be used "
                             "when the original module can be imported")

__name instance-attribute

__name = name

__getattr__

__getattr__(key: str)
Source code in vllm/utils/__init__.py
def __getattr__(self, key: str):
    name = self.__name

    try:
        importlib.import_module(name)
    except ImportError as exc:
        for extra, names in get_vllm_optional_dependencies().items():
            if name in names:
                msg = f"Please install vllm[{extra}] for {extra} support"
                raise ImportError(msg) from exc

        raise exc

    raise AssertionError("PlaceholderModule should not be used "
                         "when the original module can be imported")

__init__

__init__(name: str) -> None
Source code in vllm/utils/__init__.py
def __init__(self, name: str) -> None:
    super().__init__()

    # Apply name mangling to avoid conflicting with module attributes
    self.__name = name

placeholder_attr

placeholder_attr(attr_path: str)
Source code in vllm/utils/__init__.py
def placeholder_attr(self, attr_path: str):
    return _PlaceholderModuleAttr(self, attr_path)

PyObjectCache

Used to cache python objects to avoid object allocations across scheduler iterations.

Source code in vllm/utils/__init__.py
class PyObjectCache:
    """Used to cache python objects to avoid object allocations
    across scheduler iterations.
    """

    def __init__(self, obj_builder):
        self._obj_builder = obj_builder
        self._index = 0

        self._obj_cache = []
        for _ in range(128):
            self._obj_cache.append(self._obj_builder())

    def _grow_cache(self):
        # Double the size of the cache
        num_objs = len(self._obj_cache)
        for _ in range(num_objs):
            self._obj_cache.append(self._obj_builder())

    def get_object(self):
        """Returns a pre-allocated cached object. If there is not enough
        objects, then the cache size will double.
        """
        if self._index >= len(self._obj_cache):
            self._grow_cache()
            assert self._index < len(self._obj_cache)

        obj = self._obj_cache[self._index]
        self._index += 1

        return obj

    def reset(self):
        """Makes all cached-objects available for the next scheduler iteration.
        """
        self._index = 0

_index instance-attribute

_index = 0

_obj_builder instance-attribute

_obj_builder = obj_builder

_obj_cache instance-attribute

_obj_cache = []

__init__

__init__(obj_builder)
Source code in vllm/utils/__init__.py
def __init__(self, obj_builder):
    self._obj_builder = obj_builder
    self._index = 0

    self._obj_cache = []
    for _ in range(128):
        self._obj_cache.append(self._obj_builder())

_grow_cache

_grow_cache()
Source code in vllm/utils/__init__.py
def _grow_cache(self):
    # Double the size of the cache
    num_objs = len(self._obj_cache)
    for _ in range(num_objs):
        self._obj_cache.append(self._obj_builder())

get_object

get_object()

Returns a pre-allocated cached object. If there is not enough objects, then the cache size will double.

Source code in vllm/utils/__init__.py
def get_object(self):
    """Returns a pre-allocated cached object. If there is not enough
    objects, then the cache size will double.
    """
    if self._index >= len(self._obj_cache):
        self._grow_cache()
        assert self._index < len(self._obj_cache)

    obj = self._obj_cache[self._index]
    self._index += 1

    return obj

reset

reset()

Makes all cached-objects available for the next scheduler iteration.

Source code in vllm/utils/__init__.py
def reset(self):
    """Makes all cached-objects available for the next scheduler iteration.
    """
    self._index = 0

SortedHelpFormatter

Bases: ArgumentDefaultsHelpFormatter, RawDescriptionHelpFormatter

SortedHelpFormatter that sorts arguments by their option strings.

Source code in vllm/utils/__init__.py
class SortedHelpFormatter(ArgumentDefaultsHelpFormatter,
                          RawDescriptionHelpFormatter):
    """SortedHelpFormatter that sorts arguments by their option strings."""

    def _split_lines(self, text, width):
        """
        1. Sentences split across lines have their single newlines removed.
        2. Paragraphs and explicit newlines are split into separate lines.
        3. Each line is wrapped to the specified width (width of terminal).
        """
        # The patterns also include whitespace after the newline
        single_newline = re.compile(r"(?<!\n)\n(?!\n)\s*")
        multiple_newlines = re.compile(r"\n{2,}\s*")
        text = single_newline.sub(' ', text)
        lines = re.split(multiple_newlines, text)
        return sum([textwrap.wrap(line, width) for line in lines], [])

    def add_arguments(self, actions):
        actions = sorted(actions, key=lambda x: x.option_strings)
        super().add_arguments(actions)

_split_lines

_split_lines(text, width)
  1. Sentences split across lines have their single newlines removed.
  2. Paragraphs and explicit newlines are split into separate lines.
  3. Each line is wrapped to the specified width (width of terminal).
Source code in vllm/utils/__init__.py
def _split_lines(self, text, width):
    """
    1. Sentences split across lines have their single newlines removed.
    2. Paragraphs and explicit newlines are split into separate lines.
    3. Each line is wrapped to the specified width (width of terminal).
    """
    # The patterns also include whitespace after the newline
    single_newline = re.compile(r"(?<!\n)\n(?!\n)\s*")
    multiple_newlines = re.compile(r"\n{2,}\s*")
    text = single_newline.sub(' ', text)
    lines = re.split(multiple_newlines, text)
    return sum([textwrap.wrap(line, width) for line in lines], [])

add_arguments

add_arguments(actions)
Source code in vllm/utils/__init__.py
def add_arguments(self, actions):
    actions = sorted(actions, key=lambda x: x.option_strings)
    super().add_arguments(actions)

StoreBoolean

Bases: Action

Source code in vllm/utils/__init__.py
class StoreBoolean(Action):

    def __call__(self, parser, namespace, values, option_string=None):
        if values.lower() == "true":
            setattr(namespace, self.dest, True)
        elif values.lower() == "false":
            setattr(namespace, self.dest, False)
        else:
            raise ValueError(f"Invalid boolean value: {values}. "
                             "Expected 'true' or 'false'.")

__call__

__call__(parser, namespace, values, option_string=None)
Source code in vllm/utils/__init__.py
def __call__(self, parser, namespace, values, option_string=None):
    if values.lower() == "true":
        setattr(namespace, self.dest, True)
    elif values.lower() == "false":
        setattr(namespace, self.dest, False)
    else:
        raise ValueError(f"Invalid boolean value: {values}. "
                         "Expected 'true' or 'false'.")

_MappingOrderCacheView

Bases: UserDict[_K, _V]

Source code in vllm/utils/__init__.py
class _MappingOrderCacheView(UserDict[_K, _V]):

    def __init__(self, data: Mapping[_K, _V], ordered_keys: Mapping[_K, None]):
        super().__init__(data)
        self.ordered_keys = ordered_keys

    def __iter__(self) -> Iterator[_K]:
        return iter(self.ordered_keys)

    def keys(self) -> KeysView[_K]:
        return KeysView(self.ordered_keys)

ordered_keys instance-attribute

ordered_keys = ordered_keys

__init__

__init__(
    data: Mapping[_K, _V], ordered_keys: Mapping[_K, None]
)
Source code in vllm/utils/__init__.py
def __init__(self, data: Mapping[_K, _V], ordered_keys: Mapping[_K, None]):
    super().__init__(data)
    self.ordered_keys = ordered_keys

__iter__

__iter__() -> Iterator[_K]
Source code in vllm/utils/__init__.py
def __iter__(self) -> Iterator[_K]:
    return iter(self.ordered_keys)

keys

keys() -> KeysView[_K]
Source code in vllm/utils/__init__.py
def keys(self) -> KeysView[_K]:
    return KeysView(self.ordered_keys)

_PlaceholderBase

Disallows downstream usage of placeholder modules.

We need to explicitly override each dunder method because __getattr__ is not called when they are accessed.

Info

Special method lookup

Source code in vllm/utils/__init__.py
class _PlaceholderBase:
    """
    Disallows downstream usage of placeholder modules.

    We need to explicitly override each dunder method because
    [`__getattr__`][vllm.utils._PlaceholderBase.__getattr__]
    is not called when they are accessed.

    Info:
        [Special method lookup](https://docs.python.org/3/reference/datamodel.html#special-lookup)
    """

    def __getattr__(self, key: str) -> Never:
        """
        The main class should implement this to throw an error
        for attribute accesses representing downstream usage.
        """
        raise NotImplementedError

    # [Basic customization]

    def __lt__(self, other: object):
        return self.__getattr__("__lt__")

    def __le__(self, other: object):
        return self.__getattr__("__le__")

    def __eq__(self, other: object):
        return self.__getattr__("__eq__")

    def __ne__(self, other: object):
        return self.__getattr__("__ne__")

    def __gt__(self, other: object):
        return self.__getattr__("__gt__")

    def __ge__(self, other: object):
        return self.__getattr__("__ge__")

    def __hash__(self):
        return self.__getattr__("__hash__")

    def __bool__(self):
        return self.__getattr__("__bool__")

    # [Callable objects]

    def __call__(self, *args: object, **kwargs: object):
        return self.__getattr__("__call__")

    # [Container types]

    def __len__(self):
        return self.__getattr__("__len__")

    def __getitem__(self, key: object):
        return self.__getattr__("__getitem__")

    def __setitem__(self, key: object, value: object):
        return self.__getattr__("__setitem__")

    def __delitem__(self, key: object):
        return self.__getattr__("__delitem__")

    # __missing__ is optional according to __getitem__ specification,
    # so it is skipped

    # __iter__ and __reversed__ have a default implementation
    # based on __len__ and __getitem__, so they are skipped.

    # [Numeric Types]

    def __add__(self, other: object):
        return self.__getattr__("__add__")

    def __sub__(self, other: object):
        return self.__getattr__("__sub__")

    def __mul__(self, other: object):
        return self.__getattr__("__mul__")

    def __matmul__(self, other: object):
        return self.__getattr__("__matmul__")

    def __truediv__(self, other: object):
        return self.__getattr__("__truediv__")

    def __floordiv__(self, other: object):
        return self.__getattr__("__floordiv__")

    def __mod__(self, other: object):
        return self.__getattr__("__mod__")

    def __divmod__(self, other: object):
        return self.__getattr__("__divmod__")

    def __pow__(self, other: object, modulo: object = ...):
        return self.__getattr__("__pow__")

    def __lshift__(self, other: object):
        return self.__getattr__("__lshift__")

    def __rshift__(self, other: object):
        return self.__getattr__("__rshift__")

    def __and__(self, other: object):
        return self.__getattr__("__and__")

    def __xor__(self, other: object):
        return self.__getattr__("__xor__")

    def __or__(self, other: object):
        return self.__getattr__("__or__")

    # r* and i* methods have lower priority than
    # the methods for left operand so they are skipped

    def __neg__(self):
        return self.__getattr__("__neg__")

    def __pos__(self):
        return self.__getattr__("__pos__")

    def __abs__(self):
        return self.__getattr__("__abs__")

    def __invert__(self):
        return self.__getattr__("__invert__")

    # __complex__, __int__ and __float__ have a default implementation
    # based on __index__, so they are skipped.

    def __index__(self):
        return self.__getattr__("__index__")

    def __round__(self, ndigits: object = ...):
        return self.__getattr__("__round__")

    def __trunc__(self):
        return self.__getattr__("__trunc__")

    def __floor__(self):
        return self.__getattr__("__floor__")

    def __ceil__(self):
        return self.__getattr__("__ceil__")

    # [Context managers]

    def __enter__(self):
        return self.__getattr__("__enter__")

    def __exit__(self, *args: object, **kwargs: object):
        return self.__getattr__("__exit__")

__abs__

__abs__()
Source code in vllm/utils/__init__.py
def __abs__(self):
    return self.__getattr__("__abs__")

__add__

__add__(other: object)
Source code in vllm/utils/__init__.py
def __add__(self, other: object):
    return self.__getattr__("__add__")

__and__

__and__(other: object)
Source code in vllm/utils/__init__.py
def __and__(self, other: object):
    return self.__getattr__("__and__")

__bool__

__bool__()
Source code in vllm/utils/__init__.py
def __bool__(self):
    return self.__getattr__("__bool__")

__call__

__call__(*args: object, **kwargs: object)
Source code in vllm/utils/__init__.py
def __call__(self, *args: object, **kwargs: object):
    return self.__getattr__("__call__")

__ceil__

__ceil__()
Source code in vllm/utils/__init__.py
def __ceil__(self):
    return self.__getattr__("__ceil__")

__delitem__

__delitem__(key: object)
Source code in vllm/utils/__init__.py
def __delitem__(self, key: object):
    return self.__getattr__("__delitem__")

__divmod__

__divmod__(other: object)
Source code in vllm/utils/__init__.py
def __divmod__(self, other: object):
    return self.__getattr__("__divmod__")

__enter__

__enter__()
Source code in vllm/utils/__init__.py
def __enter__(self):
    return self.__getattr__("__enter__")

__eq__

__eq__(other: object)
Source code in vllm/utils/__init__.py
def __eq__(self, other: object):
    return self.__getattr__("__eq__")

__exit__

__exit__(*args: object, **kwargs: object)
Source code in vllm/utils/__init__.py
def __exit__(self, *args: object, **kwargs: object):
    return self.__getattr__("__exit__")

__floor__

__floor__()
Source code in vllm/utils/__init__.py
def __floor__(self):
    return self.__getattr__("__floor__")

__floordiv__

__floordiv__(other: object)
Source code in vllm/utils/__init__.py
def __floordiv__(self, other: object):
    return self.__getattr__("__floordiv__")

__ge__

__ge__(other: object)
Source code in vllm/utils/__init__.py
def __ge__(self, other: object):
    return self.__getattr__("__ge__")

__getattr__

__getattr__(key: str) -> Never

The main class should implement this to throw an error for attribute accesses representing downstream usage.

Source code in vllm/utils/__init__.py
def __getattr__(self, key: str) -> Never:
    """
    The main class should implement this to throw an error
    for attribute accesses representing downstream usage.
    """
    raise NotImplementedError

__getitem__

__getitem__(key: object)
Source code in vllm/utils/__init__.py
def __getitem__(self, key: object):
    return self.__getattr__("__getitem__")

__gt__

__gt__(other: object)
Source code in vllm/utils/__init__.py
def __gt__(self, other: object):
    return self.__getattr__("__gt__")

__hash__

__hash__()
Source code in vllm/utils/__init__.py
def __hash__(self):
    return self.__getattr__("__hash__")

__index__

__index__()
Source code in vllm/utils/__init__.py
def __index__(self):
    return self.__getattr__("__index__")

__invert__

__invert__()
Source code in vllm/utils/__init__.py
def __invert__(self):
    return self.__getattr__("__invert__")

__le__

__le__(other: object)
Source code in vllm/utils/__init__.py
def __le__(self, other: object):
    return self.__getattr__("__le__")

__len__

__len__()
Source code in vllm/utils/__init__.py
def __len__(self):
    return self.__getattr__("__len__")

__lshift__

__lshift__(other: object)
Source code in vllm/utils/__init__.py
def __lshift__(self, other: object):
    return self.__getattr__("__lshift__")

__lt__

__lt__(other: object)
Source code in vllm/utils/__init__.py
def __lt__(self, other: object):
    return self.__getattr__("__lt__")

__matmul__

__matmul__(other: object)
Source code in vllm/utils/__init__.py
def __matmul__(self, other: object):
    return self.__getattr__("__matmul__")

__mod__

__mod__(other: object)
Source code in vllm/utils/__init__.py
def __mod__(self, other: object):
    return self.__getattr__("__mod__")

__mul__

__mul__(other: object)
Source code in vllm/utils/__init__.py
def __mul__(self, other: object):
    return self.__getattr__("__mul__")

__ne__

__ne__(other: object)
Source code in vllm/utils/__init__.py
def __ne__(self, other: object):
    return self.__getattr__("__ne__")

__neg__

__neg__()
Source code in vllm/utils/__init__.py
def __neg__(self):
    return self.__getattr__("__neg__")

__or__

__or__(other: object)
Source code in vllm/utils/__init__.py
def __or__(self, other: object):
    return self.__getattr__("__or__")

__pos__

__pos__()
Source code in vllm/utils/__init__.py
def __pos__(self):
    return self.__getattr__("__pos__")

__pow__

__pow__(other: object, modulo: object = ...)
Source code in vllm/utils/__init__.py
def __pow__(self, other: object, modulo: object = ...):
    return self.__getattr__("__pow__")

__round__

__round__(ndigits: object = ...)
Source code in vllm/utils/__init__.py
def __round__(self, ndigits: object = ...):
    return self.__getattr__("__round__")

__rshift__

__rshift__(other: object)
Source code in vllm/utils/__init__.py
def __rshift__(self, other: object):
    return self.__getattr__("__rshift__")

__setitem__

__setitem__(key: object, value: object)
Source code in vllm/utils/__init__.py
def __setitem__(self, key: object, value: object):
    return self.__getattr__("__setitem__")

__sub__

__sub__(other: object)
Source code in vllm/utils/__init__.py
def __sub__(self, other: object):
    return self.__getattr__("__sub__")

__truediv__

__truediv__(other: object)
Source code in vllm/utils/__init__.py
def __truediv__(self, other: object):
    return self.__getattr__("__truediv__")

__trunc__

__trunc__()
Source code in vllm/utils/__init__.py
def __trunc__(self):
    return self.__getattr__("__trunc__")

__xor__

__xor__(other: object)
Source code in vllm/utils/__init__.py
def __xor__(self, other: object):
    return self.__getattr__("__xor__")

_PlaceholderModuleAttr

Bases: _PlaceholderBase

Source code in vllm/utils/__init__.py
class _PlaceholderModuleAttr(_PlaceholderBase):

    def __init__(self, module: PlaceholderModule, attr_path: str) -> None:
        super().__init__()

        # Apply name mangling to avoid conflicting with module attributes
        self.__module = module
        self.__attr_path = attr_path

    def placeholder_attr(self, attr_path: str):
        return _PlaceholderModuleAttr(self.__module,
                                      f"{self.__attr_path}.{attr_path}")

    def __getattr__(self, key: str):
        getattr(self.__module, f"{self.__attr_path}.{key}")

        raise AssertionError("PlaceholderModule should not be used "
                             "when the original module can be imported")

__attr_path instance-attribute

__attr_path = attr_path

__module instance-attribute

__module = module

__getattr__

__getattr__(key: str)
Source code in vllm/utils/__init__.py
def __getattr__(self, key: str):
    getattr(self.__module, f"{self.__attr_path}.{key}")

    raise AssertionError("PlaceholderModule should not be used "
                         "when the original module can be imported")

__init__

__init__(module: PlaceholderModule, attr_path: str) -> None
Source code in vllm/utils/__init__.py
def __init__(self, module: PlaceholderModule, attr_path: str) -> None:
    super().__init__()

    # Apply name mangling to avoid conflicting with module attributes
    self.__module = module
    self.__attr_path = attr_path

placeholder_attr

placeholder_attr(attr_path: str)
Source code in vllm/utils/__init__.py
def placeholder_attr(self, attr_path: str):
    return _PlaceholderModuleAttr(self.__module,
                                  f"{self.__attr_path}.{attr_path}")

_Sentinel

Source code in vllm/utils/__init__.py
class _Sentinel:
    ...

_StreamPlaceholder

Source code in vllm/utils/__init__.py
class _StreamPlaceholder:

    def __init__(self):
        self.synchronize = lambda: None

synchronize instance-attribute

synchronize = lambda: None

__init__

__init__()
Source code in vllm/utils/__init__.py
def __init__(self):
    self.synchronize = lambda: None

_add_prefix

_add_prefix(
    file: TextIO, worker_name: str, pid: int
) -> None

Prepend each output line with process-specific prefix

Source code in vllm/utils/__init__.py
def _add_prefix(file: TextIO, worker_name: str, pid: int) -> None:
    """Prepend each output line with process-specific prefix"""

    prefix = f"{CYAN}({worker_name} pid={pid}){RESET} "
    file_write = file.write

    def write_with_prefix(s: str):
        if not s:
            return
        if file.start_new_line:  # type: ignore[attr-defined]
            file_write(prefix)
        idx = 0
        while (next_idx := s.find('\n', idx)) != -1:
            next_idx += 1
            file_write(s[idx:next_idx])
            if next_idx == len(s):
                file.start_new_line = True  # type: ignore[attr-defined]
                return
            file_write(prefix)
            idx = next_idx
        file_write(s[idx:])
        file.start_new_line = False  # type: ignore[attr-defined]

    file.start_new_line = True  # type: ignore[attr-defined]
    file.write = write_with_prefix  # type: ignore[method-assign]

_cuda_device_count_stateless cached

_cuda_device_count_stateless(
    cuda_visible_devices: Optional[str] = None,
) -> int
Source code in vllm/utils/__init__.py
@lru_cache(maxsize=8)
def _cuda_device_count_stateless(
        cuda_visible_devices: Optional[str] = None) -> int:
    # Note: cuda_visible_devices is not used, but we keep it as an argument for
    # LRU Cache purposes.

    # Code below is based on
    # https://github.com/pytorch/pytorch/blob/
    # c1cd946818442aca8c7f812b16d187ce1586c3bc/
    # torch/cuda/__init__.py#L831C1-L831C17
    import torch.cuda
    import torch.version

    from vllm.platforms import current_platform
    if not torch.cuda._is_compiled():
        return 0
    if current_platform.is_rocm():
        # ROCm uses amdsmi instead of nvml for stateless device count
        # This requires a sufficiently modern version of Torch 2.4.0
        raw_count = torch.cuda._device_count_amdsmi() if (hasattr(
            torch.cuda, "_device_count_amdsmi")) else -1
    else:
        raw_count = torch.cuda._device_count_nvml()
    r = torch._C._cuda_getDeviceCount() if raw_count < 0 else raw_count
    return r

_generate_random_fp8

_generate_random_fp8(
    tensor: Tensor, low: float, high: float
) -> None
Source code in vllm/utils/__init__.py
def _generate_random_fp8(
    tensor: torch.Tensor,
    low: float,
    high: float,
) -> None:
    # NOTE(zhaoyang): Due to NaN and Inf representation for fp8 data type,
    # it may occur Inf or NaN if we directly use torch.randint
    # to generate random data for fp8 data.
    # For example, s.11111.00 in fp8e5m2 format represents Inf.
    #     | E4M3        | E5M2
    # -----|-------------|-------------------
    # Inf | N/A         | s.11111.00
    # NaN | s.1111.111  | s.11111.{01,10,11}
    from vllm import _custom_ops as ops
    tensor_tmp = torch.empty_like(tensor, dtype=torch.float16)
    tensor_tmp.uniform_(low, high)
    ops.convert_fp8(tensor, tensor_tmp)
    del tensor_tmp

_get_open_port

_get_open_port() -> int
Source code in vllm/utils/__init__.py
def _get_open_port() -> int:
    port = envs.VLLM_PORT
    if port is not None:
        while True:
            try:
                with socket.socket(socket.AF_INET, socket.SOCK_STREAM) as s:
                    s.bind(("", port))
                    return port
            except OSError:
                port += 1  # Increment port number if already in use
                logger.info("Port %d is already in use, trying port %d",
                            port - 1, port)
    # try ipv4
    try:
        with socket.socket(socket.AF_INET, socket.SOCK_STREAM) as s:
            s.bind(("", 0))
            return s.getsockname()[1]
    except OSError:
        # try ipv6
        with socket.socket(socket.AF_INET6, socket.SOCK_STREAM) as s:
            s.bind(("", 0))
            return s.getsockname()[1]

_get_precision_level

_get_precision_level(dtype: dtype) -> int
Source code in vllm/utils/__init__.py
def _get_precision_level(dtype: torch.dtype) -> int:
    # NOTE: Complex dtypes return `is_floating_point=False`
    return ((dtype != torch.bool) + dtype.is_floating_point +
            dtype.is_complex * 2)

_has_module cached

_has_module(module_name: str) -> bool

Return True if module_name can be found in the current environment.

The result is cached so that subsequent queries for the same module incur no additional overhead.

Source code in vllm/utils/__init__.py
@cache
def _has_module(module_name: str) -> bool:
    """Return True if *module_name* can be found in the current environment.

    The result is cached so that subsequent queries for the same module incur
    no additional overhead.
    """
    return importlib.util.find_spec(module_name) is not None

_is_torch_equal_or_newer

_is_torch_equal_or_newer(
    torch_version: str, target: str
) -> bool
Source code in vllm/utils/__init__.py
def _is_torch_equal_or_newer(torch_version: str, target: str) -> bool:
    torch_version = version.parse(torch_version)
    return torch_version >= version.parse(target)

_maybe_force_spawn

_maybe_force_spawn()

Check if we need to force the use of the spawn multiprocessing start method.

Source code in vllm/utils/__init__.py
def _maybe_force_spawn():
    """Check if we need to force the use of the `spawn` multiprocessing start
    method.
    """
    if os.environ.get("VLLM_WORKER_MULTIPROC_METHOD") == "spawn":
        return

    reasons = []
    if is_in_ray_actor():
        # even if we choose to spawn, we need to pass the ray address
        # to the subprocess so that it knows how to connect to the ray cluster.
        # env vars are inherited by subprocesses, even if we use spawn.
        import ray
        os.environ["RAY_ADDRESS"] = ray.get_runtime_context().gcs_address
        reasons.append("In a Ray actor and can only be spawned")

    if cuda_is_initialized():
        reasons.append("CUDA is initialized")
    elif xpu_is_initialized():
        reasons.append("XPU is initialized")

    if reasons:
        logger.warning(
            "We must use the `spawn` multiprocessing start method. "
            "Overriding VLLM_WORKER_MULTIPROC_METHOD to 'spawn'. "
            "See https://docs.vllm.ai/en/latest/usage/"
            "troubleshooting.html#python-multiprocessing "
            "for more information. Reasons: %s", "; ".join(reasons))
        os.environ["VLLM_WORKER_MULTIPROC_METHOD"] = "spawn"

_next_task

_next_task(
    iterator: AsyncGenerator[T, None],
    loop: AbstractEventLoop,
) -> Task
Source code in vllm/utils/__init__.py
def _next_task(iterator: AsyncGenerator[T, None],
               loop: AbstractEventLoop) -> Task:
    # Can use anext() in python >= 3.10
    return loop.create_task(iterator.__anext__())  # type: ignore[arg-type]

_patched_set_stream

_patched_set_stream(stream: Stream) -> None
Source code in vllm/utils/__init__.py
def _patched_set_stream(stream: torch.cuda.Stream) -> None:
    _current_stream_tls.value = stream
    prev_set_stream(stream)

_run_task_with_lock async

_run_task_with_lock(
    task: Callable, lock: Lock, *args, **kwargs
)

Utility function to run async task in a lock

Source code in vllm/utils/__init__.py
async def _run_task_with_lock(task: Callable, lock: asyncio.Lock, *args,
                              **kwargs):
    """Utility function to run async task in a lock"""
    async with lock:
        return await task(*args, **kwargs)

as_iter

as_iter(obj: Union[T, Iterable[T]]) -> Iterable[T]
Source code in vllm/utils/__init__.py
def as_iter(obj: Union[T, Iterable[T]]) -> Iterable[T]:
    if isinstance(obj, str) or not isinstance(obj, Iterable):
        return [obj]  # type: ignore[list-item]
    return obj

as_list

as_list(maybe_list: Iterable[T]) -> list[T]

Convert iterable to list, unless it's already a list.

Source code in vllm/utils/__init__.py
def as_list(maybe_list: Iterable[T]) -> list[T]:
    """Convert iterable to list, unless it's already a list."""
    return maybe_list if isinstance(maybe_list, list) else list(maybe_list)

async_tensor_h2d

async_tensor_h2d(
    data: list,
    dtype: dtype,
    target_device: Union[str, device],
    pin_memory: bool,
) -> Tensor

Asynchronously create a tensor and copy it from host to device.

Source code in vllm/utils/__init__.py
def async_tensor_h2d(
    data: list,
    dtype: torch.dtype,
    target_device: Union[str, torch.device],
    pin_memory: bool,
) -> torch.Tensor:
    """Asynchronously create a tensor and copy it from host to device."""
    t = torch.tensor(data, dtype=dtype, pin_memory=pin_memory, device="cpu")
    return t.to(device=target_device, non_blocking=True)

bind_kv_cache

bind_kv_cache(
    ctx: dict[str, Any],
    kv_cache: list[list[Tensor]],
    shared_kv_cache_layers: Optional[dict[str, str]] = None,
) -> None
Source code in vllm/utils/__init__.py
def bind_kv_cache(
    ctx: dict[str, Any],
    kv_cache: list[list[torch.Tensor]],  # [virtual_engine][layer_index]
    shared_kv_cache_layers: Optional[dict[str, str]] = None
) -> None:
    # Bind the kv_cache tensor to Attention modules, similar to
    # ctx[layer_name].kv_cache[ve]=kv_cache[ve][extract_layer_index(layer_name)]
    # Special things handled here:
    # 1. Some models have non-attention layers, e.g., Jamba
    # 2. Pipeline parallelism, each rank only has a subset of layers
    # 3. Encoder attention has no kv cache
    # 4. Encoder-decoder models, encoder-decoder attention and decoder-only
    #    attention of the same layer (e.g., bart's decoder.layers.1.self_attn
    #    and decoder.layers.1.encoder_attn) is mapped to the same kv cache
    #    tensor
    # 5. Some models have attention layers that share kv cache with previous
    #    layers, this is specified through shared_kv_cache_layers
    if shared_kv_cache_layers is None:
        shared_kv_cache_layers = {}
    from vllm.attention import AttentionType
    from vllm.model_executor.models.utils import extract_layer_index
    layer_need_kv_cache = [
        layer_name for layer_name in ctx
        if (hasattr(ctx[layer_name], 'attn_type') and ctx[layer_name].attn_type
            in (AttentionType.DECODER, AttentionType.ENCODER_DECODER)) \
                and ctx[layer_name].kv_sharing_target_layer_name is None
    ]
    layer_index_sorted = sorted(
        set(
            extract_layer_index(layer_name)
            for layer_name in layer_need_kv_cache))
    for layer_name in layer_need_kv_cache:
        kv_cache_idx = layer_index_sorted.index(
            extract_layer_index(layer_name))
        forward_ctx = ctx[layer_name]
        assert len(forward_ctx.kv_cache) == len(kv_cache)
        for ve, ve_kv_cache in enumerate(kv_cache):
            forward_ctx.kv_cache[ve] = ve_kv_cache[kv_cache_idx]
    if shared_kv_cache_layers is not None:
        for layer_name, target_layer_name in shared_kv_cache_layers.items():
            assert extract_layer_index(target_layer_name) < \
               extract_layer_index(layer_name), \
                   "v0 doesn't support interleaving kv sharing"
            ctx[layer_name].kv_cache = ctx[target_layer_name].kv_cache

cancel_task_threadsafe

cancel_task_threadsafe(task: Task)
Source code in vllm/utils/__init__.py
def cancel_task_threadsafe(task: Task):
    if task and not task.done():
        run_in_loop(task.get_loop(), task.cancel)

cdiv

cdiv(a: int, b: int) -> int

Ceiling division.

Source code in vllm/utils/__init__.py
def cdiv(a: int, b: int) -> int:
    """Ceiling division."""
    return -(a // -b)

check_use_alibi

check_use_alibi(model_config: ModelConfig) -> bool
Source code in vllm/utils/__init__.py
def check_use_alibi(model_config: ModelConfig) -> bool:
    cfg = model_config.hf_text_config
    return (getattr(cfg, "alibi", False)  # Falcon
            or ("BloomForCausalLM" in getattr(model_config.hf_config,
                                              "architectures", []))  # Bloom
            or getattr(cfg, "position_encoding_type", "") ==
            "alibi"  # codellm_1b_alibi
            or (hasattr(cfg, "attn_config")  # MPT
                and ((isinstance(cfg.attn_config, dict)
                      and cfg.attn_config.get("alibi", False)) or
                     (not isinstance(cfg.attn_config, dict)
                      and getattr(cfg.attn_config, "alibi", False)))))

chunk_list

chunk_list(lst: list[T], chunk_size: int)

Yield successive chunk_size chunks from lst.

Source code in vllm/utils/__init__.py
def chunk_list(lst: list[T], chunk_size: int):
    """Yield successive chunk_size chunks from lst."""
    for i in range(0, len(lst), chunk_size):
        yield lst[i:i + chunk_size]

close_sockets

close_sockets(sockets: Sequence[Union[Socket, Socket]])
Source code in vllm/utils/__init__.py
def close_sockets(sockets: Sequence[Union[zmq.Socket, zmq.asyncio.Socket]]):
    for sock in sockets:
        if sock is not None:
            sock.close(linger=0)

collect_from_async_generator async

collect_from_async_generator(
    iterator: AsyncGenerator[T, None],
) -> list[T]

Collect all items from an async generator into a list.

Source code in vllm/utils/__init__.py
async def collect_from_async_generator(
        iterator: AsyncGenerator[T, None]) -> list[T]:
    """Collect all items from an async generator into a list."""
    items = []
    async for item in iterator:
        items.append(item)
    return items

common_broadcastable_dtype

common_broadcastable_dtype(dtypes: Collection[dtype])

Get the common dtype where all of the other dtypes can be cast to it without losing any information.

Source code in vllm/utils/__init__.py
def common_broadcastable_dtype(dtypes: Collection[torch.dtype]):
    """
    Get the common `dtype` where all of the other `dtypes` can be
    cast to it without losing any information.
    """
    return max(
        dtypes,
        key=lambda dtype: sum(is_lossless_cast(dt, dtype) for dt in dtypes),
    )

cprofile

cprofile(
    save_file: Optional[str] = None, enabled: bool = True
)

Decorator to profile a Python method using cProfile.

Parameters:

Name Type Description Default
save_file Optional[str]

Path to save the profile result. If "1", None, or "", results will be printed to stdout.

None
enabled bool

Set to false to turn this into a no-op

True
Source code in vllm/utils/__init__.py
def cprofile(save_file: Optional[str] = None, enabled: bool = True):
    """Decorator to profile a Python method using cProfile.

    Args:
        save_file: Path to save the profile result.
            If "1", None, or "", results will be printed to stdout.
        enabled: Set to false to turn this into a no-op
    """

    def decorator(func: Callable):

        @wraps(func)
        def wrapper(*args, **kwargs):
            if not enabled:
                # If profiling is disabled, just call the function directly.
                return func(*args, **kwargs)

            with cprofile_context(save_file):
                return func(*args, **kwargs)

        return wrapper

    return decorator

cprofile_context

cprofile_context(save_file: Optional[str] = None)

Run a cprofile

Parameters:

Name Type Description Default
save_file Optional[str]

path to save the profile result. "1" or None will result in printing to stdout.

None
Source code in vllm/utils/__init__.py
@contextlib.contextmanager
def cprofile_context(save_file: Optional[str] = None):
    """Run a cprofile

    Args:
        save_file: path to save the profile result. "1" or
            None will result in printing to stdout.
    """
    import cProfile

    prof = cProfile.Profile()
    prof.enable()

    try:
        yield
    finally:
        prof.disable()
        if save_file and save_file != "1":
            prof.dump_stats(save_file)
        else:
            prof.print_stats(sort="cumtime")

create_kv_caches_with_random

create_kv_caches_with_random(
    num_blocks: int,
    block_size: int,
    num_layers: int,
    num_heads: int,
    head_size: int,
    cache_dtype: Optional[Union[str, dtype]],
    model_dtype: Optional[Union[str, dtype]] = None,
    seed: Optional[int] = None,
    device: Optional[str] = "cuda",
) -> tuple[list[Tensor], list[Tensor]]
Source code in vllm/utils/__init__.py
def create_kv_caches_with_random(
    num_blocks: int,
    block_size: int,
    num_layers: int,
    num_heads: int,
    head_size: int,
    cache_dtype: Optional[Union[str, torch.dtype]],
    model_dtype: Optional[Union[str, torch.dtype]] = None,
    seed: Optional[int] = None,
    device: Optional[str] = "cuda",
) -> tuple[list[torch.Tensor], list[torch.Tensor]]:
    if cache_dtype == "fp8" and head_size % 16:
        raise ValueError(
            f"Does not support key cache of type fp8 with head_size {head_size}"
        )
    from vllm.platforms import current_platform
    current_platform.seed_everything(seed)

    torch_dtype = get_kv_cache_torch_dtype(cache_dtype, model_dtype)

    scale = head_size**-0.5
    x = 16 // torch.tensor([], dtype=torch_dtype).element_size()
    key_cache_shape = (num_blocks, num_heads, head_size // x, block_size, x)
    key_caches: list[torch.Tensor] = []
    for _ in range(num_layers):
        key_cache = torch.empty(size=key_cache_shape,
                                dtype=torch_dtype,
                                device=device)
        if cache_dtype in ["auto", "half", "bfloat16", "float"]:
            key_cache.uniform_(-scale, scale)
        elif cache_dtype == 'fp8':
            _generate_random_fp8(key_cache, -scale, scale)
        else:
            raise ValueError(
                f"Does not support key cache of type {cache_dtype}")
        key_caches.append(key_cache)

    value_cache_shape = (num_blocks, num_heads, head_size, block_size)
    value_caches: list[torch.Tensor] = []
    for _ in range(num_layers):
        value_cache = torch.empty(size=value_cache_shape,
                                  dtype=torch_dtype,
                                  device=device)
        if cache_dtype in ["auto", "half", "bfloat16", "float"]:
            value_cache.uniform_(-scale, scale)
        elif cache_dtype == 'fp8':
            _generate_random_fp8(value_cache, -scale, scale)
        else:
            raise ValueError(
                f"Does not support value cache of type {cache_dtype}")
        value_caches.append(value_cache)
    return key_caches, value_caches

create_kv_caches_with_random_flash

create_kv_caches_with_random_flash(
    num_blocks: int,
    block_size: int,
    num_layers: int,
    num_heads: int,
    head_size: int,
    cache_dtype: Optional[Union[str, dtype]],
    model_dtype: Optional[Union[str, dtype]] = None,
    seed: Optional[int] = None,
    device: Optional[str] = "cuda",
    cache_layout: Optional[str] = "NHD",
) -> tuple[list[Tensor], list[Tensor]]
Source code in vllm/utils/__init__.py
def create_kv_caches_with_random_flash(
    num_blocks: int,
    block_size: int,
    num_layers: int,
    num_heads: int,
    head_size: int,
    cache_dtype: Optional[Union[str, torch.dtype]],
    model_dtype: Optional[Union[str, torch.dtype]] = None,
    seed: Optional[int] = None,
    device: Optional[str] = "cuda",
    cache_layout: Optional[str] = "NHD",
) -> tuple[list[torch.Tensor], list[torch.Tensor]]:
    from vllm.platforms import current_platform
    current_platform.seed_everything(seed)

    torch_dtype = get_kv_cache_torch_dtype(cache_dtype, model_dtype)
    generic_kv_cache_shape = (num_blocks, 2, block_size, num_heads, head_size)
    assert cache_layout in ("NHD", "HND")
    stride_order = (0, 1, 2, 3, 4) if cache_layout == "NHD" else (0, 1, 3, 2,
                                                                  4)

    kv_cache_allocation_shape = tuple(generic_kv_cache_shape[i]
                                      for i in stride_order)
    scale = head_size**-0.5

    key_caches: list[torch.Tensor] = []
    value_caches: list[torch.Tensor] = []

    for _ in range(num_layers):
        key_value_cache = torch.empty(size=kv_cache_allocation_shape,
                                      dtype=torch_dtype,
                                      device=device).permute(*stride_order)
        if cache_dtype in ["auto", "half", "bfloat16", "float"]:
            key_value_cache.uniform_(-scale, scale)
        elif cache_dtype == 'fp8':
            _generate_random_fp8(key_value_cache, -scale, scale)
        else:
            raise ValueError(
                f"Does not support key cache of type {cache_dtype}")
        key_caches.append(key_value_cache[:, 0])
        value_caches.append(key_value_cache[:, 1])
    return key_caches, value_caches

cuda_device_count_stateless

cuda_device_count_stateless() -> int

Get number of CUDA devices, caching based on the value of CUDA_VISIBLE_DEVICES at the time of call.

This should be used instead of torch.cuda.device_count() unless CUDA_VISIBLE_DEVICES has already been set to the desired value.

Source code in vllm/utils/__init__.py
def cuda_device_count_stateless() -> int:
    """Get number of CUDA devices, caching based on the value of
    CUDA_VISIBLE_DEVICES at the time of call.

    This should be used instead of torch.cuda.device_count()
    unless CUDA_VISIBLE_DEVICES has already been set to the desired
    value."""

    # This can be removed and simply replaced with torch.cuda.get_device_count
    # after https://github.com/pytorch/pytorch/pull/122815 is released.
    return _cuda_device_count_stateless(envs.CUDA_VISIBLE_DEVICES)

cuda_get_device_properties

cuda_get_device_properties(
    device, names: Sequence[str], init_cuda=False
) -> tuple[Any, ...]

Get specified CUDA device property values without initializing CUDA in the current process.

Source code in vllm/utils/__init__.py
def cuda_get_device_properties(device,
                               names: Sequence[str],
                               init_cuda=False) -> tuple[Any, ...]:
    """Get specified CUDA device property values without initializing CUDA in
    the current process."""
    if init_cuda or cuda_is_initialized():
        props = torch.cuda.get_device_properties(device)
        return tuple(getattr(props, name) for name in names)

    # Run in subprocess to avoid initializing CUDA as a side effect.
    mp_ctx = multiprocessing.get_context("fork")
    with ProcessPoolExecutor(max_workers=1, mp_context=mp_ctx) as executor:
        return executor.submit(cuda_get_device_properties, device, names,
                               True).result()

cuda_is_initialized

cuda_is_initialized() -> bool

Check if CUDA is initialized.

Source code in vllm/utils/__init__.py
def cuda_is_initialized() -> bool:
    """Check if CUDA is initialized."""
    if not torch.cuda._is_compiled():
        return False
    return torch.cuda.is_initialized()

current_stream

current_stream() -> Stream

replace torch.cuda.current_stream() with vllm.utils.current_stream(). it turns out that torch.cuda.current_stream() is quite expensive, as it will construct a new stream object at each call. here we patch torch.cuda.set_stream to keep track of the current stream directly, so that we can avoid calling torch.cuda.current_stream().

the underlying hypothesis is that we do not call torch._C._cuda_setStream from C/C++ code.

Source code in vllm/utils/__init__.py
def current_stream() -> torch.cuda.Stream:
    """
    replace `torch.cuda.current_stream()` with `vllm.utils.current_stream()`.
    it turns out that `torch.cuda.current_stream()` is quite expensive,
    as it will construct a new stream object at each call.
    here we patch `torch.cuda.set_stream` to keep track of the current stream
    directly, so that we can avoid calling `torch.cuda.current_stream()`.

    the underlying hypothesis is that we do not call `torch._C._cuda_setStream`
    from C/C++ code.
    """
    from vllm.platforms import current_platform
    if not hasattr(_current_stream_tls,
                   "value") or _current_stream_tls.value is None:
        # when this function is called before any stream is set,
        # we return the default stream.
        # On ROCm using the default 0 stream in combination with RCCL
        # is hurting performance. Therefore creating a dedicated stream
        # per process
        if current_platform.is_rocm():
            # torch.cuda.set_stream here is the alias of _pathed_set_stream
            torch.cuda.set_stream(torch.cuda.Stream())
        elif current_platform.is_cpu():
            _current_stream_tls.value = _StreamPlaceholder()
        else:
            current_stream = current_platform.current_stream
            if current_stream is not None:
                _current_stream_tls.value = current_stream()
            else:
                raise ValueError(
                    "Fail to set current stream, current platform "
                    "may not support current_stream with torch API")
    return _current_stream_tls.value

decorate_logs

decorate_logs(process_name: Optional[str] = None) -> None

Adds a process-specific prefix to each line of output written to stdout and stderr.

This function is intended to be called before initializing the api_server, engine_core, or worker classes, so that all subsequent output from the process is prefixed with the process name and PID. This helps distinguish log output from different processes in multi-process environments.

Parameters:

Name Type Description Default
process_name Optional[str]

Optional; the name of the process to use in the prefix. If not provided, the current process name from the multiprocessing context is used.

None
Source code in vllm/utils/__init__.py
def decorate_logs(process_name: Optional[str] = None) -> None:
    """
    Adds a process-specific prefix to each line of output written to stdout and
    stderr.

    This function is intended to be called before initializing the api_server,
    engine_core, or worker classes, so that all subsequent output from the
    process is prefixed with the process name and PID. This helps distinguish
    log output from different processes in multi-process environments.

    Args:
        process_name: Optional; the name of the process to use in the prefix.
            If not provided, the current process name from the multiprocessing
            context is used.
    """
    if process_name is None:
        process_name = get_mp_context().current_process().name
    pid = os.getpid()
    _add_prefix(sys.stdout, process_name, pid)
    _add_prefix(sys.stderr, process_name, pid)

deprecate_args

deprecate_args(
    start_index: int,
    is_deprecated: Union[bool, Callable[[], bool]] = True,
    additional_message: Optional[str] = None,
) -> Callable[[F], F]
Source code in vllm/utils/__init__.py
def deprecate_args(
    start_index: int,
    is_deprecated: Union[bool, Callable[[], bool]] = True,
    additional_message: Optional[str] = None,
) -> Callable[[F], F]:
    if not callable(is_deprecated):
        is_deprecated = partial(identity, is_deprecated)

    def wrapper(fn: F) -> F:

        params = inspect.signature(fn).parameters
        pos_types = (
            inspect.Parameter.POSITIONAL_ONLY,
            inspect.Parameter.POSITIONAL_OR_KEYWORD,
        )
        pos_kws = [
            kw for kw, param in params.items() if param.kind in pos_types
        ]

        @wraps(fn)
        def inner(*args, **kwargs):
            if is_deprecated():
                deprecated_args = pos_kws[start_index:len(args)]
                if deprecated_args:
                    msg = (
                        f"The positional arguments {deprecated_args} are "
                        "deprecated and will be removed in a future update.")
                    if additional_message is not None:
                        msg += f" {additional_message}"

                    warnings.warn(
                        DeprecationWarning(msg),
                        stacklevel=3,  # The inner function takes up one level
                    )

            return fn(*args, **kwargs)

        return inner  # type: ignore

    return wrapper

deprecate_kwargs

deprecate_kwargs(
    *kws: str,
    is_deprecated: Union[bool, Callable[[], bool]] = True,
    additional_message: Optional[str] = None,
) -> Callable[[F], F]
Source code in vllm/utils/__init__.py
def deprecate_kwargs(
    *kws: str,
    is_deprecated: Union[bool, Callable[[], bool]] = True,
    additional_message: Optional[str] = None,
) -> Callable[[F], F]:
    deprecated_kws = set(kws)

    if not callable(is_deprecated):
        is_deprecated = partial(identity, is_deprecated)

    def wrapper(fn: F) -> F:

        @wraps(fn)
        def inner(*args, **kwargs):
            if is_deprecated():
                deprecated_kwargs = kwargs.keys() & deprecated_kws
                if deprecated_kwargs:
                    msg = (
                        f"The keyword arguments {deprecated_kwargs} are "
                        "deprecated and will be removed in a future update.")
                    if additional_message is not None:
                        msg += f" {additional_message}"

                    warnings.warn(
                        DeprecationWarning(msg),
                        stacklevel=3,  # The inner function takes up one level
                    )

            return fn(*args, **kwargs)

        return inner  # type: ignore

    return wrapper

direct_register_custom_op

direct_register_custom_op(
    op_name: str,
    op_func: Callable,
    mutates_args: Optional[list[str]] = None,
    fake_impl: Optional[Callable] = None,
    target_lib: Optional[Library] = None,
    dispatch_key: Optional[str] = None,
    tags: tuple[Tag, ...] = (),
)

torch.library.custom_op can have significant overhead because it needs to consider complicated dispatching logic. This function directly registers a custom op and dispatches it to the CUDA backend. See https://gist.github.com/youkaichao/ecbea9ec9fc79a45d2adce1784d7a9a5 for more details.

By default, the custom op is registered to the vLLM library. If you want to register it to a different library, you can pass the library object to the target_lib argument.

IMPORTANT: the lifetime of the operator is tied to the lifetime of the library object. If you want to bind the operator to a different library, make sure the library object is alive when the operator is used.

Source code in vllm/utils/__init__.py
def direct_register_custom_op(
        op_name: str,
        op_func: Callable,
        mutates_args: Optional[list[str]] = None,
        fake_impl: Optional[Callable] = None,
        target_lib: Optional[Library] = None,
        dispatch_key: Optional[str] = None,
        tags: tuple[torch.Tag, ...] = (),
):
    """
    `torch.library.custom_op` can have significant overhead because it
    needs to consider complicated dispatching logic. This function
    directly registers a custom op and dispatches it to the CUDA backend.
    See https://gist.github.com/youkaichao/ecbea9ec9fc79a45d2adce1784d7a9a5
    for more details.

    By default, the custom op is registered to the vLLM library. If you
    want to register it to a different library, you can pass the library
    object to the `target_lib` argument.

    IMPORTANT: the lifetime of the operator is tied to the lifetime of the
    library object. If you want to bind the operator to a different library,
    make sure the library object is alive when the operator is used.
    """
    if not supports_custom_op():
        from vllm.platforms import current_platform
        assert not current_platform.is_cuda_alike(), (
            "cuda platform needs torch>=2.4 to support custom op, "
            "chances are you are using an old version of pytorch "
            "or a custom build of pytorch. It is recommended to "
            "use vLLM in a fresh new environment and let it install "
            "the required dependencies.")
        return

    if mutates_args is None:
        mutates_args = []

    if dispatch_key is None:
        from vllm.platforms import current_platform
        dispatch_key = current_platform.dispatch_key

    import torch.library
    if hasattr(torch.library, "infer_schema"):
        schema_str = torch.library.infer_schema(op_func,
                                                mutates_args=mutates_args)
    else:
        # for pytorch 2.4
        import torch._custom_op.impl
        schema_str = torch._custom_op.impl.infer_schema(op_func, mutates_args)
    my_lib = target_lib or vllm_lib
    my_lib.define(op_name + schema_str, tags=tags)
    my_lib.impl(op_name, op_func, dispatch_key=dispatch_key)
    if fake_impl is not None:
        my_lib._register_fake(op_name, fake_impl)

enable_trace_function_call_for_thread

enable_trace_function_call_for_thread(
    vllm_config: VllmConfig,
) -> None

Set up function tracing for the current thread, if enabled via the VLLM_TRACE_FUNCTION environment variable

Source code in vllm/utils/__init__.py
def enable_trace_function_call_for_thread(vllm_config: VllmConfig) -> None:
    """Set up function tracing for the current thread,
    if enabled via the VLLM_TRACE_FUNCTION environment variable
    """

    if envs.VLLM_TRACE_FUNCTION:
        tmp_dir = tempfile.gettempdir()
        # add username to tmp_dir to avoid permission issues
        tmp_dir = os.path.join(tmp_dir, getpass.getuser())
        filename = (f"VLLM_TRACE_FUNCTION_for_process_{os.getpid()}"
                    f"_thread_{threading.get_ident()}_"
                    f"at_{datetime.datetime.now()}.log").replace(" ", "_")
        log_path = os.path.join(tmp_dir, "vllm",
                                f"vllm-instance-{vllm_config.instance_id}",
                                filename)
        os.makedirs(os.path.dirname(log_path), exist_ok=True)
        enable_trace_function_call(log_path)

find_library cached

find_library(lib_name: str) -> str

Find the library file in the system. lib_name is full filename, with both prefix and suffix. This function resolves lib_name to the full path of the library.

Source code in vllm/utils/__init__.py
@cache
def find_library(lib_name: str) -> str:
    """
    Find the library file in the system.
    `lib_name` is full filename, with both prefix and suffix.
    This function resolves `lib_name` to the full path of the library.
    """
    # Adapted from https://github.com/openai/triton/blob/main/third_party/nvidia/backend/driver.py#L19 # noqa
    # According to https://en.wikipedia.org/wiki/Filesystem_Hierarchy_Standard
    # `/sbin/ldconfig` should exist in all Linux systems.
    # `/sbin/ldconfig` searches the library in the system
    libs = subprocess.check_output(["/sbin/ldconfig", "-p"]).decode()
    # each line looks like the following:
    # libcuda.so.1 (libc6,x86-64) => /lib/x86_64-linux-gnu/libcuda.so.1
    locs = [line.split()[-1] for line in libs.splitlines() if lib_name in line]
    # `LD_LIBRARY_PATH` searches the library in the user-defined paths
    env_ld_library_path = envs.LD_LIBRARY_PATH
    if not locs and env_ld_library_path:
        locs = [
            os.path.join(dir, lib_name)
            for dir in env_ld_library_path.split(":")
            if os.path.exists(os.path.join(dir, lib_name))
        ]
    if not locs:
        raise ValueError(f"Cannot find {lib_name} in the system.")
    return locs[0]

find_nccl_include_paths

find_nccl_include_paths() -> Optional[list[str]]

We either use the nccl.h specified by the VLLM_NCCL_INCLUDE_PATH environment variable, or we find the library file brought by nvidia-nccl-cuXX. load_inline by default uses torch.utils.cpp_extension.include_paths

Source code in vllm/utils/__init__.py
def find_nccl_include_paths() -> Optional[list[str]]:
    """
    We either use the nccl.h specified by the `VLLM_NCCL_INCLUDE_PATH`
    environment variable, or we find the library file brought by 
    nvidia-nccl-cuXX. load_inline by default uses 
    torch.utils.cpp_extension.include_paths
    """
    paths: list[str] = []
    inc = envs.VLLM_NCCL_INCLUDE_PATH
    if inc and os.path.isdir(inc):
        paths.append(inc)

    try:
        import importlib.util
        spec = importlib.util.find_spec("nvidia.nccl")
        if spec and getattr(spec, "submodule_search_locations", None):
            for loc in spec.submodule_search_locations:
                inc_dir = os.path.join(loc, "include")
                if os.path.exists(os.path.join(inc_dir, "nccl.h")):
                    paths.append(inc_dir)
    except Exception:
        pass

    seen = set()
    out: list[str] = []
    for p in paths:
        if p and p not in seen:
            out.append(p)
            seen.add(p)
    return out or None

find_nccl_library

find_nccl_library() -> str

We either use the library file specified by the VLLM_NCCL_SO_PATH environment variable, or we find the library file brought by PyTorch. After importing torch, libnccl.so.2 or librccl.so.1 can be found by ctypes automatically.

Source code in vllm/utils/__init__.py
def find_nccl_library() -> str:
    """
    We either use the library file specified by the `VLLM_NCCL_SO_PATH`
    environment variable, or we find the library file brought by PyTorch.
    After importing `torch`, `libnccl.so.2` or `librccl.so.1` can be
    found by `ctypes` automatically.
    """
    so_file = envs.VLLM_NCCL_SO_PATH

    # manually load the nccl library
    if so_file:
        logger.info(
            "Found nccl from environment variable VLLM_NCCL_SO_PATH=%s",
            so_file)
    else:
        if torch.version.cuda is not None:
            so_file = "libnccl.so.2"
        elif torch.version.hip is not None:
            so_file = "librccl.so.1"
        else:
            raise ValueError("NCCL only supports CUDA and ROCm backends.")
        logger.info("Found nccl from library %s", so_file)
    return so_file

find_process_using_port

find_process_using_port(port: int) -> Optional[Process]
Source code in vllm/utils/__init__.py
def find_process_using_port(port: int) -> Optional[psutil.Process]:
    # TODO: We can not check for running processes with network
    # port on macOS. Therefore, we can not have a full graceful shutdown
    # of vLLM. For now, let's not look for processes in this case.
    # Ref: https://www.florianreinhard.de/accessdenied-in-psutil/
    if sys.platform.startswith("darwin"):
        return None

    our_pid = os.getpid()
    for conn in psutil.net_connections():
        if conn.laddr.port == port and (conn.pid is not None
                                        and conn.pid != our_pid):
            try:
                return psutil.Process(conn.pid)
            except psutil.NoSuchProcess:
                return None
    return None

flatten_2d_lists

flatten_2d_lists(lists: Iterable[Iterable[T]]) -> list[T]

Flatten a list of lists to a single list.

Source code in vllm/utils/__init__.py
def flatten_2d_lists(lists: Iterable[Iterable[T]]) -> list[T]:
    """Flatten a list of lists to a single list."""
    return [item for sublist in lists for item in sublist]

full_groupby

full_groupby(
    values: Iterable[_V], *, key: Callable[[_V], _K]
)

Unlike itertools.groupby, groups are not broken by non-contiguous data.

Source code in vllm/utils/__init__.py
def full_groupby(values: Iterable[_V], *, key: Callable[[_V], _K]):
    """
    Unlike [`itertools.groupby`][], groups are not broken by
    non-contiguous data.
    """
    groups = defaultdict[_K, list[_V]](list)

    for value in values:
        groups[key(value)].append(value)

    return groups.items()

get_allowed_kwarg_only_overrides

get_allowed_kwarg_only_overrides(
    callable: Callable[..., object],
    overrides: Optional[Mapping[str, object]],
    *,
    requires_kw_only: bool = True,
    allow_var_kwargs: bool = False,
) -> dict[str, Any]

Given a callable which has one or more keyword only params and a dict mapping param names to values, drop values that can be not be kwarg expanded to overwrite one or more keyword-only args. This is used in a few places to handle custom processor overrides for multimodal models, e.g., for profiling when processor options provided by the user may affect the number of mm tokens per instance.

Parameters:

Name Type Description Default
callable Callable[..., object]

Callable which takes 0 or more keyword only arguments. If None is provided, all overrides names are allowed.

required
overrides Optional[Mapping[str, object]]

Potential overrides to be used when invoking the callable.

required
allow_var_kwargs bool

Allows overrides that are expandable for var kwargs.

False

Returns:

Type Description
dict[str, Any]

Dictionary containing the kwargs to be leveraged which may be used

dict[str, Any]

to overwrite one or more keyword only arguments when invoking the

dict[str, Any]

callable.

Source code in vllm/utils/__init__.py
def get_allowed_kwarg_only_overrides(
    callable: Callable[..., object],
    overrides: Optional[Mapping[str, object]],
    *,
    requires_kw_only: bool = True,
    allow_var_kwargs: bool = False,
) -> dict[str, Any]:
    """
    Given a callable which has one or more keyword only params and a dict
    mapping param names to values, drop values that can be not be kwarg
    expanded to overwrite one or more keyword-only args. This is used in a
    few places to handle custom processor overrides for multimodal models,
    e.g., for profiling when processor options provided by the user
    may affect the number of mm tokens per instance.

    Args:
        callable: Callable which takes 0 or more keyword only arguments.
                  If None is provided, all overrides names are allowed.
        overrides: Potential overrides to be used when invoking the callable.
        allow_var_kwargs: Allows overrides that are expandable for var kwargs.

    Returns:
        Dictionary containing the kwargs to be leveraged which may be used
        to overwrite one or more keyword only arguments when invoking the
        callable.
    """
    if not overrides:
        return {}

    # Drop any mm_processor_kwargs provided by the user that
    # are not kwargs, unless it can fit it var_kwargs param
    filtered_overrides = {
        kwarg_name: val
        for kwarg_name, val in overrides.items()
        if supports_kw(callable,
                       kwarg_name,
                       requires_kw_only=requires_kw_only,
                       allow_var_kwargs=allow_var_kwargs)
    }

    # If anything is dropped, log a warning
    dropped_keys = overrides.keys() - filtered_overrides.keys()
    if dropped_keys:
        if requires_kw_only:
            logger.warning(
                "The following intended overrides are not keyword-only args "
                "and will be dropped: %s", dropped_keys)
        else:
            logger.warning(
                "The following intended overrides are not keyword args "
                "and will be dropped: %s", dropped_keys)

    return filtered_overrides

get_cpu_memory

get_cpu_memory() -> int

Returns the total CPU memory of the node in bytes.

Source code in vllm/utils/__init__.py
def get_cpu_memory() -> int:
    """Returns the total CPU memory of the node in bytes."""
    return psutil.virtual_memory().total

get_cuda_view_from_cpu_tensor

get_cuda_view_from_cpu_tensor(cpu_tensor: Tensor) -> Tensor

Get a CUDA view of a CPU tensor using Unified Virtual Addressing (UVA).

Source code in vllm/utils/__init__.py
def get_cuda_view_from_cpu_tensor(cpu_tensor: torch.Tensor) -> torch.Tensor:
    """
    Get a CUDA view of a CPU tensor using Unified Virtual Addressing (UVA).
    """
    assert cpu_tensor.is_pinned(), "CPU tensor must be pinned"
    return torch.ops._C.get_cuda_view_from_cpu_tensor(cpu_tensor)

get_distributed_init_method

get_distributed_init_method(ip: str, port: int) -> str
Source code in vllm/utils/__init__.py
def get_distributed_init_method(ip: str, port: int) -> str:
    return get_tcp_uri(ip, port)

get_dtype_size

get_dtype_size(dtype: dtype) -> int

Get the size of the data type in bytes.

Source code in vllm/utils/__init__.py
def get_dtype_size(dtype: torch.dtype) -> int:
    """Get the size of the data type in bytes."""
    return torch.tensor([], dtype=dtype).element_size()

get_exception_traceback

get_exception_traceback()
Source code in vllm/utils/__init__.py
def get_exception_traceback():
    etype, value, tb = sys.exc_info()
    err_str = "".join(traceback.format_exception(etype, value, tb))
    return err_str

get_hash_fn_by_name

get_hash_fn_by_name(
    hash_fn_name: str,
) -> Callable[[Any], bytes]

Get a hash function by name, or raise an error if the function is not found. Args: hash_fn_name: Name of the hash function. Returns: A hash function.

Source code in vllm/utils/__init__.py
def get_hash_fn_by_name(hash_fn_name: str) -> Callable[[Any], bytes]:
    """Get a hash function by name, or raise an error if
    the function is not found.
    Args:
        hash_fn_name: Name of the hash function.
    Returns:
        A hash function.
    """
    if hash_fn_name == "sha256":
        return sha256
    if hash_fn_name == "sha256_cbor":
        return sha256_cbor

    raise ValueError(f"Unsupported hash function: {hash_fn_name}")

get_ip

get_ip() -> str
Source code in vllm/utils/__init__.py
def get_ip() -> str:
    host_ip = envs.VLLM_HOST_IP
    if "HOST_IP" in os.environ and "VLLM_HOST_IP" not in os.environ:
        logger.warning(
            "The environment variable HOST_IP is deprecated and ignored, as"
            " it is often used by Docker and other software to"
            " interact with the container's network stack. Please "
            "use VLLM_HOST_IP instead to set the IP address for vLLM processes"
            " to communicate with each other.")
    if host_ip:
        return host_ip

    # IP is not set, try to get it from the network interface

    # try ipv4
    s = socket.socket(socket.AF_INET, socket.SOCK_DGRAM)
    try:
        s.connect(("8.8.8.8", 80))  # Doesn't need to be reachable
        return s.getsockname()[0]
    except Exception:
        pass

    # try ipv6
    try:
        s = socket.socket(socket.AF_INET6, socket.SOCK_DGRAM)
        # Google's public DNS server, see
        # https://developers.google.com/speed/public-dns/docs/using#addresses
        s.connect(("2001:4860:4860::8888", 80))  # Doesn't need to be reachable
        return s.getsockname()[0]
    except Exception:
        pass

    warnings.warn(
        "Failed to get the IP address, using 0.0.0.0 by default."
        "The value can be set by the environment variable"
        " VLLM_HOST_IP or HOST_IP.",
        stacklevel=2)
    return "0.0.0.0"

get_kv_cache_torch_dtype

get_kv_cache_torch_dtype(
    cache_dtype: Optional[Union[str, dtype]],
    model_dtype: Optional[Union[str, dtype]] = None,
) -> dtype
Source code in vllm/utils/__init__.py
def get_kv_cache_torch_dtype(
        cache_dtype: Optional[Union[str, torch.dtype]],
        model_dtype: Optional[Union[str, torch.dtype]] = None) -> torch.dtype:
    if isinstance(cache_dtype, str):
        if cache_dtype == "auto":
            if isinstance(model_dtype,
                          str) and model_dtype in STR_DTYPE_TO_TORCH_DTYPE:
                torch_dtype = STR_DTYPE_TO_TORCH_DTYPE[model_dtype]
            elif isinstance(model_dtype, torch.dtype):
                torch_dtype = model_dtype
            else:
                raise ValueError(f"Invalid model dtype: {model_dtype}")
        elif cache_dtype in STR_DTYPE_TO_TORCH_DTYPE:
            torch_dtype = STR_DTYPE_TO_TORCH_DTYPE[cache_dtype]
        else:
            raise ValueError(f"Invalid kv cache dtype: {cache_dtype}")
    elif isinstance(cache_dtype, torch.dtype):
        torch_dtype = cache_dtype
    else:
        raise ValueError(f"Invalid kv cache dtype: {cache_dtype}")
    return torch_dtype

get_loopback_ip

get_loopback_ip() -> str
Source code in vllm/utils/__init__.py
def get_loopback_ip() -> str:
    loopback_ip = envs.VLLM_LOOPBACK_IP
    if loopback_ip:
        return loopback_ip

    # VLLM_LOOPBACK_IP is not set, try to get it based on network interface

    if test_loopback_bind("127.0.0.1", socket.AF_INET):
        return "127.0.0.1"
    elif test_loopback_bind("::1", socket.AF_INET6):
        return "::1"
    else:
        raise RuntimeError(
            "Neither 127.0.0.1 nor ::1 are bound to a local interface. "
            "Set the VLLM_LOOPBACK_IP environment variable explicitly.")

get_max_shared_memory_bytes cached

get_max_shared_memory_bytes(gpu: int = 0) -> int

Returns the maximum shared memory per thread block in bytes.

Source code in vllm/utils/__init__.py
@cache
def get_max_shared_memory_bytes(gpu: int = 0) -> int:
    """Returns the maximum shared memory per thread block in bytes."""
    from vllm import _custom_ops as ops
    max_shared_mem = (
        ops.get_max_shared_memory_per_block_device_attribute(gpu))
    # value 0 will cause MAX_SEQ_LEN become negative and test_attention.py
    # will fail
    assert max_shared_mem > 0, "max_shared_mem can not be zero"
    return int(max_shared_mem)

get_mp_context

get_mp_context()

Get a multiprocessing context with a particular method (spawn or fork). By default we follow the value of the VLLM_WORKER_MULTIPROC_METHOD to determine the multiprocessing method (default is fork). However, under certain conditions, we may enforce spawn and override the value of VLLM_WORKER_MULTIPROC_METHOD.

Source code in vllm/utils/__init__.py
def get_mp_context():
    """Get a multiprocessing context with a particular method (spawn or fork).
    By default we follow the value of the VLLM_WORKER_MULTIPROC_METHOD to
    determine the multiprocessing method (default is fork). However, under
    certain conditions, we may enforce spawn and override the value of
    VLLM_WORKER_MULTIPROC_METHOD.
    """
    _maybe_force_spawn()
    mp_method = envs.VLLM_WORKER_MULTIPROC_METHOD
    return multiprocessing.get_context(mp_method)

get_open_port

get_open_port() -> int

Get an open port for the vLLM process to listen on. An edge case to handle, is when we run data parallel, we need to avoid ports that are potentially used by the data parallel master process. Right now we reserve 10 ports for the data parallel master process. Currently it uses 2 ports.

Source code in vllm/utils/__init__.py
def get_open_port() -> int:
    """
    Get an open port for the vLLM process to listen on.
    An edge case to handle, is when we run data parallel,
    we need to avoid ports that are potentially used by
    the data parallel master process.
    Right now we reserve 10 ports for the data parallel master
    process. Currently it uses 2 ports.
    """
    if "VLLM_DP_MASTER_PORT" in os.environ:
        dp_master_port = envs.VLLM_DP_MASTER_PORT
        reserved_port_range = range(dp_master_port, dp_master_port + 10)
        while True:
            candidate_port = _get_open_port()
            if candidate_port not in reserved_port_range:
                return candidate_port
    return _get_open_port()

get_open_ports_list

get_open_ports_list(count: int = 5) -> list[int]

Get a list of open ports.

Source code in vllm/utils/__init__.py
def get_open_ports_list(count: int = 5) -> list[int]:
    """Get a list of open ports."""
    ports = set[int]()
    while len(ports) < count:
        ports.add(get_open_port())
    return list(ports)

get_open_zmq_inproc_path

get_open_zmq_inproc_path() -> str
Source code in vllm/utils/__init__.py
def get_open_zmq_inproc_path() -> str:
    return f"inproc://{uuid4()}"

get_open_zmq_ipc_path

get_open_zmq_ipc_path() -> str
Source code in vllm/utils/__init__.py
def get_open_zmq_ipc_path() -> str:
    base_rpc_path = envs.VLLM_RPC_BASE_PATH
    return f"ipc://{base_rpc_path}/{uuid4()}"

get_tcp_uri

get_tcp_uri(ip: str, port: int) -> str
Source code in vllm/utils/__init__.py
def get_tcp_uri(ip: str, port: int) -> str:
    if is_valid_ipv6_address(ip):
        return f"tcp://[{ip}]:{port}"
    else:
        return f"tcp://{ip}:{port}"

get_vllm_optional_dependencies cached

get_vllm_optional_dependencies()
Source code in vllm/utils/__init__.py
@cache
def get_vllm_optional_dependencies():
    metadata = importlib.metadata.metadata("vllm")
    requirements = metadata.get_all("Requires-Dist", [])
    extras = metadata.get_all("Provides-Extra", [])

    return {
        extra: [
            re.split(r";|>=|<=|==", req)[0] for req in requirements
            if req.endswith(f'extra == "{extra}"')
        ]
        for extra in extras
    }

has_deep_ep

has_deep_ep() -> bool

Whether the optional deep_ep package is available.

Source code in vllm/utils/__init__.py
def has_deep_ep() -> bool:
    """Whether the optional `deep_ep` package is available."""

    return _has_module("deep_ep")

has_deep_gemm

has_deep_gemm() -> bool

Whether the optional deep_gemm package is available.

Source code in vllm/utils/__init__.py
def has_deep_gemm() -> bool:
    """Whether the optional `deep_gemm` package is available."""

    return _has_module("deep_gemm")

has_pplx

has_pplx() -> bool

Whether the optional pplx_kernels package is available.

Source code in vllm/utils/__init__.py
def has_pplx() -> bool:
    """Whether the optional `pplx_kernels` package is available."""

    return _has_module("pplx_kernels")

has_tilelang

has_tilelang() -> bool

Whether the optional tilelang package is available.

Source code in vllm/utils/__init__.py
def has_tilelang() -> bool:
    """Whether the optional `tilelang` package is available."""

    return _has_module("tilelang")

has_triton_kernels

has_triton_kernels() -> bool

Whether the optional triton_kernels package is available.

Source code in vllm/utils/__init__.py
def has_triton_kernels() -> bool:
    """Whether the optional `triton_kernels` package is available."""

    return _has_module("triton_kernels")

identity

identity(value: T, **kwargs) -> T

Returns the first provided value.

Source code in vllm/utils/__init__.py
def identity(value: T, **kwargs) -> T:
    """Returns the first provided value."""
    return value

import_from_path

import_from_path(
    module_name: str, file_path: Union[str, PathLike]
)

Import a Python file according to its file path.

Based on the official recipe: https://docs.python.org/3/library/importlib.html#importing-a-source-file-directly

Source code in vllm/utils/__init__.py
def import_from_path(module_name: str, file_path: Union[str, os.PathLike]):
    """
    Import a Python file according to its file path.

    Based on the official recipe:
    https://docs.python.org/3/library/importlib.html#importing-a-source-file-directly
    """
    spec = importlib.util.spec_from_file_location(module_name, file_path)
    if spec is None:
        raise ModuleNotFoundError(f"No module named '{module_name}'")

    assert spec.loader is not None

    module = importlib.util.module_from_spec(spec)
    sys.modules[module_name] = module
    spec.loader.exec_module(module)
    return module

import_pynvml

import_pynvml()

Historical comments:

libnvml.so is the library behind nvidia-smi, and pynvml is a Python wrapper around it. We use it to get GPU status without initializing CUDA context in the current process. Historically, there are two packages that provide pynvml: - nvidia-ml-py (https://pypi.org/project/nvidia-ml-py/): The official wrapper. It is a dependency of vLLM, and is installed when users install vLLM. It provides a Python module named pynvml. - pynvml (https://pypi.org/project/pynvml/): An unofficial wrapper. Prior to version 12.0, it also provides a Python module pynvml, and therefore conflicts with the official one. What's worse, the module is a Python package, and has higher priority than the official one which is a standalone Python file. This causes errors when both of them are installed. Starting from version 12.0, it migrates to a new module named pynvml_utils to avoid the conflict. It is so confusing that many packages in the community use the unofficial one by mistake, and we have to handle this case. For example, nvcr.io/nvidia/pytorch:24.12-py3 uses the unofficial one, and it will cause errors, see the issue https://github.com/vllm-project/vllm/issues/12847 for example. After all the troubles, we decide to copy the official pynvml module to our codebase, and use it directly.

Source code in vllm/utils/__init__.py
def import_pynvml():
    """
    Historical comments:

    libnvml.so is the library behind nvidia-smi, and
    pynvml is a Python wrapper around it. We use it to get GPU
    status without initializing CUDA context in the current process.
    Historically, there are two packages that provide pynvml:
    - `nvidia-ml-py` (https://pypi.org/project/nvidia-ml-py/): The official
        wrapper. It is a dependency of vLLM, and is installed when users
        install vLLM. It provides a Python module named `pynvml`.
    - `pynvml` (https://pypi.org/project/pynvml/): An unofficial wrapper.
        Prior to version 12.0, it also provides a Python module `pynvml`,
        and therefore conflicts with the official one. What's worse,
        the module is a Python package, and has higher priority than
        the official one which is a standalone Python file.
        This causes errors when both of them are installed.
        Starting from version 12.0, it migrates to a new module
        named `pynvml_utils` to avoid the conflict.
    It is so confusing that many packages in the community use the
    unofficial one by mistake, and we have to handle this case.
    For example, `nvcr.io/nvidia/pytorch:24.12-py3` uses the unofficial
    one, and it will cause errors, see the issue
    https://github.com/vllm-project/vllm/issues/12847 for example.
    After all the troubles, we decide to copy the official `pynvml`
    module to our codebase, and use it directly.
    """
    import vllm.third_party.pynvml as pynvml
    return pynvml

in_loop

in_loop(event_loop: AbstractEventLoop) -> bool
Source code in vllm/utils/__init__.py
def in_loop(event_loop: AbstractEventLoop) -> bool:
    try:
        return asyncio.get_running_loop() == event_loop
    except RuntimeError:
        return False

init_cached_hf_modules

init_cached_hf_modules() -> None

Lazy initialization of the Hugging Face modules.

Source code in vllm/utils/__init__.py
def init_cached_hf_modules() -> None:
    """
    Lazy initialization of the Hugging Face modules.
    """
    from transformers.dynamic_module_utils import init_hf_modules
    init_hf_modules()

is_list_of

is_list_of(
    value: object,
    typ: Union[type[T], tuple[type[T], ...]],
    *,
    check: Literal["first", "all"] = "first",
) -> TypeIs[list[T]]
Source code in vllm/utils/__init__.py
def is_list_of(
    value: object,
    typ: Union[type[T], tuple[type[T], ...]],
    *,
    check: Literal["first", "all"] = "first",
) -> TypeIs[list[T]]:
    if not isinstance(value, list):
        return False

    if check == "first":
        return len(value) == 0 or isinstance(value[0], typ)
    elif check == "all":
        return all(isinstance(v, typ) for v in value)

    assert_never(check)

is_lossless_cast

is_lossless_cast(src_dtype: dtype, tgt_dtype: dtype)

Test whether it is lossless to cast a tensor from src_dtype to tgt_dtype.

Source code in vllm/utils/__init__.py
def is_lossless_cast(src_dtype: torch.dtype, tgt_dtype: torch.dtype):
    """
    Test whether it is lossless to cast a tensor from
    `src_dtype` to `tgt_dtype`.
    """
    if src_dtype == tgt_dtype:
        return True

    src_level = _get_precision_level(src_dtype)
    tgt_level = _get_precision_level(tgt_dtype)

    if src_level < tgt_level:
        return True
    if src_level > tgt_level:
        return False

    # Compare integral types
    if not src_dtype.is_floating_point and not src_dtype.is_complex:
        src_info = torch.iinfo(src_dtype)
        tgt_info = torch.iinfo(tgt_dtype)
        return src_info.min >= tgt_info.min and src_info.max <= tgt_info.max

    # Compare floating-point types
    src_info = torch.finfo(src_dtype)
    tgt_info = torch.finfo(tgt_dtype)
    return (src_info.min >= tgt_info.min and src_info.max <= tgt_info.max
            and src_info.resolution >= tgt_info.resolution)

is_pin_memory_available cached

is_pin_memory_available() -> bool
Source code in vllm/utils/__init__.py
@cache
def is_pin_memory_available() -> bool:
    from vllm.platforms import current_platform
    return current_platform.is_pin_memory_available()

is_torch_equal_or_newer

is_torch_equal_or_newer(target: str) -> bool

Check if the installed torch version is >= the target version.

Parameters:

Name Type Description Default
target str

a version string, like "2.6.0".

required

Returns:

Type Description
bool

Whether the condition meets.

Source code in vllm/utils/__init__.py
def is_torch_equal_or_newer(target: str) -> bool:
    """Check if the installed torch version is >= the target version.

    Args:
        target: a version string, like "2.6.0".

    Returns:
        Whether the condition meets.
    """
    try:
        return _is_torch_equal_or_newer(str(torch.__version__), target)
    except Exception:
        # Fallback to PKG-INFO to load the package info, needed by the doc gen.
        return Version(importlib.metadata.version('torch')) >= Version(target)

is_uva_available cached

is_uva_available() -> bool

Check if Unified Virtual Addressing (UVA) is available.

Source code in vllm/utils/__init__.py
@cache
def is_uva_available() -> bool:
    """Check if Unified Virtual Addressing (UVA) is available."""
    # UVA requires pinned memory.
    # TODO: Add more requirements for UVA if needed.
    return is_pin_memory_available()

is_valid_ipv6_address

is_valid_ipv6_address(address: str) -> bool
Source code in vllm/utils/__init__.py
def is_valid_ipv6_address(address: str) -> bool:
    try:
        ipaddress.IPv6Address(address)
        return True
    except ValueError:
        return False

join_host_port

join_host_port(host: str, port: int) -> str
Source code in vllm/utils/__init__.py
def join_host_port(host: str, port: int) -> str:
    if is_valid_ipv6_address(host):
        return f"[{host}]:{port}"
    else:
        return f"{host}:{port}"

kill_process_tree

kill_process_tree(pid: int)

Kills all descendant processes of the given pid by sending SIGKILL.

Parameters:

Name Type Description Default
pid int

Process ID of the parent process

required
Source code in vllm/utils/__init__.py
def kill_process_tree(pid: int):
    """
    Kills all descendant processes of the given pid by sending SIGKILL.

    Args:
        pid (int): Process ID of the parent process
    """
    try:
        parent = psutil.Process(pid)
    except psutil.NoSuchProcess:
        return

    # Get all children recursively
    children = parent.children(recursive=True)

    # Send SIGKILL to all children first
    for child in children:
        with contextlib.suppress(ProcessLookupError):
            os.kill(child.pid, signal.SIGKILL)

    # Finally kill the parent
    with contextlib.suppress(ProcessLookupError):
        os.kill(pid, signal.SIGKILL)

length_from_prompt_token_ids_or_embeds

length_from_prompt_token_ids_or_embeds(
    prompt_token_ids: Optional[list[int]],
    prompt_embeds: Optional[Tensor],
) -> int

Calculate the request length (in number of tokens) give either prompt_token_ids or prompt_embeds.

Source code in vllm/utils/__init__.py
def length_from_prompt_token_ids_or_embeds(
    prompt_token_ids: Optional[list[int]],
    prompt_embeds: Optional[torch.Tensor],
) -> int:
    """Calculate the request length (in number of tokens) give either
    prompt_token_ids or prompt_embeds.
    """
    prompt_token_len = None if prompt_token_ids is None else len(
        prompt_token_ids)
    prompt_embeds_len = \
        None if prompt_embeds is None else len(prompt_embeds)

    if prompt_token_len is None:
        if prompt_embeds_len is None:
            raise ValueError(
                "Neither prompt_token_ids nor prompt_embeds were defined.")
        return prompt_embeds_len
    else:
        if (prompt_embeds_len is not None
                and prompt_embeds_len != prompt_token_len):
            raise ValueError(
                "Prompt token ids and prompt embeds had different lengths"
                f" prompt_token_ids={prompt_token_len}"
                f" prompt_embeds={prompt_embeds_len}")
        return prompt_token_len

make_async

make_async(
    func: Callable[P, T],
    executor: Optional[Executor] = None,
) -> Callable[P, Awaitable[T]]

Take a blocking function, and run it on in an executor thread.

This function prevents the blocking function from blocking the asyncio event loop. The code in this function needs to be thread safe.

Source code in vllm/utils/__init__.py
def make_async(
    func: Callable[P, T],
    executor: Optional[concurrent.futures.Executor] = None
) -> Callable[P, Awaitable[T]]:
    """Take a blocking function, and run it on in an executor thread.

    This function prevents the blocking function from blocking the
    asyncio event loop.
    The code in this function needs to be thread safe.
    """

    def _async_wrapper(*args: P.args, **kwargs: P.kwargs) -> asyncio.Future:
        loop = asyncio.get_event_loop()
        p_func = partial(func, *args, **kwargs)
        return loop.run_in_executor(executor=executor, func=p_func)

    return _async_wrapper

make_ndarray_with_pad

make_ndarray_with_pad(
    x: list[list[T]],
    pad: T,
    dtype: DTypeLike,
    *,
    max_len: Optional[int] = None,
) -> NDArray

Make a padded array from 2D inputs.

The padding is applied to the end of each inner list until it reaches max_len.

Source code in vllm/utils/__init__.py
def make_ndarray_with_pad(
    x: list[list[T]],
    pad: T,
    dtype: npt.DTypeLike,
    *,
    max_len: Optional[int] = None,
) -> npt.NDArray:
    """
    Make a padded array from 2D inputs.

    The padding is applied to the end of each inner list until it reaches
    `max_len`.
    """
    if max_len is None:
        # Unlike for most functions, map is faster than a genexpr over `len`
        max_len = max(map(len, x), default=0)

    padded_x = np.full((len(x), max_len), pad, dtype=dtype)
    for ind, blocktb in enumerate(x):
        assert len(blocktb) <= max_len
        padded_x[ind, :len(blocktb)] = blocktb

    return padded_x

make_tensor_with_pad

make_tensor_with_pad(
    x: list[list[T]],
    pad: T,
    dtype: dtype,
    *,
    max_len: Optional[int] = None,
    device: Optional[Union[str, device]] = None,
    pin_memory: bool = False,
) -> Tensor

Make a padded tensor from 2D inputs.

The padding is applied to the end of each inner list until it reaches max_len.

Source code in vllm/utils/__init__.py
def make_tensor_with_pad(
    x: list[list[T]],
    pad: T,
    dtype: torch.dtype,
    *,
    max_len: Optional[int] = None,
    device: Optional[Union[str, torch.device]] = None,
    pin_memory: bool = False,
) -> torch.Tensor:
    """
    Make a padded tensor from 2D inputs.

    The padding is applied to the end of each inner list until it reaches
    `max_len`.
    """
    np_dtype = TORCH_DTYPE_TO_NUMPY_DTYPE[dtype]
    padded_x = make_ndarray_with_pad(x, pad, np_dtype, max_len=max_len)

    tensor = torch.from_numpy(padded_x).to(device)
    if pin_memory:
        tensor = tensor.pin_memory()

    return tensor

make_zmq_path

make_zmq_path(
    scheme: str, host: str, port: Optional[int] = None
) -> str

Make a ZMQ path from its parts.

Parameters:

Name Type Description Default
scheme str

The ZMQ transport scheme (e.g. tcp, ipc, inproc).

required
host str

The host - can be an IPv4 address, IPv6 address, or hostname.

required
port Optional[int]

Optional port number, only used for TCP sockets.

None

Returns:

Type Description
str

A properly formatted ZMQ path string.

Source code in vllm/utils/__init__.py
def make_zmq_path(scheme: str, host: str, port: Optional[int] = None) -> str:
    """Make a ZMQ path from its parts.

    Args:
        scheme: The ZMQ transport scheme (e.g. tcp, ipc, inproc).
        host: The host - can be an IPv4 address, IPv6 address, or hostname.
        port: Optional port number, only used for TCP sockets.

    Returns:
        A properly formatted ZMQ path string.
    """
    if port is None:
        return f"{scheme}://{host}"
    if is_valid_ipv6_address(host):
        return f"{scheme}://[{host}]:{port}"
    return f"{scheme}://{host}:{port}"

make_zmq_socket

make_zmq_socket(
    ctx: Union[Context, Context],
    path: str,
    socket_type: Any,
    bind: Optional[bool] = None,
    identity: Optional[bytes] = None,
    linger: Optional[int] = None,
) -> Union[Socket, Socket]

Make a ZMQ socket with the proper bind/connect semantics.

Source code in vllm/utils/__init__.py
def make_zmq_socket(
    ctx: Union[zmq.asyncio.Context, zmq.Context],  # type: ignore[name-defined]
    path: str,
    socket_type: Any,
    bind: Optional[bool] = None,
    identity: Optional[bytes] = None,
    linger: Optional[int] = None,
) -> Union[zmq.Socket, zmq.asyncio.Socket]:  # type: ignore[name-defined]
    """Make a ZMQ socket with the proper bind/connect semantics."""

    mem = psutil.virtual_memory()
    socket = ctx.socket(socket_type)

    # Calculate buffer size based on system memory
    total_mem = mem.total / 1024**3
    available_mem = mem.available / 1024**3
    # For systems with substantial memory (>32GB total, >16GB available):
    # - Set a large 0.5GB buffer to improve throughput
    # For systems with less memory:
    # - Use system default (-1) to avoid excessive memory consumption
    if total_mem > 32 and available_mem > 16:
        buf_size = int(0.5 * 1024**3)  # 0.5GB in bytes
    else:
        buf_size = -1  # Use system default buffer size

    if bind is None:
        bind = socket_type not in (zmq.PUSH, zmq.SUB, zmq.XSUB)

    if socket_type in (zmq.PULL, zmq.DEALER, zmq.ROUTER):
        socket.setsockopt(zmq.RCVHWM, 0)
        socket.setsockopt(zmq.RCVBUF, buf_size)

    if socket_type in (zmq.PUSH, zmq.DEALER, zmq.ROUTER):
        socket.setsockopt(zmq.SNDHWM, 0)
        socket.setsockopt(zmq.SNDBUF, buf_size)

    if identity is not None:
        socket.setsockopt(zmq.IDENTITY, identity)

    if linger is not None:
        socket.setsockopt(zmq.LINGER, linger)

    if socket_type == zmq.XPUB:
        socket.setsockopt(zmq.XPUB_VERBOSE, True)

    # Determine if the path is a TCP socket with an IPv6 address.
    # Enable IPv6 on the zmq socket if so.
    scheme, host, _ = split_zmq_path(path)
    if scheme == "tcp" and is_valid_ipv6_address(host):
        socket.setsockopt(zmq.IPV6, 1)

    if bind:
        socket.bind(path)
    else:
        socket.connect(path)

    return socket

memory_profiling

memory_profiling(
    baseline_snapshot: MemorySnapshot, weights_memory: int
) -> Generator[MemoryProfilingResult, None, None]

Memory profiling context manager. baseline_snapshot: the memory snapshot before the current vLLM instance. weights_memory: memory used by PyTorch when loading the model weights. Note that, before loading the model weights, we also initialize the device and distributed environment, which may consume some memory. This part is not included in the weights_memory because PyTorch does not control it.

The memory in one GPU can be classified into 3 categories: 1. memory used by anything other than the current vLLM instance. 2. memory used by torch in the current vLLM instance. 3. memory used in the current vLLM instance, but not by torch.

A quantitive example:

Before creating the current vLLM instance

category 1: 1 GiB category 2: 0 GiB category 3: 0 GiB

After creating the current vLLM instance and loading the model, (i.e. before profiling): category 1: 1 GiB category 2: 2 GiB (model weights take 2 GiB) category 3: 0.5 GiB (memory used by NCCL)

During profiling (peak): category 1: 1 GiB category 2: 4 GiB (peak activation tensors take 2 GiB) category 3: 1 GiB (memory used by NCCL + buffers for some attention backends)

After profiling

category 1: 1 GiB category 2: 3 GiB (after garbage-collecting activation tensors) category 3: 1 GiB (memory used by NCCL + buffers for some attention backends)

In this case, non-kv cache takes 5 GiB in total, including: a. 2 GiB used by the model weights (category 2) b. 2 GiB reserved for the peak activation tensors (category 2) c. 1 GiB used by non-torch components (category 3)

The memory used for loading weights (a.) is directly given from the argument weights_memory.

The increase of torch.cuda.memory_stats()["allocated_bytes.all.peak"] during profiling gives (b.).

The increase of non_torch_memory from creating the current vLLM instance until after profiling to get (c.).

Source code in vllm/utils/__init__.py
@contextlib.contextmanager
def memory_profiling(
        baseline_snapshot: MemorySnapshot,
        weights_memory: int) -> Generator[MemoryProfilingResult, None, None]:
    """Memory profiling context manager.
    baseline_snapshot: the memory snapshot before the current vLLM instance.
    weights_memory: memory used by PyTorch when loading the model weights.
        Note that, before loading the model weights, we also initialize the device
        and distributed environment, which may consume some memory. This part is not
        included in the weights_memory because PyTorch does not control it.

    The memory in one GPU can be classified into 3 categories:
    1. memory used by anything other than the current vLLM instance.
    2. memory used by torch in the current vLLM instance.
    3. memory used in the current vLLM instance, but not by torch.

    A quantitive example:

    Before creating the current vLLM instance:
        category 1: 1 GiB
        category 2: 0 GiB
        category 3: 0 GiB

    After creating the current vLLM instance and loading the model,
    (i.e. before profiling):
        category 1: 1 GiB
        category 2: 2 GiB (model weights take 2 GiB)
        category 3: 0.5 GiB (memory used by NCCL)

    During profiling (peak):
        category 1: 1 GiB
        category 2: 4 GiB (peak activation tensors take 2 GiB)
        category 3: 1 GiB (memory used by NCCL + buffers for some attention backends)

    After profiling:
        category 1: 1 GiB
        category 2: 3 GiB (after garbage-collecting activation tensors)
        category 3: 1 GiB (memory used by NCCL + buffers for some attention backends)

    In this case, non-kv cache takes 5 GiB in total, including:
    a. 2 GiB used by the model weights (category 2)
    b. 2 GiB reserved for the peak activation tensors (category 2)
    c. 1 GiB used by non-torch components (category 3)

    The memory used for loading weights (a.) is directly given from the argument `weights_memory`.

    The increase of `torch.cuda.memory_stats()["allocated_bytes.all.peak"]` during profiling gives (b.).

    The increase of `non_torch_memory` from creating the current vLLM instance until after profiling to get (c.).
    """  # noqa
    gc.collect()
    torch.cuda.empty_cache()
    torch.cuda.reset_peak_memory_stats()

    result = MemoryProfilingResult()

    result.before_create = baseline_snapshot
    # the part of memory used for holding the model weights
    result.weights_memory = weights_memory

    result.before_profile.measure()

    yield result

    gc.collect()
    torch.cuda.empty_cache()

    result.after_profile.measure()

    diff_profile = result.after_profile - result.before_profile
    diff_from_create = result.after_profile - result.before_create
    result.torch_peak_increase = diff_profile.torch_peak
    result.non_torch_increase = diff_from_create.non_torch_memory
    result.profile_time = diff_profile.timestamp

    non_torch_memory = result.non_torch_increase
    peak_activation_memory = result.torch_peak_increase
    result.non_kv_cache_memory = non_torch_memory + peak_activation_memory + result.weights_memory  # noqa

merge_async_iterators async

merge_async_iterators(
    *iterators: AsyncGenerator[T, None],
) -> AsyncGenerator[tuple[int, T], None]

Merge multiple asynchronous iterators into a single iterator.

This method handle the case where some iterators finish before others. When it yields, it yields a tuple (i, item) where i is the index of the iterator that yields the item.

Source code in vllm/utils/__init__.py
async def merge_async_iterators(
    *iterators: AsyncGenerator[T,
                               None], ) -> AsyncGenerator[tuple[int, T], None]:
    """Merge multiple asynchronous iterators into a single iterator.

    This method handle the case where some iterators finish before others.
    When it yields, it yields a tuple (i, item) where i is the index of the
    iterator that yields the item.
    """
    if len(iterators) == 1:
        # Fast-path single iterator case.
        async for item in iterators[0]:
            yield 0, item
        return

    loop = asyncio.get_running_loop()

    awaits = {_next_task(pair[1], loop): pair for pair in enumerate(iterators)}
    try:
        while awaits:
            done, _ = await asyncio.wait(awaits.keys(),
                                         return_when=FIRST_COMPLETED)
            for d in done:
                pair = awaits.pop(d)
                try:
                    item = await d
                    i, it = pair
                    awaits[_next_task(it, loop)] = pair
                    yield i, item
                except StopAsyncIteration:
                    pass
    finally:
        # Cancel any remaining iterators
        for f, (_, it) in awaits.items():
            with contextlib.suppress(BaseException):
                f.cancel()
                await it.aclose()

next_power_of_2

next_power_of_2(n) -> int

The next power of 2 (inclusive)

Source code in vllm/utils/__init__.py
def next_power_of_2(n) -> int:
    """The next power of 2 (inclusive)"""
    if n < 1:
        return 1
    return 1 << (n - 1).bit_length()

prev_power_of_2

prev_power_of_2(n: int) -> int

The previous power of 2 (inclusive)

Source code in vllm/utils/__init__.py
def prev_power_of_2(n: int) -> int:
    """The previous power of 2 (inclusive)"""
    if n <= 0:
        return 0
    return 1 << (n.bit_length() - 1)

random_uuid

random_uuid() -> str
Source code in vllm/utils/__init__.py
def random_uuid() -> str:
    return str(uuid.uuid4().hex)

resolve_obj_by_qualname

resolve_obj_by_qualname(qualname: str) -> Any

Resolve an object by its fully-qualified class name.

Source code in vllm/utils/__init__.py
def resolve_obj_by_qualname(qualname: str) -> Any:
    """
    Resolve an object by its fully-qualified class name.
    """
    module_name, obj_name = qualname.rsplit(".", 1)
    module = importlib.import_module(module_name)
    return getattr(module, obj_name)

round_down

round_down(x: int, y: int) -> int
Source code in vllm/utils/__init__.py
def round_down(x: int, y: int) -> int:
    return (x // y) * y

round_up

round_up(x: int, y: int) -> int
Source code in vllm/utils/__init__.py
def round_up(x: int, y: int) -> int:
    return ((x + y - 1) // y) * y

run_in_loop

run_in_loop(
    loop: AbstractEventLoop, function: Callable, *args
)
Source code in vllm/utils/__init__.py
def run_in_loop(loop: AbstractEventLoop, function: Callable, *args):
    if in_loop(loop):
        function(*args)
    elif not loop.is_closed():
        loop.call_soon_threadsafe(function, *args)

run_method

run_method(
    obj: Any,
    method: Union[str, bytes, Callable],
    args: tuple[Any],
    kwargs: dict[str, Any],
) -> Any

Run a method of an object with the given arguments and keyword arguments. If the method is string, it will be converted to a method using getattr. If the method is serialized bytes and will be deserialized using cloudpickle. If the method is a callable, it will be called directly.

Source code in vllm/utils/__init__.py
def run_method(obj: Any, method: Union[str, bytes, Callable], args: tuple[Any],
               kwargs: dict[str, Any]) -> Any:
    """
    Run a method of an object with the given arguments and keyword arguments.
    If the method is string, it will be converted to a method using getattr.
    If the method is serialized bytes and will be deserialized using
    cloudpickle.
    If the method is a callable, it will be called directly.
    """
    if isinstance(method, bytes):
        func = partial(cloudpickle.loads(method), obj)
    elif isinstance(method, str):
        try:
            func = getattr(obj, method)
        except AttributeError:
            raise NotImplementedError(f"Method {method!r} is not"
                                      " implemented.") from None
    else:
        func = partial(method, obj)  # type: ignore
    return func(*args, **kwargs)

run_once

run_once(f: Callable[P, None]) -> Callable[P, None]
Source code in vllm/utils/__init__.py
def run_once(f: Callable[P, None]) -> Callable[P, None]:

    def wrapper(*args: P.args, **kwargs: P.kwargs) -> None:
        if wrapper.has_run:  # type: ignore[attr-defined]
            return

        with wrapper.lock:  # type: ignore[attr-defined]
            if not wrapper.has_run:  # type: ignore[attr-defined]
                wrapper.has_run = True  # type: ignore[attr-defined]
                return f(*args, **kwargs)

    wrapper.has_run = False  # type: ignore[attr-defined]
    wrapper.lock = threading.Lock()  # type: ignore[attr-defined]
    return wrapper

set_default_torch_num_threads

set_default_torch_num_threads(num_threads: int)

Sets the default number of threads for PyTorch to the given value.

Source code in vllm/utils/__init__.py
@contextlib.contextmanager
def set_default_torch_num_threads(num_threads: int):
    """Sets the default number of threads for PyTorch to the given value."""
    old_num_threads = torch.get_num_threads()
    torch.set_num_threads(num_threads)
    yield
    torch.set_num_threads(old_num_threads)

set_env_var

set_env_var(key, value)
Source code in vllm/utils/__init__.py
@contextlib.contextmanager
def set_env_var(key, value):
    old = os.environ.get(key)
    os.environ[key] = value
    try:
        yield
    finally:
        if old is None:
            del os.environ[key]
        else:
            os.environ[key] = old

set_process_title

set_process_title(
    name: str,
    suffix: str = "",
    prefix: str = VLLM_PROCESS_NAME_PREFIX,
) -> None

Set the current process title to a specific name with an optional suffix.

Parameters:

Name Type Description Default
name str

The title to assign to the current process.

required
suffix str

An optional suffix to append to the base name.

''
prefix str

A prefix to prepend to the front separated by ::.

VLLM_PROCESS_NAME_PREFIX
Source code in vllm/utils/__init__.py
def set_process_title(name: str,
                      suffix: str = "",
                      prefix: str = envs.VLLM_PROCESS_NAME_PREFIX) -> None:
    """
    Set the current process title to a specific name with an
    optional suffix.

    Args:
        name: The title to assign to the current process.
        suffix: An optional suffix to append to the base name.
        prefix: A prefix to prepend to the front separated by `::`.
    """
    if suffix:
        name = f"{name}_{suffix}"
    setproctitle.setproctitle(f"{prefix}::{name}")

set_ulimit

set_ulimit(target_soft_limit=65535)
Source code in vllm/utils/__init__.py
def set_ulimit(target_soft_limit=65535):
    if sys.platform.startswith('win'):
        logger.info("Windows detected, skipping ulimit adjustment.")
        return

    import resource
    resource_type = resource.RLIMIT_NOFILE
    current_soft, current_hard = resource.getrlimit(resource_type)

    if current_soft < target_soft_limit:
        try:
            resource.setrlimit(resource_type,
                               (target_soft_limit, current_hard))
        except ValueError as e:
            logger.warning(
                "Found ulimit of %s and failed to automatically increase "
                "with error %s. This can cause fd limit errors like "
                "`OSError: [Errno 24] Too many open files`. Consider "
                "increasing with ulimit -n", current_soft, e)

sha256

sha256(input: Any) -> bytes

Hash any picklable Python object using SHA-256.

The input is serialized using pickle before hashing, which allows arbitrary Python objects to be used. Note that this function does not use a hash seed—if you need one, prepend it explicitly to the input.

Parameters:

Name Type Description Default
input Any

Any picklable Python object.

required

Returns:

Type Description
bytes

Bytes representing the SHA-256 hash of the serialized input.

Source code in vllm/utils/__init__.py
def sha256(input: Any) -> bytes:
    """Hash any picklable Python object using SHA-256.

    The input is serialized using pickle before hashing, which allows
    arbitrary Python objects to be used. Note that this function does
    not use a hash seed—if you need one, prepend it explicitly to the input.

    Args:
        input: Any picklable Python object.

    Returns:
        Bytes representing the SHA-256 hash of the serialized input.
    """
    input_bytes = pickle.dumps(input, protocol=pickle.HIGHEST_PROTOCOL)
    return hashlib.sha256(input_bytes).digest()

sha256_cbor

sha256_cbor(input: Any) -> bytes

Hash objects using CBOR serialization and SHA-256.

This option is useful for non-Python-dependent serialization and hashing.

Parameters:

Name Type Description Default
input Any

Object to be serialized and hashed. Supported types include basic Python types and complex structures like lists, tuples, and dictionaries. Custom classes must implement CBOR serialization methods.

required

Returns:

Type Description
bytes

Bytes representing the SHA-256 hash of the CBOR serialized input.

Source code in vllm/utils/__init__.py
def sha256_cbor(input: Any) -> bytes:
    """
    Hash objects using CBOR serialization and SHA-256.

    This option is useful for non-Python-dependent serialization and hashing.

    Args:
        input: Object to be serialized and hashed. Supported types include
            basic Python types and complex structures like lists, tuples, and
            dictionaries.
            Custom classes must implement CBOR serialization methods.

    Returns:
        Bytes representing the SHA-256 hash of the CBOR serialized input.
    """
    input_bytes = cbor2.dumps(input, canonical=True)
    return hashlib.sha256(input_bytes).digest()

split_host_port

split_host_port(host_port: str) -> tuple[str, int]
Source code in vllm/utils/__init__.py
def split_host_port(host_port: str) -> tuple[str, int]:
    # ipv6
    if host_port.startswith('['):
        host, port = host_port.rsplit(']', 1)
        host = host[1:]
        port = port.split(':')[1]
        return host, int(port)
    else:
        host, port = host_port.split(':')
        return host, int(port)

split_zmq_path

split_zmq_path(path: str) -> tuple[str, str, str]

Split a zmq path into its parts.

Source code in vllm/utils/__init__.py
def split_zmq_path(path: str) -> tuple[str, str, str]:
    """Split a zmq path into its parts."""
    parsed = urlparse(path)
    if not parsed.scheme:
        raise ValueError(f"Invalid zmq path: {path}")

    scheme = parsed.scheme
    host = parsed.hostname or ""
    port = str(parsed.port or "")

    if scheme == "tcp" and not all((host, port)):
        # The host and port fields are required for tcp
        raise ValueError(f"Invalid zmq path: {path}")

    if scheme != "tcp" and port:
        # port only makes sense with tcp
        raise ValueError(f"Invalid zmq path: {path}")

    return scheme, host, port

supports_custom_op

supports_custom_op() -> bool
Source code in vllm/utils/__init__.py
def supports_custom_op() -> bool:
    return hasattr(torch.library, "custom_op")

supports_dynamo

supports_dynamo() -> bool
Source code in vllm/utils/__init__.py
def supports_dynamo() -> bool:
    base_torch_version = Version(Version(torch.__version__).base_version)
    return base_torch_version >= Version("2.4.0")

supports_kw cached

supports_kw(
    callable: Callable[..., object],
    kw_name: str,
    *,
    requires_kw_only: bool = False,
    allow_var_kwargs: bool = True,
) -> bool

Check if a keyword is a valid kwarg for a callable; if requires_kw_only disallows kwargs names that can also be positional arguments.

Source code in vllm/utils/__init__.py
@lru_cache
def supports_kw(
    callable: Callable[..., object],
    kw_name: str,
    *,
    requires_kw_only: bool = False,
    allow_var_kwargs: bool = True,
) -> bool:
    """Check if a keyword is a valid kwarg for a callable; if requires_kw_only
    disallows kwargs names that can also be positional arguments.
    """
    params = inspect.signature(callable).parameters
    if not params:
        return False

    param_val = params.get(kw_name)

    # Types where the it may be valid, i.e., explicitly defined & nonvariadic
    passable_kw_types = set((inspect.Parameter.POSITIONAL_ONLY,
                             inspect.Parameter.POSITIONAL_OR_KEYWORD,
                             inspect.Parameter.KEYWORD_ONLY))

    if param_val:
        is_sig_param = param_val.kind in passable_kw_types
        # We want kwargs only, but this is passable as a positional arg
        if (requires_kw_only and is_sig_param
                and param_val.kind != inspect.Parameter.KEYWORD_ONLY):
            return False
        if ((requires_kw_only
             and param_val.kind == inspect.Parameter.KEYWORD_ONLY)
                or (not requires_kw_only and is_sig_param)):
            return True

    # If we're okay with var-kwargs, it's supported as long as
    # the kw_name isn't something like *args, **kwargs
    if allow_var_kwargs:
        # Get the last param; type is ignored here because params is a proxy
        # mapping, but it wraps an ordered dict, and they appear in order.
        # Ref: https://docs.python.org/3/library/inspect.html#inspect.Signature.parameters
        last_param = params[next(reversed(params))]  # type: ignore
        return (last_param.kind == inspect.Parameter.VAR_KEYWORD
                and last_param.name != kw_name)

    return False

supports_xccl

supports_xccl() -> bool
Source code in vllm/utils/__init__.py
def supports_xccl() -> bool:
    return is_torch_equal_or_newer(
        "2.8.0.dev") and torch.distributed.is_xccl_available()

swap_dict_values

swap_dict_values(
    obj: dict[_K, _V], key1: _K, key2: _K
) -> None

Helper function to swap values for two keys

Source code in vllm/utils/__init__.py
def swap_dict_values(obj: dict[_K, _V], key1: _K, key2: _K) -> None:
    """
    Helper function to swap values for two keys
    """
    v1 = obj.get(key1)
    v2 = obj.get(key2)
    if v1 is not None:
        obj[key2] = v1
    else:
        obj.pop(key2, None)
    if v2 is not None:
        obj[key1] = v2
    else:
        obj.pop(key1, None)

test_loopback_bind

test_loopback_bind(address, family)
Source code in vllm/utils/__init__.py
def test_loopback_bind(address, family):
    try:
        s = socket.socket(family, socket.SOCK_DGRAM)
        s.bind((address, 0))  # Port 0 = auto assign
        s.close()
        return True
    except OSError:
        return False

unique_filepath

unique_filepath(fn: Callable[[int], Path]) -> Path

unique_filepath returns a unique path by trying to include an integer in increasing order.

fn should be a callable that returns a path that includes the passed int at a fixed location.

Note: This function has a TOCTOU race condition. Caller should use atomic operations (e.g., open with 'x' mode) when creating the file to ensure thread safety.

Source code in vllm/utils/__init__.py
def unique_filepath(fn: Callable[[int], Path]) -> Path:
    """
    unique_filepath returns a unique path by trying
    to include an integer in increasing order.

    fn should be a callable that returns a path that
    includes the passed int at a fixed location.

    Note: This function has a TOCTOU race condition.
    Caller should use atomic operations (e.g., open with 'x' mode)
    when creating the file to ensure thread safety.
    """
    i = 0
    while True:
        p = fn(i)
        if not p.exists():
            return p
        i += 1

update_environment_variables

update_environment_variables(envs: dict[str, str])
Source code in vllm/utils/__init__.py
def update_environment_variables(envs: dict[str, str]):
    for k, v in envs.items():
        if k in os.environ and os.environ[k] != v:
            logger.warning(
                "Overwriting environment variable %s "
                "from '%s' to '%s'", k, os.environ[k], v)
        os.environ[k] = v

warn_for_unimplemented_methods

warn_for_unimplemented_methods(cls: type[T]) -> type[T]

A replacement for abc.ABC. When we use abc.ABC, subclasses will fail to instantiate if they do not implement all abstract methods. Here, we only require raise NotImplementedError in the base class, and log a warning if the method is not implemented in the subclass.

Source code in vllm/utils/__init__.py
def warn_for_unimplemented_methods(cls: type[T]) -> type[T]:
    """
    A replacement for `abc.ABC`.
    When we use `abc.ABC`, subclasses will fail to instantiate
    if they do not implement all abstract methods.
    Here, we only require `raise NotImplementedError` in the
    base class, and log a warning if the method is not implemented
    in the subclass.
    """

    original_init = cls.__init__

    def find_unimplemented_methods(self: object):
        unimplemented_methods = []
        for attr_name in dir(self):
            # bypass inner method
            if attr_name.startswith('_'):
                continue

            try:
                attr = getattr(self, attr_name)
                # get the func of callable method
                if callable(attr):
                    attr_func = attr.__func__
            except AttributeError:
                continue
            src = inspect.getsource(attr_func)
            if "NotImplementedError" in src:
                unimplemented_methods.append(attr_name)
        if unimplemented_methods:
            method_names = ','.join(unimplemented_methods)
            msg = (f"Methods {method_names} not implemented in {self}")
            logger.debug(msg)

    @wraps(original_init)
    def wrapped_init(self, *args, **kwargs) -> None:
        original_init(self, *args, **kwargs)
        find_unimplemented_methods(self)

    type.__setattr__(cls, '__init__', wrapped_init)
    return cls

weak_bind

weak_bind(
    bound_method: Callable[..., Any],
) -> Callable[..., None]

Make an instance method that weakly references its associated instance and no-ops once that instance is collected.

Source code in vllm/utils/__init__.py
def weak_bind(bound_method: Callable[..., Any], ) -> Callable[..., None]:
    """Make an instance method that weakly references
    its associated instance and no-ops once that
    instance is collected."""
    ref = weakref.ref(bound_method.__self__)  # type: ignore[attr-defined]
    unbound = bound_method.__func__  # type: ignore[attr-defined]

    def weak_bound(*args, **kwargs) -> None:
        if inst := ref():
            unbound(inst, *args, **kwargs)

    return weak_bound

weak_ref_tensor

weak_ref_tensor(tensor: Any) -> Any

Create a weak reference to a tensor. The new tensor will share the same data as the original tensor, but will not keep the original tensor alive.

Source code in vllm/utils/__init__.py
def weak_ref_tensor(tensor: Any) -> Any:
    """
    Create a weak reference to a tensor.
    The new tensor will share the same data as the original tensor,
    but will not keep the original tensor alive.
    """
    if isinstance(tensor, torch.Tensor):
        return torch.ops._C.weak_ref_tensor(tensor)
    else:
        return tensor

weak_ref_tensors

weak_ref_tensors(
    tensors: Union[
        Tensor,
        list[Tensor],
        tuple[Tensor],
        IntermediateTensors,
    ],
) -> Union[Tensor, list[Any], tuple[Any], Any]

Convenience function to create weak references to tensors, for single tensor, list of tensors or tuple of tensors.

Source code in vllm/utils/__init__.py
def weak_ref_tensors(
    tensors: Union[torch.Tensor, list[torch.Tensor], tuple[torch.Tensor],
                   IntermediateTensors]
) -> Union[torch.Tensor, list[Any], tuple[Any], Any]:
    """
    Convenience function to create weak references to tensors,
    for single tensor, list of tensors or tuple of tensors.
    """
    if isinstance(tensors, torch.Tensor):
        return weak_ref_tensor(tensors)
    if isinstance(tensors, list):
        return [weak_ref_tensor(t) for t in tensors]
    if isinstance(tensors, tuple):
        return tuple(weak_ref_tensor(t) for t in tensors)

    # For IntermediateTensors used in pipeline parallelism
    from vllm.sequence import IntermediateTensors
    if isinstance(tensors, IntermediateTensors):
        ret = IntermediateTensors({
            key: weak_ref_tensor(val)
            for key, val in tensors.tensors.items()
        })
        return ret
    raise ValueError("Invalid type for tensors")

xpu_is_initialized

xpu_is_initialized() -> bool

Check if XPU is initialized.

Source code in vllm/utils/__init__.py
def xpu_is_initialized() -> bool:
    """Check if XPU is initialized."""
    if not torch.xpu._is_compiled():
        return False
    return torch.xpu.is_initialized()

zmq_socket_ctx

zmq_socket_ctx(
    path: str,
    socket_type: Any,
    bind: Optional[bool] = None,
    linger: int = 0,
    identity: Optional[bytes] = None,
) -> Iterator[Socket]

Context manager for a ZMQ socket

Source code in vllm/utils/__init__.py
@contextlib.contextmanager
def zmq_socket_ctx(
    path: str,
    socket_type: Any,
    bind: Optional[bool] = None,
    linger: int = 0,
    identity: Optional[bytes] = None,
) -> Iterator[zmq.Socket]:
    """Context manager for a ZMQ socket"""

    ctx = zmq.Context()  # type: ignore[attr-defined]
    try:
        yield make_zmq_socket(ctx,
                              path,
                              socket_type,
                              bind=bind,
                              identity=identity)
    except KeyboardInterrupt:
        logger.debug("Got Keyboard Interrupt.")

    finally:
        ctx.destroy(linger=linger)