snowflake-ml-python 1.8.6__py3-none-any.whl → 1.9.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.
- snowflake/ml/_internal/env_utils.py +44 -3
- snowflake/ml/_internal/platform_capabilities.py +52 -2
- snowflake/ml/_internal/type_utils.py +1 -1
- snowflake/ml/_internal/utils/identifier.py +1 -1
- snowflake/ml/_internal/utils/mixins.py +71 -0
- snowflake/ml/_internal/utils/service_logger.py +4 -2
- snowflake/ml/data/_internal/arrow_ingestor.py +11 -1
- snowflake/ml/data/data_connector.py +43 -2
- snowflake/ml/data/data_ingestor.py +8 -0
- snowflake/ml/data/torch_utils.py +1 -1
- snowflake/ml/dataset/dataset.py +3 -2
- snowflake/ml/dataset/dataset_reader.py +22 -6
- snowflake/ml/experiment/_client/experiment_tracking_sql_client.py +98 -0
- snowflake/ml/experiment/_entities/__init__.py +4 -0
- snowflake/ml/experiment/_entities/experiment.py +10 -0
- snowflake/ml/experiment/_entities/run.py +62 -0
- snowflake/ml/experiment/_entities/run_metadata.py +68 -0
- snowflake/ml/experiment/_experiment_info.py +63 -0
- snowflake/ml/experiment/experiment_tracking.py +319 -0
- snowflake/ml/jobs/_utils/constants.py +1 -1
- snowflake/ml/jobs/_utils/interop_utils.py +63 -4
- snowflake/ml/jobs/_utils/payload_utils.py +5 -3
- snowflake/ml/jobs/_utils/query_helper.py +20 -0
- snowflake/ml/jobs/_utils/scripts/mljob_launcher.py +5 -1
- snowflake/ml/jobs/_utils/spec_utils.py +21 -4
- snowflake/ml/jobs/decorators.py +18 -25
- snowflake/ml/jobs/job.py +137 -37
- snowflake/ml/jobs/manager.py +228 -153
- snowflake/ml/lineage/lineage_node.py +2 -2
- snowflake/ml/model/_client/model/model_version_impl.py +16 -4
- snowflake/ml/model/_client/ops/model_ops.py +12 -3
- snowflake/ml/model/_client/ops/service_ops.py +324 -138
- snowflake/ml/model/_client/service/model_deployment_spec.py +1 -1
- snowflake/ml/model/_client/service/model_deployment_spec_schema.py +3 -1
- snowflake/ml/model/_model_composer/model_composer.py +6 -1
- snowflake/ml/model/_model_composer/model_manifest/model_manifest.py +55 -13
- snowflake/ml/model/_model_composer/model_manifest/model_manifest_schema.py +1 -0
- snowflake/ml/model/_packager/model_env/model_env.py +35 -27
- snowflake/ml/model/_packager/model_handlers/huggingface_pipeline.py +41 -2
- snowflake/ml/model/_packager/model_handlers/pytorch.py +5 -1
- snowflake/ml/model/_packager/model_meta/model_meta.py +3 -1
- snowflake/ml/model/_packager/model_runtime/_snowml_inference_alternative_requirements.py +2 -1
- snowflake/ml/model/_packager/model_runtime/model_runtime.py +3 -3
- snowflake/ml/model/_signatures/snowpark_handler.py +55 -3
- snowflake/ml/model/event_handler.py +117 -0
- snowflake/ml/model/model_signature.py +9 -9
- snowflake/ml/model/models/huggingface_pipeline.py +170 -1
- snowflake/ml/model/target_platform.py +11 -0
- snowflake/ml/model/task.py +9 -0
- snowflake/ml/model/type_hints.py +5 -13
- snowflake/ml/modeling/framework/base.py +1 -1
- snowflake/ml/modeling/metrics/classification.py +14 -14
- snowflake/ml/modeling/metrics/correlation.py +19 -8
- snowflake/ml/modeling/metrics/metrics_utils.py +2 -0
- snowflake/ml/modeling/metrics/ranking.py +6 -6
- snowflake/ml/modeling/metrics/regression.py +9 -9
- snowflake/ml/monitoring/explain_visualize.py +12 -5
- snowflake/ml/registry/_manager/model_manager.py +47 -15
- snowflake/ml/registry/registry.py +109 -64
- snowflake/ml/version.py +1 -1
- {snowflake_ml_python-1.8.6.dist-info → snowflake_ml_python-1.9.1.dist-info}/METADATA +118 -18
- {snowflake_ml_python-1.8.6.dist-info → snowflake_ml_python-1.9.1.dist-info}/RECORD +65 -53
- {snowflake_ml_python-1.8.6.dist-info → snowflake_ml_python-1.9.1.dist-info}/WHEEL +0 -0
- {snowflake_ml_python-1.8.6.dist-info → snowflake_ml_python-1.9.1.dist-info}/licenses/LICENSE.txt +0 -0
- {snowflake_ml_python-1.8.6.dist-info → snowflake_ml_python-1.9.1.dist-info}/top_level.txt +0 -0
@@ -1,6 +1,6 @@
|
|
1
1
|
Metadata-Version: 2.4
|
2
2
|
Name: snowflake-ml-python
|
3
|
-
Version: 1.
|
3
|
+
Version: 1.9.1
|
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:
|
@@ -240,7 +240,7 @@ Requires-Dist: cloudpickle>=2.0.0
|
|
240
240
|
Requires-Dist: cryptography
|
241
241
|
Requires-Dist: fsspec[http]<2026,>=2024.6.1
|
242
242
|
Requires-Dist: importlib_resources<7,>=6.1.1
|
243
|
-
Requires-Dist: numpy<
|
243
|
+
Requires-Dist: numpy<3,>=1.23
|
244
244
|
Requires-Dist: packaging<25,>=20.9
|
245
245
|
Requires-Dist: pandas<3,>=2.1.4
|
246
246
|
Requires-Dist: pyarrow
|
@@ -257,6 +257,7 @@ Requires-Dist: snowflake-connector-python[pandas]<4,>=3.15.0
|
|
257
257
|
Requires-Dist: snowflake-snowpark-python!=1.26.0,<2,>=1.17.0
|
258
258
|
Requires-Dist: snowflake.core<2,>=1.0.2
|
259
259
|
Requires-Dist: sqlparse<1,>=0.4
|
260
|
+
Requires-Dist: tqdm<5
|
260
261
|
Requires-Dist: typing-extensions<5,>=4.1.0
|
261
262
|
Requires-Dist: xgboost<3,>=1.7.3
|
262
263
|
Provides-Extra: all
|
@@ -408,13 +409,110 @@ NOTE: Version 1.7.0 is used as example here. Please choose the the latest versio
|
|
408
409
|
|
409
410
|
# Release History
|
410
411
|
|
412
|
+
## 1.9.1
|
413
|
+
|
414
|
+
### Bug Fixes
|
415
|
+
|
416
|
+
- Registry: Fix a bug when trying to set the PAD token the HuggingFace `text-generation` model had multiple EOS tokens.
|
417
|
+
The handler picks the first EOS token as PAD token now.
|
418
|
+
|
419
|
+
### New Features
|
420
|
+
|
421
|
+
- DataConnector: DataConnector objects can now be pickled
|
422
|
+
- Dataset: Dataset objects can now be pickled
|
423
|
+
- Registry (PrPr): Introducing `create_service` function in `snowflake/ml/model/models/huggingface_pipeline.py`
|
424
|
+
which creates a service to log a HF model and upon successful logging, an inference service is created.
|
425
|
+
|
426
|
+
```python
|
427
|
+
from snowflake.ml.model.models import huggingface_pipeline
|
428
|
+
|
429
|
+
hf_model_ref = huggingface_pipeline.HuggingFacePipelineModel(
|
430
|
+
model="gpt2",
|
431
|
+
task="text-generation", # Optional
|
432
|
+
)
|
433
|
+
|
434
|
+
|
435
|
+
hf_model_ref.create_service(
|
436
|
+
session=session,
|
437
|
+
service_name="test_service",
|
438
|
+
service_compute_pool="test_compute_pool",
|
439
|
+
image_repo="test_repo",
|
440
|
+
...
|
441
|
+
)
|
442
|
+
```
|
443
|
+
|
444
|
+
- Experiment Tracking (PrPr): New module for managing and tracking ML experiments in Snowflake.
|
445
|
+
|
446
|
+
```python
|
447
|
+
from snowflake.ml.experiment import ExperimentTracking
|
448
|
+
|
449
|
+
exp = ExperimentTracking(session=sp_session, database_name="ML", schema_name="PUBLIC")
|
450
|
+
|
451
|
+
exp.set_experiment("MY_EXPERIMENT")
|
452
|
+
|
453
|
+
with exp.start_run():
|
454
|
+
exp.log_param("batch_size", 32)
|
455
|
+
exp.log_metrics("accuracy", 0.98, step=10)
|
456
|
+
exp.log_model(my_model, model_name="MY_MODEL")
|
457
|
+
```
|
458
|
+
|
459
|
+
- Registry: Added support for wide input (500+ features) for inference done using SPCS
|
460
|
+
|
461
|
+
## 1.9.0
|
462
|
+
|
463
|
+
### Bug Fixes
|
464
|
+
|
465
|
+
- Registry: Fixed bug causing snowpark to pandas dataframe conversion to fail when `QUOTED_IDENTIFIERS_IGNORE_CASE`
|
466
|
+
parameter is enabled
|
467
|
+
- Registry: Fixed duplicate UserWarning logs during model packaging
|
468
|
+
- Registry: If the huggingface pipeline text-generation model doesn't contain a default chat template, a ChatML template
|
469
|
+
is assigned to the tokenizer.
|
470
|
+
|
471
|
+
```shell
|
472
|
+
{% for message in messages %}
|
473
|
+
{{'<|im_start|>' + message['role'] + '\n' + message['content'] + '<|im_end|>' + '\n'}}
|
474
|
+
{% endfor %}
|
475
|
+
{% if add_generation_prompt %}
|
476
|
+
{{ '<|im_start|>assistant\n' }}
|
477
|
+
{% endif %}"
|
478
|
+
```
|
479
|
+
|
480
|
+
- Registry: Fixed SQL queries during registry initialization that were forcing warehouse requirement
|
481
|
+
|
482
|
+
### Behavior Changes
|
483
|
+
|
484
|
+
- ML Job: The `list_jobs()` API has been modified. The `scope` parameter has been removed,
|
485
|
+
optional `database` and `schema` parameters have been added, the return type has changed
|
486
|
+
from `snowpark.DataFrame` to `pandas.DataFrame`, and the returned columns have been updated
|
487
|
+
to `name`, `status`, `message`, `database_name`, `schema_name`, `owner`, `compute_pool`,
|
488
|
+
`target_instances`, `created_time`, and `completed_time`.
|
489
|
+
- Registry: Set `relax_version` to false when pip_requirements are specified while logging model
|
490
|
+
- Registry: UserWarning will now be raised based on specified target_platforms (addresses spurious warnings)
|
491
|
+
|
492
|
+
### New Features
|
493
|
+
|
494
|
+
- Registry: `target_platforms` supports `TargetPlatformMode`: `WAREHOUSE_ONLY`, `SNOWPARK_CONTAINER_SERVICES_ONLY`,
|
495
|
+
or `BOTH_WAREHOUSE_AND_SNOWPARK_CONTAINER_SERVICES`.
|
496
|
+
- Registry: Introduce `snowflake.ml.model.target_platform.TargetPlatform`, target platform constants, and
|
497
|
+
`snowflake.ml.model.task.Task`.
|
498
|
+
- ML Job: Single-node ML Jobs are now in GA. Multi-node support is now in PuPr
|
499
|
+
- Moved less frequently used job submission parameters to `**kwargs`
|
500
|
+
- Platform metrics are now enabled by default
|
501
|
+
- `list_jobs()` behavior changed, see [Behavior Changes](#behavior-changes) for more info
|
502
|
+
|
411
503
|
## 1.8.6
|
412
504
|
|
413
505
|
### Bug Fixes
|
414
506
|
|
507
|
+
- Fixed fatal errors from internal telemetry wrappers.
|
508
|
+
|
415
509
|
### New Features
|
416
510
|
|
417
511
|
- Registry: Add service container info to logs.
|
512
|
+
- ML Job (PuPr): Add new `submit_from_stage()` API for submitting a payload from an existing stage path.
|
513
|
+
- ML Job (PuPr): Add support for `snowpark.Session` objects in the argument list of
|
514
|
+
`@remote` decorated functions. `Session` object will be injected from context in
|
515
|
+
the job execution environment.
|
418
516
|
|
419
517
|
## 1.8.5
|
420
518
|
|
@@ -425,17 +523,17 @@ NOTE: Version 1.7.0 is used as example here. Please choose the the latest versio
|
|
425
523
|
- Explainability: bump minimum streamlit version down to 1.30
|
426
524
|
- Modeling: Make XGBoost a required dependency (xgboost is not a required dependency in snowflake-ml-python 1.8.4).
|
427
525
|
|
428
|
-
###
|
526
|
+
### Behavior Changes
|
429
527
|
|
430
|
-
- ML Job: Rename argument `num_instances` to `target_instances` in job submission APIs and
|
528
|
+
- ML Job (Multi-node PrPr): Rename argument `num_instances` to `target_instances` in job submission APIs and
|
431
529
|
change type from `Optional[int]` to `int`
|
432
530
|
|
433
531
|
### New Features
|
434
532
|
|
435
533
|
- Registry: No longer checks if the snowflake-ml-python version is available in the Snowflake Conda channel when logging
|
436
534
|
an SPCS-only model.
|
437
|
-
- ML Job: Add `min_instances` argument to the job decorator to allow waiting for workers to be ready.
|
438
|
-
- ML Job: Adjust polling behavior to reduce number of SQL calls.
|
535
|
+
- ML Job (PuPr): Add `min_instances` argument to the job decorator to allow waiting for workers to be ready.
|
536
|
+
- ML Job (PuPr): Adjust polling behavior to reduce number of SQL calls.
|
439
537
|
|
440
538
|
### Deprecations
|
441
539
|
|
@@ -450,18 +548,19 @@ NOTE: Version 1.7.0 is used as example here. Please choose the the latest versio
|
|
450
548
|
- Registry: Fixed a bug when logging pytroch and tensorflow models that caused
|
451
549
|
`UnboundLocalError: local variable 'multiple_inputs' referenced before assignment`.
|
452
550
|
|
453
|
-
###
|
551
|
+
### Behavior Changes
|
454
552
|
|
455
|
-
- ML Job
|
456
|
-
|
553
|
+
- ML Job (PuPr) Updated property `id` to be fully qualified name; Introduced new property `name`
|
554
|
+
to represent the ML Job name
|
555
|
+
- ML Job (PuPr) Modified `list_jobs()` to return ML Job `name` instead of `id`
|
457
556
|
- Registry: Error in `log_model` if `enable_explainability` is True and model is only deployed to
|
458
557
|
Snowpark Container Services, instead of just user warning.
|
459
558
|
|
460
559
|
### New Features
|
461
560
|
|
462
|
-
- ML Job: Extend `@remote` function decorator, `submit_file()` and `submit_directory()` to accept `database` and
|
561
|
+
- ML Job (PuPr): Extend `@remote` function decorator, `submit_file()` and `submit_directory()` to accept `database` and
|
463
562
|
`schema` parameters
|
464
|
-
- ML Job: Support querying by fully qualified name in `get_job()`
|
563
|
+
- ML Job (PuPr): Support querying by fully qualified name in `get_job()`
|
465
564
|
- Explainability: Added visualization functions to `snowflake.ml.monitoring` to plot explanations in notebooks.
|
466
565
|
- Explainability: Support explain for categorical transforms for sklearn pipeline
|
467
566
|
- Support categorical type for `xgboost.DMatrix` inputs.
|
@@ -471,7 +570,7 @@ NOTE: Version 1.7.0 is used as example here. Please choose the the latest versio
|
|
471
570
|
### New Features
|
472
571
|
|
473
572
|
- Registry: Default to the runtime cuda version if available when logging a GPU model in Container Runtime.
|
474
|
-
- ML Job: Added `as_list` argument to `MLJob.get_logs()` to enable retrieving logs
|
573
|
+
- ML Job (PuPr): Added `as_list` argument to `MLJob.get_logs()` to enable retrieving logs
|
475
574
|
as a list of strings
|
476
575
|
- Registry: Support `ModelVersion.run_job` to run inference with a single-node Snowpark Container Services job.
|
477
576
|
- DataConnector: Removed PrPr decorators
|
@@ -482,13 +581,14 @@ NOTE: Version 1.7.0 is used as example here. Please choose the the latest versio
|
|
482
581
|
### New Features
|
483
582
|
|
484
583
|
- ML Job now available as a PuPr feature
|
485
|
-
-
|
486
|
-
|
487
|
-
|
488
|
-
-
|
489
|
-
|
584
|
+
- Add ability to retrieve results for `@remote` decorated functions using
|
585
|
+
new `MLJobWithResult.result()` API, which will return the unpickled result
|
586
|
+
or raise an exception if the job execution failed.
|
587
|
+
- Pre-created Snowpark Session is now available inside job payloads using
|
588
|
+
`snowflake.snowpark.context.get_active_session()`
|
490
589
|
- Registry: Introducing `save_location` to `log_model` using the `options` argument.
|
491
|
-
|
590
|
+
Users can use the `save_location` option to specify a local directory where the model files and configuration are written.
|
591
|
+
This is useful when the default temporary directory has space limitations.
|
492
592
|
|
493
593
|
```python
|
494
594
|
reg.log_model(
|
@@ -10,16 +10,16 @@ snowflake/cortex/_sse_client.py,sha256=sLYgqAfTOPADCnaWH2RWAJi8KbU_7gSRsTUDcDD5T
|
|
10
10
|
snowflake/cortex/_summarize.py,sha256=7GH8zqfIdOiHA5w4b6EvJEKEWhaTrL4YA6iDGbn7BNM,1307
|
11
11
|
snowflake/cortex/_translate.py,sha256=9ZGjvAnJFisbzJ_bXnt4pyug5UzhHJRXW8AhGQEersM,1652
|
12
12
|
snowflake/cortex/_util.py,sha256=krNTpbkFLXwdFqy1bd0xi7ZmOzOHRnIfHdQCPiLZJxk,3288
|
13
|
-
snowflake/ml/version.py,sha256=
|
13
|
+
snowflake/ml/version.py,sha256=K5Bf5e0khi-6qLO0CXvEd-NiOsorh5qaBdJTCSL69DE,98
|
14
14
|
snowflake/ml/_internal/env.py,sha256=EY_2KVe8oR3LgKWdaeRb5rRU-NDNXJppPDsFJmMZUUY,265
|
15
|
-
snowflake/ml/_internal/env_utils.py,sha256=
|
15
|
+
snowflake/ml/_internal/env_utils.py,sha256=x6ID94g6FYoMX3afp0zoUHzBvuvPyiE2F6RDpxx5Cq0,30967
|
16
16
|
snowflake/ml/_internal/file_utils.py,sha256=7sA6loOeSfmGP4yx16P4usT9ZtRqG3ycnXu7_Tk7dOs,14206
|
17
17
|
snowflake/ml/_internal/init_utils.py,sha256=WhrlvS-xcmKErSpwg6cUk6XDQ5lQcwDqPJnU7cooMIg,2672
|
18
18
|
snowflake/ml/_internal/migrator_utils.py,sha256=k3erO8x3YJcX6nkKeyJAUNGg1qjE3RFmD-W6dtLzIH0,161
|
19
|
-
snowflake/ml/_internal/platform_capabilities.py,sha256=
|
19
|
+
snowflake/ml/_internal/platform_capabilities.py,sha256=HkTr2RI5oR54QNmwg3FTrqs0ygOV-fwGkKsWb30WKvQ,7344
|
20
20
|
snowflake/ml/_internal/relax_version_strategy.py,sha256=MYEIZrx1HfKNhl9Na3GN50ipX8c0MKIj9nwxjB0IC0Y,484
|
21
21
|
snowflake/ml/_internal/telemetry.py,sha256=7obh4QrCvtgVa5QW2_5nMBRv-K-DZrUlDx_Exzn86FI,31788
|
22
|
-
snowflake/ml/_internal/type_utils.py,sha256=
|
22
|
+
snowflake/ml/_internal/type_utils.py,sha256=bNNW0I9rOvwhx-Y274vGd0qWA0fMIPA3SGnaDE09wvc,2198
|
23
23
|
snowflake/ml/_internal/exceptions/dataset_error_messages.py,sha256=h7uGJbxBM6se-TW_64LKGGGdBCbwflzbBnmijWKX3Gc,285
|
24
24
|
snowflake/ml/_internal/exceptions/dataset_errors.py,sha256=TqESe8cDfWurJdv5X0DOwgzBfHCEqga_F3WQipYbdqg,741
|
25
25
|
snowflake/ml/_internal/exceptions/error_codes.py,sha256=S1N9TvjKlAl3GppkcS8y8xnsOzD2b9kOHeLqWhJV0uk,5519
|
@@ -37,31 +37,39 @@ snowflake/ml/_internal/lineage/lineage_utils.py,sha256=-_PKuznsL_w38rVj3wXgbPdm6
|
|
37
37
|
snowflake/ml/_internal/utils/connection_params.py,sha256=ejtI-_vYt7tpxCZKjOBzuGyrOxh251xc-ekahQP9XZ4,8196
|
38
38
|
snowflake/ml/_internal/utils/db_utils.py,sha256=HlxdMrgV8UpnxvfKDM-ZR5N566eWZLC-mE291ByrPEQ,1662
|
39
39
|
snowflake/ml/_internal/utils/formatting.py,sha256=PswZ6Xas7sx3Ok1MBLoH2o7nfXOxaJqpUPg_UqXrQb8,3676
|
40
|
-
snowflake/ml/_internal/utils/identifier.py,sha256=
|
40
|
+
snowflake/ml/_internal/utils/identifier.py,sha256=HrcCBOyn93fRjMj4K1YJG37ONtw7e3EZnt29LzhEgLA,12586
|
41
41
|
snowflake/ml/_internal/utils/import_utils.py,sha256=msvUDaCcJpAcNCS-5Ynz4F1CvUhXjRsuZyOv1rN6Yhk,3213
|
42
42
|
snowflake/ml/_internal/utils/jwt_generator.py,sha256=bj7Ltnw68WjRcxtV9t5xrTRvV5ETnvovB-o3Y8QWNBg,5357
|
43
|
+
snowflake/ml/_internal/utils/mixins.py,sha256=PIbWmC_L7RfJ4-eCrho_1SqNcNiSkuB-aK5NiGfz91g,3025
|
43
44
|
snowflake/ml/_internal/utils/parallelize.py,sha256=l8Zjo-hp8zqoLgHxBlpz9Zmn2Z-MRQ0fS_NnrR4jWR8,4522
|
44
45
|
snowflake/ml/_internal/utils/pkg_version_utils.py,sha256=EaY_3IsVOZ9BCH28F5VLjp-0AiEqDlL7L715vkPsgrY,5149
|
45
46
|
snowflake/ml/_internal/utils/query_result_checker.py,sha256=1PR41Xn9BUIXvp-UmJ9FgEbj8WfgU7RUhz3PqvvVQ5E,10656
|
46
47
|
snowflake/ml/_internal/utils/result.py,sha256=59Sz6MvhjakUNiONwg9oi2544AmORCJR3XyWTxY2vP0,2405
|
47
|
-
snowflake/ml/_internal/utils/service_logger.py,sha256=
|
48
|
+
snowflake/ml/_internal/utils/service_logger.py,sha256=5N_PcD8M6KOOSbDA1EJKKCgPlZ7Sth-uTy27XqUrtJo,2030
|
48
49
|
snowflake/ml/_internal/utils/snowflake_env.py,sha256=k4ddzs8iJpRpVvgbbOtU8j4fUvqa77Awk65EJ5j2uxk,4253
|
49
50
|
snowflake/ml/_internal/utils/snowpark_dataframe_utils.py,sha256=tm2leAu_oDTNUQZJ98UpKtS79k-A-c72pKxd-8AE-tg,6353
|
50
51
|
snowflake/ml/_internal/utils/sql_identifier.py,sha256=YHIwXpb8E1U6LVUVpT8q7s9ZygONAXKPVMD4IucwXx8,4669
|
51
52
|
snowflake/ml/_internal/utils/table_manager.py,sha256=Wf3JXLUzdCiffKF9PJj7edHY7usCXNNZf1P0jRWff-E,4963
|
52
53
|
snowflake/ml/_internal/utils/temp_file_utils.py,sha256=0-HTjXdxVt0kE6XcgyvRvY0btflWlmotP2bMXVpFJPA,1553
|
53
54
|
snowflake/ml/data/__init__.py,sha256=nm5VhN98Lzxr4kb679kglQfqbDbHhd9zYsnFJiQiThg,351
|
54
|
-
snowflake/ml/data/data_connector.py,sha256=
|
55
|
-
snowflake/ml/data/data_ingestor.py,sha256=
|
55
|
+
snowflake/ml/data/data_connector.py,sha256=51Mg7SRgCWRL9cXdcgXyr1c6U6GBzTpcMduRq0_OtJU,11690
|
56
|
+
snowflake/ml/data/data_ingestor.py,sha256=0TFc8qo4TZwdHMaBUBTZ7T8kkZfLGVmStvEx9KrXPHU,1165
|
56
57
|
snowflake/ml/data/data_source.py,sha256=HjBO1xqTyJfAvEAGESUIdke0KvSj5S5-FcI2D2zgejI,512
|
57
58
|
snowflake/ml/data/ingestor_utils.py,sha256=JOv7Kvs0DNhsXUjl940ZULDkeTjIcePCfQ9aL_NteV0,2721
|
58
|
-
snowflake/ml/data/torch_utils.py,sha256=
|
59
|
-
snowflake/ml/data/_internal/arrow_ingestor.py,sha256=
|
59
|
+
snowflake/ml/data/torch_utils.py,sha256=1IgXiqxLgUh0yyNqchOSps5gLqmMOglSctoifjJIDFI,3591
|
60
|
+
snowflake/ml/data/_internal/arrow_ingestor.py,sha256=m26nz2d80dUO5hsKyzJcPzdH607DBvQTiJJE9_M1CSA,12337
|
60
61
|
snowflake/ml/dataset/__init__.py,sha256=nESj7YEI2u90Oxyit_hKCQMWb7N1BlEM3Ho2Fm0MfHo,274
|
61
|
-
snowflake/ml/dataset/dataset.py,sha256=
|
62
|
+
snowflake/ml/dataset/dataset.py,sha256=HV8K9unV2Q9S-gdvzOAY0PfvwPBQUj7QuaaWjzCRNxM,21035
|
62
63
|
snowflake/ml/dataset/dataset_factory.py,sha256=Fym4ICK-B1j6Om4ENwWxEvryq3ZKoCslBSZDBenmjOo,1615
|
63
64
|
snowflake/ml/dataset/dataset_metadata.py,sha256=lcNvugBkP8YEkGMQqaV8SlHs5mwUKsUS8GgaPGNm6wM,4145
|
64
|
-
snowflake/ml/dataset/dataset_reader.py,sha256=
|
65
|
+
snowflake/ml/dataset/dataset_reader.py,sha256=76S7DlVRRv9DH4saAoYVBSeuJm9XMjsNOHTTMIai1jI,5305
|
66
|
+
snowflake/ml/experiment/_experiment_info.py,sha256=iaJ65x6nzBYJ5djleSOzBtMpZUJCUDlRpaDw0pu-dcU,2533
|
67
|
+
snowflake/ml/experiment/experiment_tracking.py,sha256=ljY2HA1E724qnBmvuEzQA8o3ZT0XMJkeIYJ97vXPx5A,11316
|
68
|
+
snowflake/ml/experiment/_client/experiment_tracking_sql_client.py,sha256=rdCBHRqTYW6I2ztCpO-Zyb9nd_0HV26QdpGMDwxZ144,4446
|
69
|
+
snowflake/ml/experiment/_entities/__init__.py,sha256=ThrslBFuDxOUvdS8j_bVmEaEAms8nR1aY0ocYFnVPFg,155
|
70
|
+
snowflake/ml/experiment/_entities/experiment.py,sha256=lKmQj59K8fGDWVwRqeIesxorrChb-m78vX_WUmI7PV0,225
|
71
|
+
snowflake/ml/experiment/_entities/run.py,sha256=_bWt1YpP8iulg5jeBXMXw8zGZHr9zSE9IVIBHcCdfto,2293
|
72
|
+
snowflake/ml/experiment/_entities/run_metadata.py,sha256=j8V2N6QBAx4TP4h7MLIPXqquYI8KyNZnkW6wzm-peuY,1589
|
65
73
|
snowflake/ml/feature_store/__init__.py,sha256=MJr2Gp_EimDgDxD6DtenOEdLTzg6NYPfdNiPM-5rEtw,406
|
66
74
|
snowflake/ml/feature_store/access_manager.py,sha256=Q5ImMXRY8WA5X5dpBMzHnIJmeyKVShjNAlbn3cQb4N8,10654
|
67
75
|
snowflake/ml/feature_store/entity.py,sha256=ViOSlqCV17ouiO4iH-_KvkvJZqSzpf-nfsjijG6G1Uk,4047
|
@@ -95,43 +103,47 @@ snowflake/ml/fileset/sfcfs.py,sha256=FJFc9-gc0KXaNyc10ZovN_87aUCShb0WztVwa02t0io
|
|
95
103
|
snowflake/ml/fileset/snowfs.py,sha256=uF5QluYtiJ-HezGIhF55dONi3t0E6N7ByaVAIAlM3nk,5133
|
96
104
|
snowflake/ml/fileset/stage_fs.py,sha256=V4pysouSKKDPLzuW3u_extxfvjkQa5OlwIRES9Srpzo,20151
|
97
105
|
snowflake/ml/jobs/__init__.py,sha256=v-v9-SA1Vy-M98B31-NlqJgpI6uEg9jEEghJLub1RUY,468
|
98
|
-
snowflake/ml/jobs/decorators.py,sha256=
|
99
|
-
snowflake/ml/jobs/job.py,sha256=
|
100
|
-
snowflake/ml/jobs/manager.py,sha256=
|
101
|
-
snowflake/ml/jobs/_utils/constants.py,sha256=
|
106
|
+
snowflake/ml/jobs/decorators.py,sha256=mQgdWvvCwD7q79cSFKZHKegXGh2j1u8WM64UD3lCKr4,3428
|
107
|
+
snowflake/ml/jobs/job.py,sha256=OBYJoYJ8JD9LW59Og4iUuLkO2aeXfEG9aXTiyhykwIY,20379
|
108
|
+
snowflake/ml/jobs/manager.py,sha256=l0WYfkIjCYAHLrepHwm6M2s8EFJ5Yv2uj2U-s-qXlpA,22390
|
109
|
+
snowflake/ml/jobs/_utils/constants.py,sha256=tFZzFcWNA1okEjhjrfsDwa9ugb2qVdhk3csVOwk95E8,3642
|
102
110
|
snowflake/ml/jobs/_utils/function_payload_utils.py,sha256=4LBaStMdhRxcqwRkwFje-WwiEKRWnBfkaOYouF3N3Kg,1308
|
103
|
-
snowflake/ml/jobs/_utils/interop_utils.py,sha256=
|
104
|
-
snowflake/ml/jobs/_utils/payload_utils.py,sha256=
|
105
|
-
snowflake/ml/jobs/_utils/
|
111
|
+
snowflake/ml/jobs/_utils/interop_utils.py,sha256=7mODMTjKCLXkJloACG6_9b2wvmRgjXF0Jx3wpWYyJeA,21413
|
112
|
+
snowflake/ml/jobs/_utils/payload_utils.py,sha256=FKsRYtZNu484LY01i2RA45aPhnThHnAOQGuaNYuybVQ,24367
|
113
|
+
snowflake/ml/jobs/_utils/query_helper.py,sha256=h5s-_MgHc_f9AmXD5C06frHdP84n9Rmevb1Yu6R1w7s,910
|
114
|
+
snowflake/ml/jobs/_utils/spec_utils.py,sha256=7sojQJljmM7kHnJh2DkqQYqBNgnpSI_tI6Pltn2IrbU,13427
|
106
115
|
snowflake/ml/jobs/_utils/stage_utils.py,sha256=RrJPKHFBmEqOoRe3Lr9ypq0A-tuf8uqmfzxAy-yo9o4,4053
|
107
116
|
snowflake/ml/jobs/_utils/types.py,sha256=l4onybhHhW1hhsbtXVhJ_RmzptClAPHY-fZRTIIcSLY,1087
|
108
117
|
snowflake/ml/jobs/_utils/scripts/constants.py,sha256=PtqQp-KFUjsBBoQIs5TyphmauYJzd5R1m4L31FOWBr0,912
|
109
118
|
snowflake/ml/jobs/_utils/scripts/get_instance_ip.py,sha256=DmWs5cVpNmUcrqnwhrUvxE5PycDWFN88Pdut8vFDHPg,5293
|
110
|
-
snowflake/ml/jobs/_utils/scripts/mljob_launcher.py,sha256=
|
119
|
+
snowflake/ml/jobs/_utils/scripts/mljob_launcher.py,sha256=5gvQMUVKKRimyCkGjTgWbZt4tuOWSzdw4EDTO2pQK9Q,9513
|
111
120
|
snowflake/ml/jobs/_utils/scripts/signal_workers.py,sha256=AR1Pylkm4-FGh10WXfrCtcxaV0rI7IQ2ZiO0Li7zZ3U,7433
|
112
121
|
snowflake/ml/jobs/_utils/scripts/worker_shutdown_listener.py,sha256=SeJ8v5XDriwHAjIGpcQkwVP-f-lO9QIdVjVD7Fkgafs,7893
|
113
122
|
snowflake/ml/lineage/__init__.py,sha256=8p1YGynC-qOxAZ8jZX2z84Reg5bv1NoJMoJmNJCrzI4,65
|
114
|
-
snowflake/ml/lineage/lineage_node.py,sha256=
|
123
|
+
snowflake/ml/lineage/lineage_node.py,sha256=vmikk4qaZuVFhQqW-VM6DuW4tDvmQlNbACvIVZEamcU,5830
|
115
124
|
snowflake/ml/model/__init__.py,sha256=EvPtblqPN6_T6dyVfaYUxCfo_M7D2CQ1OR5giIH4TsQ,314
|
116
125
|
snowflake/ml/model/custom_model.py,sha256=fDhMObqlyzD_qQG1Bq6HHkBN1w3Qzg9e81JWPiqRfc4,12249
|
117
|
-
snowflake/ml/model/
|
118
|
-
snowflake/ml/model/
|
126
|
+
snowflake/ml/model/event_handler.py,sha256=szMzCjo2WJcTe9bD6Prj4NrhMn6Falc9ZitArN4iGC0,4532
|
127
|
+
snowflake/ml/model/model_signature.py,sha256=lusdv46dDf67kvsGzm5No_-PJpuwi80laWF4YzPPi38,32242
|
128
|
+
snowflake/ml/model/target_platform.py,sha256=H5d-wtuKQyVlq9x33vPtYZAlR5ka0ytcKRYgwlKl0bQ,390
|
129
|
+
snowflake/ml/model/task.py,sha256=Zp5JaLB-YfX5p_HSaw81P3J7UnycQq5EMa87A35VOaQ,286
|
130
|
+
snowflake/ml/model/type_hints.py,sha256=F0EW6lbSpZyv5prXc7HBZkPga6LeeCdBpV59CfLdUI4,9309
|
119
131
|
snowflake/ml/model/_client/model/model_impl.py,sha256=Yabrbir5vPMOnsVmQJ23YN7vqhi756Jcm6pfO8Aq92o,17469
|
120
|
-
snowflake/ml/model/_client/model/model_version_impl.py,sha256=
|
132
|
+
snowflake/ml/model/_client/model/model_version_impl.py,sha256=1zZ7wLHRBQf33d6RS9ygkkLOR7yy7hqtAl2fU9nWmTQ,47482
|
121
133
|
snowflake/ml/model/_client/ops/metadata_ops.py,sha256=qpK6PL3OyfuhyOmpvLCpHLy6vCxbZbp1HlEvakFGwv4,4884
|
122
|
-
snowflake/ml/model/_client/ops/model_ops.py,sha256
|
123
|
-
snowflake/ml/model/_client/ops/service_ops.py,sha256=
|
124
|
-
snowflake/ml/model/_client/service/model_deployment_spec.py,sha256=
|
125
|
-
snowflake/ml/model/_client/service/model_deployment_spec_schema.py,sha256=
|
134
|
+
snowflake/ml/model/_client/ops/model_ops.py,sha256=z3T71w9ZNIU5eEA5G59Ous59WzEBs3YBcPO1_zeMI8M,48586
|
135
|
+
snowflake/ml/model/_client/ops/service_ops.py,sha256=pYlmX9eeIJMygIol1eRy_Y5JRLVABu-6nSCZOrP5LeQ,36933
|
136
|
+
snowflake/ml/model/_client/service/model_deployment_spec.py,sha256=07b2vdtUEq-a6BZOqX5sqGhK8SI-L1597IgBgoX0XW0,17505
|
137
|
+
snowflake/ml/model/_client/service/model_deployment_spec_schema.py,sha256=esuS0MsBEzEyh8ifJH4JOUkSsdX_KL1-KT8KswEHltg,1945
|
126
138
|
snowflake/ml/model/_client/sql/_base.py,sha256=Qrm8M92g3MHb-QnSLUlbd8iVKCRxLhG_zr5M2qmXwJ8,1473
|
127
139
|
snowflake/ml/model/_client/sql/model.py,sha256=nstZ8zR7MkXVEfhqLt7PWMik6dZr06nzq7VsF5NVNow,5840
|
128
140
|
snowflake/ml/model/_client/sql/model_version.py,sha256=QwzFlDH5laTqK2qF7SJQSbt28DgspWj3R11l-yD1Da0,23496
|
129
141
|
snowflake/ml/model/_client/sql/service.py,sha256=i8BDpFs7AJQ8D8UXcE4rW_iNJbXGUYtiL_B6KfJKs-Q,12327
|
130
142
|
snowflake/ml/model/_client/sql/stage.py,sha256=2gxYNtmEXricwxeACVUr63OUDCy_iQvCi-kRT4qQtBA,887
|
131
143
|
snowflake/ml/model/_client/sql/tag.py,sha256=9sI0VoldKmsfToWSjMQddozPPGCxYUI6n0gPBiqd6x8,4333
|
132
|
-
snowflake/ml/model/_model_composer/model_composer.py,sha256=
|
133
|
-
snowflake/ml/model/_model_composer/model_manifest/model_manifest.py,sha256=
|
134
|
-
snowflake/ml/model/_model_composer/model_manifest/model_manifest_schema.py,sha256=
|
144
|
+
snowflake/ml/model/_model_composer/model_composer.py,sha256=VIEAY9nW8t9dGKdauoa0QwHf75wEndD4cEzWSz9sENE,11842
|
145
|
+
snowflake/ml/model/_model_composer/model_manifest/model_manifest.py,sha256=fan34qAiV13PuT_mPW3yke5KRQiLJId1emQRN2EEnhU,11220
|
146
|
+
snowflake/ml/model/_model_composer/model_manifest/model_manifest_schema.py,sha256=Oc_PvWG3u0E2pb35w4uMYQdDFEuHdUdOb2gnqnVLE3Q,2917
|
135
147
|
snowflake/ml/model/_model_composer/model_method/constants.py,sha256=hoJwIopSdZiYn0fGq15_NiirC0l02d5LEs2D-4J_tPk,35
|
136
148
|
snowflake/ml/model/_model_composer/model_method/function_generator.py,sha256=nnUJki3bJVCTF3gZ-usZW3xQ6wwlJ08EfNsPAgsnI3s,2625
|
137
149
|
snowflake/ml/model/_model_composer/model_method/infer_function.py_template,sha256=olysEb_bE2C8CjIRAhm7qdr2mtgk77Tx45gnLRVQGFw,1511
|
@@ -141,16 +153,16 @@ snowflake/ml/model/_model_composer/model_method/model_method.py,sha256=NhTAkjRlf
|
|
141
153
|
snowflake/ml/model/_model_composer/model_user_file/model_user_file.py,sha256=dYNgg8P9p6nRH47-OLxZIbt_Ja3t1VPGNQ0qJtpGuAw,1018
|
142
154
|
snowflake/ml/model/_packager/model_handler.py,sha256=qZB5FVRWZD5wDdm6vuuoXnDFar7i2nHarbe8iZRCLPo,2630
|
143
155
|
snowflake/ml/model/_packager/model_packager.py,sha256=FBuepy_W8ZTd4gsQHLnCj-EhO0H2wvjL556YRKOKsO8,6061
|
144
|
-
snowflake/ml/model/_packager/model_env/model_env.py,sha256=
|
156
|
+
snowflake/ml/model/_packager/model_env/model_env.py,sha256=tWZVz0KOt5CixAk5P317XzdejNPbN3EG_oWlIg-9EC0,19571
|
145
157
|
snowflake/ml/model/_packager/model_handlers/_base.py,sha256=OZhGv7nyej3PqaoBz021uGa40T06d9rv-kDcKUY3VnM,7152
|
146
158
|
snowflake/ml/model/_packager/model_handlers/_utils.py,sha256=8y-LfiBfoj2txQD4Yh_GM0eEEOrm1S0R1149J5z31O0,12572
|
147
159
|
snowflake/ml/model/_packager/model_handlers/catboost.py,sha256=dbI2QizGZS04l6ehgXb3oy5YSXrlwRHz8YENVefEbms,10676
|
148
160
|
snowflake/ml/model/_packager/model_handlers/custom.py,sha256=fM_13N5ejT0Ta0-M_Uzsqr_TwGVk_3jSjsLJiMEfyR4,8514
|
149
|
-
snowflake/ml/model/_packager/model_handlers/huggingface_pipeline.py,sha256=
|
161
|
+
snowflake/ml/model/_packager/model_handlers/huggingface_pipeline.py,sha256=n9ufjUozWdTXH0DQhEplYWYLHcqgBujuNVcv7hmABKc,24090
|
150
162
|
snowflake/ml/model/_packager/model_handlers/keras.py,sha256=JKBCiJEjc41zaoEhsen7rnlyPo2RBuEqG9Vq6JR_Cq0,8696
|
151
163
|
snowflake/ml/model/_packager/model_handlers/lightgbm.py,sha256=DAFMiqpXEUmKqeq5rgn5j6rtuwScNnuiMUBwS4OyC7Q,11074
|
152
164
|
snowflake/ml/model/_packager/model_handlers/mlflow.py,sha256=xSpoXO0UOfBUpzx2W1O8P2WF0Xi1vrZ_J-DdgzQG0o8,9177
|
153
|
-
snowflake/ml/model/_packager/model_handlers/pytorch.py,sha256=
|
165
|
+
snowflake/ml/model/_packager/model_handlers/pytorch.py,sha256=mF-pzH1kqL7egpYA3kP1NVwOLNPYdOViEkywdzRXYJc,9867
|
154
166
|
snowflake/ml/model/_packager/model_handlers/sentence_transformers.py,sha256=sKp-bt-fAnruDMZJ5cN6F_m9dJRY0G2FjJ4-KjNLgcg,11380
|
155
167
|
snowflake/ml/model/_packager/model_handlers/sklearn.py,sha256=dH6S7FhJBqVOWPPXyEhN9Kj9tzDdDrD0phaGacoXQ14,18094
|
156
168
|
snowflake/ml/model/_packager/model_handlers/snowmlmodel.py,sha256=uvz-hosuNbtcQFprnS8GzjnM8fWULBDMRbXq8immW9Q,18352
|
@@ -163,13 +175,13 @@ snowflake/ml/model/_packager/model_handlers_migrator/tensorflow_migrator_2023_12
|
|
163
175
|
snowflake/ml/model/_packager/model_handlers_migrator/tensorflow_migrator_2025_01_01.py,sha256=0DxwZtXFgXpxb5LQEAfTUfEFV7zgbG4j3F-oNHLkTgE,769
|
164
176
|
snowflake/ml/model/_packager/model_handlers_migrator/torchscript_migrator_2023_12_01.py,sha256=MDOAGV6kML9sJh_hnYjnrPH4GtECP5DDCjaRT7NmYpU,768
|
165
177
|
snowflake/ml/model/_packager/model_meta/model_blob_meta.py,sha256=CzY_MhiSshKi9dWzXc4lrC9PysU0FCdHG2oRlz1vCb8,1943
|
166
|
-
snowflake/ml/model/_packager/model_meta/model_meta.py,sha256=
|
178
|
+
snowflake/ml/model/_packager/model_meta/model_meta.py,sha256=CctjNVwdC7ghVIPqbhb62t43SOFsmk2j2FdoZMZ8KXs,20063
|
167
179
|
snowflake/ml/model/_packager/model_meta/model_meta_schema.py,sha256=e4TUbWl998xQOZUzEWvb9CrUyHwGHBGb0TNbtezAeQ0,3707
|
168
180
|
snowflake/ml/model/_packager/model_meta_migrator/base_migrator.py,sha256=8zTgq3n6TBXv7Vcwmf7b9wjK3m-9HHMsY0Qy1Rs-sZ4,1305
|
169
181
|
snowflake/ml/model/_packager/model_meta_migrator/migrator_plans.py,sha256=5butM-lyaDRhCAO2BaCOIQufpAxAfSAinsNuGqbbjMU,1029
|
170
182
|
snowflake/ml/model/_packager/model_meta_migrator/migrator_v1.py,sha256=cyZVvBGM3nF1IVqDKfYstLCchNO-ZhSkPvLM4aU7J5c,2066
|
171
|
-
snowflake/ml/model/_packager/model_runtime/_snowml_inference_alternative_requirements.py,sha256=
|
172
|
-
snowflake/ml/model/_packager/model_runtime/model_runtime.py,sha256=
|
183
|
+
snowflake/ml/model/_packager/model_runtime/_snowml_inference_alternative_requirements.py,sha256=oVWE7Ggpx9Gyl0iYtUPJJxPnwCFOUfYxayJPdbYfVh4,907
|
184
|
+
snowflake/ml/model/_packager/model_runtime/model_runtime.py,sha256=xEf-S9QurEOeQzrNxlc-4-S_VkHsVO1eNS4UR0hWwHU,5495
|
173
185
|
snowflake/ml/model/_packager/model_task/model_task_utils.py,sha256=_nm3Irl5W6Oa8_OnJyp3bLeA9QAbV9ygGCsgHI70GX4,6641
|
174
186
|
snowflake/ml/model/_signatures/base_handler.py,sha256=4CTZKKbg4WIz_CmXjyVy8tKZW-5OFcz0J8XVPHm2dfQ,1269
|
175
187
|
snowflake/ml/model/_signatures/builtins_handler.py,sha256=ItWb8xNDDvIhDlmfUFCHOnUllvKZSTsny7_mRwks_Lc,3135
|
@@ -178,10 +190,10 @@ snowflake/ml/model/_signatures/dmatrix_handler.py,sha256=ldcWqadJ9fJp9cOaZ3Mn-hT
|
|
178
190
|
snowflake/ml/model/_signatures/numpy_handler.py,sha256=xy7mBEAs9U5eM8F51NLabLbWXRmyQUffhVweO6jmLBA,5461
|
179
191
|
snowflake/ml/model/_signatures/pandas_handler.py,sha256=rYgSaqdh8d-w22e_ZDt4kCFCkPWEhs-KwL9wyoLUacI,10704
|
180
192
|
snowflake/ml/model/_signatures/pytorch_handler.py,sha256=Xy-ITCCX_EgHcyIIqeYSDUIvE2kiqECa8swy1hmohyc,5036
|
181
|
-
snowflake/ml/model/_signatures/snowpark_handler.py,sha256=
|
193
|
+
snowflake/ml/model/_signatures/snowpark_handler.py,sha256=YOBC_Wx-H8bQ967A47nYgqcqLjEA15FbZK69TyAEgvU,7590
|
182
194
|
snowflake/ml/model/_signatures/tensorflow_handler.py,sha256=_yrvMg-w_jJoYuyrGXKPX4Dv7Vt8z1e6xIKiWGuZcc4,5660
|
183
195
|
snowflake/ml/model/_signatures/utils.py,sha256=WLaHpb-4BPB7IBFg2sOkH2N7AojXt2PQR7M8hmtNkXA,17164
|
184
|
-
snowflake/ml/model/models/huggingface_pipeline.py,sha256=
|
196
|
+
snowflake/ml/model/models/huggingface_pipeline.py,sha256=as-6VMYPRiZy-HflAkmUrqu9f89U3L10BvoVz-NGNBg,17914
|
185
197
|
snowflake/ml/modeling/_internal/estimator_utils.py,sha256=oGi5qbZeV-1cM1Pl-rZLBvcr3YRoUzN_te_l-18apLI,11993
|
186
198
|
snowflake/ml/modeling/_internal/model_specifications.py,sha256=3wFMcKPCSoiEzU7Mx6RVem89BRlBBENpX__-Rd7GwdU,4851
|
187
199
|
snowflake/ml/modeling/_internal/model_trainer.py,sha256=5Ck1lbdyzcd-TpzAxEyovIN9fjaaVIqugyMHXt0wzH0,971
|
@@ -264,7 +276,7 @@ snowflake/ml/modeling/feature_selection/select_percentile.py,sha256=J8tbZQpz2tJn
|
|
264
276
|
snowflake/ml/modeling/feature_selection/sequential_feature_selector.py,sha256=Kyzf2jziMQp2Q5nq8ar5-JAEV9cRZX2axlN9orZMOBI,53782
|
265
277
|
snowflake/ml/modeling/feature_selection/variance_threshold.py,sha256=DombmnjBuNvDItNEXH_OMV-4wkOVAZmXCMTE9kW0j0Y,50644
|
266
278
|
snowflake/ml/modeling/framework/_utils.py,sha256=UvB9hlvvUl_N6qQM-xIDcbtMr0oJQnlV1aTZCRUveQg,10197
|
267
|
-
snowflake/ml/modeling/framework/base.py,sha256=
|
279
|
+
snowflake/ml/modeling/framework/base.py,sha256=DZAsRuPDV_NX7Epqfu2kHuT0oBdAVKPIX43L2Z63NP0,31943
|
268
280
|
snowflake/ml/modeling/gaussian_process/__init__.py,sha256=rY5qSOkHj59bHiTV6LhBiEhUA0StoCb0ACNR2vkV4v0,297
|
269
281
|
snowflake/ml/modeling/gaussian_process/gaussian_process_classifier.py,sha256=53AOs2kSN7Y6humFHfzQ_b1UdsLKKyvFg3RmPe3jwys,56274
|
270
282
|
snowflake/ml/modeling/gaussian_process/gaussian_process_regressor.py,sha256=Gt3NvazKv-JN84mBCs40PmGWcJqo65hhJLZS1ZK1TIo,55338
|
@@ -326,12 +338,12 @@ snowflake/ml/modeling/manifold/mds.py,sha256=I_QuAmmAvR_XVhC02S1Id8_86onuZVDn3C2
|
|
326
338
|
snowflake/ml/modeling/manifold/spectral_embedding.py,sha256=WWXDnycP_jkLO5krDH_HkF8RGmvGbc0p5UcNpojImRs,53476
|
327
339
|
snowflake/ml/modeling/manifold/tsne.py,sha256=oSHMII0dVUst6ezVmfTlyP3wJywVJIt7Aj965a1p1PY,56599
|
328
340
|
snowflake/ml/modeling/metrics/__init__.py,sha256=1lc1DCVNeo7D-gvvCjmpI5tFIIrOsEdEZMrQiXJnQ8E,507
|
329
|
-
snowflake/ml/modeling/metrics/classification.py,sha256=
|
330
|
-
snowflake/ml/modeling/metrics/correlation.py,sha256=
|
341
|
+
snowflake/ml/modeling/metrics/classification.py,sha256=UOc2w9iGkLzuleTpxCbfhAWpbli0HvNsGsN-r8G0ztI,66433
|
342
|
+
snowflake/ml/modeling/metrics/correlation.py,sha256=N7GIT-EVlvyh_WMC-zOUzDUUQeKU1IXu4ocOjnx-WQo,5187
|
331
343
|
snowflake/ml/modeling/metrics/covariance.py,sha256=HxJK1mwyt6lMSg8yonHFQ8IxAEa62MHeb1M3eHEtqlk,4672
|
332
|
-
snowflake/ml/modeling/metrics/metrics_utils.py,sha256=
|
333
|
-
snowflake/ml/modeling/metrics/ranking.py,sha256=
|
334
|
-
snowflake/ml/modeling/metrics/regression.py,sha256=
|
344
|
+
snowflake/ml/modeling/metrics/metrics_utils.py,sha256=XuAjYfL437LCeBY8RMElunk8jgVzemAgln573JzS3Qk,13315
|
345
|
+
snowflake/ml/modeling/metrics/ranking.py,sha256=NwMdH_nubwdpIcCAZFEyafw_46uS9ULGdWkMgstGwjk,17774
|
346
|
+
snowflake/ml/modeling/metrics/regression.py,sha256=qHUdhRkRssl2BDLyUyn5vZQqcrSVxp3TgTWa1kh1Mso,26052
|
335
347
|
snowflake/ml/modeling/mixture/__init__.py,sha256=rY5qSOkHj59bHiTV6LhBiEhUA0StoCb0ACNR2vkV4v0,297
|
336
348
|
snowflake/ml/modeling/mixture/bayesian_gaussian_mixture.py,sha256=vKF2eQnrB63KmDKv0uRytR9-1CYOYU52fr79q0Mfvp8,57984
|
337
349
|
snowflake/ml/modeling/mixture/gaussian_mixture.py,sha256=-RLbWrJUJTZ1GZwNn0yrZKwGQpSJZgof6iJpYJG0Wz0,55877
|
@@ -399,7 +411,7 @@ snowflake/ml/modeling/xgboost/xgb_classifier.py,sha256=SF5F4elDdHmt8Wtth8BIH2Sc6
|
|
399
411
|
snowflake/ml/modeling/xgboost/xgb_regressor.py,sha256=5x-N1Yym0OfF3D7lHNzLByaazc4aoDNVmCQ-TgbYOGg,63580
|
400
412
|
snowflake/ml/modeling/xgboost/xgbrf_classifier.py,sha256=H3SAtx-2mIwS3N_ltBXVHlbLeYun5TtdBBN_goeKrBg,64253
|
401
413
|
snowflake/ml/modeling/xgboost/xgbrf_regressor.py,sha256=Up3rbL7pfeglVKx920UpLhBzHxteXLTWHqIk5WX9iPY,63778
|
402
|
-
snowflake/ml/monitoring/explain_visualize.py,sha256=
|
414
|
+
snowflake/ml/monitoring/explain_visualize.py,sha256=Vj4x7ClGvXY42HQzFcvVr1CbO_vVfZv6eZn_jV9N9gk,16145
|
403
415
|
snowflake/ml/monitoring/model_monitor.py,sha256=-PlqiIc3R2a_eh789KaeApbK-RV4VUfRucWGqjKhOKs,1885
|
404
416
|
snowflake/ml/monitoring/shap.py,sha256=Dp9nYquPEZjxMTW62YYA9g9qUdmCEFxcSk7ejvOP7PE,3597
|
405
417
|
snowflake/ml/monitoring/_client/model_monitor_sql_client.py,sha256=Ke1fsN4347APII-EETEBY7hTydY9MRgQubinCE6eI_U,12700
|
@@ -408,15 +420,15 @@ snowflake/ml/monitoring/_client/queries/rmse.ssql,sha256=OEJiSStRz9-qKoZaFvmubtY
|
|
408
420
|
snowflake/ml/monitoring/_manager/model_monitor_manager.py,sha256=0jpT1-aRU2tsxSM87I-C2kfJeLevCgM-a-OwU_-VUdI,10302
|
409
421
|
snowflake/ml/monitoring/entities/model_monitor_config.py,sha256=1W6TFTPicC6YAbjD7A0w8WMhWireyUxyuEy0RQXmqyY,1787
|
410
422
|
snowflake/ml/registry/__init__.py,sha256=XdPQK9ejYkSJVrSQ7HD3jKQO0hKq2mC4bPCB6qrtH3U,76
|
411
|
-
snowflake/ml/registry/registry.py,sha256=
|
412
|
-
snowflake/ml/registry/_manager/model_manager.py,sha256=
|
423
|
+
snowflake/ml/registry/registry.py,sha256=ocn2OUGs9OJzKP4YseV1XrBpuWzTzkv_-o5Eb17NkVo,33900
|
424
|
+
snowflake/ml/registry/_manager/model_manager.py,sha256=IqeXmv-aXkMAZi8bcxyrxiOqwx38_l78RUTu17-2BrI,19480
|
413
425
|
snowflake/ml/utils/authentication.py,sha256=E1at4TIAQRDZDsMXSbrKvSJaT6_kSYJBkkr37vU9P2s,2606
|
414
426
|
snowflake/ml/utils/connection_params.py,sha256=JuadbzKlgDZLZ5vJ9cnyAiSitvZT9jGSfSSNjIY9P1Q,8282
|
415
427
|
snowflake/ml/utils/html_utils.py,sha256=L4pzpvFd20SIk4rie2kTAtcQjbxBHfjKmxonMAT2OoA,7665
|
416
428
|
snowflake/ml/utils/sparse.py,sha256=zLBNh-ynhGpKH5TFtopk0YLkHGvv0yq1q-sV59YQKgg,3819
|
417
429
|
snowflake/ml/utils/sql_client.py,sha256=pSe2od6Pkh-8NwG3D-xqN76_uNf-ohOtVbT55HeQg1Y,668
|
418
|
-
snowflake_ml_python-1.
|
419
|
-
snowflake_ml_python-1.
|
420
|
-
snowflake_ml_python-1.
|
421
|
-
snowflake_ml_python-1.
|
422
|
-
snowflake_ml_python-1.
|
430
|
+
snowflake_ml_python-1.9.1.dist-info/licenses/LICENSE.txt,sha256=PdEp56Av5m3_kl21iFkVTX_EbHJKFGEdmYeIO1pL_Yk,11365
|
431
|
+
snowflake_ml_python-1.9.1.dist-info/METADATA,sha256=O4ePIAK6TpB1Ii-tqrKcA8EKr12kKF4HkikK2PB4bn8,89142
|
432
|
+
snowflake_ml_python-1.9.1.dist-info/WHEEL,sha256=_zCd3N1l69ArxyTb8rzEoP9TpbYXkqRFSNOD5OuxnTs,91
|
433
|
+
snowflake_ml_python-1.9.1.dist-info/top_level.txt,sha256=TY0gFSHKDdZy3THb0FGomyikWQasEGldIR1O0HGOHVw,10
|
434
|
+
snowflake_ml_python-1.9.1.dist-info/RECORD,,
|
File without changes
|
{snowflake_ml_python-1.8.6.dist-info → snowflake_ml_python-1.9.1.dist-info}/licenses/LICENSE.txt
RENAMED
File without changes
|
File without changes
|