Skip to content

vllm.model_executor.layers.quantization.torchao

logger module-attribute

logger = init_logger(__name__)

TorchAOConfig

Bases: QuantizationConfig

Config class for torchao.

Source code in vllm/model_executor/layers/quantization/torchao.py
class TorchAOConfig(QuantizationConfig):
    """Config class for torchao."""

    def __init__(self,
                 torchao_config,
                 skip_modules: Optional[list[str]] = None,
                 is_checkpoint_torchao_serialized: bool = False) -> None:
        """
        # TorchAO quantization relies on tensor subclasses. In order,
        # to enable proper caching this needs standalone compile
        if is_torch_equal_or_newer("2.8.0.dev"):
            os.environ["VLLM_TEST_STANDALONE_COMPILE"] = "1"
            logger.info(
                "Using TorchAO: Setting VLLM_TEST_STANDALONE_COMPILE=1")

        # TODO: remove after the torch dependency is updated to 2.8
        if is_torch_equal_or_newer(
                "2.7.0") and not is_torch_equal_or_newer("2.8.0.dev"):
            os.environ["VLLM_DISABLE_COMPILE_CACHE"] = "1"
            logger.info("Using TorchAO: Setting VLLM_DISABLE_COMPILE_CACHE=1")
        """
        super().__init__()
        self.torchao_config = torchao_config
        self.skip_modules = skip_modules or []
        self.is_checkpoint_torchao_serialized = is_checkpoint_torchao_serialized

    def __repr__(self) -> str:
        return f"TorchAOConfig({self.torchao_config=}, {self.skip_modules=}, " \
            f"{self.is_checkpoint_torchao_serialized=})"

    def get_name(self) -> QuantizationMethods:
        return "torchao"

    def get_supported_act_dtypes(self) -> list[torch.dtype]:
        return [torch.float32, torch.float16, torch.bfloat16]

    @classmethod
    def get_min_capability(cls) -> int:
        return 75

    @staticmethod
    def get_config_filenames() -> list[str]:
        """torchao doesn't require additional config files, we use
        `config.json` from huggingface: `model_config.hf_config`
        """
        return []

    @classmethod
    def from_config(cls, config: dict[str, Any]) -> "TorchAOConfig":
        """Create the quant config from an hf model config"""
        try:
            from torchao.core.config import config_from_dict
        except ImportError as err:
            raise ImportError(
                "Please install torchao>=0.10.0 via "
                "`pip install torchao>=0.10.0` to use torchao quantization."
            ) from err

        quant_method = cls.get_from_keys_or(config, ["quant_method"], None)
        is_checkpoint_torchao_serialized = (quant_method is not None
                                            and "torchao" in quant_method)

        hf_config = cls.get_from_keys_or(config, ["quant_type"], None)
        assert hf_config is not None, "quant_type must be specified"
        assert len(hf_config) == 1 and "default" in hf_config, (
            "Expected only one key 'default' in quant_type dictionary")
        quant_type = hf_config["default"]
        ao_config = config_from_dict(quant_type)

        # Adds skipped modules defined in "modules_to_not_convert"
        skip_modules = config.get("modules_to_not_convert", []) or []

        # Adds skipped modules defined in "module_fqn_to_config"
        _data = quant_type.get("_data", {})
        if not isinstance(_data, dict):
            _data = {}

        module_fqn = _data.get("module_fqn_to_config", {})
        if not isinstance(module_fqn, dict):
            module_fqn = {}

        for layer, layer_cfg in module_fqn.items():
            if layer_cfg is None:
                skip_modules.append(layer)

        return cls(ao_config, skip_modules, is_checkpoint_torchao_serialized)

    @classmethod
    def from_config_file(cls, config_file: str) -> "TorchAOConfig":
        """Initialize class from a config file. Example:
        ```
        config = (
           Float8DynamicActivationFloat8WeightConfig(granularity=PerRow())
        )
        fn = "torchao_config.json"

        with open(fn, "w") as f:
            f.write(json.dumps(config_to_dict(config)))
        ```
        """
        with open(config_file) as f:
            f.seek(0)
            f_read = f.read()
            config_dict = json.loads(f_read)

        hf_config = {"quant_type": {"default": config_dict}}
        return cls.from_config(hf_config)

    @classmethod
    def from_config_dict_json(cls, config_dict_json: str) -> "TorchAOConfig":
        """Iniitalize class from a config_dict json string, got from
        torchao_config_object = some AOBaseConfig object
        json.dumps(config_to_dict(torchao_config_object))
        """
        config_dict = json.loads(config_dict_json)
        hf_config = {"quant_type": {"default": config_dict}}
        return cls.from_config(hf_config)

    def get_quant_method(self, layer: torch.nn.Module,
                         prefix: str) -> Optional["QuantizeMethodBase"]:
        if not isinstance(layer, LinearBase):
            return None

        from torchao.quantization import ModuleFqnToConfig

        if should_skip(prefix, self.skip_modules):
            return UnquantizedLinearMethod()

        module_fqn = prefix
        if isinstance(self.torchao_config, ModuleFqnToConfig):
            module_fqn_to_config = self.torchao_config.module_fqn_to_config
            c = module_fqn_to_config.get(
                module_fqn) or module_fqn_to_config.get("_default", None)
            if c is not None:
                current_torchao_config = TorchAOConfig(
                    c, self.skip_modules,
                    self.is_checkpoint_torchao_serialized)
                return TorchAOLinearMethod(current_torchao_config)
            else:
                return UnquantizedLinearMethod()

        return TorchAOLinearMethod(self)

    def get_scaled_act_names(self) -> list[str]:
        return []

is_checkpoint_torchao_serialized instance-attribute

is_checkpoint_torchao_serialized = (
    is_checkpoint_torchao_serialized
)

skip_modules instance-attribute

skip_modules = skip_modules or []

torchao_config instance-attribute

torchao_config = torchao_config

__init__

__init__(
    torchao_config,
    skip_modules: Optional[list[str]] = None,
    is_checkpoint_torchao_serialized: bool = False,
) -> None

TorchAO quantization relies on tensor subclasses. In order,

to enable proper caching this needs standalone compile

if is_torch_equal_or_newer("2.8.0.dev"): os.environ["VLLM_TEST_STANDALONE_COMPILE"] = "1" logger.info( "Using TorchAO: Setting VLLM_TEST_STANDALONE_COMPILE=1")

TODO: remove after the torch dependency is updated to 2.8

if is_torch_equal_or_newer( "2.7.0") and not is_torch_equal_or_newer("2.8.0.dev"): os.environ["VLLM_DISABLE_COMPILE_CACHE"] = "1" logger.info("Using TorchAO: Setting VLLM_DISABLE_COMPILE_CACHE=1")

Source code in vllm/model_executor/layers/quantization/torchao.py
def __init__(self,
             torchao_config,
             skip_modules: Optional[list[str]] = None,
             is_checkpoint_torchao_serialized: bool = False) -> None:
    """
    # TorchAO quantization relies on tensor subclasses. In order,
    # to enable proper caching this needs standalone compile
    if is_torch_equal_or_newer("2.8.0.dev"):
        os.environ["VLLM_TEST_STANDALONE_COMPILE"] = "1"
        logger.info(
            "Using TorchAO: Setting VLLM_TEST_STANDALONE_COMPILE=1")

    # TODO: remove after the torch dependency is updated to 2.8
    if is_torch_equal_or_newer(
            "2.7.0") and not is_torch_equal_or_newer("2.8.0.dev"):
        os.environ["VLLM_DISABLE_COMPILE_CACHE"] = "1"
        logger.info("Using TorchAO: Setting VLLM_DISABLE_COMPILE_CACHE=1")
    """
    super().__init__()
    self.torchao_config = torchao_config
    self.skip_modules = skip_modules or []
    self.is_checkpoint_torchao_serialized = is_checkpoint_torchao_serialized

__repr__

__repr__() -> str
Source code in vllm/model_executor/layers/quantization/torchao.py
def __repr__(self) -> str:
    return f"TorchAOConfig({self.torchao_config=}, {self.skip_modules=}, " \
        f"{self.is_checkpoint_torchao_serialized=})"

from_config classmethod

from_config(config: dict[str, Any]) -> TorchAOConfig

Create the quant config from an hf model config

Source code in vllm/model_executor/layers/quantization/torchao.py
@classmethod
def from_config(cls, config: dict[str, Any]) -> "TorchAOConfig":
    """Create the quant config from an hf model config"""
    try:
        from torchao.core.config import config_from_dict
    except ImportError as err:
        raise ImportError(
            "Please install torchao>=0.10.0 via "
            "`pip install torchao>=0.10.0` to use torchao quantization."
        ) from err

    quant_method = cls.get_from_keys_or(config, ["quant_method"], None)
    is_checkpoint_torchao_serialized = (quant_method is not None
                                        and "torchao" in quant_method)

    hf_config = cls.get_from_keys_or(config, ["quant_type"], None)
    assert hf_config is not None, "quant_type must be specified"
    assert len(hf_config) == 1 and "default" in hf_config, (
        "Expected only one key 'default' in quant_type dictionary")
    quant_type = hf_config["default"]
    ao_config = config_from_dict(quant_type)

    # Adds skipped modules defined in "modules_to_not_convert"
    skip_modules = config.get("modules_to_not_convert", []) or []

    # Adds skipped modules defined in "module_fqn_to_config"
    _data = quant_type.get("_data", {})
    if not isinstance(_data, dict):
        _data = {}

    module_fqn = _data.get("module_fqn_to_config", {})
    if not isinstance(module_fqn, dict):
        module_fqn = {}

    for layer, layer_cfg in module_fqn.items():
        if layer_cfg is None:
            skip_modules.append(layer)

    return cls(ao_config, skip_modules, is_checkpoint_torchao_serialized)

from_config_dict_json classmethod

from_config_dict_json(
    config_dict_json: str,
) -> TorchAOConfig

Iniitalize class from a config_dict json string, got from torchao_config_object = some AOBaseConfig object json.dumps(config_to_dict(torchao_config_object))

Source code in vllm/model_executor/layers/quantization/torchao.py
@classmethod
def from_config_dict_json(cls, config_dict_json: str) -> "TorchAOConfig":
    """Iniitalize class from a config_dict json string, got from
    torchao_config_object = some AOBaseConfig object
    json.dumps(config_to_dict(torchao_config_object))
    """
    config_dict = json.loads(config_dict_json)
    hf_config = {"quant_type": {"default": config_dict}}
    return cls.from_config(hf_config)

from_config_file classmethod

from_config_file(config_file: str) -> TorchAOConfig

Initialize class from a config file. Example:

config = (
   Float8DynamicActivationFloat8WeightConfig(granularity=PerRow())
)
fn = "torchao_config.json"

with open(fn, "w") as f:
    f.write(json.dumps(config_to_dict(config)))

Source code in vllm/model_executor/layers/quantization/torchao.py
@classmethod
def from_config_file(cls, config_file: str) -> "TorchAOConfig":
    """Initialize class from a config file. Example:
    ```
    config = (
       Float8DynamicActivationFloat8WeightConfig(granularity=PerRow())
    )
    fn = "torchao_config.json"

    with open(fn, "w") as f:
        f.write(json.dumps(config_to_dict(config)))
    ```
    """
    with open(config_file) as f:
        f.seek(0)
        f_read = f.read()
        config_dict = json.loads(f_read)

    hf_config = {"quant_type": {"default": config_dict}}
    return cls.from_config(hf_config)

get_config_filenames staticmethod

get_config_filenames() -> list[str]

torchao doesn't require additional config files, we use config.json from huggingface: model_config.hf_config

Source code in vllm/model_executor/layers/quantization/torchao.py
@staticmethod
def get_config_filenames() -> list[str]:
    """torchao doesn't require additional config files, we use
    `config.json` from huggingface: `model_config.hf_config`
    """
    return []

get_min_capability classmethod

get_min_capability() -> int
Source code in vllm/model_executor/layers/quantization/torchao.py
@classmethod
def get_min_capability(cls) -> int:
    return 75

get_name

get_name() -> QuantizationMethods
Source code in vllm/model_executor/layers/quantization/torchao.py
def get_name(self) -> QuantizationMethods:
    return "torchao"

get_quant_method

get_quant_method(
    layer: Module, prefix: str
) -> Optional[QuantizeMethodBase]
Source code in vllm/model_executor/layers/quantization/torchao.py
def get_quant_method(self, layer: torch.nn.Module,
                     prefix: str) -> Optional["QuantizeMethodBase"]:
    if not isinstance(layer, LinearBase):
        return None

    from torchao.quantization import ModuleFqnToConfig

    if should_skip(prefix, self.skip_modules):
        return UnquantizedLinearMethod()

    module_fqn = prefix
    if isinstance(self.torchao_config, ModuleFqnToConfig):
        module_fqn_to_config = self.torchao_config.module_fqn_to_config
        c = module_fqn_to_config.get(
            module_fqn) or module_fqn_to_config.get("_default", None)
        if c is not None:
            current_torchao_config = TorchAOConfig(
                c, self.skip_modules,
                self.is_checkpoint_torchao_serialized)
            return TorchAOLinearMethod(current_torchao_config)
        else:
            return UnquantizedLinearMethod()

    return TorchAOLinearMethod(self)

get_scaled_act_names

get_scaled_act_names() -> list[str]
Source code in vllm/model_executor/layers/quantization/torchao.py
def get_scaled_act_names(self) -> list[str]:
    return []

get_supported_act_dtypes

get_supported_act_dtypes() -> list[dtype]
Source code in vllm/model_executor/layers/quantization/torchao.py
def get_supported_act_dtypes(self) -> list[torch.dtype]:
    return [torch.float32, torch.float16, torch.bfloat16]

TorchAOLinearMethod

Bases: LinearMethodBase

Linear method for torchao.

Parameters:

Name Type Description Default
quant_config TorchAOConfig

The torchao quantization config, a string that encodes the type of quantization and all relevant arguments.

required
Source code in vllm/model_executor/layers/quantization/torchao.py
class TorchAOLinearMethod(LinearMethodBase):
    """Linear method for torchao.

    Args:
        quant_config: The torchao quantization config, a string that encodes
            the type of quantization and all relevant arguments.
    """

    def __init__(self, quant_config: TorchAOConfig):
        self.quant_config = quant_config

    def create_weights(
        self,
        layer: torch.nn.Module,
        input_size_per_partition: int,
        output_partition_sizes: list[int],
        input_size: int,
        output_size: int,
        params_dtype: torch.dtype,
        **extra_weight_attrs,
    ):
        weight = Parameter(
            torch.empty(
                sum(output_partition_sizes),
                input_size_per_partition,
                dtype=params_dtype,
            ),
            requires_grad=False,
        )
        if self.quant_config.is_checkpoint_torchao_serialized:
            weight = torchao_quantize_param_data(
                weight, self.quant_config.torchao_config)

        set_weight_attrs(weight, {"input_dim": 1, "output_dim": 0})

        layer.register_parameter("weight", weight)
        set_weight_attrs(weight, extra_weight_attrs)

    def apply(
        self,
        layer: torch.nn.Module,
        x: torch.Tensor,
        bias: Optional[torch.Tensor] = None,
    ) -> torch.Tensor:
        return F.linear(x, layer.weight, bias)

    def process_weights_after_loading(self, layer: torch.nn.Module) -> None:
        if self.quant_config.is_checkpoint_torchao_serialized:
            return

        # quantize the weight on the fly if the checkpoint is not already
        # quantized by torchao
        weight = torchao_quantize_param_data(layer.weight,
                                             self.quant_config.torchao_config)
        set_weight_attrs(weight, {"input_dim": 1, "output_dim": 0})
        layer.register_parameter("weight", weight)

quant_config instance-attribute

quant_config = quant_config

__init__

__init__(quant_config: TorchAOConfig)
Source code in vllm/model_executor/layers/quantization/torchao.py
def __init__(self, quant_config: TorchAOConfig):
    self.quant_config = quant_config

apply

apply(
    layer: Module, x: Tensor, bias: Optional[Tensor] = None
) -> Tensor
Source code in vllm/model_executor/layers/quantization/torchao.py
def apply(
    self,
    layer: torch.nn.Module,
    x: torch.Tensor,
    bias: Optional[torch.Tensor] = None,
) -> torch.Tensor:
    return F.linear(x, layer.weight, bias)

create_weights

create_weights(
    layer: Module,
    input_size_per_partition: int,
    output_partition_sizes: list[int],
    input_size: int,
    output_size: int,
    params_dtype: dtype,
    **extra_weight_attrs,
)
Source code in vllm/model_executor/layers/quantization/torchao.py
def create_weights(
    self,
    layer: torch.nn.Module,
    input_size_per_partition: int,
    output_partition_sizes: list[int],
    input_size: int,
    output_size: int,
    params_dtype: torch.dtype,
    **extra_weight_attrs,
):
    weight = Parameter(
        torch.empty(
            sum(output_partition_sizes),
            input_size_per_partition,
            dtype=params_dtype,
        ),
        requires_grad=False,
    )
    if self.quant_config.is_checkpoint_torchao_serialized:
        weight = torchao_quantize_param_data(
            weight, self.quant_config.torchao_config)

    set_weight_attrs(weight, {"input_dim": 1, "output_dim": 0})

    layer.register_parameter("weight", weight)
    set_weight_attrs(weight, extra_weight_attrs)

process_weights_after_loading

process_weights_after_loading(layer: Module) -> None
Source code in vllm/model_executor/layers/quantization/torchao.py
def process_weights_after_loading(self, layer: torch.nn.Module) -> None:
    if self.quant_config.is_checkpoint_torchao_serialized:
        return

    # quantize the weight on the fly if the checkpoint is not already
    # quantized by torchao
    weight = torchao_quantize_param_data(layer.weight,
                                         self.quant_config.torchao_config)
    set_weight_attrs(weight, {"input_dim": 1, "output_dim": 0})
    layer.register_parameter("weight", weight)

should_skip

should_skip(prefix: str, skip_modules: list[str]) -> bool

Robust skipping logic: should_skip("model.model.layers.1.q_proj", ["model.model.layers.1.q_proj"]) # True should_skip("model.model.layers.10.o_proj", ["o_proj"]) -> True should_skip("visual.model.layers.1.q_proj", ["visual"]) -> True should_skip("model.model.layers.1.q_proj", ["layers.1"]) -> True should_skip("model.model.layers.11.q_proj", ["layers.1"]) -> False

Source code in vllm/model_executor/layers/quantization/torchao.py
def should_skip(prefix: str, skip_modules: list[str]) -> bool:
    """
    Robust skipping logic:
    should_skip("model.model.layers.1.q_proj",
                ["model.model.layers.1.q_proj"])  # True
    should_skip("model.model.layers.10.o_proj", ["o_proj"])  -> True
    should_skip("visual.model.layers.1.q_proj", ["visual"])   -> True
    should_skip("model.model.layers.1.q_proj", ["layers.1"])  -> True
    should_skip("model.model.layers.11.q_proj", ["layers.1"]) -> False
    """
    for s in skip_modules:
        if prefix == s:
            return True
        if f".{s}." in f".{prefix}.":
            return True
    return False

torchao_quantize_param_data

torchao_quantize_param_data(
    param: Tensor, torchao_config: Any
) -> Parameter

Quantize a Tensor with torchao quantization specified by torchao_config

Parameters:

Name Type Description Default
param Tensor

weight parameter of the linear module

required
torchao_config Any

type of quantization and their arguments we want to use to quantize the Tensor

required
Source code in vllm/model_executor/layers/quantization/torchao.py
def torchao_quantize_param_data(param: torch.Tensor,
                                torchao_config: Any) -> torch.nn.Parameter:
    """Quantize a Tensor with torchao quantization specified by torchao_config

    Args:
        param: weight parameter of the linear module
        torchao_config: type of quantization and their arguments we want to
            use to quantize the Tensor
    """
    from torchao.core.config import AOBaseConfig
    from torchao.quantization import quantize_

    assert isinstance(torchao_config, AOBaseConfig), f"{torchao_config}"
    """
    Avoid real weight allocation for faster load, since we will
    end up setting it to param.
    """
    with torch.device("meta"):
        # linear can't be top level module since quantize_ is inplace
        # while some of our configs need to do module swap, and only non-top
        # level modules support module swap
        dummy_linear = torch.nn.Sequential(
            torch.nn.Linear(param.shape[1], param.shape[0], bias=False))

    dummy_linear[0].weight = param
    quantize_(dummy_linear, torchao_config)
    return dummy_linear[0].weight