openvino_executor.py 6.5 KB

123456789101112131415161718192021222324252627282930313233343536373839404142434445464748495051525354555657585960616263646566676869707172737475767778798081828384858687888990919293949596979899100101102103104105106107108109110111112113114115116117118119120121122123124125126127128129130131132133134135136137138139140141142143144145146147148149150151152153154155156157158159160161162163164165166167168169
  1. from typing import List, Set, Tuple
  2. import os
  3. import openvino as ov
  4. import openvino.properties.hint as hints
  5. import torch
  6. from loguru import logger
  7. from aphrodite.common.config import CacheConfig, ModelConfig
  8. from aphrodite.common.sequence import ExecuteModelRequest, SamplerOutput
  9. from aphrodite.common.utils import (get_distributed_init_method, get_ip,
  10. get_open_port, make_async)
  11. from aphrodite.executor.executor_base import ExecutorAsyncBase, ExecutorBase
  12. from aphrodite.lora.request import LoRARequest
  13. APHRODITE_OPENVINO_KVCACHE_SPACE = int(
  14. os.getenv("APHRODITE_OPENVINO_KVCACHE_SPACE", 0))
  15. APHRODITE_OPENVINO_CPU_KV_CACHE_PRECISION = os.getenv(
  16. "APHRODITE_OPENVINO_CPU_KV_CACHE_PRECISION", None)
  17. class OpenVINOExecutor(ExecutorBase):
  18. def _init_executor(self) -> None:
  19. assert self.device_config.device_type == "openvino"
  20. assert self.lora_config is None, "OpenVINO backend doesn't support LoRA"
  21. self.model_config = _verify_and_get_model_config(self.model_config)
  22. self.cache_config = _verify_and_get_cache_config(self.cache_config)
  23. # Instantiate the worker and load the model to CPU.
  24. self._init_worker()
  25. def _init_worker(self):
  26. from aphrodite.task_handler.openvino_worker import OpenVINOWorker
  27. assert (
  28. self.parallel_config.world_size == 1
  29. ), "OpenVINOExecutor only supports single CPU socket currently."
  30. distributed_init_method = get_distributed_init_method(
  31. get_ip(), get_open_port())
  32. self.driver_worker = OpenVINOWorker(
  33. model_config=self.model_config,
  34. parallel_config=self.parallel_config,
  35. scheduler_config=self.scheduler_config,
  36. device_config=self.device_config,
  37. cache_config=self.cache_config,
  38. load_config=self.load_config,
  39. local_rank=0,
  40. rank=0,
  41. distributed_init_method=distributed_init_method,
  42. lora_config=self.lora_config,
  43. vision_language_config=self.vision_language_config,
  44. kv_cache_dtype=self.cache_config.cache_dtype,
  45. is_driver_worker=True,
  46. )
  47. self.driver_worker.init_device()
  48. self.driver_worker.load_model()
  49. def determine_num_available_blocks(self) -> Tuple[int, int]:
  50. """Determine the number of available KV blocks by invoking the
  51. underlying worker.
  52. """
  53. return self.driver_worker.determine_num_available_blocks()
  54. def initialize_cache(self, num_gpu_blocks: int,
  55. num_cpu_blocks: int) -> None:
  56. """Initialize the KV cache by invoking the underlying worker."""
  57. # NOTE: We log here to avoid multiple logs when number of workers is
  58. # greater than one. We could log in the engine, but not all executors
  59. # have GPUs.
  60. # NOTE: `cpu block` for OpenVINO backend is located on CPU memory but is
  61. # referred as `gpu block`. Because we want to reuse the existing block
  62. # management procedure.
  63. logger.info(f"# CPU blocks: {num_gpu_blocks}")
  64. logger.info(
  65. f"Minimum concurrency: {num_gpu_blocks * self.cache_config.block_size / self.scheduler_config.max_model_len:.2f}x" # noqa: E501
  66. )
  67. self.driver_worker.initialize_cache(num_gpu_blocks, num_cpu_blocks)
  68. def execute_model(
  69. self,
  70. execute_model_req: ExecuteModelRequest) -> List[SamplerOutput]:
  71. output = self.driver_worker.execute_model(execute_model_req)
  72. return output
  73. def add_lora(self, lora_request: LoRARequest) -> bool:
  74. return self.driver_worker.add_lora(lora_request)
  75. def remove_lora(self, lora_id: int) -> bool:
  76. return self.driver_worker.remove_lora(lora_id)
  77. def pin_lora(self, lora_id: int) -> bool:
  78. return self.driver_worker.pin_lora(lora_id)
  79. def list_loras(self) -> Set[int]:
  80. return self.driver_worker.list_loras()
  81. def check_health(self) -> None:
  82. # OpenVINOExecutor will always be healthy as long as
  83. # it's running.
  84. return
  85. class OpenVINOExecutorAsync(OpenVINOExecutor, ExecutorAsyncBase):
  86. async def execute_model_async(
  87. self,
  88. execute_model_req: ExecuteModelRequest) -> List[SamplerOutput]:
  89. output = await make_async(self.driver_worker.execute_model
  90. )(execute_model_req=execute_model_req, )
  91. return output
  92. async def check_health_async(self) -> None:
  93. # OpenVINOExecutor will always be healthy as long as
  94. # it's running.
  95. return
  96. def _verify_and_get_model_config(config: ModelConfig) -> ModelConfig:
  97. if config.dtype != torch.float32:
  98. logger.warning(
  99. f"Only float32 dtype is supported on OpenVINO, casting from {config.dtype}." # noqa: G004, E501
  100. )
  101. config.dtype = torch.float32
  102. if not config.enforce_eager:
  103. logger.warning(
  104. "CUDA graph is not supported on OpenVINO backend, fallback to the "
  105. "eager mode.")
  106. config.enforce_eager = True
  107. return config
  108. def _verify_and_get_cache_config(config: CacheConfig) -> CacheConfig:
  109. if APHRODITE_OPENVINO_CPU_KV_CACHE_PRECISION == "u8":
  110. logger.info("KV cache type is overried to u8 via "
  111. "APHRODITE_OPENVINO_CPU_KV_CACHE_PRECISION env var.")
  112. config.cache_dtype = ov.Type.u8
  113. else:
  114. core = ov.Core()
  115. inference_precision = core.get_property("CPU",
  116. hints.inference_precision)
  117. if inference_precision == ov.Type.bf16:
  118. config.cache_dtype = ov.Type.bf16
  119. else:
  120. config.cache_dtype = ov.Type.f16
  121. if config.block_size != 32:
  122. logger.info(
  123. f"OpenVINO optimal block size is 32, overriding currently set {config.block_size}" # noqa: G004, E501
  124. )
  125. config.block_size = 32
  126. kv_cache_space = APHRODITE_OPENVINO_KVCACHE_SPACE
  127. if kv_cache_space >= 0:
  128. _GB = 1 << 30
  129. if kv_cache_space == 0:
  130. config.openvino_kvcache_space_bytes = 4 * _GB # type: ignore
  131. logger.warning(
  132. "Environment variable APHRODITE_OPENVINO_KVCACHE_SPACE (GB) "
  133. "for OpenVINO backend is not set, using 4 by default.")
  134. else:
  135. config.openvino_kvcache_space_bytes = kv_cache_space * _GB # type: ignore
  136. else:
  137. raise RuntimeError(
  138. "Invalid environment variable APHRODITE_OPENVINO_KVCACHE_SPACE"
  139. f" {kv_cache_space}, expect a positive integer value.")
  140. return config