openvino_executor.py 7.2 KB

123456789101112131415161718192021222324252627282930313233343536373839404142434445464748495051525354555657585960616263646566676869707172737475767778798081828384858687888990919293949596979899100101102103104105106107108109110111112113114115116117118119120121122123124125126127128129130131132133134135136137138139140141142143144145146147148149150151152153154155156157158159160161162163164165166167168169170171172173174175176177178179180181182183184
  1. from typing import List, Set, Tuple
  2. import openvino as ov
  3. import openvino.properties.hint as hints
  4. import torch
  5. from loguru import logger
  6. import aphrodite.common.envs as envs
  7. from aphrodite.common.config import CacheConfig, ModelConfig
  8. from aphrodite.common.sequence import ExecuteModelRequest, SamplerOutput
  9. from aphrodite.common.utils import (GiB_bytes, get_distributed_init_method,
  10. get_ip, 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 = envs.APHRODITE_OPENVINO_KVCACHE_SPACE
  14. APHRODITE_OPENVINO_CPU_KV_CACHE_PRECISION = (
  15. envs.APHRODITE_OPENVINO_CPU_KV_CACHE_PRECISION)
  16. class OpenVINOExecutor(ExecutorBase):
  17. uses_ray: bool = False
  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. kv_cache_dtype=self.cache_config.cache_dtype,
  44. is_driver_worker=True,
  45. )
  46. self.driver_worker.init_device()
  47. self.driver_worker.load_model()
  48. def determine_num_available_blocks(self) -> Tuple[int, int]:
  49. """Determine the number of available KV blocks by invoking the
  50. underlying worker.
  51. """
  52. return self.driver_worker.determine_num_available_blocks()
  53. def initialize_cache(self, num_gpu_blocks: int,
  54. num_cpu_blocks: int) -> None:
  55. """Initialize the KV cache by invoking the underlying worker."""
  56. # NOTE: We log here to avoid multiple logs when number of workers is
  57. # greater than one. We could log in the engine, but not all executors
  58. # have GPUs.
  59. # NOTE: `cpu block` for OpenVINO backend is located on CPU memory but is
  60. # referred as `gpu block`. Because we want to reuse the existing block
  61. # management procedure.
  62. logger.info(f"# CPU blocks: {num_gpu_blocks}")
  63. logger.info(
  64. f"Minimum concurrency: {num_gpu_blocks * self.cache_config.block_size / self.scheduler_config.max_model_len:.2f}x" # noqa: E501
  65. )
  66. self.driver_worker.initialize_cache(num_gpu_blocks, num_cpu_blocks)
  67. def execute_model(
  68. self,
  69. execute_model_req: ExecuteModelRequest) -> List[SamplerOutput]:
  70. output = self.driver_worker.execute_model(execute_model_req)
  71. return output
  72. def add_lora(self, lora_request: LoRARequest) -> bool:
  73. return self.driver_worker.add_lora(lora_request)
  74. def remove_lora(self, lora_id: int) -> bool:
  75. return self.driver_worker.remove_lora(lora_id)
  76. def pin_lora(self, lora_id: int) -> bool:
  77. return self.driver_worker.pin_lora(lora_id)
  78. def list_loras(self) -> Set[int]:
  79. return self.driver_worker.list_loras()
  80. def add_prompt_adapter(self, prompt_adapter_request) -> bool:
  81. raise NotImplementedError(
  82. "Soft prompt is currently not supported by the OPENVINO backend.")
  83. def remove_prompt_adapter(self, prompt_adapter_id: int) -> bool:
  84. raise NotImplementedError(
  85. "Soft prompt is currently not supported by the OPENVINO backend.")
  86. def pin_prompt_adapter(self, prompt_adapter_id: int) -> bool:
  87. raise NotImplementedError(
  88. "Soft prompt is currently not supported by the OPENVINO backend.")
  89. def list_prompt_adapters(self) -> Set[int]:
  90. raise NotImplementedError(
  91. "Soft prompt is currently not supported by the OPENVINO backend.")
  92. def check_health(self) -> None:
  93. # OpenVINOExecutor will always be healthy as long as
  94. # it's running.
  95. return
  96. class OpenVINOExecutorAsync(OpenVINOExecutor, ExecutorAsyncBase):
  97. async def execute_model_async(
  98. self,
  99. execute_model_req: ExecuteModelRequest) -> List[SamplerOutput]:
  100. output = await make_async(self.driver_worker.execute_model
  101. )(execute_model_req=execute_model_req, )
  102. return output
  103. async def check_health_async(self) -> None:
  104. # OpenVINOExecutor will always be healthy as long as
  105. # it's running.
  106. return
  107. def _verify_and_get_model_config(config: ModelConfig) -> ModelConfig:
  108. if config.dtype != torch.float32:
  109. logger.warning(
  110. f"Only float32 dtype is supported on OpenVINO, casting from {config.dtype}." # noqa: G004, E501
  111. )
  112. config.dtype = torch.float32
  113. if not config.enforce_eager:
  114. logger.warning(
  115. "CUDA graph is not supported on OpenVINO backend, fallback to the "
  116. "eager mode.")
  117. config.enforce_eager = True
  118. return config
  119. def _verify_and_get_cache_config(config: CacheConfig) -> CacheConfig:
  120. if APHRODITE_OPENVINO_CPU_KV_CACHE_PRECISION == "u8":
  121. logger.info("KV cache type is overried to u8 via "
  122. "APHRODITE_OPENVINO_CPU_KV_CACHE_PRECISION env var.")
  123. config.cache_dtype = ov.Type.u8
  124. else:
  125. core = ov.Core()
  126. inference_precision = core.get_property("CPU",
  127. hints.inference_precision)
  128. if inference_precision == ov.Type.bf16:
  129. config.cache_dtype = ov.Type.bf16
  130. else:
  131. config.cache_dtype = ov.Type.f16
  132. if config.block_size != 32:
  133. logger.info(
  134. f"OpenVINO optimal block size is 32, overriding currently set {config.block_size}" # noqa: G004, E501
  135. )
  136. config.block_size = 32
  137. kv_cache_space = APHRODITE_OPENVINO_KVCACHE_SPACE
  138. if kv_cache_space >= 0:
  139. if kv_cache_space == 0:
  140. config.openvino_kvcache_space_bytes = 4 * GiB_bytes # type: ignore
  141. logger.warning(
  142. "Environment variable APHRODITE_OPENVINO_KVCACHE_SPACE (GB) "
  143. "for OpenVINO backend is not set, using 4 by default.")
  144. else:
  145. config.openvino_kvcache_space_bytes = kv_cache_space * GiB_bytes # type: ignore
  146. else:
  147. raise RuntimeError(
  148. "Invalid environment variable APHRODITE_OPENVINO_KVCACHE_SPACE"
  149. f" {kv_cache_space}, expect a positive integer value.")
  150. return config