isa-model 0.3.9__py3-none-any.whl → 0.4.0__py3-none-any.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.
- isa_model/__init__.py +1 -1
- isa_model/client.py +732 -565
- isa_model/core/cache/redis_cache.py +401 -0
- isa_model/core/config/config_manager.py +53 -10
- isa_model/core/config.py +1 -1
- isa_model/core/database/__init__.py +1 -0
- isa_model/core/database/migrations.py +277 -0
- isa_model/core/database/supabase_client.py +123 -0
- isa_model/core/models/__init__.py +37 -0
- isa_model/core/models/model_billing_tracker.py +60 -88
- isa_model/core/models/model_manager.py +36 -18
- isa_model/core/models/model_repo.py +44 -38
- isa_model/core/models/model_statistics_tracker.py +234 -0
- isa_model/core/models/model_storage.py +0 -1
- isa_model/core/models/model_version_manager.py +959 -0
- isa_model/core/pricing_manager.py +2 -249
- isa_model/core/resilience/circuit_breaker.py +366 -0
- isa_model/core/security/secrets.py +358 -0
- isa_model/core/services/__init__.py +2 -4
- isa_model/core/services/intelligent_model_selector.py +101 -370
- isa_model/core/storage/hf_storage.py +1 -1
- isa_model/core/types.py +7 -0
- isa_model/deployment/cloud/modal/isa_audio_chatTTS_service.py +520 -0
- isa_model/deployment/cloud/modal/isa_audio_fish_service.py +0 -0
- isa_model/deployment/cloud/modal/isa_audio_openvoice_service.py +758 -0
- isa_model/deployment/cloud/modal/isa_audio_service_v2.py +1044 -0
- isa_model/deployment/cloud/modal/isa_embed_rerank_service.py +296 -0
- isa_model/deployment/cloud/modal/isa_video_hunyuan_service.py +423 -0
- isa_model/deployment/cloud/modal/isa_vision_ocr_service.py +519 -0
- isa_model/deployment/cloud/modal/isa_vision_qwen25_service.py +709 -0
- isa_model/deployment/cloud/modal/isa_vision_table_service.py +467 -323
- isa_model/deployment/cloud/modal/isa_vision_ui_service.py +607 -180
- isa_model/deployment/cloud/modal/isa_vision_ui_service_optimized.py +660 -0
- isa_model/deployment/core/deployment_manager.py +6 -4
- isa_model/deployment/services/auto_hf_modal_deployer.py +894 -0
- isa_model/eval/benchmarks/__init__.py +27 -0
- isa_model/eval/benchmarks/multimodal_datasets.py +460 -0
- isa_model/eval/benchmarks.py +244 -12
- isa_model/eval/evaluators/__init__.py +8 -2
- isa_model/eval/evaluators/audio_evaluator.py +727 -0
- isa_model/eval/evaluators/embedding_evaluator.py +742 -0
- isa_model/eval/evaluators/vision_evaluator.py +564 -0
- isa_model/eval/example_evaluation.py +395 -0
- isa_model/eval/factory.py +272 -5
- isa_model/eval/isa_benchmarks.py +700 -0
- isa_model/eval/isa_integration.py +582 -0
- isa_model/eval/metrics.py +159 -6
- isa_model/eval/tests/unit/test_basic.py +396 -0
- isa_model/inference/ai_factory.py +44 -8
- isa_model/inference/services/audio/__init__.py +21 -0
- isa_model/inference/services/audio/base_realtime_service.py +225 -0
- isa_model/inference/services/audio/isa_tts_service.py +0 -0
- isa_model/inference/services/audio/openai_realtime_service.py +320 -124
- isa_model/inference/services/audio/openai_stt_service.py +32 -6
- isa_model/inference/services/base_service.py +17 -1
- isa_model/inference/services/embedding/__init__.py +13 -0
- isa_model/inference/services/embedding/base_embed_service.py +111 -8
- isa_model/inference/services/embedding/isa_embed_service.py +305 -0
- isa_model/inference/services/embedding/openai_embed_service.py +2 -4
- isa_model/inference/services/embedding/tests/test_embedding.py +222 -0
- isa_model/inference/services/img/__init__.py +2 -2
- isa_model/inference/services/img/base_image_gen_service.py +24 -7
- isa_model/inference/services/img/replicate_image_gen_service.py +84 -422
- isa_model/inference/services/img/services/replicate_face_swap.py +193 -0
- isa_model/inference/services/img/services/replicate_flux.py +226 -0
- isa_model/inference/services/img/services/replicate_flux_kontext.py +219 -0
- isa_model/inference/services/img/services/replicate_sticker_maker.py +249 -0
- isa_model/inference/services/img/tests/test_img_client.py +297 -0
- isa_model/inference/services/llm/base_llm_service.py +30 -6
- isa_model/inference/services/llm/helpers/llm_adapter.py +63 -9
- isa_model/inference/services/llm/ollama_llm_service.py +2 -1
- isa_model/inference/services/llm/openai_llm_service.py +652 -55
- isa_model/inference/services/llm/yyds_llm_service.py +2 -1
- isa_model/inference/services/vision/__init__.py +5 -5
- isa_model/inference/services/vision/base_vision_service.py +118 -185
- isa_model/inference/services/vision/helpers/image_utils.py +11 -5
- isa_model/inference/services/vision/isa_vision_service.py +573 -0
- isa_model/inference/services/vision/tests/test_ocr_client.py +284 -0
- isa_model/serving/api/fastapi_server.py +88 -16
- isa_model/serving/api/middleware/auth.py +311 -0
- isa_model/serving/api/middleware/security.py +278 -0
- isa_model/serving/api/routes/analytics.py +486 -0
- isa_model/serving/api/routes/deployments.py +339 -0
- isa_model/serving/api/routes/evaluations.py +579 -0
- isa_model/serving/api/routes/logs.py +430 -0
- isa_model/serving/api/routes/settings.py +582 -0
- isa_model/serving/api/routes/unified.py +324 -165
- isa_model/serving/api/startup.py +304 -0
- isa_model/serving/modal_proxy_server.py +249 -0
- isa_model/training/__init__.py +100 -6
- isa_model/training/core/__init__.py +4 -1
- isa_model/training/examples/intelligent_training_example.py +281 -0
- isa_model/training/intelligent/__init__.py +25 -0
- isa_model/training/intelligent/decision_engine.py +643 -0
- isa_model/training/intelligent/intelligent_factory.py +888 -0
- isa_model/training/intelligent/knowledge_base.py +751 -0
- isa_model/training/intelligent/resource_optimizer.py +839 -0
- isa_model/training/intelligent/task_classifier.py +576 -0
- isa_model/training/storage/__init__.py +24 -0
- isa_model/training/storage/core_integration.py +439 -0
- isa_model/training/storage/training_repository.py +552 -0
- isa_model/training/storage/training_storage.py +628 -0
- {isa_model-0.3.9.dist-info → isa_model-0.4.0.dist-info}/METADATA +13 -1
- isa_model-0.4.0.dist-info/RECORD +182 -0
- isa_model/deployment/cloud/modal/isa_vision_doc_service.py +0 -766
- isa_model/deployment/cloud/modal/register_models.py +0 -321
- isa_model/inference/adapter/unified_api.py +0 -248
- isa_model/inference/services/helpers/stacked_config.py +0 -148
- isa_model/inference/services/img/flux_professional_service.py +0 -603
- isa_model/inference/services/img/helpers/base_stacked_service.py +0 -274
- isa_model/inference/services/others/table_transformer_service.py +0 -61
- isa_model/inference/services/vision/doc_analysis_service.py +0 -640
- isa_model/inference/services/vision/helpers/base_stacked_service.py +0 -274
- isa_model/inference/services/vision/ui_analysis_service.py +0 -823
- isa_model/scripts/inference_tracker.py +0 -283
- isa_model/scripts/mlflow_manager.py +0 -379
- isa_model/scripts/model_registry.py +0 -465
- isa_model/scripts/register_models.py +0 -370
- isa_model/scripts/register_models_with_embeddings.py +0 -510
- isa_model/scripts/start_mlflow.py +0 -95
- isa_model/scripts/training_tracker.py +0 -257
- isa_model-0.3.9.dist-info/RECORD +0 -138
- {isa_model-0.3.9.dist-info → isa_model-0.4.0.dist-info}/WHEEL +0 -0
- {isa_model-0.3.9.dist-info → isa_model-0.4.0.dist-info}/top_level.txt +0 -0
@@ -1,257 +0,0 @@
|
|
1
|
-
"""
|
2
|
-
MLflow tracker for training workflows.
|
3
|
-
"""
|
4
|
-
|
5
|
-
import os
|
6
|
-
import json
|
7
|
-
import logging
|
8
|
-
from typing import Dict, List, Optional, Any, Union
|
9
|
-
from contextlib import contextmanager
|
10
|
-
|
11
|
-
from .mlflow_manager import MLflowManager, ExperimentType
|
12
|
-
from .model_registry import ModelRegistry, ModelStage
|
13
|
-
|
14
|
-
|
15
|
-
logger = logging.getLogger(__name__)
|
16
|
-
|
17
|
-
|
18
|
-
class TrainingTracker:
|
19
|
-
"""
|
20
|
-
Tracker for model training workflows.
|
21
|
-
|
22
|
-
This class provides utilities to track model training using MLflow
|
23
|
-
and register trained models in the model registry.
|
24
|
-
|
25
|
-
Example:
|
26
|
-
```python
|
27
|
-
# Initialize tracker
|
28
|
-
tracker = TrainingTracker(
|
29
|
-
tracking_uri="http://localhost:5000",
|
30
|
-
registry_uri="http://localhost:5000"
|
31
|
-
)
|
32
|
-
|
33
|
-
# Start tracking training
|
34
|
-
with tracker.track_training_run(
|
35
|
-
model_name="llama-7b",
|
36
|
-
training_params={
|
37
|
-
"learning_rate": 2e-5,
|
38
|
-
"batch_size": 8,
|
39
|
-
"epochs": 3
|
40
|
-
}
|
41
|
-
) as run_info:
|
42
|
-
# Train the model...
|
43
|
-
|
44
|
-
# Log metrics during training
|
45
|
-
tracker.log_metrics({
|
46
|
-
"train_loss": 0.1,
|
47
|
-
"val_loss": 0.2
|
48
|
-
})
|
49
|
-
|
50
|
-
# After training completes
|
51
|
-
model_path = "/path/to/trained_model"
|
52
|
-
|
53
|
-
# Register the model
|
54
|
-
tracker.register_trained_model(
|
55
|
-
model_path=model_path,
|
56
|
-
metrics={
|
57
|
-
"accuracy": 0.95,
|
58
|
-
"f1": 0.92
|
59
|
-
},
|
60
|
-
stage=ModelStage.STAGING
|
61
|
-
)
|
62
|
-
```
|
63
|
-
"""
|
64
|
-
|
65
|
-
def __init__(
|
66
|
-
self,
|
67
|
-
tracking_uri: Optional[str] = None,
|
68
|
-
artifact_uri: Optional[str] = None,
|
69
|
-
registry_uri: Optional[str] = None
|
70
|
-
):
|
71
|
-
"""
|
72
|
-
Initialize the training tracker.
|
73
|
-
|
74
|
-
Args:
|
75
|
-
tracking_uri: URI for MLflow tracking server
|
76
|
-
artifact_uri: URI for MLflow artifacts
|
77
|
-
registry_uri: URI for MLflow model registry
|
78
|
-
"""
|
79
|
-
self.mlflow_manager = MLflowManager(
|
80
|
-
tracking_uri=tracking_uri,
|
81
|
-
artifact_uri=artifact_uri,
|
82
|
-
registry_uri=registry_uri
|
83
|
-
)
|
84
|
-
self.model_registry = ModelRegistry(
|
85
|
-
tracking_uri=tracking_uri,
|
86
|
-
registry_uri=registry_uri
|
87
|
-
)
|
88
|
-
self.current_run_info = {}
|
89
|
-
|
90
|
-
@contextmanager
|
91
|
-
def track_training_run(
|
92
|
-
self,
|
93
|
-
model_name: str,
|
94
|
-
training_params: Dict[str, Any],
|
95
|
-
description: Optional[str] = None,
|
96
|
-
tags: Optional[Dict[str, str]] = None,
|
97
|
-
experiment_type: ExperimentType = ExperimentType.TRAINING
|
98
|
-
):
|
99
|
-
"""
|
100
|
-
Track a training run with MLflow.
|
101
|
-
|
102
|
-
Args:
|
103
|
-
model_name: Name of the model being trained
|
104
|
-
training_params: Parameters for the training run
|
105
|
-
description: Description of the training run
|
106
|
-
tags: Tags for the training run
|
107
|
-
experiment_type: Type of experiment
|
108
|
-
|
109
|
-
Yields:
|
110
|
-
Dictionary with run information
|
111
|
-
"""
|
112
|
-
run_info = {
|
113
|
-
"model_name": model_name,
|
114
|
-
"params": training_params,
|
115
|
-
"metrics": {}
|
116
|
-
}
|
117
|
-
|
118
|
-
# Add description to tags if provided
|
119
|
-
if tags is None:
|
120
|
-
tags = {}
|
121
|
-
|
122
|
-
if description:
|
123
|
-
tags["description"] = description
|
124
|
-
|
125
|
-
# Start the MLflow run
|
126
|
-
with self.mlflow_manager.start_run(
|
127
|
-
experiment_type=experiment_type,
|
128
|
-
model_name=model_name,
|
129
|
-
tags=tags
|
130
|
-
) as run:
|
131
|
-
run_info["run_id"] = run.info.run_id
|
132
|
-
run_info["experiment_id"] = run.info.experiment_id
|
133
|
-
run_info["status"] = "running"
|
134
|
-
|
135
|
-
# Save parameters
|
136
|
-
self.mlflow_manager.log_params(training_params)
|
137
|
-
|
138
|
-
self.current_run_info = run_info
|
139
|
-
try:
|
140
|
-
yield run_info
|
141
|
-
# Mark as successful if no exceptions
|
142
|
-
run_info["status"] = "completed"
|
143
|
-
except Exception as e:
|
144
|
-
# Mark as failed if exception occurred
|
145
|
-
run_info["status"] = "failed"
|
146
|
-
run_info["error"] = str(e)
|
147
|
-
self.mlflow_manager.set_tracking_tag("error", str(e))
|
148
|
-
raise
|
149
|
-
finally:
|
150
|
-
self.current_run_info = {}
|
151
|
-
|
152
|
-
def log_metrics(self, metrics: Dict[str, float], step: Optional[int] = None) -> None:
|
153
|
-
"""
|
154
|
-
Log metrics to the current run.
|
155
|
-
|
156
|
-
Args:
|
157
|
-
metrics: Dictionary of metrics to log
|
158
|
-
step: Step value for the metrics
|
159
|
-
"""
|
160
|
-
self.mlflow_manager.log_metrics(metrics, step)
|
161
|
-
|
162
|
-
if self.current_run_info:
|
163
|
-
if "metrics" not in self.current_run_info:
|
164
|
-
self.current_run_info["metrics"] = {}
|
165
|
-
|
166
|
-
# Only keep the latest metrics
|
167
|
-
self.current_run_info["metrics"].update(metrics)
|
168
|
-
|
169
|
-
def log_artifacts(self, local_dir: str, artifact_path: Optional[str] = None) -> None:
|
170
|
-
"""
|
171
|
-
Log artifacts to the current run.
|
172
|
-
|
173
|
-
Args:
|
174
|
-
local_dir: Local directory containing artifacts
|
175
|
-
artifact_path: Path for the artifacts in MLflow
|
176
|
-
"""
|
177
|
-
self.mlflow_manager.log_artifacts(local_dir, artifact_path)
|
178
|
-
|
179
|
-
def register_trained_model(
|
180
|
-
self,
|
181
|
-
model_path: str,
|
182
|
-
metrics: Optional[Dict[str, float]] = None,
|
183
|
-
description: Optional[str] = None,
|
184
|
-
tags: Optional[Dict[str, str]] = None,
|
185
|
-
stage: Optional[ModelStage] = None,
|
186
|
-
flavor: str = "pyfunc"
|
187
|
-
) -> Optional[str]:
|
188
|
-
"""
|
189
|
-
Register a trained model with MLflow.
|
190
|
-
|
191
|
-
Args:
|
192
|
-
model_path: Path to the trained model
|
193
|
-
metrics: Evaluation metrics for the model
|
194
|
-
description: Description of the model
|
195
|
-
tags: Tags for the model
|
196
|
-
stage: Stage to register the model in
|
197
|
-
flavor: MLflow model flavor
|
198
|
-
|
199
|
-
Returns:
|
200
|
-
Version of the registered model or None if registration failed
|
201
|
-
"""
|
202
|
-
if not self.current_run_info:
|
203
|
-
logger.warning("No active run. Model cannot be registered.")
|
204
|
-
return None
|
205
|
-
|
206
|
-
model_name = self.current_run_info.get("model_name")
|
207
|
-
if not model_name:
|
208
|
-
logger.warning("Model name not available in run info. Using generic name.")
|
209
|
-
model_name = "unnamed_model"
|
210
|
-
|
211
|
-
# Log final metrics if provided
|
212
|
-
if metrics:
|
213
|
-
self.log_metrics(metrics)
|
214
|
-
|
215
|
-
# Prepare model tags
|
216
|
-
if tags is None:
|
217
|
-
tags = {}
|
218
|
-
|
219
|
-
# Add run ID to tags
|
220
|
-
tags["run_id"] = self.current_run_info.get("run_id", "")
|
221
|
-
|
222
|
-
# Add metrics to tags
|
223
|
-
for k, v in self.current_run_info.get("metrics", {}).items():
|
224
|
-
tags[f"metric.{k}"] = str(v)
|
225
|
-
|
226
|
-
# Log model to MLflow
|
227
|
-
artifact_path = self.mlflow_manager.log_model(
|
228
|
-
model_path=model_path,
|
229
|
-
name=model_name,
|
230
|
-
flavor=flavor
|
231
|
-
)
|
232
|
-
|
233
|
-
if not artifact_path:
|
234
|
-
logger.error("Failed to log model to MLflow.")
|
235
|
-
return None
|
236
|
-
|
237
|
-
# Get model URI
|
238
|
-
run_id = self.current_run_info.get("run_id")
|
239
|
-
model_uri = f"runs:/{run_id}/{artifact_path}"
|
240
|
-
|
241
|
-
# Register the model
|
242
|
-
version = self.model_registry.register_model(
|
243
|
-
name=model_name,
|
244
|
-
source=model_uri,
|
245
|
-
description=description,
|
246
|
-
tags=tags
|
247
|
-
)
|
248
|
-
|
249
|
-
# Transition to the specified stage if provided
|
250
|
-
if version and stage:
|
251
|
-
self.model_registry.transition_model_version_stage(
|
252
|
-
name=model_name,
|
253
|
-
version=version,
|
254
|
-
stage=stage
|
255
|
-
)
|
256
|
-
|
257
|
-
return version
|
isa_model-0.3.9.dist-info/RECORD
DELETED
@@ -1,138 +0,0 @@
|
|
1
|
-
isa_model/__init__.py,sha256=73ibr8BcJyUmtEj-c86brXCY9BjZPYfnXpMbD1ashwQ,867
|
2
|
-
isa_model/client.py,sha256=xJt_wlaCZwv4fG053diFKMVpGCv3Qx0vGyFFPXow9y8,35862
|
3
|
-
isa_model/core/config.py,sha256=h9GVTEEMlaJYSCDd0W9q1KtaWTV5V5TawMsKtGuphds,15686
|
4
|
-
isa_model/core/pricing_manager.py,sha256=W9VRHGsJVxs3EcPD2zRP0lvOYlxydb6E74RS-sLn_UA,27745
|
5
|
-
isa_model/core/types.py,sha256=XLUs442WGNc8E0gF2M-nb6dutD_s-XCfpr2BfGBCA2M,8445
|
6
|
-
isa_model/core/config/__init__.py,sha256=SLeHQtYGDHl64NDVyb3ECQXOKepGM8YNHEoM8CVEWus,350
|
7
|
-
isa_model/core/config/config_manager.py,sha256=hx0qcdvYEE_cCp-qb8tnVkXnpsTXEuRM1108DoAiUnE,19905
|
8
|
-
isa_model/core/models/model_billing_tracker.py,sha256=hxqG5DvQ8kqROC3WVb5Y0tespp73TPPWYq-AwatMZwc,18782
|
9
|
-
isa_model/core/models/model_manager.py,sha256=9_JHok4i2q79dhFD3nckrlG-k3z8UGb6bM82iUR-T84,14917
|
10
|
-
isa_model/core/models/model_repo.py,sha256=OqvtUrvWmn_k4tkAgdOQ61NneUHsJGbUjkobJf3LNSw,14036
|
11
|
-
isa_model/core/models/model_storage.py,sha256=yMLapW87EY1EPXw6S7H8UQAZh3hJ1KxsEohjgjw-HrA,4507
|
12
|
-
isa_model/core/services/__init__.py,sha256=M1ob5N-PDPUW0o03ioHORRl5ye5ZEEzT7265-u-NrP4,481
|
13
|
-
isa_model/core/services/intelligent_model_selector.py,sha256=vf8BhITetIh5VJcccsESrHyeh9p-V6AHD9NRAEt6a5w,21501
|
14
|
-
isa_model/core/storage/hf_storage.py,sha256=HTj1-YGJM3Q-9_Adw7u4NjEmSdr0njsFEL45KXzfcFw,14701
|
15
|
-
isa_model/core/storage/local_storage.py,sha256=47DEQpj8HBSa-_TImW-5JCeuQeRkm5NMpJWZG3hSuFU,0
|
16
|
-
isa_model/core/storage/minio_storage.py,sha256=47DEQpj8HBSa-_TImW-5JCeuQeRkm5NMpJWZG3hSuFU,0
|
17
|
-
isa_model/deployment/__init__.py,sha256=tzBOOvDXl6Hh8IiS2ehW6RKeUcBia_MY1uegQFFfFRg,1400
|
18
|
-
isa_model/deployment/cloud/__init__.py,sha256=ztahTvIZYNoEU_bqmVAvb3xL_ttWHAGO_UAiwQP4dHY,135
|
19
|
-
isa_model/deployment/cloud/modal/__init__.py,sha256=iD65eaqvI7L_W31p-tDO4fMIG5EWfkir1l3SKRSp72Y,265
|
20
|
-
isa_model/deployment/cloud/modal/isa_vision_doc_service.py,sha256=GnIOwMNibXFqeA4ToUOovPxuj0NQTLXgkSbR1r6nUcU,30386
|
21
|
-
isa_model/deployment/cloud/modal/isa_vision_table_service.py,sha256=ewuRLIM1sqeet_7Vb9y1xcB1vXg2OAHVZNDfeFA_KHM,19814
|
22
|
-
isa_model/deployment/cloud/modal/isa_vision_ui_service.py,sha256=75iTaucfLYvWBqAvNdSXJT80R7hInYWOeLamxCyfteQ,14027
|
23
|
-
isa_model/deployment/cloud/modal/register_models.py,sha256=gqvKDE8hdwOlSyg5nWrAYNlQ0AjHa4aP9OhFBw7UXLw,12162
|
24
|
-
isa_model/deployment/core/__init__.py,sha256=QJkJrs0FYgYcjvnHMSvAtUBiT6uq_ciqLKWLwx0mkDg,803
|
25
|
-
isa_model/deployment/core/deployment_config.py,sha256=__bHohsvbdZK_rS_86S1rSHPPP1bTkOnx_G0cj1HMcA,11305
|
26
|
-
isa_model/deployment/core/deployment_manager.py,sha256=kICHX1V8wIlmldkrfdqakz2OAjitUfGY6ZG_QjGzZbM,20068
|
27
|
-
isa_model/deployment/core/isa_deployment_service.py,sha256=sXU7REZ4xhUUGrpqxlJh-twx18rd97Da4sPEk62QaME,12600
|
28
|
-
isa_model/deployment/gpu_int8_ds8/app/server.py,sha256=lwWxdnR2DNEd0vIGQyfabKtDSUzSHVQsy3Z_AJejpVg,2102
|
29
|
-
isa_model/deployment/gpu_int8_ds8/scripts/test_client.py,sha256=aCULgRYzEQj_ELUK1bmPgN99yvFgNR5C0O3gc8S32pg,1421
|
30
|
-
isa_model/deployment/gpu_int8_ds8/scripts/test_client_os.py,sha256=XXrneTCHUeh1LNRcu-YtZQ5B4pNawlrxC-cTWmJU2A8,936
|
31
|
-
isa_model/deployment/runtime/deployed_service.py,sha256=0Z_Hg42oXasEVvuKjwBylJPazcmJYXhS-L9uPainaIg,13400
|
32
|
-
isa_model/deployment/services/__init__.py,sha256=JrLlmBlLb6RfiqGMzVVxKZfF5tAKliQqpon_rPoNoeA,216
|
33
|
-
isa_model/deployment/services/auto_deploy_vision_service.py,sha256=bZmkNG2DWvG6DdHfHvUuf8fonygic4vI_A4aogrXzvU,19670
|
34
|
-
isa_model/deployment/services/model_service.py,sha256=_ncC--8hr5BUwzCWh59yRXPKIPVLapx_31TorB2DIr8,13492
|
35
|
-
isa_model/deployment/services/service_monitor.py,sha256=P1zGoeqkNEJwt9AXZF2qTjfSLRm5PKUa80GJVNDSIdA,15223
|
36
|
-
isa_model/deployment/services/service_registry.py,sha256=LQgWQOvoP0lb7mC6WTS6shEt6WuX6xc8rRmcixrKwTc,22765
|
37
|
-
isa_model/deployment/services/simple_auto_deploy_vision_service.py,sha256=rfXsv9mh_w5cXHVYxA4fBD5ppyNY4HplsH34xp4WpY8,9882
|
38
|
-
isa_model/eval/__init__.py,sha256=CRbxC5SN7ow4ymdALSNTHawqw4f82DEdAb7twNT_Pw0,2447
|
39
|
-
isa_model/eval/benchmarks.py,sha256=_L4Vwj2hwf2yhqoleIASO9z5e3LRCClCVEVCQbGt0I8,16885
|
40
|
-
isa_model/eval/factory.py,sha256=bm5OVY7HIxdBgjlH1n7e5K1YO4ytv8e4KB7z_JS9HVQ,20737
|
41
|
-
isa_model/eval/metrics.py,sha256=VMQqcB13OScJsEmfuMZeBk5RLCs01zWknuMqQRVFCjo,30315
|
42
|
-
isa_model/eval/config/__init__.py,sha256=SDwprIRp1GSG7PAXJuyNldUZ6dPeuIcwdxCkHZXIeVQ,181
|
43
|
-
isa_model/eval/config/evaluation_config.py,sha256=y4tQAqafx5snoQ0QD239C9QXHmqcQvjH34uGSEJUhvI,3051
|
44
|
-
isa_model/eval/evaluators/__init__.py,sha256=bDMBhD8bTW740dQEt8Ru-nWPGiJHkyQQcfGEejgzkh4,461
|
45
|
-
isa_model/eval/evaluators/base_evaluator.py,sha256=1RivgnnuA-k9EtsZ-KMEtts_5gcfnaTGAoF-uBVSesE,19292
|
46
|
-
isa_model/eval/evaluators/llm_evaluator.py,sha256=yfFJFdxwGV2F3mzEWjZ-0fr9u8SR3A20UJ7zS7OgKsw,18054
|
47
|
-
isa_model/eval/infrastructure/__init__.py,sha256=fxTdtwAFtjCDOV9MJ3GbhY0A-DqKeTwr_u9WTBnGI_U,648
|
48
|
-
isa_model/eval/infrastructure/experiment_tracker.py,sha256=yfMWIAk6oA8Lfer3AtmKg0OEZiGhczmsCD5gmp--uew,15283
|
49
|
-
isa_model/inference/__init__.py,sha256=usfuQJ4zYY2RRtHkE-V6LuJ5aN7WJogtPUj9Qmy4Wvw,318
|
50
|
-
isa_model/inference/ai_factory.py,sha256=oGtRd4wp6IZOTyI3GVKBNN4AtlnrLS7yFZuq2wvkaUg,19784
|
51
|
-
isa_model/inference/base.py,sha256=qwOddnSGI0GUdD6qIdGBPQpkW7UjU3Y-zaZvu70B4WA,1278
|
52
|
-
isa_model/inference/adapter/unified_api.py,sha256=67_Ok8W20m6Otf6r9WyOEVpnxondP4UAxOASk9ozDk4,8668
|
53
|
-
isa_model/inference/services/__init__.py,sha256=yfLz0YGl8ixk6LfTRL6cRTvZMb9F_Pv1QRgGyNc9xYM,386
|
54
|
-
isa_model/inference/services/base_service.py,sha256=fVaSx0CogHK71UEsNJeSyM8mhqmq5_9ePbbSZVi3Al8,5085
|
55
|
-
isa_model/inference/services/audio/base_stt_service.py,sha256=sfzAfreFdvEOBHtphoTrQSjb-gCoCOW4WCj6iIe51oU,5804
|
56
|
-
isa_model/inference/services/audio/base_tts_service.py,sha256=PgctcV98Pe9I2kSjScsm8epRwdaEU-vAGCIfdd2P8us,6924
|
57
|
-
isa_model/inference/services/audio/openai_realtime_service.py,sha256=UENsx1bEb7aJoXNuBtFGIbTmETpNTZcCHlv0RydEp_U,13340
|
58
|
-
isa_model/inference/services/audio/openai_stt_service.py,sha256=chqVuSU8JtwkqY6Y7INm0AdSoDqh-bsg9POzJkxN3h0,10989
|
59
|
-
isa_model/inference/services/audio/openai_tts_service.py,sha256=C4vIRvCKoySs4-zBEteI_DZYZsATS84W_ZUwbxjJjpA,8253
|
60
|
-
isa_model/inference/services/audio/replicate_tts_service.py,sha256=kCG_bBNgW7GQwt5-ZdwPSqsMiTV54-FhSowFwNWGvg0,10292
|
61
|
-
isa_model/inference/services/embedding/base_embed_service.py,sha256=_9HLzwDfKXbhFWT_3VbLQpDF3N1Rr3JS-QXqAZM9Wyc,6045
|
62
|
-
isa_model/inference/services/embedding/ollama_embed_service.py,sha256=Pbc3jePaEsudHOn07BSf_A525weoesH3d3r5vs8ODvc,6702
|
63
|
-
isa_model/inference/services/embedding/openai_embed_service.py,sha256=Egzq0sxFWf5lndf12xijLuvJSw1wnLeU9wdNR9pnzkQ,8342
|
64
|
-
isa_model/inference/services/embedding/helpers/text_splitter.py,sha256=6AbvcQ7H6MS54B9d9T1XBGg4GhvmKfZqp00lKp9pF-U,1635
|
65
|
-
isa_model/inference/services/helpers/stacked_config.py,sha256=xPGvWBu364qSF5RXAefAdsqC9SUHC6frTtJamQRQZX8,5473
|
66
|
-
isa_model/inference/services/img/__init__.py,sha256=Mip969-_UGRAADfDlcXEBPrsYY7sZleztolcjjmKfyA,518
|
67
|
-
isa_model/inference/services/img/base_image_gen_service.py,sha256=PECzUood4E25Bh2hAbe-d62nB6CwRbg1pORdDkLlEjg,7194
|
68
|
-
isa_model/inference/services/img/flux_professional_service.py,sha256=c-3F9ANUuYiZPG4SgsOgb6jTDFIXWD52Kz-RC9g_a-Q,26407
|
69
|
-
isa_model/inference/services/img/replicate_image_gen_service.py,sha256=QLjgrXNmtdXmKQPCLkmrTjNPL7_icy6enWmeArRCicU,17240
|
70
|
-
isa_model/inference/services/img/helpers/base_stacked_service.py,sha256=Y2g2Hz3n2Uwo4RoCbsC33IXxTeQ2TeT6T-2HnXd-2B0,10546
|
71
|
-
isa_model/inference/services/llm/__init__.py,sha256=hSdfeqE0463CtQ6ZzREqPBvtzXNuzi3W5PFKS0nwhvo,336
|
72
|
-
isa_model/inference/services/llm/base_llm_service.py,sha256=fg79J5mKy27qahvtLscMcquOe4O2L-EoNjE33yPRI9E,22196
|
73
|
-
isa_model/inference/services/llm/ollama_llm_service.py,sha256=PfsMesjdtpqseLa2OUUg8WWyiIdIUhu9L5s5DkZl040,17580
|
74
|
-
isa_model/inference/services/llm/openai_llm_service.py,sha256=40FYFb0bnVQrPwTg10CAKytKDj4zeZvp517do00Y_Ok,12174
|
75
|
-
isa_model/inference/services/llm/yyds_llm_service.py,sha256=I8fBCd1dk56hlpnkToh-aAE77hP5YanHRVVEcXHYasE,12051
|
76
|
-
isa_model/inference/services/llm/helpers/llm_adapter.py,sha256=gkKND55EoizRxsaGOCEazUmL-2yTIBI-_njpEOXt-4k,21779
|
77
|
-
isa_model/inference/services/llm/helpers/llm_prompts.py,sha256=4ZOovr_Jx5bwPiMkgO1lZF7GMyEFbITP3ZrhhI48QMs,10964
|
78
|
-
isa_model/inference/services/llm/helpers/llm_utils.py,sha256=LNfB3qzREyD2TyleOyVa20FU8HbhdxA8G6QV-N-wfZs,10016
|
79
|
-
isa_model/inference/services/ml/base_ml_service.py,sha256=mLBA6ENowa3KVzNqHyhWxf_Pr-cJJj84lDE4TniPzYI,2894
|
80
|
-
isa_model/inference/services/ml/sklearn_ml_service.py,sha256=Lf9JrwvI25lca7JBbjB_e66eAUtXFbwxZ3Hs13dVGkA,5512
|
81
|
-
isa_model/inference/services/others/table_transformer_service.py,sha256=r74h6QUSwSj6jTt-gRProz9SgwBwKWDe50NR0uqW0ZI,2367
|
82
|
-
isa_model/inference/services/vision/__init__.py,sha256=9JkNzwZa6WQPUXtq4i7x78mPxkzBNRB-6CkU2WyoCYE,1191
|
83
|
-
isa_model/inference/services/vision/base_vision_service.py,sha256=FInmrdhKaeu0vBUbxScH3_B9a_fk3pj2foLx0P81a6o,12645
|
84
|
-
isa_model/inference/services/vision/doc_analysis_service.py,sha256=_klnuI99tSkA1gcs5hPQmj6Ld8GElg0S823LXa9id2Y,24797
|
85
|
-
isa_model/inference/services/vision/openai_vision_service.py,sha256=IcDX0nBPqt9TJSwMEUD89Fojz1X8jF3ZD1voJGOzu4A,9609
|
86
|
-
isa_model/inference/services/vision/replicate_vision_service.py,sha256=smRkSCTwk5mvyKVnvyplqPNuVYjRZngVBWxTCbFmrxA,20679
|
87
|
-
isa_model/inference/services/vision/ui_analysis_service.py,sha256=LTFY5rMIQwgWh_kh9KWA44ZI01Mb3We5NsG2scSgBeA,32153
|
88
|
-
isa_model/inference/services/vision/disabled/isA_vision_service.py,sha256=VYa8VJtxDB9KdnfNW0GPEP_TPker4pHp33gLD_TnpaM,18336
|
89
|
-
isa_model/inference/services/vision/helpers/base_stacked_service.py,sha256=Y2g2Hz3n2Uwo4RoCbsC33IXxTeQ2TeT6T-2HnXd-2B0,10546
|
90
|
-
isa_model/inference/services/vision/helpers/image_utils.py,sha256=7RZ368o2UXcRCqyzldUOGhzB5vWbCCJOVR24UdiVdhs,11061
|
91
|
-
isa_model/inference/services/vision/helpers/vision_prompts.py,sha256=WbzOYu-Z2-8Xn9dcvuPRTA7VTy23_uoMRRGO4t0wZ8Q,12098
|
92
|
-
isa_model/inference/utils/conversion/bge_rerank_convert.py,sha256=1dvtxe5-PPCe2Au6SO8F2XaD-xdIoeA4zDTcid2L9FU,2691
|
93
|
-
isa_model/inference/utils/conversion/onnx_converter.py,sha256=47DEQpj8HBSa-_TImW-5JCeuQeRkm5NMpJWZG3hSuFU,0
|
94
|
-
isa_model/inference/utils/conversion/torch_converter.py,sha256=47DEQpj8HBSa-_TImW-5JCeuQeRkm5NMpJWZG3hSuFU,0
|
95
|
-
isa_model/scripts/inference_tracker.py,sha256=T6qQJMHJcAIQ8eYlgqpM9RWxfiV4z5xIolaoglKBBsg,8831
|
96
|
-
isa_model/scripts/mlflow_manager.py,sha256=7xMN0_wELr1jcALuTW9WeWirRkPZPlE2LlFfZKflXBY,12142
|
97
|
-
isa_model/scripts/model_registry.py,sha256=7rycPkVk8WHUO3LJaHfdyy5Yq8qmd_4WkGk4wKan-2w,14279
|
98
|
-
isa_model/scripts/register_models.py,sha256=ukqhUFiXkZh2IGzJTjEKpqRpf6VW4oSYm4PP_JjYcM8,14658
|
99
|
-
isa_model/scripts/register_models_with_embeddings.py,sha256=A4utiT5_uqvgMQJ9qioIZM2XMreHLgJoqZOysNbzmM8,20990
|
100
|
-
isa_model/scripts/start_mlflow.py,sha256=3AGKBzByjzbZ56I8w0IOfYnp3V6EU2Lv9NtX9maSqL8,2571
|
101
|
-
isa_model/scripts/training_tracker.py,sha256=cnXPi8ip2OK76-aWAOgC-dKx90PqZLEnP6UbHso7Fwc,8080
|
102
|
-
isa_model/serving/__init__.py,sha256=LTO0Adbvm7A-bgQqtuOQSoHvdu9OH3OrEjYgQanuHgI,429
|
103
|
-
isa_model/serving/api/__init__.py,sha256=wgWD69eqV37fFTLxhz8b0rOn_34P7SZHoWw2sufWjk4,162
|
104
|
-
isa_model/serving/api/fastapi_server.py,sha256=UP3CZim8E2tNcyUGaoU9cYM80_yzzpWQFd3ADfo6ANk,2628
|
105
|
-
isa_model/serving/api/middleware/__init__.py,sha256=iCKUYECf0bjNGXgV91K03hb8Dnp0Jc_wnUL897Rd0sg,163
|
106
|
-
isa_model/serving/api/middleware/request_logger.py,sha256=d48n6tp1pqZ7HFWFl8jg6er24ugWkWkMOc1y80aqPU8,2938
|
107
|
-
isa_model/serving/api/routes/__init__.py,sha256=RIaG9OPg0AjAIVbtMzwnqGyNU-tuQXbdvFcYOt4b_Do,84
|
108
|
-
isa_model/serving/api/routes/health.py,sha256=NwQcC_bpcaI4YZHTIKbGtg82yQ6QLdp0TwcqbEiqbWs,2208
|
109
|
-
isa_model/serving/api/routes/llm.py,sha256=5ZVxWugff0i6VBKz_Nv5CqacMZJsPZEKyoSB6XDrW34,385
|
110
|
-
isa_model/serving/api/routes/ui_analysis.py,sha256=-WxLaRKQNHnRh4okB85cWA4blTegpEPZtzHTsF3yeeU,6848
|
111
|
-
isa_model/serving/api/routes/unified.py,sha256=r6O_X9ql2EDqiTWaWz_anPERwfzNnF9ZvSdjqht8WxE,9727
|
112
|
-
isa_model/serving/api/routes/vision.py,sha256=U9jxssQYe6igtayUW0C2fcYwqmLRIE15__X-5Ru9J4c,396
|
113
|
-
isa_model/serving/api/schemas/__init__.py,sha256=Tu_hzxoKW1ZHpww3-5ER4A2hNuDByZ0rAfrgaJ7Bs-M,275
|
114
|
-
isa_model/serving/api/schemas/common.py,sha256=HVaAS7wlvqrwC1gMZ2Cvo0vzHB053x2uOTAwUoY2vsE,696
|
115
|
-
isa_model/serving/api/schemas/ui_analysis.py,sha256=IpOcIvmUeXN1UtZsbGozMfV1vvz7AVF2PVXjjxYl_0k,4089
|
116
|
-
isa_model/training/__init__.py,sha256=lfgaSGmOdfizXYV0NKZ6UDXdx_KIlit62eVhGK_6zXA,1533
|
117
|
-
isa_model/training/factory.py,sha256=c-77203-2jL3ppcAhhtms6eb8RwI1xz7k324V_NqCFM,13733
|
118
|
-
isa_model/training/annotation/annotation_schema.py,sha256=BDEgUlRxMoXGTn12VZ_UUU8rWUHQW_JL39d1AvWU-04,1271
|
119
|
-
isa_model/training/annotation/processors/annotation_processor.py,sha256=hz5VhaPLLPuwq2IoBMbxrZfOS_xBVCrqWk1GEKW2zd0,4839
|
120
|
-
isa_model/training/annotation/storage/dataset_manager.py,sha256=nKxhmkw-K5vO7Wd5I0Rp5j9fqwV06h_9i_1lVQiU7uU,4592
|
121
|
-
isa_model/training/annotation/storage/dataset_schema.py,sha256=JPhrT-pbT0jGd_rmDlhyTesXKv9OYxy85U-RAJFe05o,1086
|
122
|
-
isa_model/training/annotation/tests/test_annotation_flow.py,sha256=DXYHP8rLKaLII6bo5Rtltqk4sQxr8k8G-wQegfuXHiE,3605
|
123
|
-
isa_model/training/annotation/tests/test_minio copy.py,sha256=EI-PlH5xttAZF14Z_xn6LjgIJBkvP2qjLcvbX2hc0RM,3946
|
124
|
-
isa_model/training/annotation/tests/test_minio_upload.py,sha256=fL1eMubwR6L9lYc3zEwlWU9yjJuTsIYi93i0l9QUjm0,1109
|
125
|
-
isa_model/training/annotation/views/annotation_controller.py,sha256=3VzJ52yI-YIpcaAAXy2qac7sr4hTnFdtn-ZEKTt4IkM,5792
|
126
|
-
isa_model/training/cloud/__init__.py,sha256=ZVsNsnZUgueqtd-e1__xD19njf7KrLTwz28htaU174g,678
|
127
|
-
isa_model/training/cloud/job_orchestrator.py,sha256=WDv_7HwibjN7iogCKPnO0UTvvl7ADCQc6rRDHOBj_OQ,15501
|
128
|
-
isa_model/training/cloud/runpod_trainer.py,sha256=x9NMFNMnz6HEolADf9wYY5OnkklOspwcE6u_pf_7SVQ,15208
|
129
|
-
isa_model/training/cloud/storage_manager.py,sha256=qitWGuPHKNmYCSkMdOO0ccz2xPxFa9EfhcDZwQ-fZXA,18556
|
130
|
-
isa_model/training/core/__init__.py,sha256=HyIsPibT0MAy9v55BK95K30aXKkBU6tgVbeTL17HFTY,526
|
131
|
-
isa_model/training/core/config.py,sha256=oqgKpBvtzrN6jwLIQYQ2707lH6nmjrktRiSxp9iocVc,5084
|
132
|
-
isa_model/training/core/dataset.py,sha256=XCFsnf0NUMU1dJpdvo_CAMyvXB-9_RCUEiy8TU50e20,7802
|
133
|
-
isa_model/training/core/trainer.py,sha256=h5TjqjdFr0Fsv5y4-0siy1KmOlqLfliVaUXybvuoeXU,26932
|
134
|
-
isa_model/training/core/utils.py,sha256=Nik0M2ssfNbWqP6fKO0Kfyhzr_H6Q19ioxB-qCYbn5E,8387
|
135
|
-
isa_model-0.3.9.dist-info/METADATA,sha256=SAC2G5ZmyJ0KvNcE_8ONOGCI53bx691wWFAwb-KQghU,12326
|
136
|
-
isa_model-0.3.9.dist-info/WHEEL,sha256=_zCd3N1l69ArxyTb8rzEoP9TpbYXkqRFSNOD5OuxnTs,91
|
137
|
-
isa_model-0.3.9.dist-info/top_level.txt,sha256=eHSy_Xb3kNkh2kK11mi1mZh0Wz91AQ5b8k2KFYO-rE8,10
|
138
|
-
isa_model-0.3.9.dist-info/RECORD,,
|
File without changes
|
File without changes
|