snowflake-ml-python 1.7.1__py3-none-any.whl → 1.7.3__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.
- snowflake/cortex/__init__.py +16 -8
- snowflake/cortex/_classify_text.py +12 -1
- snowflake/cortex/_complete.py +82 -13
- snowflake/cortex/_embed_text_1024.py +9 -2
- snowflake/cortex/_embed_text_768.py +9 -2
- snowflake/cortex/_extract_answer.py +9 -2
- snowflake/cortex/_sentiment.py +9 -2
- snowflake/cortex/_summarize.py +9 -2
- snowflake/cortex/_translate.py +9 -2
- snowflake/ml/_internal/env_utils.py +7 -52
- snowflake/ml/_internal/utils/identifier.py +4 -2
- snowflake/ml/_internal/utils/jwt_generator.py +141 -0
- snowflake/ml/data/__init__.py +3 -0
- snowflake/ml/data/_internal/arrow_ingestor.py +4 -4
- snowflake/ml/data/data_connector.py +53 -11
- snowflake/ml/data/data_ingestor.py +2 -1
- snowflake/ml/data/torch_utils.py +18 -5
- snowflake/ml/feature_store/examples/example_helper.py +2 -1
- snowflake/ml/fileset/fileset.py +18 -18
- snowflake/ml/model/_client/model/model_version_impl.py +24 -8
- snowflake/ml/model/_client/ops/model_ops.py +2 -6
- snowflake/ml/model/_client/ops/service_ops.py +12 -7
- snowflake/ml/model/_client/sql/model_version.py +11 -0
- snowflake/ml/model/_client/sql/stage.py +1 -1
- snowflake/ml/model/_model_composer/model_composer.py +8 -3
- snowflake/ml/model/_model_composer/model_manifest/model_manifest.py +20 -1
- snowflake/ml/model/_model_composer/model_manifest/model_manifest_schema.py +1 -0
- snowflake/ml/model/_model_composer/model_method/constants.py +1 -0
- snowflake/ml/model/_model_composer/model_method/function_generator.py +2 -0
- snowflake/ml/model/_model_composer/model_method/infer_function.py_template +1 -1
- snowflake/ml/model/_model_composer/model_method/infer_partitioned.py_template +1 -1
- snowflake/ml/model/_model_composer/model_method/infer_table_function.py_template +1 -1
- snowflake/ml/model/_model_composer/model_method/model_method.py +9 -1
- snowflake/ml/model/_model_composer/model_user_file/model_user_file.py +27 -0
- snowflake/ml/model/_packager/model_handlers/_utils.py +27 -2
- snowflake/ml/model/_packager/model_handlers/catboost.py +3 -3
- snowflake/ml/model/_packager/model_handlers/huggingface_pipeline.py +5 -1
- snowflake/ml/model/_packager/model_handlers/lightgbm.py +5 -3
- snowflake/ml/model/_packager/model_handlers/sentence_transformers.py +55 -20
- snowflake/ml/model/_packager/model_handlers/sklearn.py +10 -9
- snowflake/ml/model/_packager/model_handlers/snowmlmodel.py +66 -28
- snowflake/ml/model/_packager/model_handlers/tensorflow.py +70 -17
- snowflake/ml/model/_packager/model_handlers/xgboost.py +3 -3
- snowflake/ml/model/_packager/model_meta/model_meta.py +3 -0
- snowflake/ml/model/_packager/model_meta/model_meta_schema.py +6 -1
- snowflake/ml/model/_packager/model_runtime/_snowml_inference_alternative_requirements.py +2 -2
- snowflake/ml/model/_packager/model_task/model_task_utils.py +3 -2
- snowflake/ml/model/_signatures/pandas_handler.py +1 -1
- snowflake/ml/model/_signatures/snowpark_handler.py +8 -2
- snowflake/ml/model/_signatures/utils.py +0 -1
- snowflake/ml/model/type_hints.py +1 -0
- snowflake/ml/modeling/_internal/model_trainer_builder.py +0 -8
- snowflake/ml/modeling/_internal/model_transformer_builder.py +0 -13
- snowflake/ml/modeling/pipeline/pipeline.py +6 -176
- snowflake/ml/modeling/xgboost/xgb_classifier.py +161 -88
- snowflake/ml/modeling/xgboost/xgb_regressor.py +160 -85
- snowflake/ml/modeling/xgboost/xgbrf_classifier.py +160 -85
- snowflake/ml/modeling/xgboost/xgbrf_regressor.py +160 -85
- snowflake/ml/monitoring/_client/model_monitor_sql_client.py +5 -170
- snowflake/ml/monitoring/_manager/model_monitor_manager.py +9 -9
- snowflake/ml/monitoring/entities/model_monitor_config.py +28 -2
- snowflake/ml/monitoring/model_monitor.py +26 -11
- snowflake/ml/registry/_manager/model_manager.py +70 -33
- snowflake/ml/registry/registry.py +53 -34
- snowflake/ml/utils/authentication.py +75 -0
- snowflake/ml/version.py +1 -1
- {snowflake_ml_python-1.7.1.dist-info → snowflake_ml_python-1.7.3.dist-info}/METADATA +120 -53
- {snowflake_ml_python-1.7.1.dist-info → snowflake_ml_python-1.7.3.dist-info}/RECORD +71 -74
- {snowflake_ml_python-1.7.1.dist-info → snowflake_ml_python-1.7.3.dist-info}/WHEEL +1 -1
- snowflake/ml/_internal/utils/retryable_http.py +0 -39
- snowflake/ml/fileset/parquet_parser.py +0 -170
- snowflake/ml/fileset/tf_dataset.py +0 -88
- snowflake/ml/fileset/torch_datapipe.py +0 -57
- snowflake/ml/modeling/_internal/ml_runtime_implementations/ml_runtime_handlers.py +0 -151
- snowflake/ml/modeling/_internal/ml_runtime_implementations/ml_runtime_trainer.py +0 -66
- snowflake/ml/monitoring/entities/output_score_type.py +0 -90
- {snowflake_ml_python-1.7.1.dist-info → snowflake_ml_python-1.7.3.dist-info}/LICENSE.txt +0 -0
- {snowflake_ml_python-1.7.1.dist-info → snowflake_ml_python-1.7.3.dist-info}/top_level.txt +0 -0
@@ -1,6 +1,6 @@
|
|
1
|
-
Metadata-Version: 2.
|
1
|
+
Metadata-Version: 2.2
|
2
2
|
Name: snowflake-ml-python
|
3
|
-
Version: 1.7.
|
3
|
+
Version: 1.7.3
|
4
4
|
Summary: The machine learning client library that is used for interacting with Snowflake to build machine learning solutions.
|
5
5
|
Author-email: "Snowflake, Inc" <support@snowflake.com>
|
6
6
|
License:
|
@@ -232,61 +232,64 @@ Classifier: Topic :: Scientific/Engineering :: Information Analysis
|
|
232
232
|
Requires-Python: <3.12,>=3.9
|
233
233
|
Description-Content-Type: text/markdown
|
234
234
|
License-File: LICENSE.txt
|
235
|
-
Requires-Dist: absl-py
|
236
|
-
Requires-Dist: anyio
|
237
|
-
Requires-Dist: cachetools
|
238
|
-
Requires-Dist: cloudpickle
|
235
|
+
Requires-Dist: absl-py<2,>=0.15
|
236
|
+
Requires-Dist: anyio<4,>=3.5.0
|
237
|
+
Requires-Dist: cachetools<6,>=3.1.1
|
238
|
+
Requires-Dist: cloudpickle>=2.0.0
|
239
239
|
Requires-Dist: cryptography
|
240
|
-
Requires-Dist: fsspec[http]
|
241
|
-
Requires-Dist:
|
242
|
-
Requires-Dist: numpy
|
243
|
-
Requires-Dist: packaging
|
244
|
-
Requires-Dist: pandas
|
240
|
+
Requires-Dist: fsspec[http]<2026,>=2024.6.1
|
241
|
+
Requires-Dist: importlib_resources<7,>=6.1.1
|
242
|
+
Requires-Dist: numpy<2,>=1.23
|
243
|
+
Requires-Dist: packaging<25,>=20.9
|
244
|
+
Requires-Dist: pandas<3,>=1.0.0
|
245
245
|
Requires-Dist: pyarrow
|
246
|
-
Requires-Dist:
|
247
|
-
Requires-Dist:
|
248
|
-
Requires-Dist:
|
249
|
-
Requires-Dist:
|
250
|
-
Requires-Dist:
|
251
|
-
Requires-Dist:
|
252
|
-
Requires-Dist:
|
253
|
-
Requires-Dist: snowflake-
|
254
|
-
Requires-Dist:
|
255
|
-
Requires-Dist:
|
256
|
-
Requires-Dist:
|
246
|
+
Requires-Dist: pyjwt<3,>=2.0.0
|
247
|
+
Requires-Dist: pytimeparse<2,>=1.1.8
|
248
|
+
Requires-Dist: pyyaml<7,>=6.0
|
249
|
+
Requires-Dist: retrying<2,>=1.3.3
|
250
|
+
Requires-Dist: s3fs<2026,>=2024.6.1
|
251
|
+
Requires-Dist: scikit-learn<1.6,>=1.4
|
252
|
+
Requires-Dist: scipy<2,>=1.9
|
253
|
+
Requires-Dist: snowflake-connector-python[pandas]<4,>=3.5.0
|
254
|
+
Requires-Dist: snowflake-snowpark-python<2,>=1.17.0
|
255
|
+
Requires-Dist: sqlparse<1,>=0.4
|
256
|
+
Requires-Dist: typing-extensions<5,>=4.1.0
|
257
|
+
Requires-Dist: xgboost<3,>=1.7.3
|
257
258
|
Provides-Extra: all
|
258
|
-
Requires-Dist: catboost
|
259
|
-
Requires-Dist:
|
260
|
-
Requires-Dist:
|
261
|
-
Requires-Dist:
|
262
|
-
Requires-Dist:
|
263
|
-
Requires-Dist:
|
264
|
-
Requires-Dist:
|
265
|
-
Requires-Dist:
|
266
|
-
Requires-Dist:
|
267
|
-
Requires-Dist:
|
268
|
-
Requires-Dist:
|
269
|
-
Requires-Dist:
|
259
|
+
Requires-Dist: catboost<2,>=1.2.0; extra == "all"
|
260
|
+
Requires-Dist: huggingface_hub<0.26; extra == "all"
|
261
|
+
Requires-Dist: lightgbm<5,>=4.1.0; extra == "all"
|
262
|
+
Requires-Dist: mlflow<3,>=2.16.0; extra == "all"
|
263
|
+
Requires-Dist: peft<1,>=0.5.0; extra == "all"
|
264
|
+
Requires-Dist: sentence-transformers<3,>=2.2.2; extra == "all"
|
265
|
+
Requires-Dist: sentencepiece<1,>=0.1.95; extra == "all"
|
266
|
+
Requires-Dist: shap<1,>=0.46.0; extra == "all"
|
267
|
+
Requires-Dist: tensorflow<3,>=2.12.0; extra == "all"
|
268
|
+
Requires-Dist: tokenizers<1,>=0.10; extra == "all"
|
269
|
+
Requires-Dist: torch<2.3.0,>=2.0.1; extra == "all"
|
270
|
+
Requires-Dist: torchdata<1,>=0.4; extra == "all"
|
271
|
+
Requires-Dist: transformers<5,>=4.32.1; extra == "all"
|
270
272
|
Provides-Extra: catboost
|
271
|
-
Requires-Dist: catboost
|
273
|
+
Requires-Dist: catboost<2,>=1.2.0; extra == "catboost"
|
272
274
|
Provides-Extra: lightgbm
|
273
|
-
Requires-Dist: lightgbm
|
275
|
+
Requires-Dist: lightgbm<5,>=4.1.0; extra == "lightgbm"
|
274
276
|
Provides-Extra: llm
|
275
|
-
Requires-Dist: peft
|
277
|
+
Requires-Dist: peft<1,>=0.5.0; extra == "llm"
|
276
278
|
Provides-Extra: mlflow
|
277
|
-
Requires-Dist: mlflow
|
279
|
+
Requires-Dist: mlflow<3,>=2.16.0; extra == "mlflow"
|
278
280
|
Provides-Extra: shap
|
279
|
-
Requires-Dist: shap
|
281
|
+
Requires-Dist: shap<1,>=0.46.0; extra == "shap"
|
280
282
|
Provides-Extra: tensorflow
|
281
|
-
Requires-Dist: tensorflow
|
283
|
+
Requires-Dist: tensorflow<3,>=2.12.0; extra == "tensorflow"
|
282
284
|
Provides-Extra: torch
|
283
|
-
Requires-Dist: torch
|
284
|
-
Requires-Dist: torchdata
|
285
|
+
Requires-Dist: torch<2.3.0,>=2.0.1; extra == "torch"
|
286
|
+
Requires-Dist: torchdata<1,>=0.4; extra == "torch"
|
285
287
|
Provides-Extra: transformers
|
286
|
-
Requires-Dist:
|
287
|
-
Requires-Dist:
|
288
|
-
Requires-Dist:
|
289
|
-
Requires-Dist:
|
288
|
+
Requires-Dist: huggingface_hub<0.26; extra == "transformers"
|
289
|
+
Requires-Dist: sentence-transformers<3,>=2.2.2; extra == "transformers"
|
290
|
+
Requires-Dist: sentencepiece<1,>=0.1.95; extra == "transformers"
|
291
|
+
Requires-Dist: tokenizers<1,>=0.10; extra == "transformers"
|
292
|
+
Requires-Dist: transformers<5,>=4.32.1; extra == "transformers"
|
290
293
|
|
291
294
|
# Snowpark ML
|
292
295
|
|
@@ -302,7 +305,7 @@ and deployment process, and includes two key components.
|
|
302
305
|
|
303
306
|
### Snowpark ML Development
|
304
307
|
|
305
|
-
[Snowpark ML Development](https://docs.snowflake.com/en/developer-guide/snowpark-ml/index#
|
308
|
+
[Snowpark ML Development](https://docs.snowflake.com/en/developer-guide/snowpark-ml/index#ml-modeling)
|
306
309
|
provides a collection of python APIs enabling efficient ML model development directly in Snowflake:
|
307
310
|
|
308
311
|
1. Modeling API (`snowflake.ml.modeling`) for data preprocessing, feature engineering and model training in Snowflake.
|
@@ -316,14 +319,21 @@ their native data loader formats.
|
|
316
319
|
1. FileSet API: FileSet provides a Python fsspec-compliant API for materializing data into a Snowflake internal stage
|
317
320
|
from a query or Snowpark Dataframe along with a number of convenience APIs.
|
318
321
|
|
319
|
-
###
|
322
|
+
### Snowflake MLOps
|
320
323
|
|
321
|
-
|
322
|
-
the Snowpark ML Development API, and provides
|
324
|
+
Snowflake MLOps contains suit of tools and objects to make ML development cycle. It complements
|
325
|
+
the Snowpark ML Development API, and provides end to end development to deployment within Snowflake.
|
323
326
|
Currently, the API consists of:
|
324
327
|
|
325
|
-
1. Registry: A python API
|
326
|
-
|
328
|
+
1. [Registry](https://docs.snowflake.com/en/developer-guide/snowpark-ml/index#snowflake-model-registry): A python API
|
329
|
+
allows secure deployment and management of models in Snowflake, supporting models trained both inside and outside of
|
330
|
+
Snowflake.
|
331
|
+
2. [Feature Store](https://docs.snowflake.com/en/developer-guide/snowpark-ml/index#snowflake-feature-store): A fully
|
332
|
+
integrated solution for defining, managing, storing and discovering ML features derived from your data. The
|
333
|
+
Snowflake Feature Store supports automated, incremental refresh from batch and streaming data sources, so that
|
334
|
+
feature pipelines need be defined only once to be continuously updated with new data.
|
335
|
+
3. [Datasets](https://docs.snowflake.com/developer-guide/snowflake-ml/overview#snowflake-datasets): Dataset provide an
|
336
|
+
immutable, versioned snapshot of your data suitable for ingestion by your machine learning models.
|
327
337
|
|
328
338
|
## Getting started
|
329
339
|
|
@@ -371,9 +381,66 @@ conda install \
|
|
371
381
|
Note that until a `snowflake-ml-python` package version is available in the official Snowflake conda channel, there may
|
372
382
|
be compatibility issues. Server-side functionality that `snowflake-ml-python` depends on may not yet be released.
|
373
383
|
|
384
|
+
### Verifying the package
|
385
|
+
|
386
|
+
1. Install cosign.
|
387
|
+
This example is using golang installation: [installing-cosign-with-go](https://edu.chainguard.dev/open-source/sigstore/cosign/how-to-install-cosign/#installing-cosign-with-go).
|
388
|
+
1. Download the file from the repository like [pypi](https://pypi.org/project/snowflake-ml-python/#files).
|
389
|
+
1. Download the signature files from the [release tag](https://github.com/snowflakedb/snowflake-ml-python/releases/tag/1.7.0).
|
390
|
+
1. Verify signature on projects signed using Jenkins job:
|
391
|
+
|
392
|
+
```sh
|
393
|
+
cosign verify-blob snowflake_ml_python-1.7.0.tar.gz --key snowflake-ml-python-1.7.0.pub --signature resources.linux.snowflake_ml_python-1.7.0.tar.gz.sig
|
394
|
+
|
395
|
+
cosign verify-blob snowflake_ml_python-1.7.0.tar.gz --key snowflake-ml-python-1.7.0.pub --signature resources.linux.snowflake_ml_python-1.7.0
|
396
|
+
```
|
397
|
+
|
398
|
+
NOTE: Version 1.7.0 is used as example here. Please choose the the latest version.
|
399
|
+
|
374
400
|
# Release History
|
375
401
|
|
376
|
-
## 1.7.
|
402
|
+
## 1.7.3
|
403
|
+
|
404
|
+
- Added lowercase versions of Cortex functions, added deprecation warning to Capitalized versions.
|
405
|
+
- Bumped the requirements of `fsspec` and `s3fs` to `>=2024.6.1,<2026`
|
406
|
+
- Bumped the requirement of `mlflow` to `>=2.16.0, <3`
|
407
|
+
- Registry: Support 500+ features for model registry
|
408
|
+
|
409
|
+
### Bug Fixes
|
410
|
+
|
411
|
+
- Registry: Fixed a bug when providing non-range index pandas DataFrame as the input to a `ModelVersion.run`.
|
412
|
+
- Registry: Improved random model version name generation to prevent collisions.
|
413
|
+
- Registry: Fix an issue when inferring signature or running inference with Snowpark data that has a column whose type
|
414
|
+
is `ARRAY` and contains `NULL` value.
|
415
|
+
- Registry: `ModelVersion.run` now accepts fully qualified service name.
|
416
|
+
- Monitoring: Fix issue in SDK with creating monitors using fully qualified names.
|
417
|
+
- Registry: Fix error in log_model for any sklearn models with only data pre-processing including pre-processing only
|
418
|
+
pipeline models due to default explainability enablement.
|
419
|
+
|
420
|
+
### Behavior Changes
|
421
|
+
|
422
|
+
### New Features
|
423
|
+
|
424
|
+
- Added `user_files` argument to `Registry.log_model` for including images or any extra file with the model.
|
425
|
+
- Registry: Added support for handling Hugging Face model configurations with auto-mapping functionality
|
426
|
+
- DataConnector: Add new `DataConnector.from_sql()` constructor
|
427
|
+
|
428
|
+
## 1.7.2 (2024-11-21)
|
429
|
+
|
430
|
+
### Bug Fixes
|
431
|
+
|
432
|
+
- Model Explainability: Fix issue that explain is enabled for scikit-learn pipeline
|
433
|
+
whose task is UNKNOWN and fails later when invoked.
|
434
|
+
|
435
|
+
### Behavior Changes
|
436
|
+
|
437
|
+
### New Features
|
438
|
+
|
439
|
+
- Registry: Support asynchronous model inference service creation with the `block` option
|
440
|
+
in `ModelVersion.create_service()` set to True by default.
|
441
|
+
- Registry: Allow specify `batch_size` when inferencing using sentence-transformers model.
|
442
|
+
|
443
|
+
## 1.7.1 (2024-11-05)
|
377
444
|
|
378
445
|
### Bug Fixes
|
379
446
|
|
@@ -1,18 +1,18 @@
|
|
1
|
-
snowflake/cortex/__init__.py,sha256=
|
2
|
-
snowflake/cortex/_classify_text.py,sha256=
|
3
|
-
snowflake/cortex/_complete.py,sha256=
|
4
|
-
snowflake/cortex/_embed_text_1024.py,sha256=
|
5
|
-
snowflake/cortex/_embed_text_768.py,sha256=
|
6
|
-
snowflake/cortex/_extract_answer.py,sha256=
|
1
|
+
snowflake/cortex/__init__.py,sha256=gboUvJBYzJIq11AK_Qa0ipOUbKctHahNXe1p1Z7j8xY,1032
|
2
|
+
snowflake/cortex/_classify_text.py,sha256=zlAUJXPgcEwmh9KtkqafAD0NRP3UBboCJGVzMylW4Lk,1640
|
3
|
+
snowflake/cortex/_complete.py,sha256=nzNCsgGQriqz_j7Di6hghMDIiAr3HIjqbDXXx7h6Fa0,15349
|
4
|
+
snowflake/cortex/_embed_text_1024.py,sha256=P3oMsrMol_rTK0lZxDmEBx7XSA9HB2y3AMjaD66LrgY,1651
|
5
|
+
snowflake/cortex/_embed_text_768.py,sha256=_WMt_FHu3n-CKXj8yiposDSi763Sd-NHV9UeGQ7YHaE,1643
|
6
|
+
snowflake/cortex/_extract_answer.py,sha256=7C-23JytRKdZN9ZYY9w10RfAe_GzmvzKAqqUDl3T4aQ,1605
|
7
7
|
snowflake/cortex/_finetune.py,sha256=V-cb1M-TDurjO-F25E1CwviXp2r-QCcu6NjsVE6icOg,10952
|
8
|
-
snowflake/cortex/_sentiment.py,sha256=
|
8
|
+
snowflake/cortex/_sentiment.py,sha256=Zv2USbn-1SoHwYYuutI6uzgm1-indv54q4q5A6jegME,1454
|
9
9
|
snowflake/cortex/_sse_client.py,sha256=sLYgqAfTOPADCnaWH2RWAJi8KbU_7gSRsTUDcDD5Tl8,5239
|
10
|
-
snowflake/cortex/_summarize.py,sha256=
|
11
|
-
snowflake/cortex/_translate.py,sha256=
|
10
|
+
snowflake/cortex/_summarize.py,sha256=7GH8zqfIdOiHA5w4b6EvJEKEWhaTrL4YA6iDGbn7BNM,1307
|
11
|
+
snowflake/cortex/_translate.py,sha256=9ZGjvAnJFisbzJ_bXnt4pyug5UzhHJRXW8AhGQEersM,1652
|
12
12
|
snowflake/cortex/_util.py,sha256=cwRGgrcUo3E05ZaIDT9436vXLQ7GfuBVAjR0QeQ2bDE,3320
|
13
|
-
snowflake/ml/version.py,sha256=
|
13
|
+
snowflake/ml/version.py,sha256=EjGGPpU_9NRxpioQOvkyljo3VC0_73xnNfY88al3bzQ,16
|
14
14
|
snowflake/ml/_internal/env.py,sha256=kCrJTRnqQ97VGUVI1cWUPD8HuBWeL5vOOtwUR0NB9Mg,161
|
15
|
-
snowflake/ml/_internal/env_utils.py,sha256=
|
15
|
+
snowflake/ml/_internal/env_utils.py,sha256=6CohPgQoDyWX0cnGT_9jfQCXOsR6qLoRxtyNq0f3_nU,25856
|
16
16
|
snowflake/ml/_internal/file_utils.py,sha256=OyXHv-UcItiip1YgLnab6etonUQkYuyDtmplZA0CaoU,13622
|
17
17
|
snowflake/ml/_internal/init_utils.py,sha256=U-oPOtyVf22hCwDH_CH2uDr9yuN6Mr3kwQ_yRAs1mcM,2696
|
18
18
|
snowflake/ml/_internal/migrator_utils.py,sha256=k3erO8x3YJcX6nkKeyJAUNGg1qjE3RFmD-W6dtLzIH0,161
|
@@ -34,26 +34,26 @@ snowflake/ml/_internal/human_readable_id/hrid_generator_base.py,sha256=D1yoVG1vm
|
|
34
34
|
snowflake/ml/_internal/lineage/lineage_utils.py,sha256=kxWW7fkSf1HiUQSks3VlzWyntpt4o_pbptXcpQHtnk8,3432
|
35
35
|
snowflake/ml/_internal/utils/db_utils.py,sha256=HBAY0-XHzCP4ai5q3Yqd8O19Ar_Q9J3xD4jO6Fe7Zek,1668
|
36
36
|
snowflake/ml/_internal/utils/formatting.py,sha256=PswZ6Xas7sx3Ok1MBLoH2o7nfXOxaJqpUPg_UqXrQb8,3676
|
37
|
-
snowflake/ml/_internal/utils/identifier.py,sha256=
|
37
|
+
snowflake/ml/_internal/utils/identifier.py,sha256=A7TCY2o-VzZr_pV_mwG7e_DS1zHZdlVlRIQOg9bgOt8,12585
|
38
38
|
snowflake/ml/_internal/utils/import_utils.py,sha256=iUIROZdiTGy73UCGpG0N-dKtK54H0ymNVge_QNQYY3A,3220
|
39
|
+
snowflake/ml/_internal/utils/jwt_generator.py,sha256=bj7Ltnw68WjRcxtV9t5xrTRvV5ETnvovB-o3Y8QWNBg,5357
|
39
40
|
snowflake/ml/_internal/utils/parallelize.py,sha256=Q6_-P2t4DoYNO8DyC1kOl7H3qNL-bUK6EgtlQ_b5ThY,4534
|
40
41
|
snowflake/ml/_internal/utils/pkg_version_utils.py,sha256=FwdLHFhxi3CAQQduGjFavEBmkD9Ra6ZTkt6Eub-WoSA,5168
|
41
42
|
snowflake/ml/_internal/utils/query_result_checker.py,sha256=h1nbUImdB9lSNCON3uIA0xCm8_JrS-TE-jQXJJs9WfU,10668
|
42
43
|
snowflake/ml/_internal/utils/result.py,sha256=59Sz6MvhjakUNiONwg9oi2544AmORCJR3XyWTxY2vP0,2405
|
43
|
-
snowflake/ml/_internal/utils/retryable_http.py,sha256=1GCuQkTGO4sX-VRbjy31e4_VgUjqsp5Lh2v5tSJjVK8,1321
|
44
44
|
snowflake/ml/_internal/utils/service_logger.py,sha256=tSKz7SzC33Btu2QgerXJ__4jRhOvRepOSEvHXSy_FTs,1974
|
45
45
|
snowflake/ml/_internal/utils/snowflake_env.py,sha256=WY9KgMcXEydpWObHQCQhvxcSZXMwC-2OHc894njmXEg,3346
|
46
46
|
snowflake/ml/_internal/utils/snowpark_dataframe_utils.py,sha256=pV8m0d4xfG2_Cl25T5nZb1HCXH375EKSOCgwYWfQVac,6359
|
47
47
|
snowflake/ml/_internal/utils/sql_identifier.py,sha256=A5mfeDuz4z6VuUYG3EBpDyQQQCNiRtjVS1WNWAoiqq8,4682
|
48
48
|
snowflake/ml/_internal/utils/table_manager.py,sha256=pU7v8Cx-jGObf6RtTmfCmALfhbpJD-lL45T1gWX1nSY,4982
|
49
49
|
snowflake/ml/_internal/utils/temp_file_utils.py,sha256=0-HTjXdxVt0kE6XcgyvRvY0btflWlmotP2bMXVpFJPA,1553
|
50
|
-
snowflake/ml/data/__init__.py,sha256=
|
51
|
-
snowflake/ml/data/data_connector.py,sha256=
|
52
|
-
snowflake/ml/data/data_ingestor.py,sha256=
|
50
|
+
snowflake/ml/data/__init__.py,sha256=nm5VhN98Lzxr4kb679kglQfqbDbHhd9zYsnFJiQiThg,351
|
51
|
+
snowflake/ml/data/data_connector.py,sha256=havoMBDiWTtc65mvDEAHk2Omy4BOVaMV38_acErjkbw,9696
|
52
|
+
snowflake/ml/data/data_ingestor.py,sha256=mH1_DBDS_XwxYsOoWI3EGQpBzr8j8jBgH2t2S1V1eGM,1035
|
53
53
|
snowflake/ml/data/data_source.py,sha256=dRemXGi_HHQdn6gaNkxxGJixnQPuUYFDP8NBjmB_ZMk,518
|
54
54
|
snowflake/ml/data/ingestor_utils.py,sha256=--nEwJHbYqYHpAzR1APgoeVF9CMgq_fDX81X29HAB4w,2727
|
55
|
-
snowflake/ml/data/torch_utils.py,sha256=
|
56
|
-
snowflake/ml/data/_internal/arrow_ingestor.py,sha256=
|
55
|
+
snowflake/ml/data/torch_utils.py,sha256=6ywrp1BKrkuhmDQLatgT5pRb6bJNKLKbAQNRV6HDEhY,3603
|
56
|
+
snowflake/ml/data/_internal/arrow_ingestor.py,sha256=P7Q975IKkbLWQ7KUMKxkm_Z8yfxnp3ZJN5spsaaTUgo,12110
|
57
57
|
snowflake/ml/dataset/__init__.py,sha256=nESj7YEI2u90Oxyit_hKCQMWb7N1BlEM3Ho2Fm0MfHo,274
|
58
58
|
snowflake/ml/dataset/dataset.py,sha256=GqdcABGcIlAzPmfTcOC8H_Kw6LNQZ6F_7Ch45hxHOHU,21094
|
59
59
|
snowflake/ml/dataset/dataset_factory.py,sha256=Fym4ICK-B1j6Om4ENwWxEvryq3ZKoCslBSZDBenmjOo,1615
|
@@ -64,7 +64,7 @@ snowflake/ml/feature_store/access_manager.py,sha256=LcsfBKsZzfERQQ_pqZG0W-XbpVGx
|
|
64
64
|
snowflake/ml/feature_store/entity.py,sha256=A65FOGlljREUG8IRMSN84v1x2uTeVGCM4NqKXO2Ui8w,4059
|
65
65
|
snowflake/ml/feature_store/feature_store.py,sha256=cb_5xc3QWkiqnUiQ4Y0T58f2sKuifmumV9jG13qreAk,113425
|
66
66
|
snowflake/ml/feature_store/feature_view.py,sha256=7xfrq7abM9-FiA7mJ1yDq5z9Uk7jbHNuyGyySVlNqbo,37040
|
67
|
-
snowflake/ml/feature_store/examples/example_helper.py,sha256=
|
67
|
+
snowflake/ml/feature_store/examples/example_helper.py,sha256=qW6Pu_hQyeSQ3K4OKmiE5AkdvFqDU9OGHNP9RnN6xVE,12482
|
68
68
|
snowflake/ml/feature_store/examples/airline_features/entities.py,sha256=V2xVZpHFgGA92Kyd9hCWa2YoiRhH5m6HAgvnh126Nqo,463
|
69
69
|
snowflake/ml/feature_store/examples/airline_features/source.yaml,sha256=kzl8ukOK8OuSPsxChEgJ9SPyPnzC-fPHqZC4O6aqd5o,247
|
70
70
|
snowflake/ml/feature_store/examples/airline_features/features/plane_features.py,sha256=dLZlKOUsI-NvBdaBeoole0mIUrHfbqTexFSbCDGjlGw,1070
|
@@ -87,89 +87,86 @@ snowflake/ml/feature_store/examples/wine_quality_features/source.yaml,sha256=dPs
|
|
87
87
|
snowflake/ml/feature_store/examples/wine_quality_features/features/managed_wine_features.py,sha256=W58pGmIKV1iehou4Knw_yWJRWKKt_80ZiiMi3C_vwOw,1466
|
88
88
|
snowflake/ml/feature_store/examples/wine_quality_features/features/static_wine_features.py,sha256=ej1_DxD_W4TyqwOJ9T5C6s0S8rE5UPaP-KFzKi5MDWM,1024
|
89
89
|
snowflake/ml/fileset/embedded_stage_fs.py,sha256=fmt8IoYbHtBMjyIC3K87ng-i5uYwE_2XKFQogNkP-nM,6000
|
90
|
-
snowflake/ml/fileset/fileset.py,sha256=
|
91
|
-
snowflake/ml/fileset/parquet_parser.py,sha256=sjyRB59cGBzSzvbcYLvu_ApMPtrR-zwZsQkxekMR4FA,6884
|
90
|
+
snowflake/ml/fileset/fileset.py,sha256=GoCw2VYtKrlE0EKorL4CtKzgE2sLPrKdndsUjQjZymc,26206
|
92
91
|
snowflake/ml/fileset/sfcfs.py,sha256=uPn8v5jlC3h_FrNqb4UMRAZjRZLn0I3tzu0sfi5RHik,15542
|
93
92
|
snowflake/ml/fileset/snowfs.py,sha256=uF5QluYtiJ-HezGIhF55dONi3t0E6N7ByaVAIAlM3nk,5133
|
94
93
|
snowflake/ml/fileset/stage_fs.py,sha256=IEVZ6imH77JiSOIRlRHNWalwafoACRgHFr8RAaICSP8,20170
|
95
|
-
snowflake/ml/fileset/tf_dataset.py,sha256=K8jafWBsyRaIYEmxaYAYNDj3dLApK82cg0Mlx52jX8I,3849
|
96
|
-
snowflake/ml/fileset/torch_datapipe.py,sha256=O2irHckqLzPDnXemEbAEjc3ZCVnLufPdPbt9WKYiBp0,2386
|
97
94
|
snowflake/ml/lineage/__init__.py,sha256=8p1YGynC-qOxAZ8jZX2z84Reg5bv1NoJMoJmNJCrzI4,65
|
98
95
|
snowflake/ml/lineage/lineage_node.py,sha256=e6L4bdYDSVgTv0BEfqgPQWNoDiTiuI7HmfJ6n-WmNLE,5812
|
99
96
|
snowflake/ml/model/__init__.py,sha256=EvPtblqPN6_T6dyVfaYUxCfo_M7D2CQ1OR5giIH4TsQ,314
|
100
97
|
snowflake/ml/model/custom_model.py,sha256=O60mjz2Vy8A0Rt3obq43zBT3BxkU7CIcN0AkHsOgHZI,11221
|
101
98
|
snowflake/ml/model/model_signature.py,sha256=gZnZPs9zTCYkeFoiQzoGUQYZMydYjzH-4xPTzfqt4hU,30496
|
102
|
-
snowflake/ml/model/type_hints.py,sha256=
|
99
|
+
snowflake/ml/model/type_hints.py,sha256=DzavATx7v9iH8gbvYiVMLogB3-sWPtfcE4i6gAJg55s,8916
|
103
100
|
snowflake/ml/model/_client/model/model_impl.py,sha256=pqjK8mSZIQJ_30tRWWFPIo8X35InSVoAunXlQNtSJEM,15369
|
104
|
-
snowflake/ml/model/_client/model/model_version_impl.py,sha256=
|
101
|
+
snowflake/ml/model/_client/model/model_version_impl.py,sha256=I_gi90GEQVLMlOO6Y2S0IIreBTn-bHb8rC9o-2-QzBw,40260
|
105
102
|
snowflake/ml/model/_client/ops/metadata_ops.py,sha256=7cGx8zYzye2_cvZnyGxoukPtT6Q-Kexd-s4yeZmpmj8,4890
|
106
|
-
snowflake/ml/model/_client/ops/model_ops.py,sha256=
|
107
|
-
snowflake/ml/model/_client/ops/service_ops.py,sha256=
|
103
|
+
snowflake/ml/model/_client/ops/model_ops.py,sha256=gdgnT0gUMAUh2aF2XXDSdzVnCL_LTf7zLSJWmlK42bE,43781
|
104
|
+
snowflake/ml/model/_client/ops/service_ops.py,sha256=t_yLtHlAzHc28XDZ543yAALY5iVsRwVw4i9mtiPaXpQ,19237
|
108
105
|
snowflake/ml/model/_client/service/model_deployment_spec.py,sha256=uyh5k_u8mVP5T4lf0jq8s2cFuiTsbV_nJL6z1Zum2rM,4456
|
109
106
|
snowflake/ml/model/_client/service/model_deployment_spec_schema.py,sha256=eaulF6OFNuDfQz3oPYlDjP26Ww2jWWatm81dCbg602E,825
|
110
107
|
snowflake/ml/model/_client/sql/_base.py,sha256=Qrm8M92g3MHb-QnSLUlbd8iVKCRxLhG_zr5M2qmXwJ8,1473
|
111
108
|
snowflake/ml/model/_client/sql/model.py,sha256=o36oPq4aU9TwahqY2uODYvICxmj1orLztijJ0yMbWnM,5852
|
112
|
-
snowflake/ml/model/_client/sql/model_version.py,sha256=
|
109
|
+
snowflake/ml/model/_client/sql/model_version.py,sha256=EyMyn0GriurJ-rRd9Fm-Rh8MQlmsQij4qojQJdR6oEY,21288
|
113
110
|
snowflake/ml/model/_client/sql/service.py,sha256=fvQRhRGU4FBeOBouIoQByTvfQg-qbEQKplCG99BPmL0,10408
|
114
|
-
snowflake/ml/model/_client/sql/stage.py,sha256=
|
111
|
+
snowflake/ml/model/_client/sql/stage.py,sha256=165vyAtrScSQWJB8wLXKRUO1QvHTWDmPykeWOyxrDRg,826
|
115
112
|
snowflake/ml/model/_client/sql/tag.py,sha256=pwwrcyPtSnkUfDzL3M8kqM0KSx7CaTtgty3HDhVC9vg,4345
|
116
|
-
snowflake/ml/model/_model_composer/model_composer.py,sha256=
|
117
|
-
snowflake/ml/model/_model_composer/model_manifest/model_manifest.py,sha256=
|
118
|
-
snowflake/ml/model/_model_composer/model_manifest/model_manifest_schema.py,sha256=
|
119
|
-
snowflake/ml/model/_model_composer/model_method/
|
120
|
-
snowflake/ml/model/_model_composer/model_method/
|
121
|
-
snowflake/ml/model/_model_composer/model_method/
|
122
|
-
snowflake/ml/model/_model_composer/model_method/
|
123
|
-
snowflake/ml/model/_model_composer/model_method/
|
113
|
+
snowflake/ml/model/_model_composer/model_composer.py,sha256=iV51I7SK2tPRh0Up3CdCTlhkPTNpEZFthciOGsZhhOg,7021
|
114
|
+
snowflake/ml/model/_model_composer/model_manifest/model_manifest.py,sha256=b7eczcLSatqlkQtrKvzkbNacnXRKeSP_qB9sJyJKTe0,8755
|
115
|
+
snowflake/ml/model/_model_composer/model_manifest/model_manifest_schema.py,sha256=Hql_9XIEqwlcqdf_Bupg7IpxKtLpKfGpZDFEuUDLX3U,2759
|
116
|
+
snowflake/ml/model/_model_composer/model_method/constants.py,sha256=hoJwIopSdZiYn0fGq15_NiirC0l02d5LEs2D-4J_tPk,35
|
117
|
+
snowflake/ml/model/_model_composer/model_method/function_generator.py,sha256=nnUJki3bJVCTF3gZ-usZW3xQ6wwlJ08EfNsPAgsnI3s,2625
|
118
|
+
snowflake/ml/model/_model_composer/model_method/infer_function.py_template,sha256=olysEb_bE2C8CjIRAhm7qdr2mtgk77Tx45gnLRVQGFw,1511
|
119
|
+
snowflake/ml/model/_model_composer/model_method/infer_partitioned.py_template,sha256=8p8jkTOJA-mBt5cuGhcWSH4z7ySQ9xevC35UioCLkC8,1539
|
120
|
+
snowflake/ml/model/_model_composer/model_method/infer_table_function.py_template,sha256=QT32N6akQDutLh00cXp2OD4WI6Gb7IGG1snsnrXNih8,1453
|
121
|
+
snowflake/ml/model/_model_composer/model_method/model_method.py,sha256=SeN1aPSOhIJExC8OB3BmZo91m3zsQJXQ8-lwWrd2kgY,7275
|
122
|
+
snowflake/ml/model/_model_composer/model_user_file/model_user_file.py,sha256=dYNgg8P9p6nRH47-OLxZIbt_Ja3t1VPGNQ0qJtpGuAw,1018
|
124
123
|
snowflake/ml/model/_packager/model_handler.py,sha256=wMPGOegXx5GgiSA81gbKpfODosdj2mvD1bFbeN4OmNc,2642
|
125
124
|
snowflake/ml/model/_packager/model_packager.py,sha256=EhpEmfd2oDYuIrOYFOadI0OOFJa9bleMvI1WTHQqjE8,5806
|
126
125
|
snowflake/ml/model/_packager/model_env/model_env.py,sha256=968vlQJrI2_2rQ88cl3uXe1FP5kG-zG4UkUySRDgFt4,17517
|
127
126
|
snowflake/ml/model/_packager/model_handlers/_base.py,sha256=qQS1ZSz1Ikdj0TvyLU9n8K6KAj-PknL4s801qpnWodo,7164
|
128
|
-
snowflake/ml/model/_packager/model_handlers/_utils.py,sha256=
|
129
|
-
snowflake/ml/model/_packager/model_handlers/catboost.py,sha256=
|
127
|
+
snowflake/ml/model/_packager/model_handlers/_utils.py,sha256=XoZtHAVQiTD5PtARI-hw46mFebPLWK0jTwnbYvaIX5E,10251
|
128
|
+
snowflake/ml/model/_packager/model_handlers/catboost.py,sha256=vwlKuXwJGYrna7wkXDgEu8-nUNegNhHMCaNQdhL5p44,10677
|
130
129
|
snowflake/ml/model/_packager/model_handlers/custom.py,sha256=i9jhMzNrgxEdiJLw9ojeiMaCWYk5nVj48JyS_e87RpM,8333
|
131
|
-
snowflake/ml/model/_packager/model_handlers/huggingface_pipeline.py,sha256=
|
132
|
-
snowflake/ml/model/_packager/model_handlers/lightgbm.py,sha256=
|
130
|
+
snowflake/ml/model/_packager/model_handlers/huggingface_pipeline.py,sha256=csqpaLFvuxuqURv8Cso9rAJCxn8hISMklViKRmvkBGw,21539
|
131
|
+
snowflake/ml/model/_packager/model_handlers/lightgbm.py,sha256=qm_Q7FxD19r1fFnSt25pZJw9sU-jE0Yu2h2qUvOl_qs,11127
|
133
132
|
snowflake/ml/model/_packager/model_handlers/mlflow.py,sha256=A3HnCa065jtHsRM40ZxfLv5alk0RYhVmsU4Jt2klRwQ,9189
|
134
133
|
snowflake/ml/model/_packager/model_handlers/pytorch.py,sha256=DDcf85xisPLT1PyXdmPrjJpIIepkdmWNXCOpT_dCncw,8294
|
135
|
-
snowflake/ml/model/_packager/model_handlers/sentence_transformers.py,sha256=
|
136
|
-
snowflake/ml/model/_packager/model_handlers/sklearn.py,sha256=
|
137
|
-
snowflake/ml/model/_packager/model_handlers/snowmlmodel.py,sha256=
|
138
|
-
snowflake/ml/model/_packager/model_handlers/tensorflow.py,sha256=
|
134
|
+
snowflake/ml/model/_packager/model_handlers/sentence_transformers.py,sha256=EKgpN6e4c8bi0znnV-pWzAR3cwDvORcsL72x6o-JPqA,11381
|
135
|
+
snowflake/ml/model/_packager/model_handlers/sklearn.py,sha256=pMAeHaBUp9SqEOB8AD_zGbhF_S5BTS3SRPjGOqk40Xo,14111
|
136
|
+
snowflake/ml/model/_packager/model_handlers/snowmlmodel.py,sha256=dlOnIREhdnq4ufphjM-M6DifUGiftACQKntUzbrzTmc,13954
|
137
|
+
snowflake/ml/model/_packager/model_handlers/tensorflow.py,sha256=WQNEwsC5VvzJJ65sRw6wfX3ivf3nKkc2-j6fwe-ytmE,11367
|
139
138
|
snowflake/ml/model/_packager/model_handlers/torchscript.py,sha256=BIdRINO1xZ5uHrR9uA0vExWQymOryTaSpyAMpCCtz8U,8036
|
140
|
-
snowflake/ml/model/_packager/model_handlers/xgboost.py,sha256=
|
139
|
+
snowflake/ml/model/_packager/model_handlers/xgboost.py,sha256=p8J4En5exWRpN3KHDIRtkvSRGpfyW-VaYWEBWjAmivE,11515
|
141
140
|
snowflake/ml/model/_packager/model_handlers_migrator/base_migrator.py,sha256=BZo14UrywGZM1kTqzN4VFQcYjl7dggDp1U90ZBCMuOg,1409
|
142
141
|
snowflake/ml/model/_packager/model_meta/_packaging_requirements.py,sha256=yOrF0WBkFh5NvyzZMSZHpsv_W1iR5hRpPH1bwzpSH_Q,78
|
143
142
|
snowflake/ml/model/_packager/model_meta/model_blob_meta.py,sha256=GmiqqI-XVjrOX7cSa5GKerKhfHptlsg74MKqTGwJ5Jk,1949
|
144
|
-
snowflake/ml/model/_packager/model_meta/model_meta.py,sha256=
|
145
|
-
snowflake/ml/model/_packager/model_meta/model_meta_schema.py,sha256=
|
143
|
+
snowflake/ml/model/_packager/model_meta/model_meta.py,sha256=oQszUWYKJRPJ6TPvQMQa_2IgOdlJOL2af7liHBqcTyA,18995
|
144
|
+
snowflake/ml/model/_packager/model_meta/model_meta_schema.py,sha256=nMtx4iDksayA4oR2p5tEf_ikU-RbbgijFy9zkZjRyHk,2975
|
146
145
|
snowflake/ml/model/_packager/model_meta_migrator/base_migrator.py,sha256=SORlqpPbOeBg6dvJ3DidHeLVi0w9YF0Zv4tC0Kbc20g,1311
|
147
146
|
snowflake/ml/model/_packager/model_meta_migrator/migrator_plans.py,sha256=nf6PWDH_gvX_OiS4A-G6BzyCLFEG4dASU0t5JTsijM4,1041
|
148
147
|
snowflake/ml/model/_packager/model_meta_migrator/migrator_v1.py,sha256=qEPzdCw_FzExMbPuyFHupeWlYD88yejLdcmkPwjJzDk,2070
|
149
|
-
snowflake/ml/model/_packager/model_runtime/_snowml_inference_alternative_requirements.py,sha256=
|
148
|
+
snowflake/ml/model/_packager/model_runtime/_snowml_inference_alternative_requirements.py,sha256=Md0SSF4y5eG5Kw6S_Hc2GRcHpc85EYcQN1OeIXgeKns,1489
|
150
149
|
snowflake/ml/model/_packager/model_runtime/model_runtime.py,sha256=G52nrjzcZiWBJaed6Z1qKq-HjqtnG2MnywDdU9lPusg,5051
|
151
|
-
snowflake/ml/model/_packager/model_task/model_task_utils.py,sha256=
|
150
|
+
snowflake/ml/model/_packager/model_task/model_task_utils.py,sha256=Lxlw_H2lJQoy-3kpmD9QL4bwYLl1jZj9N8a1SR2gee4,6439
|
152
151
|
snowflake/ml/model/_signatures/base_handler.py,sha256=WwBfe-83Y0m-HcDx1YSYCGwanIe0fb2MWhTeXc1IeJI,1304
|
153
152
|
snowflake/ml/model/_signatures/builtins_handler.py,sha256=nF-2ptQjeu7ikO72_d14jk1N6BVbmy-mjtZ9I1c7-Qg,2741
|
154
153
|
snowflake/ml/model/_signatures/core.py,sha256=C9iTtdaXJVMDkOqCH5Tie7ucib4d0pBJ0oXJWAqur3s,20233
|
155
154
|
snowflake/ml/model/_signatures/numpy_handler.py,sha256=wE9GNuNNmC-0jLmz8lI_UhyETNkKUvftIABAuNsSe94,5858
|
156
|
-
snowflake/ml/model/_signatures/pandas_handler.py,sha256=
|
155
|
+
snowflake/ml/model/_signatures/pandas_handler.py,sha256=6u80FV1mWNqRjADef25B1k1A2xZ7lNweC_4tvnxiQmM,11150
|
157
156
|
snowflake/ml/model/_signatures/pytorch_handler.py,sha256=yEU-V_WRjE8Q7NdHyghl0iYpMiIDzGaIR5Pd_ixB1Hk,4631
|
158
|
-
snowflake/ml/model/_signatures/snowpark_handler.py,sha256=
|
157
|
+
snowflake/ml/model/_signatures/snowpark_handler.py,sha256=n4oX8MpHq57UULxei6PRHX8S-y9FbDLW9MKU4BVmf_M,6221
|
159
158
|
snowflake/ml/model/_signatures/tensorflow_handler.py,sha256=9bUbxtHpl4kEoFzeDJF87bQPb8RdLLm9OV23-aUyW3s,6114
|
160
|
-
snowflake/ml/model/_signatures/utils.py,sha256
|
159
|
+
snowflake/ml/model/_signatures/utils.py,sha256=1E_mV1qdUuob8tjB8WaOEfuo2rmQ2FtOgTNyXZGzoJg,13108
|
161
160
|
snowflake/ml/model/models/huggingface_pipeline.py,sha256=62GpPZxBheqCnFNxNOggiDE1y9Dhst-v6D4IkGLuDeQ,10221
|
162
161
|
snowflake/ml/modeling/_internal/constants.py,sha256=aJGngY599w3KqN8cDZCYrjbWe6UwYIbgv0gx0Ukdtc0,105
|
163
162
|
snowflake/ml/modeling/_internal/estimator_utils.py,sha256=mbMm8_5tQde_sQDwI8pS3ljHZ8maCHl2Shb5nQwLYac,11872
|
164
163
|
snowflake/ml/modeling/_internal/model_specifications.py,sha256=P9duVMP9-X7us_RZFPyXvWxOrm5K30sWDVYwSMEzG1M,4876
|
165
164
|
snowflake/ml/modeling/_internal/model_trainer.py,sha256=RxpZ5ARy_3sfRMCvArkdK-KmsdbNXxEZTbXoaJ4c1ag,984
|
166
|
-
snowflake/ml/modeling/_internal/model_trainer_builder.py,sha256=
|
167
|
-
snowflake/ml/modeling/_internal/model_transformer_builder.py,sha256=
|
165
|
+
snowflake/ml/modeling/_internal/model_trainer_builder.py,sha256=n1l9i9LFLcdbMFRvxkWNIs7kYnNNlUJnaToRvFBEjls,8062
|
166
|
+
snowflake/ml/modeling/_internal/model_transformer_builder.py,sha256=E7Psa14Z-Us5MD9yOdRbGTlR6r4Fq7BQSCcHwFlh1Ig,2815
|
168
167
|
snowflake/ml/modeling/_internal/transformer_protocols.py,sha256=adbJH9BcD52Z1VbqoCE_9IexjIxERTXE8932Hz-gw3E,6482
|
169
168
|
snowflake/ml/modeling/_internal/local_implementations/pandas_handlers.py,sha256=UN-23TJ4Usf6N9ZTXcU4IfJmI-uJXOsfdslOAax7d2I,7989
|
170
169
|
snowflake/ml/modeling/_internal/local_implementations/pandas_trainer.py,sha256=h3Zsw9tpBB7WEUyIGy35VYNNR8y_XwiRHyR3mULyxIE,5960
|
171
|
-
snowflake/ml/modeling/_internal/ml_runtime_implementations/ml_runtime_handlers.py,sha256=fgm1DpBBO0qUo2fXFwuN2uFAyTFhcIhT5_bC326VTVw,5544
|
172
|
-
snowflake/ml/modeling/_internal/ml_runtime_implementations/ml_runtime_trainer.py,sha256=lM1vYwpJ1jgTh8vnuyMp4tnFibM6UFf50W1IpPWwUWE,2535
|
173
170
|
snowflake/ml/modeling/_internal/snowpark_implementations/distributed_hpo_trainer.py,sha256=Jypb-EH4iCOTtFRfF_wUNlm3yMR2WTUrV0YZnuYz_QA,54996
|
174
171
|
snowflake/ml/modeling/_internal/snowpark_implementations/distributed_search_udf_file.py,sha256=HnsSmsXAeJrH9zVeq3CSziIaCUDxeWWx6kRyAK4qajM,6601
|
175
172
|
snowflake/ml/modeling/_internal/snowpark_implementations/snowpark_handlers.py,sha256=O6QHRPVS-HzVesw_tMXL6NALAphkqXIEsrEKMva6-Z0,15750
|
@@ -346,7 +343,7 @@ snowflake/ml/modeling/parameters/disable_distributed_hpo.py,sha256=jyjlLPrtnDSQx
|
|
346
343
|
snowflake/ml/modeling/parameters/disable_model_tracer.py,sha256=uj6SZz7HQpThGLs90zfUDcNMChxf0C6DKRN2xOfjmvI,203
|
347
344
|
snowflake/ml/modeling/parameters/enable_anonymous_sproc.py,sha256=7FUdfhLbEGEocdd5XZ-7MFYMzOva58qI1dPDurPt7fw,207
|
348
345
|
snowflake/ml/modeling/pipeline/__init__.py,sha256=dYtqk_GD_hAAZjGfH1maWlZQ30h4hu_KGaf-_y9_AD8,298
|
349
|
-
snowflake/ml/modeling/pipeline/pipeline.py,sha256=
|
346
|
+
snowflake/ml/modeling/pipeline/pipeline.py,sha256=V3rXkbz27aLv87haBPQ3BqqlVZTMNvPZuH8XhXWqRy4,39556
|
350
347
|
snowflake/ml/modeling/preprocessing/__init__.py,sha256=dYtqk_GD_hAAZjGfH1maWlZQ30h4hu_KGaf-_y9_AD8,298
|
351
348
|
snowflake/ml/modeling/preprocessing/binarizer.py,sha256=MrgSVTw9RpajyYe0dzai-qnpdOb3Zq0SfJRpHJjpnoY,7383
|
352
349
|
snowflake/ml/modeling/preprocessing/k_bins_discretizer.py,sha256=FdIy8mpjsiMqWsUL07S27T-JNDVgE2bvNUJf4HcBik4,21533
|
@@ -375,27 +372,27 @@ snowflake/ml/modeling/tree/decision_tree_regressor.py,sha256=5eE6INs96PvqqAGgk-g
|
|
375
372
|
snowflake/ml/modeling/tree/extra_tree_classifier.py,sha256=GacBZnYfIFmce00DR4mEBpGRcyOgUDDPWhcGLd47BMc,57248
|
376
373
|
snowflake/ml/modeling/tree/extra_tree_regressor.py,sha256=dretp3_soBuChs_3u2FTT1a00xOtwh0FqacgeKnt41E,55833
|
377
374
|
snowflake/ml/modeling/xgboost/__init__.py,sha256=rY5qSOkHj59bHiTV6LhBiEhUA0StoCb0ACNR2vkV4v0,297
|
378
|
-
snowflake/ml/modeling/xgboost/xgb_classifier.py,sha256=
|
379
|
-
snowflake/ml/modeling/xgboost/xgb_regressor.py,sha256=
|
380
|
-
snowflake/ml/modeling/xgboost/xgbrf_classifier.py,sha256=
|
381
|
-
snowflake/ml/modeling/xgboost/xgbrf_regressor.py,sha256=
|
382
|
-
snowflake/ml/monitoring/model_monitor.py,sha256=
|
375
|
+
snowflake/ml/modeling/xgboost/xgb_classifier.py,sha256=E3q6Lkz2XYJT9xf4n9JxkKys4QAk2EP0A_uyp5vBFMs,63402
|
376
|
+
snowflake/ml/modeling/xgboost/xgb_regressor.py,sha256=x9XLGj3PG0cKjIIUTLXVxJh2u5HS87g43c6uAKAmIAg,63005
|
377
|
+
snowflake/ml/modeling/xgboost/xgbrf_classifier.py,sha256=hUfss6zvZnPFeqc1mq9xxKSxYYMA_KtpzXI9iQFwaaY,63678
|
378
|
+
snowflake/ml/modeling/xgboost/xgbrf_regressor.py,sha256=ShWVwjFv1gl4rC8v6djyxsPkW5hrVxIgikpUNMMkX0I,63203
|
379
|
+
snowflake/ml/monitoring/model_monitor.py,sha256=8vJf1YROmJgBLUtpaH-lGKSSJv9R7PxPaQnOdr_j5YE,2200
|
383
380
|
snowflake/ml/monitoring/model_monitor_version.py,sha256=TlmDJZDE0lCVatRaBRgXIjzDF538nrMIc-zWj9MM_nk,46
|
384
381
|
snowflake/ml/monitoring/shap.py,sha256=Dp9nYquPEZjxMTW62YYA9g9qUdmCEFxcSk7ejvOP7PE,3597
|
385
|
-
snowflake/ml/monitoring/_client/model_monitor_sql_client.py,sha256=
|
382
|
+
snowflake/ml/monitoring/_client/model_monitor_sql_client.py,sha256=XhTcLNehHOwEKGpqJdYnL1-esYm3KWM5E8CvH9pF5Ms,12712
|
386
383
|
snowflake/ml/monitoring/_client/queries/record_count.ssql,sha256=Bd1uNMwhPKqPyrDd5ug8iY493t9KamJjrlo82OAfmjY,335
|
387
384
|
snowflake/ml/monitoring/_client/queries/rmse.ssql,sha256=OEJiSStRz9-qKoZaFvmubtY_n0xMUjyVU2uiQHCp7KU,822
|
388
|
-
snowflake/ml/monitoring/_manager/model_monitor_manager.py,sha256=
|
389
|
-
snowflake/ml/monitoring/entities/model_monitor_config.py,sha256=
|
390
|
-
snowflake/ml/monitoring/entities/output_score_type.py,sha256=UJyS4z5hncRZ0agVNa6_X041RY9q3Us-6Bh3dPVAmEw,2982
|
385
|
+
snowflake/ml/monitoring/_manager/model_monitor_manager.py,sha256=_-vxqnHqohTHTrwfURjPXijyAeh1mTRdHCG436GaBik,10314
|
386
|
+
snowflake/ml/monitoring/entities/model_monitor_config.py,sha256=IxEiee1HfBXCQGzJOZbrDrvoV8J1tDNk43ygNuN00Io,1793
|
391
387
|
snowflake/ml/registry/__init__.py,sha256=XdPQK9ejYkSJVrSQ7HD3jKQO0hKq2mC4bPCB6qrtH3U,76
|
392
|
-
snowflake/ml/registry/registry.py,sha256=
|
393
|
-
snowflake/ml/registry/_manager/model_manager.py,sha256=
|
388
|
+
snowflake/ml/registry/registry.py,sha256=RAJdGLS_Er0o1k3AVuaqHc4ositij_FDbNiaMPMWcwM,25341
|
389
|
+
snowflake/ml/registry/_manager/model_manager.py,sha256=ZizYAzaBbo6ivEqlCHFM1_YQNNvMaVFt1X3RJ2szDaI,13678
|
390
|
+
snowflake/ml/utils/authentication.py,sha256=Wx1kVBZ9XBDuKkRHpPEB2pBxpiJepVLFAirDMx4m5Gk,2612
|
394
391
|
snowflake/ml/utils/connection_params.py,sha256=JRpQppuWRk6bhdLzVDhMfz3Y6yInobFNLHmIBaXD7po,8005
|
395
392
|
snowflake/ml/utils/sparse.py,sha256=XqDQkw39Ml6YIknswdkvFIwUwBk_GBXAbP8IACfPENg,3817
|
396
393
|
snowflake/ml/utils/sql_client.py,sha256=z4Rhi7pQz3s9cyu_Uzfr3deCnrkCdFh9IYIvicsuwdc,692
|
397
|
-
snowflake_ml_python-1.7.
|
398
|
-
snowflake_ml_python-1.7.
|
399
|
-
snowflake_ml_python-1.7.
|
400
|
-
snowflake_ml_python-1.7.
|
401
|
-
snowflake_ml_python-1.7.
|
394
|
+
snowflake_ml_python-1.7.3.dist-info/LICENSE.txt,sha256=PdEp56Av5m3_kl21iFkVTX_EbHJKFGEdmYeIO1pL_Yk,11365
|
395
|
+
snowflake_ml_python-1.7.3.dist-info/METADATA,sha256=o8FlhVw_eClA0OTiyUojXojdJZshHNSD4jYKg3hpRr0,68958
|
396
|
+
snowflake_ml_python-1.7.3.dist-info/WHEEL,sha256=In9FTNxeP60KnTkGw7wk6mJPYd_dQSjEZmXdBdMCI-8,91
|
397
|
+
snowflake_ml_python-1.7.3.dist-info/top_level.txt,sha256=TY0gFSHKDdZy3THb0FGomyikWQasEGldIR1O0HGOHVw,10
|
398
|
+
snowflake_ml_python-1.7.3.dist-info/RECORD,,
|
@@ -1,39 +0,0 @@
|
|
1
|
-
import http
|
2
|
-
|
3
|
-
import requests
|
4
|
-
from requests import adapters
|
5
|
-
from urllib3.util import retry
|
6
|
-
|
7
|
-
|
8
|
-
def get_http_client(total_retries: int = 5, backoff_factor: float = 0.1) -> requests.Session:
|
9
|
-
"""Construct retryable http client.
|
10
|
-
|
11
|
-
Args:
|
12
|
-
total_retries: Total number of retries to allow.
|
13
|
-
backoff_factor: A backoff factor to apply between attempts after the second try. Time to sleep is calculated by
|
14
|
-
{backoff factor} * (2 ** ({number of previous retries})). For example, with default retries of 5 and backoff
|
15
|
-
factor set to 0.1, each subsequent retry will sleep [0.2s, 0.4s, 0.8s, 1.6s, 3.2s] respectively.
|
16
|
-
|
17
|
-
Returns:
|
18
|
-
requests.Session object.
|
19
|
-
|
20
|
-
"""
|
21
|
-
|
22
|
-
retry_strategy = retry.Retry(
|
23
|
-
total=total_retries,
|
24
|
-
backoff_factor=backoff_factor,
|
25
|
-
status_forcelist=[
|
26
|
-
http.HTTPStatus.TOO_MANY_REQUESTS,
|
27
|
-
http.HTTPStatus.INTERNAL_SERVER_ERROR,
|
28
|
-
http.HTTPStatus.BAD_GATEWAY,
|
29
|
-
http.HTTPStatus.SERVICE_UNAVAILABLE,
|
30
|
-
http.HTTPStatus.GATEWAY_TIMEOUT,
|
31
|
-
], # retry on these status codes
|
32
|
-
)
|
33
|
-
|
34
|
-
adapter = adapters.HTTPAdapter(max_retries=retry_strategy)
|
35
|
-
req_session = requests.Session()
|
36
|
-
req_session.mount("https://", adapter)
|
37
|
-
req_session.mount("http://", adapter)
|
38
|
-
|
39
|
-
return req_session
|