nexaai 1.0.21rc5__cp313-cp313-win_arm64.whl

This diff represents the content of publicly available package versions that have been released to one of the supported registries. The information contained in this diff is provided for informational purposes only and reflects changes between package versions as they appear in their respective public registries.
Files changed (162) hide show
  1. nexaai/__init__.py +95 -0
  2. nexaai/_stub.cp313-win_arm64.pyd +0 -0
  3. nexaai/_version.py +1 -0
  4. nexaai/asr.py +65 -0
  5. nexaai/asr_impl/__init__.py +0 -0
  6. nexaai/asr_impl/mlx_asr_impl.py +92 -0
  7. nexaai/asr_impl/pybind_asr_impl.py +44 -0
  8. nexaai/base.py +39 -0
  9. nexaai/binds/__init__.py +5 -0
  10. nexaai/binds/common_bind.cp313-win_arm64.pyd +0 -0
  11. nexaai/binds/cpu_gpu/ggml-base.dll +0 -0
  12. nexaai/binds/cpu_gpu/ggml-cpu.dll +0 -0
  13. nexaai/binds/cpu_gpu/ggml-opencl.dll +0 -0
  14. nexaai/binds/cpu_gpu/ggml.dll +0 -0
  15. nexaai/binds/cpu_gpu/libomp140.aarch64.dll +0 -0
  16. nexaai/binds/cpu_gpu/mtmd.dll +0 -0
  17. nexaai/binds/cpu_gpu/nexa_cpu_gpu.dll +0 -0
  18. nexaai/binds/cpu_gpu/nexa_plugin.dll +0 -0
  19. nexaai/binds/embedder_bind.cp313-win_arm64.pyd +0 -0
  20. nexaai/binds/libcrypto-3-arm64.dll +0 -0
  21. nexaai/binds/libssl-3-arm64.dll +0 -0
  22. nexaai/binds/llm_bind.cp313-win_arm64.pyd +0 -0
  23. nexaai/binds/nexa_bridge.dll +0 -0
  24. nexaai/binds/nexaml/FLAC.dll +0 -0
  25. nexaai/binds/nexaml/fftw3.dll +0 -0
  26. nexaai/binds/nexaml/fftw3f.dll +0 -0
  27. nexaai/binds/nexaml/ggml-base.dll +0 -0
  28. nexaai/binds/nexaml/ggml-cpu.dll +0 -0
  29. nexaai/binds/nexaml/ggml-opencl.dll +0 -0
  30. nexaai/binds/nexaml/ggml.dll +0 -0
  31. nexaai/binds/nexaml/libmp3lame.DLL +0 -0
  32. nexaai/binds/nexaml/mpg123.dll +0 -0
  33. nexaai/binds/nexaml/nexa-mm-process.dll +0 -0
  34. nexaai/binds/nexaml/nexa-sampling.dll +0 -0
  35. nexaai/binds/nexaml/nexa_plugin.dll +0 -0
  36. nexaai/binds/nexaml/nexaproc.dll +0 -0
  37. nexaai/binds/nexaml/ogg.dll +0 -0
  38. nexaai/binds/nexaml/opus.dll +0 -0
  39. nexaai/binds/nexaml/qwen3-vl.dll +0 -0
  40. nexaai/binds/nexaml/qwen3vl-vision.dll +0 -0
  41. nexaai/binds/nexaml/vorbis.dll +0 -0
  42. nexaai/binds/nexaml/vorbisenc.dll +0 -0
  43. nexaai/binds/npu/FLAC.dll +0 -0
  44. nexaai/binds/npu/embed-gemma-sdk.dll +0 -0
  45. nexaai/binds/npu/fftw3.dll +0 -0
  46. nexaai/binds/npu/fftw3f.dll +0 -0
  47. nexaai/binds/npu/granite4-sdk.dll +0 -0
  48. nexaai/binds/npu/htp-files/Genie.dll +0 -0
  49. nexaai/binds/npu/htp-files/PlatformValidatorShared.dll +0 -0
  50. nexaai/binds/npu/htp-files/QnnChrometraceProfilingReader.dll +0 -0
  51. nexaai/binds/npu/htp-files/QnnCpu.dll +0 -0
  52. nexaai/binds/npu/htp-files/QnnCpuNetRunExtensions.dll +0 -0
  53. nexaai/binds/npu/htp-files/QnnDsp.dll +0 -0
  54. nexaai/binds/npu/htp-files/QnnDspNetRunExtensions.dll +0 -0
  55. nexaai/binds/npu/htp-files/QnnDspV66CalculatorStub.dll +0 -0
  56. nexaai/binds/npu/htp-files/QnnDspV66Stub.dll +0 -0
  57. nexaai/binds/npu/htp-files/QnnGenAiTransformer.dll +0 -0
  58. nexaai/binds/npu/htp-files/QnnGenAiTransformerCpuOpPkg.dll +0 -0
  59. nexaai/binds/npu/htp-files/QnnGenAiTransformerModel.dll +0 -0
  60. nexaai/binds/npu/htp-files/QnnGpu.dll +0 -0
  61. nexaai/binds/npu/htp-files/QnnGpuNetRunExtensions.dll +0 -0
  62. nexaai/binds/npu/htp-files/QnnGpuProfilingReader.dll +0 -0
  63. nexaai/binds/npu/htp-files/QnnHtp.dll +0 -0
  64. nexaai/binds/npu/htp-files/QnnHtpNetRunExtensions.dll +0 -0
  65. nexaai/binds/npu/htp-files/QnnHtpOptraceProfilingReader.dll +0 -0
  66. nexaai/binds/npu/htp-files/QnnHtpPrepare.dll +0 -0
  67. nexaai/binds/npu/htp-files/QnnHtpProfilingReader.dll +0 -0
  68. nexaai/binds/npu/htp-files/QnnHtpV68CalculatorStub.dll +0 -0
  69. nexaai/binds/npu/htp-files/QnnHtpV68Stub.dll +0 -0
  70. nexaai/binds/npu/htp-files/QnnHtpV73CalculatorStub.dll +0 -0
  71. nexaai/binds/npu/htp-files/QnnHtpV73Stub.dll +0 -0
  72. nexaai/binds/npu/htp-files/QnnIr.dll +0 -0
  73. nexaai/binds/npu/htp-files/QnnJsonProfilingReader.dll +0 -0
  74. nexaai/binds/npu/htp-files/QnnModelDlc.dll +0 -0
  75. nexaai/binds/npu/htp-files/QnnSaver.dll +0 -0
  76. nexaai/binds/npu/htp-files/QnnSystem.dll +0 -0
  77. nexaai/binds/npu/htp-files/SNPE.dll +0 -0
  78. nexaai/binds/npu/htp-files/SnpeDspV66Stub.dll +0 -0
  79. nexaai/binds/npu/htp-files/SnpeHtpPrepare.dll +0 -0
  80. nexaai/binds/npu/htp-files/SnpeHtpV68Stub.dll +0 -0
  81. nexaai/binds/npu/htp-files/SnpeHtpV73Stub.dll +0 -0
  82. nexaai/binds/npu/htp-files/calculator.dll +0 -0
  83. nexaai/binds/npu/htp-files/calculator_htp.dll +0 -0
  84. nexaai/binds/npu/htp-files/libCalculator_skel.so +0 -0
  85. nexaai/binds/npu/htp-files/libQnnHtpV73.so +0 -0
  86. nexaai/binds/npu/htp-files/libQnnHtpV73QemuDriver.so +0 -0
  87. nexaai/binds/npu/htp-files/libQnnHtpV73Skel.so +0 -0
  88. nexaai/binds/npu/htp-files/libQnnSaver.so +0 -0
  89. nexaai/binds/npu/htp-files/libQnnSystem.so +0 -0
  90. nexaai/binds/npu/htp-files/libSnpeHtpV73Skel.so +0 -0
  91. nexaai/binds/npu/htp-files/libqnnhtpv73.cat +0 -0
  92. nexaai/binds/npu/htp-files/libsnpehtpv73.cat +0 -0
  93. nexaai/binds/npu/jina-rerank-sdk.dll +0 -0
  94. nexaai/binds/npu/libcrypto-3-arm64.dll +0 -0
  95. nexaai/binds/npu/libmp3lame.DLL +0 -0
  96. nexaai/binds/npu/libomp140.aarch64.dll +0 -0
  97. nexaai/binds/npu/libssl-3-arm64.dll +0 -0
  98. nexaai/binds/npu/llama3-3b-sdk.dll +0 -0
  99. nexaai/binds/npu/mpg123.dll +0 -0
  100. nexaai/binds/npu/nexa-mm-process.dll +0 -0
  101. nexaai/binds/npu/nexa-sampling.dll +0 -0
  102. nexaai/binds/npu/nexa_plugin.dll +0 -0
  103. nexaai/binds/npu/nexaproc.dll +0 -0
  104. nexaai/binds/npu/ogg.dll +0 -0
  105. nexaai/binds/npu/omni-neural-sdk.dll +0 -0
  106. nexaai/binds/npu/opus.dll +0 -0
  107. nexaai/binds/npu/paddle-ocr-proc-lib.dll +0 -0
  108. nexaai/binds/npu/paddleocr-sdk.dll +0 -0
  109. nexaai/binds/npu/parakeet-sdk.dll +0 -0
  110. nexaai/binds/npu/phi3-5-sdk.dll +0 -0
  111. nexaai/binds/npu/phi4-sdk.dll +0 -0
  112. nexaai/binds/npu/qwen3-4b-sdk.dll +0 -0
  113. nexaai/binds/npu/qwen3vl-sdk.dll +0 -0
  114. nexaai/binds/npu/qwen3vl-vision.dll +0 -0
  115. nexaai/binds/npu/rtaudio.dll +0 -0
  116. nexaai/binds/npu/vorbis.dll +0 -0
  117. nexaai/binds/npu/vorbisenc.dll +0 -0
  118. nexaai/binds/npu/yolov12-sdk.dll +0 -0
  119. nexaai/binds/rerank_bind.cp313-win_arm64.pyd +0 -0
  120. nexaai/binds/vlm_bind.cp313-win_arm64.pyd +0 -0
  121. nexaai/common.py +105 -0
  122. nexaai/cv.py +93 -0
  123. nexaai/cv_impl/__init__.py +0 -0
  124. nexaai/cv_impl/mlx_cv_impl.py +89 -0
  125. nexaai/cv_impl/pybind_cv_impl.py +32 -0
  126. nexaai/embedder.py +73 -0
  127. nexaai/embedder_impl/__init__.py +0 -0
  128. nexaai/embedder_impl/mlx_embedder_impl.py +118 -0
  129. nexaai/embedder_impl/pybind_embedder_impl.py +96 -0
  130. nexaai/image_gen.py +141 -0
  131. nexaai/image_gen_impl/__init__.py +0 -0
  132. nexaai/image_gen_impl/mlx_image_gen_impl.py +292 -0
  133. nexaai/image_gen_impl/pybind_image_gen_impl.py +85 -0
  134. nexaai/llm.py +98 -0
  135. nexaai/llm_impl/__init__.py +0 -0
  136. nexaai/llm_impl/mlx_llm_impl.py +271 -0
  137. nexaai/llm_impl/pybind_llm_impl.py +220 -0
  138. nexaai/log.py +92 -0
  139. nexaai/rerank.py +57 -0
  140. nexaai/rerank_impl/__init__.py +0 -0
  141. nexaai/rerank_impl/mlx_rerank_impl.py +94 -0
  142. nexaai/rerank_impl/pybind_rerank_impl.py +136 -0
  143. nexaai/runtime.py +68 -0
  144. nexaai/runtime_error.py +24 -0
  145. nexaai/tts.py +75 -0
  146. nexaai/tts_impl/__init__.py +0 -0
  147. nexaai/tts_impl/mlx_tts_impl.py +94 -0
  148. nexaai/tts_impl/pybind_tts_impl.py +43 -0
  149. nexaai/utils/decode.py +18 -0
  150. nexaai/utils/manifest_utils.py +531 -0
  151. nexaai/utils/model_manager.py +1562 -0
  152. nexaai/utils/model_types.py +49 -0
  153. nexaai/utils/progress_tracker.py +385 -0
  154. nexaai/utils/quantization_utils.py +245 -0
  155. nexaai/vlm.py +130 -0
  156. nexaai/vlm_impl/__init__.py +0 -0
  157. nexaai/vlm_impl/mlx_vlm_impl.py +259 -0
  158. nexaai/vlm_impl/pybind_vlm_impl.py +256 -0
  159. nexaai-1.0.21rc5.dist-info/METADATA +31 -0
  160. nexaai-1.0.21rc5.dist-info/RECORD +162 -0
  161. nexaai-1.0.21rc5.dist-info/WHEEL +5 -0
  162. nexaai-1.0.21rc5.dist-info/top_level.txt +1 -0
nexaai/__init__.py ADDED
@@ -0,0 +1,95 @@
1
+ """
2
+ NexaAI Python bindings for NexaSDK C-lib backend.
3
+ """
4
+
5
+ import sys
6
+ import os
7
+
8
+ # Add mlx_backend to Python path as individual module (only if it exists)
9
+ _current_dir = os.path.dirname(os.path.abspath(__file__))
10
+ _mlx_backend_path = os.path.join(_current_dir, "mlx_backend")
11
+ # Only add to path if the directory exists (it won't on Windows)
12
+ if os.path.exists(_mlx_backend_path) and _mlx_backend_path not in sys.path:
13
+ sys.path.insert(0, _mlx_backend_path)
14
+
15
+ try:
16
+ from ._version import __version__
17
+ except ImportError:
18
+ # Fallback for development or when version file hasn't been generated yet
19
+ __version__ = "0.0.1"
20
+
21
+ # Import common configuration classes first (no external dependencies)
22
+ from .common import ModelConfig, GenerationConfig, ChatMessage, SamplerConfig, PluginID
23
+
24
+ # Import logging functionality
25
+ from .log import set_logger, get_error_message
26
+
27
+ # Import runtime errors
28
+ from .runtime_error import (
29
+ NexaRuntimeError,
30
+ ContextLengthExceededError,
31
+ GenerationError
32
+ )
33
+
34
+ # Create alias for PluginID to be accessible as plugin_id
35
+ plugin_id = PluginID
36
+
37
+ # Import new feature classes (no external dependencies in base classes)
38
+ from .llm import LLM
39
+ from .embedder import Embedder, EmbeddingConfig
40
+ from .vlm import VLM
41
+ from .asr import ASR, ASRConfig, ASRResult
42
+ from .cv import CVModel, CVModelConfig, CVResult, CVResults, CVCapabilities, BoundingBox
43
+ from .rerank import Reranker, RerankConfig
44
+ from .image_gen import ImageGen, ImageGenerationConfig, ImageSamplerConfig, SchedulerConfig, Image
45
+ from .tts import TTS, TTSConfig, TTSSamplerConfig, TTSResult
46
+
47
+ # Build __all__ list dynamically
48
+ __all__ = [
49
+ "__version__",
50
+ # Common configurations (always available)
51
+ "ModelConfig",
52
+ "GenerationConfig",
53
+ "ChatMessage",
54
+ "SamplerConfig",
55
+ "EmbeddingConfig",
56
+ "PluginID",
57
+ "plugin_id",
58
+
59
+ # Logging functionality
60
+ "set_logger",
61
+ "get_error_message",
62
+
63
+ # Runtime errors
64
+ "NexaRuntimeError",
65
+ "ContextLengthExceededError",
66
+ "GenerationError",
67
+
68
+ "LLM",
69
+ "Embedder",
70
+ "VLM",
71
+ "ASR",
72
+ "CVModel",
73
+ "Reranker",
74
+ "ImageGen",
75
+ "TTS",
76
+
77
+ "ASRConfig",
78
+ "ASRResult",
79
+ "CVModelConfig",
80
+ "CVResult",
81
+ "CVResults",
82
+ "CVCapabilities",
83
+ "BoundingBox",
84
+ "RerankConfig",
85
+ "ImageGenerationConfig",
86
+ "ImageSamplerConfig",
87
+ "SchedulerConfig",
88
+ "Image",
89
+ "TTSConfig",
90
+ "TTSSamplerConfig",
91
+ "TTSResult",
92
+ ]
93
+
94
+
95
+
Binary file
nexaai/_version.py ADDED
@@ -0,0 +1 @@
1
+ __version__ = "1.0.21rc5"
nexaai/asr.py ADDED
@@ -0,0 +1,65 @@
1
+ from typing import List, Optional, Sequence, Tuple, Union
2
+ from abc import abstractmethod
3
+ from dataclasses import dataclass
4
+
5
+ from nexaai.base import BaseModel
6
+ from nexaai.common import PluginID
7
+
8
+
9
+ @dataclass
10
+ class ASRConfig:
11
+ """Configuration for ASR."""
12
+ timestamps: str = "none" # "none" | "segment" | "word"
13
+ beam_size: int = 5
14
+ stream: bool = False
15
+
16
+
17
+ @dataclass
18
+ class ASRResult:
19
+ """Result from ASR processing."""
20
+ transcript: str
21
+ confidence_scores: Sequence[float]
22
+ timestamps: Sequence[Tuple[float, float]]
23
+
24
+
25
+ class ASR(BaseModel):
26
+ """Abstract base class for Automatic Speech Recognition models."""
27
+
28
+ def __init__(self):
29
+ """Initialize base ASR class."""
30
+ pass
31
+
32
+ @classmethod
33
+ def _load_from(cls,
34
+ model_path: str,
35
+ tokenizer_path: Optional[str] = None,
36
+ language: Optional[str] = None,
37
+ plugin_id: Union[PluginID, str] = PluginID.LLAMA_CPP,
38
+ device_id: Optional[str] = None,
39
+ **kwargs
40
+ ) -> 'ASR':
41
+ """Load ASR model from local path, routing to appropriate implementation."""
42
+ # Check plugin_id value for routing - handle both enum and string
43
+ plugin_value = plugin_id.value if isinstance(plugin_id, PluginID) else plugin_id
44
+
45
+ if plugin_value == "mlx":
46
+ from nexaai.asr_impl.mlx_asr_impl import MLXASRImpl
47
+ return MLXASRImpl._load_from(model_path, tokenizer_path, language, plugin_id, device_id)
48
+ else:
49
+ from nexaai.asr_impl.pybind_asr_impl import PyBindASRImpl
50
+ return PyBindASRImpl._load_from(model_path, tokenizer_path, language, plugin_id, device_id)
51
+
52
+ @abstractmethod
53
+ def transcribe(
54
+ self,
55
+ audio_path: str,
56
+ language: Optional[str] = None,
57
+ config: Optional[ASRConfig] = None,
58
+ ) -> ASRResult:
59
+ """Transcribe audio file to text."""
60
+ pass
61
+
62
+ @abstractmethod
63
+ def list_supported_languages(self) -> List[str]:
64
+ """List supported languages."""
65
+ pass
File without changes
@@ -0,0 +1,92 @@
1
+ # Note: This code is generated by Cursor, not tested yet.
2
+
3
+ from typing import List, Optional, Union
4
+
5
+ from nexaai.common import PluginID
6
+ from nexaai.asr import ASR, ASRConfig, ASRResult
7
+ from nexaai.mlx_backend.asr.interface import MlxAsr as MLXASRInterface
8
+ from nexaai.mlx_backend.ml import ModelConfig as MLXModelConfig, SamplerConfig as MLXSamplerConfig, GenerationConfig as MLXGenerationConfig, EmbeddingConfig
9
+
10
+
11
+ class MLXASRImpl(ASR):
12
+ def __init__(self):
13
+ """Initialize MLX ASR implementation."""
14
+ super().__init__()
15
+ self._mlx_asr = None
16
+
17
+ @classmethod
18
+ def _load_from(cls,
19
+ model_path: str,
20
+ tokenizer_path: Optional[str] = None,
21
+ language: Optional[str] = None,
22
+ plugin_id: Union[PluginID, str] = PluginID.MLX,
23
+ device_id: Optional[str] = None
24
+ ) -> 'MLXASRImpl':
25
+ """Load ASR model from local path using MLX backend."""
26
+ try:
27
+ # MLX ASR interface is already imported
28
+
29
+ # Create instance and load MLX ASR
30
+ instance = cls()
31
+ instance._mlx_asr = MLXASRInterface(
32
+ model_path=model_path,
33
+ tokenizer_path=tokenizer_path,
34
+ language=language,
35
+ device=device_id
36
+ )
37
+
38
+ return instance
39
+ except Exception as e:
40
+ raise RuntimeError(f"Failed to load MLX ASR: {str(e)}")
41
+
42
+ def eject(self):
43
+ """Destroy the model and free resources."""
44
+ if self._mlx_asr:
45
+ self._mlx_asr.destroy()
46
+ self._mlx_asr = None
47
+
48
+ def transcribe(
49
+ self,
50
+ audio_path: str,
51
+ language: Optional[str] = None,
52
+ config: Optional[ASRConfig] = None,
53
+ ) -> ASRResult:
54
+ """Transcribe audio file to text."""
55
+ if not self._mlx_asr:
56
+ raise RuntimeError("MLX ASR not loaded")
57
+
58
+ try:
59
+ # Convert our config to MLX format if provided
60
+ mlx_config = None
61
+ if config:
62
+ from nexaai.mlx_backend.ml import ASRConfig as MLXASRConfig
63
+
64
+ mlx_config = MLXASRConfig()
65
+ mlx_config.timestamps = config.timestamps
66
+ mlx_config.beam_size = config.beam_size
67
+ mlx_config.stream = config.stream
68
+
69
+ # Use MLX ASR transcription
70
+ result = self._mlx_asr.transcribe(audio_path, language, mlx_config)
71
+
72
+ # Convert MLX result to our format
73
+ return ASRResult(
74
+ transcript=result.transcript,
75
+ confidence_scores=result.confidence_scores,
76
+ timestamps=result.timestamps
77
+ )
78
+
79
+ except Exception as e:
80
+ raise RuntimeError(f"Failed to transcribe audio: {str(e)}")
81
+
82
+ def list_supported_languages(self) -> List[str]:
83
+ """List supported languages."""
84
+ if not self._mlx_asr:
85
+ raise RuntimeError("MLX ASR not loaded")
86
+
87
+ try:
88
+ return self._mlx_asr.list_supported_languages()
89
+ except Exception as e:
90
+ raise RuntimeError(f"Failed to list supported languages: {str(e)}")
91
+
92
+
@@ -0,0 +1,44 @@
1
+ from typing import List, Optional, Union
2
+
3
+ from nexaai.common import PluginID
4
+ from nexaai.asr import ASR, ASRConfig, ASRResult
5
+
6
+
7
+ class PyBindASRImpl(ASR):
8
+ def __init__(self):
9
+ """Initialize PyBind ASR implementation."""
10
+ super().__init__()
11
+ # TODO: Add PyBind-specific initialization
12
+
13
+ @classmethod
14
+ def _load_from(cls,
15
+ model_path: str,
16
+ tokenizer_path: Optional[str] = None,
17
+ language: Optional[str] = None,
18
+ plugin_id: Union[PluginID, str] = PluginID.LLAMA_CPP,
19
+ device_id: Optional[str] = None
20
+ ) -> 'PyBindASRImpl':
21
+ """Load ASR model from local path using PyBind backend."""
22
+ # TODO: Implement PyBind ASR loading
23
+ instance = cls()
24
+ return instance
25
+
26
+ def eject(self):
27
+ """Destroy the model and free resources."""
28
+ # TODO: Implement PyBind ASR cleanup
29
+ pass
30
+
31
+ def transcribe(
32
+ self,
33
+ audio_path: str,
34
+ language: Optional[str] = None,
35
+ config: Optional[ASRConfig] = None,
36
+ ) -> ASRResult:
37
+ """Transcribe audio file to text."""
38
+ # TODO: Implement PyBind ASR transcription
39
+ raise NotImplementedError("PyBind ASR transcription not yet implemented")
40
+
41
+ def list_supported_languages(self) -> List[str]:
42
+ """List supported languages."""
43
+ # TODO: Implement PyBind ASR language listing
44
+ raise NotImplementedError("PyBind ASR language listing not yet implemented")
nexaai/base.py ADDED
@@ -0,0 +1,39 @@
1
+ from abc import ABC, abstractmethod
2
+ from nexaai.common import ProfilingData
3
+ from nexaai.utils.model_manager import auto_download_model
4
+
5
+ class BaseModel(ABC):
6
+
7
+ def __enter__(self):
8
+ return self
9
+
10
+ def __exit__(self, exc_type, exc_value, traceback):
11
+ self.eject()
12
+
13
+ def __del__(self):
14
+ self.eject()
15
+
16
+ @classmethod
17
+ @auto_download_model
18
+ def from_(cls, name_or_path: str, **kwargs) -> "BaseModel":
19
+ """
20
+ initialize model from (1) HF (2) if not found, then from local path
21
+ """
22
+
23
+ return cls._load_from(name_or_path, **kwargs)
24
+
25
+ @classmethod
26
+ @abstractmethod
27
+ def _load_from(cls, name_or_path: str, **kwargs) -> "BaseModel":
28
+ """
29
+ Model-specific loading logic. Must be implemented by each model type.
30
+ Called after model is available locally.
31
+ """
32
+ pass
33
+
34
+ @abstractmethod
35
+ def eject(self):
36
+ pass
37
+
38
+ def get_profiling_data(self) -> ProfilingData:
39
+ pass
@@ -0,0 +1,5 @@
1
+ from .common_bind import *
2
+ from .llm_bind import *
3
+ from .embedder_bind import *
4
+ from .vlm_bind import *
5
+ from .rerank_bind import *
Binary file
Binary file
Binary file
Binary file
Binary file
Binary file
Binary file
Binary file
Binary file
Binary file
Binary file
Binary file
Binary file
Binary file
Binary file
Binary file
Binary file
Binary file
Binary file
Binary file
Binary file
Binary file
Binary file
Binary file
Binary file
Binary file
Binary file
Binary file
Binary file
Binary file
Binary file
Binary file
Binary file
Binary file
Binary file
Binary file
Binary file
Binary file
Binary file
Binary file
Binary file
Binary file
Binary file
Binary file
Binary file
Binary file
Binary file
Binary file
Binary file
Binary file
Binary file
Binary file
Binary file
Binary file
Binary file
Binary file
Binary file
Binary file
Binary file
Binary file
Binary file
Binary file
Binary file
Binary file
Binary file
Binary file
Binary file
Binary file
Binary file