oracle-ads 2.12.11__py3-none-any.whl → 2.13.1__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.
- ads/aqua/__init__.py +7 -1
- ads/aqua/app.py +41 -27
- ads/aqua/client/client.py +48 -11
- ads/aqua/common/entities.py +28 -1
- ads/aqua/common/enums.py +32 -21
- ads/aqua/common/errors.py +3 -4
- ads/aqua/common/utils.py +10 -15
- ads/aqua/config/container_config.py +203 -0
- ads/aqua/config/evaluation/evaluation_service_config.py +5 -181
- ads/aqua/constants.py +1 -1
- ads/aqua/evaluation/constants.py +7 -7
- ads/aqua/evaluation/errors.py +3 -4
- ads/aqua/evaluation/evaluation.py +4 -4
- ads/aqua/extension/base_handler.py +4 -0
- ads/aqua/extension/model_handler.py +41 -27
- ads/aqua/extension/models/ws_models.py +5 -6
- ads/aqua/finetuning/constants.py +3 -3
- ads/aqua/finetuning/finetuning.py +2 -3
- ads/aqua/model/constants.py +7 -7
- ads/aqua/model/entities.py +2 -3
- ads/aqua/model/enums.py +4 -5
- ads/aqua/model/model.py +46 -29
- ads/aqua/modeldeployment/deployment.py +6 -14
- ads/aqua/modeldeployment/entities.py +5 -3
- ads/aqua/server/__init__.py +4 -0
- ads/aqua/server/__main__.py +24 -0
- ads/aqua/server/app.py +47 -0
- ads/aqua/server/aqua_spec.yml +1291 -0
- ads/aqua/ui.py +5 -199
- ads/common/auth.py +50 -28
- ads/common/extended_enum.py +52 -44
- ads/common/utils.py +91 -11
- ads/config.py +3 -0
- ads/llm/__init__.py +12 -8
- ads/llm/langchain/plugins/embeddings/__init__.py +4 -0
- ads/llm/langchain/plugins/embeddings/oci_data_science_model_deployment_endpoint.py +184 -0
- ads/llm/langchain/plugins/llms/oci_data_science_model_deployment_endpoint.py +32 -23
- ads/model/artifact_downloader.py +6 -4
- ads/model/common/utils.py +15 -3
- ads/model/datascience_model.py +422 -71
- ads/model/generic_model.py +3 -3
- ads/model/model_metadata.py +70 -24
- ads/model/model_version_set.py +5 -3
- ads/model/service/oci_datascience_model.py +487 -17
- ads/opctl/anomaly_detection.py +11 -0
- ads/opctl/backend/marketplace/helm_helper.py +13 -14
- ads/opctl/cli.py +4 -5
- ads/opctl/cmds.py +28 -32
- ads/opctl/config/merger.py +8 -11
- ads/opctl/config/resolver.py +25 -30
- ads/opctl/forecast.py +11 -0
- ads/opctl/operator/cli.py +9 -9
- ads/opctl/operator/common/backend_factory.py +56 -60
- ads/opctl/operator/common/const.py +5 -5
- ads/opctl/operator/common/utils.py +16 -0
- ads/opctl/operator/lowcode/anomaly/const.py +8 -9
- ads/opctl/operator/lowcode/common/data.py +5 -2
- ads/opctl/operator/lowcode/common/transformations.py +2 -12
- ads/opctl/operator/lowcode/feature_store_marketplace/operator_utils.py +43 -48
- ads/opctl/operator/lowcode/forecast/__main__.py +5 -5
- ads/opctl/operator/lowcode/forecast/const.py +6 -6
- ads/opctl/operator/lowcode/forecast/model/arima.py +6 -3
- ads/opctl/operator/lowcode/forecast/model/automlx.py +61 -31
- ads/opctl/operator/lowcode/forecast/model/base_model.py +66 -40
- ads/opctl/operator/lowcode/forecast/model/forecast_datasets.py +79 -13
- ads/opctl/operator/lowcode/forecast/model/neuralprophet.py +5 -2
- ads/opctl/operator/lowcode/forecast/model/prophet.py +28 -15
- ads/opctl/operator/lowcode/forecast/model_evaluator.py +13 -15
- ads/opctl/operator/lowcode/forecast/schema.yaml +1 -1
- ads/opctl/operator/lowcode/forecast/whatifserve/deployment_manager.py +7 -0
- ads/opctl/operator/lowcode/forecast/whatifserve/score.py +19 -11
- ads/opctl/operator/lowcode/pii/constant.py +6 -7
- ads/opctl/operator/lowcode/recommender/constant.py +12 -7
- ads/opctl/operator/runtime/marketplace_runtime.py +4 -10
- ads/opctl/operator/runtime/runtime.py +4 -6
- ads/pipeline/ads_pipeline_run.py +13 -25
- ads/pipeline/visualizer/graph_renderer.py +3 -4
- {oracle_ads-2.12.11.dist-info → oracle_ads-2.13.1.dist-info}/METADATA +18 -15
- {oracle_ads-2.12.11.dist-info → oracle_ads-2.13.1.dist-info}/RECORD +82 -74
- {oracle_ads-2.12.11.dist-info → oracle_ads-2.13.1.dist-info}/WHEEL +1 -1
- ads/aqua/config/evaluation/evaluation_service_model_config.py +0 -8
- {oracle_ads-2.12.11.dist-info → oracle_ads-2.13.1.dist-info}/entry_points.txt +0 -0
- {oracle_ads-2.12.11.dist-info → oracle_ads-2.13.1.dist-info/licenses}/LICENSE.txt +0 -0
@@ -15,6 +15,7 @@ import cloudpickle
|
|
15
15
|
|
16
16
|
from ads.opctl import logger
|
17
17
|
from ads.common.model_export_util import prepare_generic_model
|
18
|
+
from ads.opctl.operator.common.utils import create_log_in_log_group
|
18
19
|
from ads.opctl.operator.lowcode.common.utils import write_data, write_simple_json
|
19
20
|
from ads.opctl.operator.lowcode.common.utils import default_signer
|
20
21
|
from ..model.forecast_datasets import AdditionalData
|
@@ -184,6 +185,10 @@ class ModelDeploymentManager:
|
|
184
185
|
|
185
186
|
log_group = self.spec.what_if_analysis.model_deployment.log_group
|
186
187
|
log_id = self.spec.what_if_analysis.model_deployment.log_id
|
188
|
+
if not log_id and not self.test_mode:
|
189
|
+
signer = oci.auth.signers.get_resource_principals_signer()
|
190
|
+
auth = {"signer": signer, "config": {}}
|
191
|
+
log_id = create_log_in_log_group(self.compartment_id, log_group, auth)
|
187
192
|
|
188
193
|
logs_configuration_details_object = CategoryLogDetails(
|
189
194
|
access=LogDetails(log_group_id=log_group,
|
@@ -211,8 +216,10 @@ class ModelDeploymentManager:
|
|
211
216
|
logger.info(f"deployment metadata :{model_deployment.data}")
|
212
217
|
md = data_science.get_model_deployment(model_deployment_id=model_deployment.data.resources[0].identifier)
|
213
218
|
self.deployment_info['model_deployment_ocid'] = md.data.id
|
219
|
+
self.deployment_info['status'] = md.data.lifecycle_state
|
214
220
|
endpoint_url = md.data.model_deployment_url
|
215
221
|
self.deployment_info['model_deployment_endpoint'] = f"{endpoint_url}/predict"
|
222
|
+
self.deployment_info['log_id'] = log_id
|
216
223
|
|
217
224
|
def save_deployment_info(self):
|
218
225
|
output_dir = self.spec.output_directory.url
|
@@ -151,34 +151,42 @@ def get_forecast(future_df, model_name, series_id, model_object, date_col, targe
|
|
151
151
|
pred_obj = model_object.predict(future_regressor=future_reg)
|
152
152
|
return pred_obj.forecast[series_id].tolist()
|
153
153
|
elif model_name == SupportedModels.Prophet and series_id in model_object:
|
154
|
-
model = model_object[series_id]
|
154
|
+
model = model_object[series_id]['model']
|
155
|
+
label_encoder = model_object[series_id]['le']
|
155
156
|
processed = future_df.rename(columns={date_col_name: 'ds', target_column: 'y'})
|
156
|
-
|
157
|
+
encoded_df = label_encoder.transform(processed)
|
158
|
+
forecast = model.predict(encoded_df)
|
157
159
|
return forecast['yhat'].tolist()
|
158
160
|
elif model_name == SupportedModels.NeuralProphet and series_id in model_object:
|
159
|
-
model = model_object[series_id]
|
161
|
+
model = model_object[series_id]['model']
|
162
|
+
label_encoder = model_object[series_id]['le']
|
160
163
|
model.restore_trainer()
|
161
164
|
accepted_regressors = list(model.config_regressors.regressors.keys())
|
162
165
|
data = future_df.rename(columns={date_col_name: 'ds', target_column: 'y'})
|
163
|
-
|
166
|
+
encoded_df = label_encoder.transform(data)
|
167
|
+
future = encoded_df[accepted_regressors + ["ds"]].reset_index(drop=True)
|
164
168
|
future["y"] = None
|
165
169
|
forecast = model.predict(future)
|
166
170
|
return forecast['yhat1'].tolist()
|
167
171
|
elif model_name == SupportedModels.Arima and series_id in model_object:
|
168
|
-
model = model_object[series_id]
|
169
|
-
|
170
|
-
|
172
|
+
model = model_object[series_id]['model']
|
173
|
+
label_encoder = model_object[series_id]['le']
|
174
|
+
predict_cols = model_object[series_id]["predict_component_cols"]
|
175
|
+
encoded_df = label_encoder.transform(future_df)
|
176
|
+
x_pred = encoded_df.set_index(date_col_name)
|
177
|
+
x_pred = x_pred.drop(target_cat_col, axis=1)
|
171
178
|
yhat, conf_int = model.predict(
|
172
179
|
n_periods=horizon,
|
173
|
-
X=x_pred,
|
180
|
+
X=x_pred[predict_cols],
|
174
181
|
return_conf_int=True
|
175
182
|
)
|
176
183
|
yhat_clean = pd.DataFrame(yhat, index=yhat.index, columns=["yhat"])
|
177
184
|
return yhat_clean['yhat'].tolist()
|
178
185
|
elif model_name == SupportedModels.AutoMLX and series_id in model_object:
|
179
|
-
|
180
|
-
|
181
|
-
|
186
|
+
model = model_object[series_id]['model']
|
187
|
+
label_encoder = model_object[series_id]['le']
|
188
|
+
encoded_df = label_encoder.transform(future_df)
|
189
|
+
x_pred = encoded_df.drop(target_cat_col, axis=1)
|
182
190
|
x_pred = x_pred.set_index(date_col_name)
|
183
191
|
forecast = model.forecast(
|
184
192
|
X=x_pred,
|
@@ -1,9 +1,8 @@
|
|
1
1
|
#!/usr/bin/env python
|
2
|
-
# -*- coding: utf-8 -*--
|
3
2
|
|
4
|
-
# Copyright (c) 2023 Oracle and/or its affiliates.
|
3
|
+
# Copyright (c) 2023, 2025 Oracle and/or its affiliates.
|
5
4
|
# Licensed under the Universal Permissive License v 1.0 as shown at https://oss.oracle.com/licenses/upl/
|
6
|
-
from ads.common.extended_enum import
|
5
|
+
from ads.common.extended_enum import ExtendedEnum
|
7
6
|
|
8
7
|
DEFAULT_SHOW_ROWS = 25
|
9
8
|
DEFAULT_TIME_OUT = 5
|
@@ -12,7 +11,7 @@ DEFAULT_REPORT_FILENAME = "report.html"
|
|
12
11
|
DEFAULT_TARGET_COLUMN = "target"
|
13
12
|
|
14
13
|
|
15
|
-
class SupportedAction(
|
14
|
+
class SupportedAction(ExtendedEnum):
|
16
15
|
"""Supported action to process detected entities."""
|
17
16
|
|
18
17
|
MASK = "mask"
|
@@ -20,19 +19,19 @@ class SupportedAction(str, metaclass=ExtendedEnumMeta):
|
|
20
19
|
ANONYMIZE = "anonymize"
|
21
20
|
|
22
21
|
|
23
|
-
class SupportedDetector(
|
22
|
+
class SupportedDetector(ExtendedEnum):
|
24
23
|
"""Supported pii detectors."""
|
25
24
|
|
26
25
|
DEFAULT = "default"
|
27
26
|
SPACY = "spacy"
|
28
27
|
|
29
28
|
|
30
|
-
class DataFrameColumn(
|
29
|
+
class DataFrameColumn(ExtendedEnum):
|
31
30
|
REDACTED_TEXT: str = "redacted_text"
|
32
31
|
ENTITIES: str = "entities_cols"
|
33
32
|
|
34
33
|
|
35
|
-
class YamlKey(
|
34
|
+
class YamlKey(ExtendedEnum):
|
36
35
|
"""Yaml key used in pii.yaml."""
|
37
36
|
|
38
37
|
pass
|
@@ -1,25 +1,30 @@
|
|
1
1
|
#!/usr/bin/env python
|
2
|
-
# -*- coding: utf-8 -*--
|
3
2
|
|
4
|
-
# Copyright (c) 2023 Oracle and/or its affiliates.
|
3
|
+
# Copyright (c) 2023, 2025 Oracle and/or its affiliates.
|
5
4
|
# Licensed under the Universal Permissive License v 1.0 as shown at https://oss.oracle.com/licenses/upl/
|
6
5
|
|
7
|
-
from ads.common.extended_enum import
|
6
|
+
from ads.common.extended_enum import ExtendedEnum
|
8
7
|
|
9
8
|
DEFAULT_SHOW_ROWS = 25
|
10
9
|
DEFAULT_REPORT_FILENAME = "report.html"
|
11
10
|
|
12
|
-
|
11
|
+
|
12
|
+
class OutputColumns(ExtendedEnum):
|
13
13
|
"""output columns for recommender operator"""
|
14
|
+
|
14
15
|
USER_COL = "user"
|
15
16
|
ITEM_COL = "item"
|
16
17
|
SCORE = "score"
|
17
18
|
|
18
|
-
|
19
|
+
|
20
|
+
class SupportedMetrics(ExtendedEnum):
|
19
21
|
"""Supported recommender metrics."""
|
22
|
+
|
20
23
|
RMSE = "RMSE"
|
21
24
|
MAE = "MAE"
|
22
25
|
|
23
|
-
|
26
|
+
|
27
|
+
class SupportedModels(ExtendedEnum):
|
24
28
|
"""Supported recommender models."""
|
25
|
-
|
29
|
+
|
30
|
+
SVD = "svd"
|
@@ -1,20 +1,14 @@
|
|
1
1
|
#!/usr/bin/env python
|
2
|
-
# -*- coding: utf-8 -*--
|
3
2
|
|
4
|
-
# Copyright (c) 2024 Oracle and/or its affiliates.
|
3
|
+
# Copyright (c) 2024, 2025 Oracle and/or its affiliates.
|
5
4
|
# Licensed under the Universal Permissive License v 1.0 as shown at https://oss.oracle.com/licenses/upl/
|
6
5
|
|
7
6
|
from dataclasses import dataclass
|
8
7
|
from typing import ClassVar, Dict
|
9
8
|
|
10
|
-
from ads.opctl.operator.common.utils import _load_yaml_from_uri
|
11
|
-
|
12
|
-
from ads.opctl.operator.common.operator_yaml_generator import YamlGenerator
|
13
|
-
|
14
|
-
from ads.common.serializer import DataClassSerializable
|
15
|
-
|
16
9
|
from ads.common.extended_enum import ExtendedEnum
|
17
|
-
|
10
|
+
from ads.opctl.operator.common.operator_yaml_generator import YamlGenerator
|
11
|
+
from ads.opctl.operator.common.utils import _load_yaml_from_uri
|
18
12
|
from ads.opctl.operator.runtime.runtime import Runtime
|
19
13
|
|
20
14
|
|
@@ -30,7 +24,7 @@ class MarketplacePythonRuntime(Runtime):
|
|
30
24
|
"""Represents a python operator runtime."""
|
31
25
|
|
32
26
|
_schema: ClassVar[str] = "python_marketplace_runtime_schema.yaml"
|
33
|
-
type: str = OPERATOR_MARKETPLACE_LOCAL_RUNTIME_TYPE.PYTHON
|
27
|
+
type: str = OPERATOR_MARKETPLACE_LOCAL_RUNTIME_TYPE.PYTHON
|
34
28
|
version: str = "v1"
|
35
29
|
|
36
30
|
def __init__(self, **kwargs):
|
@@ -1,7 +1,6 @@
|
|
1
1
|
#!/usr/bin/env python
|
2
|
-
# -*- coding: utf-8; -*-
|
3
2
|
|
4
|
-
# Copyright (c) 2023,
|
3
|
+
# Copyright (c) 2023, 2025 Oracle and/or its affiliates.
|
5
4
|
# Licensed under the Universal Permissive License v 1.0 as shown at https://oss.oracle.com/licenses/upl/
|
6
5
|
|
7
6
|
|
@@ -14,9 +13,8 @@ from cerberus import Validator
|
|
14
13
|
|
15
14
|
from ads.common.extended_enum import ExtendedEnum
|
16
15
|
from ads.common.serializer import DataClassSerializable
|
17
|
-
from ads.opctl.operator.common.utils import _load_yaml_from_uri
|
18
16
|
from ads.opctl.operator.common.errors import InvalidParameterError
|
19
|
-
|
17
|
+
from ads.opctl.operator.common.utils import _load_yaml_from_uri
|
20
18
|
|
21
19
|
|
22
20
|
class OPERATOR_LOCAL_RUNTIME_TYPE(ExtendedEnum):
|
@@ -79,7 +77,7 @@ class ContainerRuntime(Runtime):
|
|
79
77
|
"""Represents a container operator runtime."""
|
80
78
|
|
81
79
|
_schema: ClassVar[str] = "container_runtime_schema.yaml"
|
82
|
-
type: str = OPERATOR_LOCAL_RUNTIME_TYPE.CONTAINER
|
80
|
+
type: str = OPERATOR_LOCAL_RUNTIME_TYPE.CONTAINER
|
83
81
|
version: str = "v1"
|
84
82
|
kind: str = OPERATOR_LOCAL_RUNTIME_KIND
|
85
83
|
spec: ContainerRuntimeSpec = field(default_factory=ContainerRuntimeSpec)
|
@@ -102,7 +100,7 @@ class PythonRuntime(Runtime):
|
|
102
100
|
|
103
101
|
_schema: ClassVar[str] = "python_runtime_schema.yaml"
|
104
102
|
kind: str = OPERATOR_LOCAL_RUNTIME_KIND
|
105
|
-
type: str = OPERATOR_LOCAL_RUNTIME_TYPE.PYTHON
|
103
|
+
type: str = OPERATOR_LOCAL_RUNTIME_TYPE.PYTHON
|
106
104
|
version: str = "v1"
|
107
105
|
|
108
106
|
@classmethod
|
ads/pipeline/ads_pipeline_run.py
CHANGED
@@ -1,7 +1,6 @@
|
|
1
1
|
#!/usr/bin/env python
|
2
|
-
# -*- coding: utf-8; -*-
|
3
2
|
|
4
|
-
# Copyright (c) 2022,
|
3
|
+
# Copyright (c) 2022, 2025 Oracle and/or its affiliates.
|
5
4
|
# Licensed under the Universal Permissive License v 1.0 as shown at https://oss.oracle.com/licenses/upl/
|
6
5
|
import copy
|
7
6
|
import logging
|
@@ -10,11 +9,12 @@ from typing import List, Optional
|
|
10
9
|
|
11
10
|
import oci
|
12
11
|
import yaml
|
12
|
+
|
13
13
|
from ads.common.decorator.runtime_dependency import (
|
14
14
|
OptionalDependency,
|
15
15
|
runtime_dependency,
|
16
16
|
)
|
17
|
-
from ads.common.extended_enum import
|
17
|
+
from ads.common.extended_enum import ExtendedEnum
|
18
18
|
from ads.common.oci_datascience import OCIDataScienceMixin
|
19
19
|
from ads.common.oci_logging import ConsolidatedLog, OCILog
|
20
20
|
from ads.jobs.builders.infrastructure.base import RunInstance
|
@@ -56,22 +56,22 @@ ALLOWED_WAITER_KWARGS = [
|
|
56
56
|
logger = logging.getLogger(__name__)
|
57
57
|
|
58
58
|
|
59
|
-
class LogType(
|
59
|
+
class LogType(ExtendedEnum):
|
60
60
|
CUSTOM_LOG = "custom_log"
|
61
61
|
SERVICE_LOG = "service_log"
|
62
62
|
|
63
63
|
|
64
|
-
class ShowMode(
|
64
|
+
class ShowMode(ExtendedEnum):
|
65
65
|
GRAPH = "graph"
|
66
66
|
TEXT = "text"
|
67
67
|
|
68
68
|
|
69
|
-
class StepType(
|
69
|
+
class StepType(ExtendedEnum):
|
70
70
|
ML_JOB = "ML_JOB"
|
71
71
|
CUSTOM_SCRIPT = "CUSTOM_SCRIPT"
|
72
72
|
|
73
73
|
|
74
|
-
class LogNotConfiguredError(Exception):
|
74
|
+
class LogNotConfiguredError(Exception): # pragma: no cover
|
75
75
|
pass
|
76
76
|
|
77
77
|
|
@@ -416,30 +416,18 @@ class PipelineRun(
|
|
416
416
|
"stepConfigurationDetails"
|
417
417
|
] = {}
|
418
418
|
|
419
|
-
if
|
420
|
-
override_step.step_configuration_details.maximum_runtime_in_minutes
|
421
|
-
):
|
419
|
+
if override_step.step_configuration_details.maximum_runtime_in_minutes:
|
422
420
|
updated_step_detail["spec"]["stepConfigurationDetails"][
|
423
421
|
"maximumRuntimeInMinutes"
|
424
|
-
] =
|
425
|
-
|
426
|
-
)
|
427
|
-
if (
|
428
|
-
override_step.step_configuration_details.environment_variables
|
429
|
-
):
|
422
|
+
] = override_step.step_configuration_details.maximum_runtime_in_minutes
|
423
|
+
if override_step.step_configuration_details.environment_variables:
|
430
424
|
updated_step_detail["spec"]["stepConfigurationDetails"][
|
431
425
|
"environmentVariables"
|
432
|
-
] =
|
433
|
-
|
434
|
-
)
|
435
|
-
if (
|
436
|
-
override_step.step_configuration_details.command_line_arguments
|
437
|
-
):
|
426
|
+
] = override_step.step_configuration_details.environment_variables
|
427
|
+
if override_step.step_configuration_details.command_line_arguments:
|
438
428
|
updated_step_detail["spec"]["stepConfigurationDetails"][
|
439
429
|
"commandLineArguments"
|
440
|
-
] =
|
441
|
-
override_step.step_configuration_details.command_line_arguments
|
442
|
-
)
|
430
|
+
] = override_step.step_configuration_details.command_line_arguments
|
443
431
|
|
444
432
|
updated_step_details.append(PipelineStep.from_dict(updated_step_detail))
|
445
433
|
self._pipeline.with_step_details(updated_step_details)
|
@@ -1,7 +1,6 @@
|
|
1
1
|
#!/usr/bin/env python
|
2
|
-
# -*- coding: utf-8; -*-
|
3
2
|
|
4
|
-
# Copyright (c) 2022 Oracle and/or its affiliates.
|
3
|
+
# Copyright (c) 2022, 2025 Oracle and/or its affiliates.
|
5
4
|
# Licensed under the Universal Permissive License v 1.0 as shown at https://oss.oracle.com/licenses/upl/
|
6
5
|
|
7
6
|
import itertools
|
@@ -11,7 +10,7 @@ from ads.common.decorator.runtime_dependency import (
|
|
11
10
|
OptionalDependency,
|
12
11
|
runtime_dependency,
|
13
12
|
)
|
14
|
-
from ads.common.extended_enum import
|
13
|
+
from ads.common.extended_enum import ExtendedEnum
|
15
14
|
from ads.pipeline.visualizer.base import (
|
16
15
|
COMPLETE_STATUS,
|
17
16
|
FAIL_STATUS,
|
@@ -29,7 +28,7 @@ from ads.pipeline.visualizer.base import (
|
|
29
28
|
GRAPH_BOX_COLOR = "#DEDEDE"
|
30
29
|
|
31
30
|
|
32
|
-
class RenderTo(
|
31
|
+
class RenderTo(ExtendedEnum):
|
33
32
|
SVG = "svg"
|
34
33
|
JPEG = "jpeg"
|
35
34
|
PNG = "png"
|
@@ -1,6 +1,6 @@
|
|
1
|
-
Metadata-Version: 2.
|
1
|
+
Metadata-Version: 2.4
|
2
2
|
Name: oracle_ads
|
3
|
-
Version: 2.
|
3
|
+
Version: 2.13.1
|
4
4
|
Summary: Oracle Accelerated Data Science SDK
|
5
5
|
Keywords: Oracle Cloud Infrastructure,OCI,Machine Learning,ML,Artificial Intelligence,AI,Data Science,Cloud,Oracle
|
6
6
|
Author: Oracle Data Science
|
@@ -10,10 +10,10 @@ Classifier: Development Status :: 5 - Production/Stable
|
|
10
10
|
Classifier: Intended Audience :: Developers
|
11
11
|
Classifier: License :: OSI Approved :: Universal Permissive License (UPL)
|
12
12
|
Classifier: Operating System :: OS Independent
|
13
|
-
Classifier: Programming Language :: Python :: 3.8
|
14
13
|
Classifier: Programming Language :: Python :: 3.9
|
15
14
|
Classifier: Programming Language :: Python :: 3.10
|
16
15
|
Classifier: Programming Language :: Python :: 3.11
|
16
|
+
License-File: LICENSE.txt
|
17
17
|
Requires-Dist: PyYAML>=6
|
18
18
|
Requires-Dist: asteval>=0.9.25
|
19
19
|
Requires-Dist: cerberus>=1.3.4
|
@@ -23,10 +23,9 @@ Requires-Dist: gitpython>=3.1.2
|
|
23
23
|
Requires-Dist: jinja2>=2.11.2
|
24
24
|
Requires-Dist: matplotlib>=3.1.3,<=3.8.4
|
25
25
|
Requires-Dist: numpy>=1.19.2,<2.0.0
|
26
|
-
Requires-Dist: oci>=2.
|
26
|
+
Requires-Dist: oci>=2.148.0
|
27
27
|
Requires-Dist: ocifs>=1.1.3
|
28
|
-
Requires-Dist: pandas
|
29
|
-
Requires-Dist: pandas>=2.2.0; python_version>='3.9'
|
28
|
+
Requires-Dist: pandas>=2.2.0
|
30
29
|
Requires-Dist: psutil>=5.7.2
|
31
30
|
Requires-Dist: python_jsonschema_objects>=0.3.13
|
32
31
|
Requires-Dist: requests
|
@@ -39,11 +38,17 @@ Requires-Dist: httpx
|
|
39
38
|
Requires-Dist: oracle_ads[opctl] ; extra == "anomaly"
|
40
39
|
Requires-Dist: autots ; extra == "anomaly"
|
41
40
|
Requires-Dist: oracledb ; extra == "anomaly"
|
42
|
-
Requires-Dist: report-creator==1.0.
|
41
|
+
Requires-Dist: report-creator==1.0.37 ; extra == "anomaly"
|
43
42
|
Requires-Dist: rrcf==0.4.4 ; extra == "anomaly"
|
44
43
|
Requires-Dist: scikit-learn<1.6.0 ; extra == "anomaly"
|
45
44
|
Requires-Dist: salesforce-merlion[all]==2.0.4 ; extra == "anomaly"
|
46
45
|
Requires-Dist: jupyter_server ; extra == "aqua"
|
46
|
+
Requires-Dist: tornado ; extra == "aqua"
|
47
|
+
Requires-Dist: notebook>=6.4,<=6.6 ; extra == "aqua"
|
48
|
+
Requires-Dist: fire ; extra == "aqua"
|
49
|
+
Requires-Dist: cachetools ; extra == "aqua"
|
50
|
+
Requires-Dist: huggingface_hub ; extra == "aqua"
|
51
|
+
Requires-Dist: python-dotenv ; extra == "aqua"
|
47
52
|
Requires-Dist: hdfs[kerberos] ; extra == "bds"
|
48
53
|
Requires-Dist: ibis-framework[impala] ; extra == "bds"
|
49
54
|
Requires-Dist: sqlalchemy ; extra == "bds"
|
@@ -78,7 +83,7 @@ Requires-Dist: sktime ; extra == "forecast"
|
|
78
83
|
Requires-Dist: statsmodels ; extra == "forecast"
|
79
84
|
Requires-Dist: plotly ; extra == "forecast"
|
80
85
|
Requires-Dist: oracledb ; extra == "forecast"
|
81
|
-
Requires-Dist: report-creator==1.0.
|
86
|
+
Requires-Dist: report-creator==1.0.37 ; extra == "forecast"
|
82
87
|
Requires-Dist: geopandas<1.0.0 ; extra == "geo"
|
83
88
|
Requires-Dist: fiona<=1.9.6 ; extra == "geo"
|
84
89
|
Requires-Dist: oracle_ads[viz] ; extra == "geo"
|
@@ -122,11 +127,11 @@ Requires-Dist: scrubadub==2.0.1 ; extra == "pii"
|
|
122
127
|
Requires-Dist: scrubadub_spacy ; extra == "pii"
|
123
128
|
Requires-Dist: spacy-transformers==1.2.5 ; extra == "pii"
|
124
129
|
Requires-Dist: spacy==3.6.1 ; extra == "pii"
|
125
|
-
Requires-Dist: report-creator
|
130
|
+
Requires-Dist: report-creator>=1.0.37 ; extra == "pii"
|
126
131
|
Requires-Dist: oracle_ads[opctl] ; extra == "recommender"
|
127
132
|
Requires-Dist: scikit-surprise ; extra == "recommender"
|
128
133
|
Requires-Dist: plotly ; extra == "recommender"
|
129
|
-
Requires-Dist: report-creator==1.0.
|
134
|
+
Requires-Dist: report-creator==1.0.37 ; extra == "recommender"
|
130
135
|
Requires-Dist: pyspark>=3.0.0 ; extra == "spark"
|
131
136
|
Requires-Dist: oracle_ads[viz] ; extra == "tensorflow"
|
132
137
|
Requires-Dist: tensorflow<=2.15.1 ; extra == "tensorflow"
|
@@ -145,17 +150,15 @@ Requires-Dist: opensearch-py ; extra == "testsuite"
|
|
145
150
|
Requires-Dist: pdfplumber ; extra == "testsuite"
|
146
151
|
Requires-Dist: py4j ; extra == "testsuite"
|
147
152
|
Requires-Dist: pyarrow>=15.0.0 ; extra == "testsuite"
|
148
|
-
Requires-Dist: statsmodels ; extra == "testsuite"
|
149
|
-
Requires-Dist:
|
150
|
-
Requires-Dist: tables ; extra == "testsuite"
|
151
|
-
Requires-Dist: tables>3.9.0 ; extra == "testsuite" and ( python_version>='3.9')
|
153
|
+
Requires-Dist: statsmodels>=0.14.1 ; extra == "testsuite"
|
154
|
+
Requires-Dist: tables>3.9.0 ; extra == "testsuite"
|
152
155
|
Requires-Dist: xlrd>=1.2.0 ; extra == "testsuite"
|
153
156
|
Requires-Dist: spacy>=3.4.2,<3.8 ; extra == "text"
|
154
157
|
Requires-Dist: wordcloud>=1.8.1 ; extra == "text"
|
155
158
|
Requires-Dist: oracle_ads[viz] ; extra == "torch"
|
156
159
|
Requires-Dist: torch ; extra == "torch"
|
157
160
|
Requires-Dist: torchvision ; extra == "torch"
|
158
|
-
Requires-Dist: bokeh
|
161
|
+
Requires-Dist: bokeh ; extra == "viz"
|
159
162
|
Requires-Dist: folium>=0.12.1 ; extra == "viz"
|
160
163
|
Requires-Dist: graphviz<0.17 ; extra == "viz"
|
161
164
|
Requires-Dist: scipy>=1.5.4 ; extra == "viz"
|