snowflake-ml-python 1.7.5__py3-none-any.whl → 1.8.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/cortex/_complete.py +58 -3
- snowflake/ml/_internal/file_utils.py +18 -4
- snowflake/ml/_internal/platform_capabilities.py +3 -0
- snowflake/ml/_internal/telemetry.py +4 -0
- snowflake/ml/fileset/fileset.py +0 -1
- snowflake/ml/jobs/_utils/constants.py +25 -1
- snowflake/ml/jobs/_utils/payload_utils.py +94 -20
- snowflake/ml/jobs/_utils/spec_utils.py +95 -31
- snowflake/ml/jobs/decorators.py +7 -0
- snowflake/ml/jobs/manager.py +20 -0
- snowflake/ml/model/_client/model/model_version_impl.py +1 -1
- snowflake/ml/model/_client/ops/model_ops.py +113 -17
- snowflake/ml/model/_client/ops/service_ops.py +16 -5
- snowflake/ml/model/_client/service/model_deployment_spec.py +7 -3
- snowflake/ml/model/_client/sql/model_version.py +58 -0
- snowflake/ml/model/_client/sql/service.py +10 -2
- snowflake/ml/model/_model_composer/model_composer.py +50 -3
- snowflake/ml/model/_model_composer/model_manifest/model_manifest.py +5 -2
- snowflake/ml/model/_model_composer/model_manifest/model_manifest_schema.py +2 -1
- snowflake/ml/model/_model_composer/model_method/model_method.py +0 -1
- snowflake/ml/model/_packager/model_env/model_env.py +4 -1
- snowflake/ml/model/_packager/model_handlers/huggingface_pipeline.py +28 -24
- snowflake/ml/model/_packager/model_handlers/keras.py +1 -5
- snowflake/ml/model/_packager/model_handlers/pytorch.py +50 -20
- snowflake/ml/model/_packager/model_handlers/sklearn.py +2 -8
- snowflake/ml/model/_packager/model_handlers/snowmlmodel.py +1 -2
- snowflake/ml/model/_packager/model_handlers/tensorflow.py +46 -26
- snowflake/ml/model/_packager/model_handlers/torchscript.py +49 -20
- snowflake/ml/model/_packager/model_handlers/xgboost.py +2 -2
- snowflake/ml/model/_packager/model_handlers_migrator/pytorch_migrator_2023_12_01.py +20 -0
- snowflake/ml/model/_packager/model_handlers_migrator/tensorflow_migrator_2025_01_01.py +19 -0
- snowflake/ml/model/_packager/model_handlers_migrator/torchscript_migrator_2023_12_01.py +20 -0
- snowflake/ml/model/_packager/model_meta/_packaging_requirements.py +1 -2
- snowflake/ml/model/_packager/model_meta/model_meta.py +5 -1
- snowflake/ml/model/_packager/model_meta/model_meta_schema.py +14 -0
- snowflake/ml/model/_packager/model_packager.py +3 -5
- snowflake/ml/model/_packager/model_runtime/_snowml_inference_alternative_requirements.py +1 -2
- snowflake/ml/model/_packager/model_runtime/model_runtime.py +4 -0
- snowflake/ml/model/_signatures/builtins_handler.py +20 -9
- snowflake/ml/model/_signatures/core.py +52 -31
- snowflake/ml/model/_signatures/dmatrix_handler.py +98 -0
- snowflake/ml/model/_signatures/numpy_handler.py +9 -17
- snowflake/ml/model/_signatures/pandas_handler.py +19 -30
- snowflake/ml/model/_signatures/pytorch_handler.py +57 -41
- snowflake/ml/model/_signatures/snowpark_handler.py +0 -12
- snowflake/ml/model/_signatures/tensorflow_handler.py +61 -67
- snowflake/ml/model/_signatures/utils.py +120 -8
- snowflake/ml/model/custom_model.py +13 -4
- snowflake/ml/model/model_signature.py +31 -13
- snowflake/ml/model/type_hints.py +13 -2
- snowflake/ml/modeling/_internal/estimator_utils.py +5 -1
- snowflake/ml/modeling/metrics/ranking.py +3 -0
- snowflake/ml/modeling/metrics/regression.py +3 -0
- snowflake/ml/modeling/preprocessing/k_bins_discretizer.py +1 -1
- snowflake/ml/registry/_manager/model_manager.py +55 -7
- snowflake/ml/registry/registry.py +59 -1
- snowflake/ml/version.py +1 -1
- {snowflake_ml_python-1.7.5.dist-info → snowflake_ml_python-1.8.1.dist-info}/METADATA +308 -12
- {snowflake_ml_python-1.7.5.dist-info → snowflake_ml_python-1.8.1.dist-info}/RECORD +62 -58
- {snowflake_ml_python-1.7.5.dist-info → snowflake_ml_python-1.8.1.dist-info}/WHEEL +1 -1
- {snowflake_ml_python-1.7.5.dist-info → snowflake_ml_python-1.8.1.dist-info/licenses}/LICENSE.txt +0 -0
- {snowflake_ml_python-1.7.5.dist-info → snowflake_ml_python-1.8.1.dist-info}/top_level.txt +0 -0
@@ -1,6 +1,6 @@
|
|
1
|
-
Metadata-Version: 2.
|
1
|
+
Metadata-Version: 2.4
|
2
2
|
Name: snowflake-ml-python
|
3
|
-
Version: 1.
|
3
|
+
Version: 1.8.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:
|
@@ -236,7 +236,7 @@ License-File: LICENSE.txt
|
|
236
236
|
Requires-Dist: absl-py<2,>=0.15
|
237
237
|
Requires-Dist: anyio<5,>=3.5.0
|
238
238
|
Requires-Dist: cachetools<6,>=3.1.1
|
239
|
-
Requires-Dist: cloudpickle
|
239
|
+
Requires-Dist: cloudpickle<3,>=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
|
@@ -251,7 +251,7 @@ Requires-Dist: retrying<2,>=1.3.3
|
|
251
251
|
Requires-Dist: s3fs<2026,>=2024.6.1
|
252
252
|
Requires-Dist: scikit-learn<1.6,>=1.4
|
253
253
|
Requires-Dist: scipy<2,>=1.9
|
254
|
-
Requires-Dist: snowflake-connector-python[pandas]<4,>=3.
|
254
|
+
Requires-Dist: snowflake-connector-python[pandas]<4,>=3.12.0
|
255
255
|
Requires-Dist: snowflake-snowpark-python!=1.26.0,<2,>=1.17.0
|
256
256
|
Requires-Dist: sqlparse<1,>=0.4
|
257
257
|
Requires-Dist: typing-extensions<5,>=4.1.0
|
@@ -261,14 +261,14 @@ Requires-Dist: catboost<2,>=1.2.0; extra == "all"
|
|
261
261
|
Requires-Dist: keras<4,>=2.0.0; extra == "all"
|
262
262
|
Requires-Dist: lightgbm<5,>=4.1.0; extra == "all"
|
263
263
|
Requires-Dist: mlflow<3,>=2.16.0; extra == "all"
|
264
|
-
Requires-Dist: sentence-transformers<
|
264
|
+
Requires-Dist: sentence-transformers<4,>=2.7.0; extra == "all"
|
265
265
|
Requires-Dist: sentencepiece<0.2.0,>=0.1.95; extra == "all"
|
266
266
|
Requires-Dist: shap<1,>=0.46.0; extra == "all"
|
267
267
|
Requires-Dist: tensorflow<3,>=2.17.0; extra == "all"
|
268
268
|
Requires-Dist: tokenizers<1,>=0.15.1; extra == "all"
|
269
269
|
Requires-Dist: torch<3,>=2.0.1; extra == "all"
|
270
270
|
Requires-Dist: torchdata<1,>=0.4; extra == "all"
|
271
|
-
Requires-Dist: transformers<5,>=4.
|
271
|
+
Requires-Dist: transformers<5,>=4.39.3; extra == "all"
|
272
272
|
Provides-Extra: catboost
|
273
273
|
Requires-Dist: catboost<2,>=1.2.0; extra == "catboost"
|
274
274
|
Provides-Extra: keras
|
@@ -287,11 +287,12 @@ Provides-Extra: torch
|
|
287
287
|
Requires-Dist: torch<3,>=2.0.1; extra == "torch"
|
288
288
|
Requires-Dist: torchdata<1,>=0.4; extra == "torch"
|
289
289
|
Provides-Extra: transformers
|
290
|
-
Requires-Dist: sentence-transformers<
|
290
|
+
Requires-Dist: sentence-transformers<4,>=2.7.0; extra == "transformers"
|
291
291
|
Requires-Dist: sentencepiece<0.2.0,>=0.1.95; extra == "transformers"
|
292
292
|
Requires-Dist: tokenizers<1,>=0.15.1; extra == "transformers"
|
293
293
|
Requires-Dist: torch<3,>=2.0.1; extra == "transformers"
|
294
|
-
Requires-Dist: transformers<5,>=4.
|
294
|
+
Requires-Dist: transformers<5,>=4.39.3; extra == "transformers"
|
295
|
+
Dynamic: license-file
|
295
296
|
|
296
297
|
# Snowpark ML
|
297
298
|
|
@@ -401,10 +402,307 @@ NOTE: Version 1.7.0 is used as example here. Please choose the the latest versio
|
|
401
402
|
|
402
403
|
# Release History
|
403
404
|
|
404
|
-
## 1.
|
405
|
+
## 1.8.1
|
406
|
+
|
407
|
+
### Bug Fixes
|
408
|
+
|
409
|
+
- Registry: Fix a bug that caused `unsupported model type` error while logging a sklearn model with `score_samples`
|
410
|
+
inference method.
|
411
|
+
- Registry: Fix a bug that model inference service creation fails on an existing and suspended service.
|
412
|
+
|
413
|
+
### Behavior Change
|
414
|
+
|
415
|
+
### New Features
|
416
|
+
|
417
|
+
- ML Job (PrPr): Update Container Runtime image version to `1.0.1`
|
418
|
+
- ML Job (PrPr): Add `enable_metrics` argument to job submission APIs to enable publishing service metrics to Event Table.
|
419
|
+
See [Accessing Event Table service metrics](https://docs.snowflake.com/en/developer-guide/snowpark-container-services/monitoring-services#accessing-event-table-service-metrics)
|
420
|
+
for retrieving published metrics
|
421
|
+
and [Costs of telemetry data collection](https://docs.snowflake.com/en/developer-guide/logging-tracing/logging-tracing-billing)
|
422
|
+
for cost implications.
|
423
|
+
- Registry: When creating a copy of a `ModelVersion` with `log_model`, raise an exception if unsupported arguments are provided.
|
424
|
+
|
425
|
+
## 1.8.0
|
426
|
+
|
427
|
+
### Bug Fixes
|
428
|
+
|
429
|
+
- Modeling: Fix a bug in some metrics that allowed an unsupported version of numpy to be installed
|
430
|
+
automatically in the stored procedure, resulting in a numpy error on execution
|
431
|
+
- Registry: Fix a bug that leads to incorrect `Model is does not have _is_inference_api` error message when assigning
|
432
|
+
a supported model as a property of a CustomModel.
|
433
|
+
- Registry: Fix a bug that inference is not working when models with more than 500 input features
|
434
|
+
are deployed to SPCS.
|
435
|
+
|
436
|
+
### Behavior Change
|
437
|
+
|
438
|
+
- Registry: With FeatureGroupSpec support, auto inferred model signature for `transformers.Pipeline` models have been
|
439
|
+
updated, including:
|
440
|
+
- Signature for fill-mask task has been changed from
|
441
|
+
|
442
|
+
```python
|
443
|
+
ModelSignature(
|
444
|
+
inputs=[
|
445
|
+
FeatureSpec(name="inputs", dtype=DataType.STRING),
|
446
|
+
],
|
447
|
+
outputs=[
|
448
|
+
FeatureSpec(name="outputs", dtype=DataType.STRING),
|
449
|
+
],
|
450
|
+
)
|
451
|
+
```
|
452
|
+
|
453
|
+
to
|
454
|
+
|
455
|
+
```python
|
456
|
+
ModelSignature(
|
457
|
+
inputs=[
|
458
|
+
FeatureSpec(name="inputs", dtype=DataType.STRING),
|
459
|
+
],
|
460
|
+
outputs=[
|
461
|
+
FeatureGroupSpec(
|
462
|
+
name="outputs",
|
463
|
+
specs=[
|
464
|
+
FeatureSpec(name="sequence", dtype=DataType.STRING),
|
465
|
+
FeatureSpec(name="score", dtype=DataType.DOUBLE),
|
466
|
+
FeatureSpec(name="token", dtype=DataType.INT64),
|
467
|
+
FeatureSpec(name="token_str", dtype=DataType.STRING),
|
468
|
+
],
|
469
|
+
shape=(-1,),
|
470
|
+
),
|
471
|
+
],
|
472
|
+
)
|
473
|
+
```
|
474
|
+
|
475
|
+
- Signature for token-classification task has been changed from
|
476
|
+
|
477
|
+
```python
|
478
|
+
ModelSignature(
|
479
|
+
inputs=[
|
480
|
+
FeatureSpec(name="inputs", dtype=DataType.STRING),
|
481
|
+
],
|
482
|
+
outputs=[
|
483
|
+
FeatureSpec(name="outputs", dtype=DataType.STRING),
|
484
|
+
],
|
485
|
+
)
|
486
|
+
```
|
487
|
+
|
488
|
+
to
|
489
|
+
|
490
|
+
```python
|
491
|
+
ModelSignature(
|
492
|
+
inputs=[FeatureSpec(name="inputs", dtype=DataType.STRING)],
|
493
|
+
outputs=[
|
494
|
+
FeatureGroupSpec(
|
495
|
+
name="outputs",
|
496
|
+
specs=[
|
497
|
+
FeatureSpec(name="word", dtype=DataType.STRING),
|
498
|
+
FeatureSpec(name="score", dtype=DataType.DOUBLE),
|
499
|
+
FeatureSpec(name="entity", dtype=DataType.STRING),
|
500
|
+
FeatureSpec(name="index", dtype=DataType.INT64),
|
501
|
+
FeatureSpec(name="start", dtype=DataType.INT64),
|
502
|
+
FeatureSpec(name="end", dtype=DataType.INT64),
|
503
|
+
],
|
504
|
+
shape=(-1,),
|
505
|
+
),
|
506
|
+
],
|
507
|
+
)
|
508
|
+
```
|
509
|
+
|
510
|
+
- Signature for question-answering task when top_k is larger than 1 has been changed from
|
511
|
+
|
512
|
+
```python
|
513
|
+
ModelSignature(
|
514
|
+
inputs=[
|
515
|
+
FeatureSpec(name="question", dtype=DataType.STRING),
|
516
|
+
FeatureSpec(name="context", dtype=DataType.STRING),
|
517
|
+
],
|
518
|
+
outputs=[
|
519
|
+
FeatureSpec(name="outputs", dtype=DataType.STRING),
|
520
|
+
],
|
521
|
+
)
|
522
|
+
```
|
523
|
+
|
524
|
+
to
|
525
|
+
|
526
|
+
```python
|
527
|
+
ModelSignature(
|
528
|
+
inputs=[
|
529
|
+
FeatureSpec(name="question", dtype=DataType.STRING),
|
530
|
+
FeatureSpec(name="context", dtype=DataType.STRING),
|
531
|
+
],
|
532
|
+
outputs=[
|
533
|
+
FeatureGroupSpec(
|
534
|
+
name="answers",
|
535
|
+
specs=[
|
536
|
+
FeatureSpec(name="score", dtype=DataType.DOUBLE),
|
537
|
+
FeatureSpec(name="start", dtype=DataType.INT64),
|
538
|
+
FeatureSpec(name="end", dtype=DataType.INT64),
|
539
|
+
FeatureSpec(name="answer", dtype=DataType.STRING),
|
540
|
+
],
|
541
|
+
shape=(-1,),
|
542
|
+
),
|
543
|
+
],
|
544
|
+
)
|
545
|
+
```
|
546
|
+
|
547
|
+
- Signature for text-classification task when top_k is `None` has been changed from
|
548
|
+
|
549
|
+
```python
|
550
|
+
ModelSignature(
|
551
|
+
inputs=[
|
552
|
+
FeatureSpec(name="text", dtype=DataType.STRING),
|
553
|
+
FeatureSpec(name="text_pair", dtype=DataType.STRING),
|
554
|
+
],
|
555
|
+
outputs=[
|
556
|
+
FeatureSpec(name="label", dtype=DataType.STRING),
|
557
|
+
FeatureSpec(name="score", dtype=DataType.DOUBLE),
|
558
|
+
],
|
559
|
+
)
|
560
|
+
```
|
561
|
+
|
562
|
+
to
|
563
|
+
|
564
|
+
```python
|
565
|
+
ModelSignature(
|
566
|
+
inputs=[
|
567
|
+
FeatureSpec(name="text", dtype=DataType.STRING),
|
568
|
+
],
|
569
|
+
outputs=[
|
570
|
+
FeatureSpec(name="label", dtype=DataType.STRING),
|
571
|
+
FeatureSpec(name="score", dtype=DataType.DOUBLE),
|
572
|
+
],
|
573
|
+
)
|
574
|
+
```
|
575
|
+
|
576
|
+
- Signature for text-classification task when top_k is not `None` has been changed from
|
577
|
+
|
578
|
+
```python
|
579
|
+
ModelSignature(
|
580
|
+
inputs=[
|
581
|
+
FeatureSpec(name="text", dtype=DataType.STRING),
|
582
|
+
FeatureSpec(name="text_pair", dtype=DataType.STRING),
|
583
|
+
],
|
584
|
+
outputs=[
|
585
|
+
FeatureSpec(name="outputs", dtype=DataType.STRING),
|
586
|
+
],
|
587
|
+
)
|
588
|
+
```
|
589
|
+
|
590
|
+
to
|
591
|
+
|
592
|
+
```python
|
593
|
+
ModelSignature(
|
594
|
+
inputs=[
|
595
|
+
FeatureSpec(name="text", dtype=DataType.STRING),
|
596
|
+
],
|
597
|
+
outputs=[
|
598
|
+
FeatureGroupSpec(
|
599
|
+
name="labels",
|
600
|
+
specs=[
|
601
|
+
FeatureSpec(name="label", dtype=DataType.STRING),
|
602
|
+
FeatureSpec(name="score", dtype=DataType.DOUBLE),
|
603
|
+
],
|
604
|
+
shape=(-1,),
|
605
|
+
),
|
606
|
+
],
|
607
|
+
)
|
608
|
+
```
|
609
|
+
|
610
|
+
- Signature for text-generation task has been changed from
|
611
|
+
|
612
|
+
```python
|
613
|
+
ModelSignature(
|
614
|
+
inputs=[FeatureSpec(name="inputs", dtype=DataType.STRING)],
|
615
|
+
outputs=[
|
616
|
+
FeatureSpec(name="outputs", dtype=DataType.STRING),
|
617
|
+
],
|
618
|
+
)
|
619
|
+
```
|
620
|
+
|
621
|
+
to
|
622
|
+
|
623
|
+
```python
|
624
|
+
ModelSignature(
|
625
|
+
inputs=[
|
626
|
+
FeatureGroupSpec(
|
627
|
+
name="inputs",
|
628
|
+
specs=[
|
629
|
+
FeatureSpec(name="role", dtype=DataType.STRING),
|
630
|
+
FeatureSpec(name="content", dtype=DataType.STRING),
|
631
|
+
],
|
632
|
+
shape=(-1,),
|
633
|
+
),
|
634
|
+
],
|
635
|
+
outputs=[
|
636
|
+
FeatureGroupSpec(
|
637
|
+
name="outputs",
|
638
|
+
specs=[
|
639
|
+
FeatureSpec(name="generated_text", dtype=DataType.STRING),
|
640
|
+
],
|
641
|
+
shape=(-1,),
|
642
|
+
)
|
643
|
+
],
|
644
|
+
)
|
645
|
+
```
|
646
|
+
|
647
|
+
- Registry: PyTorch and TensorFlow models now expect a single tensor input/output by default when logging to Model
|
648
|
+
Registry. To use multiple tensors (previous behavior), set `options={"multiple_inputs": True}`.
|
649
|
+
|
650
|
+
Example with single tensor input:
|
651
|
+
|
652
|
+
```python
|
653
|
+
import torch
|
654
|
+
|
655
|
+
class TorchModel(torch.nn.Module):
|
656
|
+
def __init__(self, n_input: int, n_hidden: int, n_out: int, dtype: torch.dtype = torch.float32) -> None:
|
657
|
+
super().__init__()
|
658
|
+
self.model = torch.nn.Sequential(
|
659
|
+
torch.nn.Linear(n_input, n_hidden, dtype=dtype),
|
660
|
+
torch.nn.ReLU(),
|
661
|
+
torch.nn.Linear(n_hidden, n_out, dtype=dtype),
|
662
|
+
torch.nn.Sigmoid(),
|
663
|
+
)
|
664
|
+
|
665
|
+
def forward(self, tensor: torch.Tensor) -> torch.Tensor:
|
666
|
+
return cast(torch.Tensor, self.model(tensor))
|
667
|
+
|
668
|
+
# Sample usage:
|
669
|
+
data_x = torch.rand(size=(batch_size, n_input))
|
670
|
+
|
671
|
+
# Log model with single tensor
|
672
|
+
reg.log_model(
|
673
|
+
model=model,
|
674
|
+
...,
|
675
|
+
sample_input_data=data_x
|
676
|
+
)
|
677
|
+
|
678
|
+
# Run inference with single tensor
|
679
|
+
mv.run(data_x)
|
680
|
+
```
|
681
|
+
|
682
|
+
For multiple tensor inputs/outputs, use:
|
683
|
+
|
684
|
+
```python
|
685
|
+
reg.log_model(
|
686
|
+
model=model,
|
687
|
+
...,
|
688
|
+
sample_input_data=[data_x_1, data_x_2],
|
689
|
+
options={"multiple_inputs": True}
|
690
|
+
)
|
691
|
+
```
|
692
|
+
|
693
|
+
- Registry: Default `enable_explainability` to False when the model can be deployed to Snowpark Container Services.
|
694
|
+
|
695
|
+
### New Features
|
696
|
+
|
697
|
+
- Registry: Added support to single `torch.Tensor`, `tensorflow.Tensor` and `tensorflow.Variable` as input or output
|
698
|
+
data.
|
699
|
+
- Registry: Support [`xgboost.DMatrix`](https://xgboost.readthedocs.io/en/stable/python/python_api.html#xgboost.DMatrix)
|
700
|
+
datatype for XGBoost models.
|
701
|
+
|
702
|
+
## 1.7.5 (03-06-2025)
|
405
703
|
|
406
704
|
- Support Python 3.12.
|
407
|
-
- Explainability: Support native and
|
705
|
+
- Explainability: Support native and snowflake.ml.modeling sklearn pipeline
|
408
706
|
|
409
707
|
### Bug Fixes
|
410
708
|
|
@@ -421,8 +719,6 @@ NOTE: Version 1.7.0 is used as example here. Please choose the the latest versio
|
|
421
719
|
`ValueError(f"{self.entrypoint} must be a subpath of {self.source}")`
|
422
720
|
- ML Job (PrPr): Fixed a bug in Ray cluster startup config which caused certain Runtime APIs to fail
|
423
721
|
|
424
|
-
### Behavior Change
|
425
|
-
|
426
722
|
### New Features
|
427
723
|
|
428
724
|
- Registry: Added support for handling Hugging Face model configurations with auto-mapping functionality.
|
@@ -1,6 +1,6 @@
|
|
1
1
|
snowflake/cortex/__init__.py,sha256=gboUvJBYzJIq11AK_Qa0ipOUbKctHahNXe1p1Z7j8xY,1032
|
2
2
|
snowflake/cortex/_classify_text.py,sha256=zlAUJXPgcEwmh9KtkqafAD0NRP3UBboCJGVzMylW4Lk,1640
|
3
|
-
snowflake/cortex/_complete.py,sha256=
|
3
|
+
snowflake/cortex/_complete.py,sha256=H_g1WWxTX9HlG-97UHip9Yg1Na4WITHJ_DoVEXlVKgc,18546
|
4
4
|
snowflake/cortex/_embed_text_1024.py,sha256=P3oMsrMol_rTK0lZxDmEBx7XSA9HB2y3AMjaD66LrgY,1651
|
5
5
|
snowflake/cortex/_embed_text_768.py,sha256=_WMt_FHu3n-CKXj8yiposDSi763Sd-NHV9UeGQ7YHaE,1643
|
6
6
|
snowflake/cortex/_extract_answer.py,sha256=7C-23JytRKdZN9ZYY9w10RfAe_GzmvzKAqqUDl3T4aQ,1605
|
@@ -10,15 +10,15 @@ 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=cwRGgrcUo3E05ZaIDT9436vXLQ7GfuBVAjR0QeQ2bDE,3320
|
13
|
-
snowflake/ml/version.py,sha256=
|
13
|
+
snowflake/ml/version.py,sha256=C2u-bHpRGJyrAk-5y4pGUw5ooUq1x-CZOlRM4RSzGbQ,16
|
14
14
|
snowflake/ml/_internal/env.py,sha256=kCrJTRnqQ97VGUVI1cWUPD8HuBWeL5vOOtwUR0NB9Mg,161
|
15
15
|
snowflake/ml/_internal/env_utils.py,sha256=5ps0v7c655lXsFVfnASxIyEwiVSGxZXke-VjeAWDs0A,27866
|
16
|
-
snowflake/ml/_internal/file_utils.py,sha256=
|
16
|
+
snowflake/ml/_internal/file_utils.py,sha256=R3GRaKzJPLOa1yq9E55rhxUr59DztZlIqAnaqcZ1HfE,14275
|
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
|
19
|
-
snowflake/ml/_internal/platform_capabilities.py,sha256=
|
19
|
+
snowflake/ml/_internal/platform_capabilities.py,sha256=GTifopHZmJ0TiYaWXX2gGYk7CGAqsIdtpbntSNPUgfA,3717
|
20
20
|
snowflake/ml/_internal/relax_version_strategy.py,sha256=MYEIZrx1HfKNhl9Na3GN50ipX8c0MKIj9nwxjB0IC0Y,484
|
21
|
-
snowflake/ml/_internal/telemetry.py,sha256=
|
21
|
+
snowflake/ml/_internal/telemetry.py,sha256=D2ZgVdibSYKvPg0CZhf4lW3QQot7cgOPhex7a0CXsao,30996
|
22
22
|
snowflake/ml/_internal/type_utils.py,sha256=x0sm7lhpDyjdA1G7KvJb06z4PEGsogWiMwFrskPTWkA,2197
|
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
|
@@ -89,89 +89,93 @@ snowflake/ml/feature_store/examples/wine_quality_features/source.yaml,sha256=dPs
|
|
89
89
|
snowflake/ml/feature_store/examples/wine_quality_features/features/managed_wine_features.py,sha256=W58pGmIKV1iehou4Knw_yWJRWKKt_80ZiiMi3C_vwOw,1466
|
90
90
|
snowflake/ml/feature_store/examples/wine_quality_features/features/static_wine_features.py,sha256=ej1_DxD_W4TyqwOJ9T5C6s0S8rE5UPaP-KFzKi5MDWM,1024
|
91
91
|
snowflake/ml/fileset/embedded_stage_fs.py,sha256=fmt8IoYbHtBMjyIC3K87ng-i5uYwE_2XKFQogNkP-nM,6000
|
92
|
-
snowflake/ml/fileset/fileset.py,sha256=
|
92
|
+
snowflake/ml/fileset/fileset.py,sha256=B-mIStgFHtQn1TbQO3ZSURAFyxYn4m54NuBUdThM-Bc,26339
|
93
93
|
snowflake/ml/fileset/sfcfs.py,sha256=uPn8v5jlC3h_FrNqb4UMRAZjRZLn0I3tzu0sfi5RHik,15542
|
94
94
|
snowflake/ml/fileset/snowfs.py,sha256=uF5QluYtiJ-HezGIhF55dONi3t0E6N7ByaVAIAlM3nk,5133
|
95
95
|
snowflake/ml/fileset/stage_fs.py,sha256=IEVZ6imH77JiSOIRlRHNWalwafoACRgHFr8RAaICSP8,20170
|
96
96
|
snowflake/ml/jobs/__init__.py,sha256=ORX_0blPSpl9u5442R-i4e8cqWYfO_vVjFFtX3as184,420
|
97
|
-
snowflake/ml/jobs/decorators.py,sha256=
|
97
|
+
snowflake/ml/jobs/decorators.py,sha256=mSlzA6n9Xb1uMJrXNtOz9SiZStWp0_TQLVLNbGisdrs,3134
|
98
98
|
snowflake/ml/jobs/job.py,sha256=dWILWTNaumgdqs6P58xl4PdyoARU9Sk89OMfRU39SQE,4239
|
99
|
-
snowflake/ml/jobs/manager.py,sha256=
|
100
|
-
snowflake/ml/jobs/_utils/constants.py,sha256=
|
101
|
-
snowflake/ml/jobs/_utils/payload_utils.py,sha256=
|
102
|
-
snowflake/ml/jobs/_utils/spec_utils.py,sha256=
|
99
|
+
snowflake/ml/jobs/manager.py,sha256=4E0LoFdWSWktNr6K63sfBCDvM0M_U9M2Kkk22i0gO7w,12136
|
100
|
+
snowflake/ml/jobs/_utils/constants.py,sha256=2GK7EMTYQgXMvD7KAxLKRibfsRVgOVmZclkFnRBai80,3242
|
101
|
+
snowflake/ml/jobs/_utils/payload_utils.py,sha256=RC9vJt2CKmrkxzdWD7vEw0D7xWhXAC6RnuvS-0Ly_yY,20421
|
102
|
+
snowflake/ml/jobs/_utils/spec_utils.py,sha256=6hiwM5sve1f1xg2gDZdOEnXlHgGU_FQXqMsTZLzpAIY,12893
|
103
103
|
snowflake/ml/jobs/_utils/types.py,sha256=sEV-jCA-0Bb8KdKMBZGrIdqJhSWGb6QI8pYRL56dIDA,874
|
104
104
|
snowflake/ml/lineage/__init__.py,sha256=8p1YGynC-qOxAZ8jZX2z84Reg5bv1NoJMoJmNJCrzI4,65
|
105
105
|
snowflake/ml/lineage/lineage_node.py,sha256=e6L4bdYDSVgTv0BEfqgPQWNoDiTiuI7HmfJ6n-WmNLE,5812
|
106
106
|
snowflake/ml/model/__init__.py,sha256=EvPtblqPN6_T6dyVfaYUxCfo_M7D2CQ1OR5giIH4TsQ,314
|
107
|
-
snowflake/ml/model/custom_model.py,sha256=
|
108
|
-
snowflake/ml/model/model_signature.py,sha256=
|
109
|
-
snowflake/ml/model/type_hints.py,sha256=
|
107
|
+
snowflake/ml/model/custom_model.py,sha256=Dmf9oLf71BQtakSagaGG_8xfr3oXoEuW_Jzpt2RqIis,11780
|
108
|
+
snowflake/ml/model/model_signature.py,sha256=FJnLn6XtlaYWOgwMPRFb__QY3BQCeYGHWGHEFcySbT0,32302
|
109
|
+
snowflake/ml/model/type_hints.py,sha256=fvHjtvnt_CAsXAn3q4DDQlxCn6wqIEHypHh93Ce337w,9472
|
110
110
|
snowflake/ml/model/_client/model/model_impl.py,sha256=pqjK8mSZIQJ_30tRWWFPIo8X35InSVoAunXlQNtSJEM,15369
|
111
|
-
snowflake/ml/model/_client/model/model_version_impl.py,sha256=
|
111
|
+
snowflake/ml/model/_client/model/model_version_impl.py,sha256=kslv-oOyh5OvoG8BjNBl_t4mqRjMn-kLpla6CdJRBaA,40272
|
112
112
|
snowflake/ml/model/_client/ops/metadata_ops.py,sha256=7cGx8zYzye2_cvZnyGxoukPtT6Q-Kexd-s4yeZmpmj8,4890
|
113
|
-
snowflake/ml/model/_client/ops/model_ops.py,sha256=
|
114
|
-
snowflake/ml/model/_client/ops/service_ops.py,sha256=
|
115
|
-
snowflake/ml/model/_client/service/model_deployment_spec.py,sha256=
|
113
|
+
snowflake/ml/model/_client/ops/model_ops.py,sha256=N6xuikPmuK7jpag3CluKyz4bu00oJbMC3_266T2nBLQ,47990
|
114
|
+
snowflake/ml/model/_client/ops/service_ops.py,sha256=d3wxFLe4qqPpzIpO-3bYIOZi88wjFxjhvWWw-_u5vv0,19194
|
115
|
+
snowflake/ml/model/_client/service/model_deployment_spec.py,sha256=K1MkVFgATk_OHCV68QR0jNF1lkY7brDxv7yVhQhK7eY,4599
|
116
116
|
snowflake/ml/model/_client/service/model_deployment_spec_schema.py,sha256=eaulF6OFNuDfQz3oPYlDjP26Ww2jWWatm81dCbg602E,825
|
117
117
|
snowflake/ml/model/_client/sql/_base.py,sha256=Qrm8M92g3MHb-QnSLUlbd8iVKCRxLhG_zr5M2qmXwJ8,1473
|
118
118
|
snowflake/ml/model/_client/sql/model.py,sha256=o36oPq4aU9TwahqY2uODYvICxmj1orLztijJ0yMbWnM,5852
|
119
|
-
snowflake/ml/model/_client/sql/model_version.py,sha256=
|
120
|
-
snowflake/ml/model/_client/sql/service.py,sha256=
|
119
|
+
snowflake/ml/model/_client/sql/model_version.py,sha256=R0TnsRta7tSmd7RBphERzBKXpYBxOhec1CefW6VWrVE,23543
|
120
|
+
snowflake/ml/model/_client/sql/service.py,sha256=RIMo8SFyhm3XLNJ3-gGKQo67nP8KZV_dQnPt--aLdqU,11425
|
121
121
|
snowflake/ml/model/_client/sql/stage.py,sha256=165vyAtrScSQWJB8wLXKRUO1QvHTWDmPykeWOyxrDRg,826
|
122
122
|
snowflake/ml/model/_client/sql/tag.py,sha256=pwwrcyPtSnkUfDzL3M8kqM0KSx7CaTtgty3HDhVC9vg,4345
|
123
|
-
snowflake/ml/model/_model_composer/model_composer.py,sha256=
|
124
|
-
snowflake/ml/model/_model_composer/model_manifest/model_manifest.py,sha256=
|
125
|
-
snowflake/ml/model/_model_composer/model_manifest/model_manifest_schema.py,sha256=
|
123
|
+
snowflake/ml/model/_model_composer/model_composer.py,sha256=g96CQx3sh75VlPdhKQfA6Hzr6CzyZ-s0T3XaiFfr3A4,9325
|
124
|
+
snowflake/ml/model/_model_composer/model_manifest/model_manifest.py,sha256=d3Ej_OzQkfSugx15m5zrheBktKVod5ZDtjrd3O5bTU8,8984
|
125
|
+
snowflake/ml/model/_model_composer/model_manifest/model_manifest_schema.py,sha256=s71r-JGI-9aPpA7dDiic5bF2y-7m18UgHipqNhn9aS4,2836
|
126
126
|
snowflake/ml/model/_model_composer/model_method/constants.py,sha256=hoJwIopSdZiYn0fGq15_NiirC0l02d5LEs2D-4J_tPk,35
|
127
127
|
snowflake/ml/model/_model_composer/model_method/function_generator.py,sha256=nnUJki3bJVCTF3gZ-usZW3xQ6wwlJ08EfNsPAgsnI3s,2625
|
128
128
|
snowflake/ml/model/_model_composer/model_method/infer_function.py_template,sha256=olysEb_bE2C8CjIRAhm7qdr2mtgk77Tx45gnLRVQGFw,1511
|
129
129
|
snowflake/ml/model/_model_composer/model_method/infer_partitioned.py_template,sha256=8p8jkTOJA-mBt5cuGhcWSH4z7ySQ9xevC35UioCLkC8,1539
|
130
130
|
snowflake/ml/model/_model_composer/model_method/infer_table_function.py_template,sha256=QT32N6akQDutLh00cXp2OD4WI6Gb7IGG1snsnrXNih8,1453
|
131
|
-
snowflake/ml/model/_model_composer/model_method/model_method.py,sha256=
|
131
|
+
snowflake/ml/model/_model_composer/model_method/model_method.py,sha256=Yxmr3uLpxFFuYdJ5f9MQLIXP3yfbL-ym2rxl1hUIRRM,7173
|
132
132
|
snowflake/ml/model/_model_composer/model_user_file/model_user_file.py,sha256=dYNgg8P9p6nRH47-OLxZIbt_Ja3t1VPGNQ0qJtpGuAw,1018
|
133
133
|
snowflake/ml/model/_packager/model_handler.py,sha256=wMPGOegXx5GgiSA81gbKpfODosdj2mvD1bFbeN4OmNc,2642
|
134
|
-
snowflake/ml/model/_packager/model_packager.py,sha256=
|
135
|
-
snowflake/ml/model/_packager/model_env/model_env.py,sha256=
|
134
|
+
snowflake/ml/model/_packager/model_packager.py,sha256=6z8t_fwDMQjIq92L7kyPNtMcXKAUaVSvJVyhH3_jCWU,5834
|
135
|
+
snowflake/ml/model/_packager/model_env/model_env.py,sha256=tdlvBqHXQvDCxMFY-p0GnryJtLHcF7qwHLMEwcQqUz8,18601
|
136
136
|
snowflake/ml/model/_packager/model_handlers/_base.py,sha256=qQS1ZSz1Ikdj0TvyLU9n8K6KAj-PknL4s801qpnWodo,7164
|
137
137
|
snowflake/ml/model/_packager/model_handlers/_utils.py,sha256=6c7xsQqDIlI07NgQRnhAGIZqyeuwoR1T4wFYFvpEKpE,10770
|
138
138
|
snowflake/ml/model/_packager/model_handlers/catboost.py,sha256=vwlKuXwJGYrna7wkXDgEu8-nUNegNhHMCaNQdhL5p44,10677
|
139
139
|
snowflake/ml/model/_packager/model_handlers/custom.py,sha256=Atp6QP_ksRBNXYUEHGe4FykPjEDBR6Fb6E3hWvpsjQI,8302
|
140
|
-
snowflake/ml/model/_packager/model_handlers/huggingface_pipeline.py,sha256=
|
141
|
-
snowflake/ml/model/_packager/model_handlers/keras.py,sha256=
|
140
|
+
snowflake/ml/model/_packager/model_handlers/huggingface_pipeline.py,sha256=GaB_zJe8bhqKS5BsMoGtb74I4Sy3eLUsEnkjlRkhbWg,22693
|
141
|
+
snowflake/ml/model/_packager/model_handlers/keras.py,sha256=h7iXxEUFvcuOnFvstZxLmsy4CGYqosV2BIeoenBGbUQ,8697
|
142
142
|
snowflake/ml/model/_packager/model_handlers/lightgbm.py,sha256=qm_Q7FxD19r1fFnSt25pZJw9sU-jE0Yu2h2qUvOl_qs,11127
|
143
143
|
snowflake/ml/model/_packager/model_handlers/mlflow.py,sha256=A3HnCa065jtHsRM40ZxfLv5alk0RYhVmsU4Jt2klRwQ,9189
|
144
|
-
snowflake/ml/model/_packager/model_handlers/pytorch.py,sha256=
|
144
|
+
snowflake/ml/model/_packager/model_handlers/pytorch.py,sha256=FamqiwFhtIwlPeb6CoQD2Xkout7f5wKVugvWFX98DV0,9790
|
145
145
|
snowflake/ml/model/_packager/model_handlers/sentence_transformers.py,sha256=EKgpN6e4c8bi0znnV-pWzAR3cwDvORcsL72x6o-JPqA,11381
|
146
|
-
snowflake/ml/model/_packager/model_handlers/sklearn.py,sha256=
|
147
|
-
snowflake/ml/model/_packager/model_handlers/snowmlmodel.py,sha256=
|
148
|
-
snowflake/ml/model/_packager/model_handlers/tensorflow.py,sha256=
|
149
|
-
snowflake/ml/model/_packager/model_handlers/torchscript.py,sha256=
|
150
|
-
snowflake/ml/model/_packager/model_handlers/xgboost.py,sha256=
|
146
|
+
snowflake/ml/model/_packager/model_handlers/sklearn.py,sha256=v2ZSQ_MWrORiKvUpdjY_SwzhpY4vxOyARJQJuQnxKdw,15443
|
147
|
+
snowflake/ml/model/_packager/model_handlers/snowmlmodel.py,sha256=Jx6MnlfNGdPcBUcLcSs-E1yaWCB4hM3OroeGZb2kE2I,17185
|
148
|
+
snowflake/ml/model/_packager/model_handlers/tensorflow.py,sha256=Fr_iqjJf69_az7uUSagt9qB0ipkq4f1AkjeEGw7PcI4,11205
|
149
|
+
snowflake/ml/model/_packager/model_handlers/torchscript.py,sha256=Tmkpj_4RAlz3r8YvEQvtTTcB_q30UpeLymPGkHmQ390,9536
|
150
|
+
snowflake/ml/model/_packager/model_handlers/xgboost.py,sha256=Vv6OIDmzX07F1bAznP6JTBqp0EBGSOuHUaYLR5fKXDw,11587
|
151
151
|
snowflake/ml/model/_packager/model_handlers_migrator/base_migrator.py,sha256=BZo14UrywGZM1kTqzN4VFQcYjl7dggDp1U90ZBCMuOg,1409
|
152
|
+
snowflake/ml/model/_packager/model_handlers_migrator/pytorch_migrator_2023_12_01.py,sha256=GVpfYllXa3Voxa54PGNsZ3Hea1kOJe3T_AoA9nrs60A,764
|
152
153
|
snowflake/ml/model/_packager/model_handlers_migrator/tensorflow_migrator_2023_12_01.py,sha256=dXIisQteU55QMw5OvC_1E_sGqFgE88WRhGCWFqUyauM,2239
|
153
|
-
snowflake/ml/model/_packager/
|
154
|
+
snowflake/ml/model/_packager/model_handlers_migrator/tensorflow_migrator_2025_01_01.py,sha256=0DxwZtXFgXpxb5LQEAfTUfEFV7zgbG4j3F-oNHLkTgE,769
|
155
|
+
snowflake/ml/model/_packager/model_handlers_migrator/torchscript_migrator_2023_12_01.py,sha256=MDOAGV6kML9sJh_hnYjnrPH4GtECP5DDCjaRT7NmYpU,768
|
156
|
+
snowflake/ml/model/_packager/model_meta/_packaging_requirements.py,sha256=E8LiAHewa-lsm6_SL6d9AcpO0m23fYdsKPXOevmHjB8,41
|
154
157
|
snowflake/ml/model/_packager/model_meta/model_blob_meta.py,sha256=GmiqqI-XVjrOX7cSa5GKerKhfHptlsg74MKqTGwJ5Jk,1949
|
155
|
-
snowflake/ml/model/_packager/model_meta/model_meta.py,sha256=
|
156
|
-
snowflake/ml/model/_packager/model_meta/model_meta_schema.py,sha256=
|
158
|
+
snowflake/ml/model/_packager/model_meta/model_meta.py,sha256=kYfCyX8Q7tlpoxrXNsryKJ_XZDrMFHZ8fBbZX3XkMhA,19332
|
159
|
+
snowflake/ml/model/_packager/model_meta/model_meta_schema.py,sha256=xWMbdWcDBzC-ZwFgA_hPK60o91AserkR-DpXEEKYK_w,3551
|
157
160
|
snowflake/ml/model/_packager/model_meta_migrator/base_migrator.py,sha256=SORlqpPbOeBg6dvJ3DidHeLVi0w9YF0Zv4tC0Kbc20g,1311
|
158
161
|
snowflake/ml/model/_packager/model_meta_migrator/migrator_plans.py,sha256=nf6PWDH_gvX_OiS4A-G6BzyCLFEG4dASU0t5JTsijM4,1041
|
159
162
|
snowflake/ml/model/_packager/model_meta_migrator/migrator_v1.py,sha256=qEPzdCw_FzExMbPuyFHupeWlYD88yejLdcmkPwjJzDk,2070
|
160
|
-
snowflake/ml/model/_packager/model_runtime/_snowml_inference_alternative_requirements.py,sha256=
|
161
|
-
snowflake/ml/model/_packager/model_runtime/model_runtime.py,sha256=
|
163
|
+
snowflake/ml/model/_packager/model_runtime/_snowml_inference_alternative_requirements.py,sha256=O5c8oSNb_2nwjNZ_t9YrY-R-33Gsa_vlOpW4ub6SGsc,609
|
164
|
+
snowflake/ml/model/_packager/model_runtime/model_runtime.py,sha256=0l8mgrfmpvTn516Id6xgIG4jIqxSy9nN2PFlnqOljiI,5365
|
162
165
|
snowflake/ml/model/_packager/model_task/model_task_utils.py,sha256=_nm3Irl5W6Oa8_OnJyp3bLeA9QAbV9ygGCsgHI70GX4,6641
|
163
166
|
snowflake/ml/model/_signatures/base_handler.py,sha256=4CTZKKbg4WIz_CmXjyVy8tKZW-5OFcz0J8XVPHm2dfQ,1269
|
164
|
-
snowflake/ml/model/_signatures/builtins_handler.py,sha256=
|
165
|
-
snowflake/ml/model/_signatures/core.py,sha256=
|
166
|
-
snowflake/ml/model/_signatures/
|
167
|
-
snowflake/ml/model/_signatures/
|
168
|
-
snowflake/ml/model/_signatures/
|
169
|
-
snowflake/ml/model/_signatures/
|
170
|
-
snowflake/ml/model/_signatures/
|
171
|
-
snowflake/ml/model/_signatures/
|
167
|
+
snowflake/ml/model/_signatures/builtins_handler.py,sha256=ItWb8xNDDvIhDlmfUFCHOnUllvKZSTsny7_mRwks_Lc,3135
|
168
|
+
snowflake/ml/model/_signatures/core.py,sha256=Y6IUquohNcUL8LWTpVvU842UFv8oNxQnk3HUwp34xME,21117
|
169
|
+
snowflake/ml/model/_signatures/dmatrix_handler.py,sha256=HPEj_MF0Qiw-eeX-0JKIMKzhyQVvtn3kQetNsXH0-jo,3665
|
170
|
+
snowflake/ml/model/_signatures/numpy_handler.py,sha256=xy7mBEAs9U5eM8F51NLabLbWXRmyQUffhVweO6jmLBA,5461
|
171
|
+
snowflake/ml/model/_signatures/pandas_handler.py,sha256=rYgSaqdh8d-w22e_ZDt4kCFCkPWEhs-KwL9wyoLUacI,10704
|
172
|
+
snowflake/ml/model/_signatures/pytorch_handler.py,sha256=Xy-ITCCX_EgHcyIIqeYSDUIvE2kiqECa8swy1hmohyc,5036
|
173
|
+
snowflake/ml/model/_signatures/snowpark_handler.py,sha256=0SYtWnmJ_Nji52GZG1CDvfIGiLydTkPwpc0YUMs9aPQ,5396
|
174
|
+
snowflake/ml/model/_signatures/tensorflow_handler.py,sha256=_yrvMg-w_jJoYuyrGXKPX4Dv7Vt8z1e6xIKiWGuZcc4,5660
|
175
|
+
snowflake/ml/model/_signatures/utils.py,sha256=gHEU2u8VCil0wvmd9C61ZNB-KiNz4QazpC7-0XQPHd8,17176
|
172
176
|
snowflake/ml/model/models/huggingface_pipeline.py,sha256=62GpPZxBheqCnFNxNOggiDE1y9Dhst-v6D4IkGLuDeQ,10221
|
173
177
|
snowflake/ml/modeling/_internal/constants.py,sha256=aJGngY599w3KqN8cDZCYrjbWe6UwYIbgv0gx0Ukdtc0,105
|
174
|
-
snowflake/ml/modeling/_internal/estimator_utils.py,sha256=
|
178
|
+
snowflake/ml/modeling/_internal/estimator_utils.py,sha256=jpiq6h6mJfPa1yZbEjrP1tEFdw-1f_XBxDRHgdH3hps,12017
|
175
179
|
snowflake/ml/modeling/_internal/model_specifications.py,sha256=P9duVMP9-X7us_RZFPyXvWxOrm5K30sWDVYwSMEzG1M,4876
|
176
180
|
snowflake/ml/modeling/_internal/model_trainer.py,sha256=RxpZ5ARy_3sfRMCvArkdK-KmsdbNXxEZTbXoaJ4c1ag,984
|
177
181
|
snowflake/ml/modeling/_internal/model_trainer_builder.py,sha256=n1l9i9LFLcdbMFRvxkWNIs7kYnNNlUJnaToRvFBEjls,8062
|
@@ -319,8 +323,8 @@ snowflake/ml/modeling/metrics/classification.py,sha256=MrEHOQ6EmfeDl_5t4n1fcE_SQ
|
|
319
323
|
snowflake/ml/modeling/metrics/correlation.py,sha256=Roi17Sx5F81VlJaLQTeBAe5qZ7sZYc31UkIuC6z4qkQ,4803
|
320
324
|
snowflake/ml/modeling/metrics/covariance.py,sha256=HxJK1mwyt6lMSg8yonHFQ8IxAEa62MHeb1M3eHEtqlk,4672
|
321
325
|
snowflake/ml/modeling/metrics/metrics_utils.py,sha256=9tZQ_Mu6jTWHztwqkPSrFWY_LP551W7FmQrXYwbSlso,13208
|
322
|
-
snowflake/ml/modeling/metrics/ranking.py,sha256=
|
323
|
-
snowflake/ml/modeling/metrics/regression.py,sha256=
|
326
|
+
snowflake/ml/modeling/metrics/ranking.py,sha256=DFpD6VusYzUMCqA9U_1gvmslnHuvgWTchinRN6dDHjg,17773
|
327
|
+
snowflake/ml/modeling/metrics/regression.py,sha256=SP8CQ_jkavOVyqeWm9kKK5eznti64tE1jAd6LzgKW78,26049
|
324
328
|
snowflake/ml/modeling/mixture/__init__.py,sha256=rY5qSOkHj59bHiTV6LhBiEhUA0StoCb0ACNR2vkV4v0,297
|
325
329
|
snowflake/ml/modeling/mixture/bayesian_gaussian_mixture.py,sha256=qT01m49GVLSA0YgK7uFCWj9ivacr-X50dtZA6uhotKk,57587
|
326
330
|
snowflake/ml/modeling/mixture/gaussian_mixture.py,sha256=Qd2WXZIzwhJKxISyMR58uln30TPtKj-VI3IS1eoRKyM,55480
|
@@ -358,7 +362,7 @@ snowflake/ml/modeling/pipeline/__init__.py,sha256=dYtqk_GD_hAAZjGfH1maWlZQ30h4hu
|
|
358
362
|
snowflake/ml/modeling/pipeline/pipeline.py,sha256=a5XRXe14eX_H-ej5AruMaBIDp3GATTyizBw0zWFNKbc,40590
|
359
363
|
snowflake/ml/modeling/preprocessing/__init__.py,sha256=dYtqk_GD_hAAZjGfH1maWlZQ30h4hu_KGaf-_y9_AD8,298
|
360
364
|
snowflake/ml/modeling/preprocessing/binarizer.py,sha256=MrgSVTw9RpajyYe0dzai-qnpdOb3Zq0SfJRpHJjpnoY,7383
|
361
|
-
snowflake/ml/modeling/preprocessing/k_bins_discretizer.py,sha256=
|
365
|
+
snowflake/ml/modeling/preprocessing/k_bins_discretizer.py,sha256=EfQClqSR3PvhhmEpvwWmvM8XSp__UqD89ugqDlTWxfA,21552
|
362
366
|
snowflake/ml/modeling/preprocessing/label_encoder.py,sha256=jQV2UgA-qtzxNxHzgyhfJtWYIT_8L81miwcQy4dxHIA,7802
|
363
367
|
snowflake/ml/modeling/preprocessing/max_abs_scaler.py,sha256=P03PP907SbofOFv1cJhTe1R2_-lnFYHfGsvYsVFofWY,9146
|
364
368
|
snowflake/ml/modeling/preprocessing/min_max_scaler.py,sha256=leLeIrVsXn08agPqL-N50ohrWlC9FVuztMleQ043H5o,12467
|
@@ -397,14 +401,14 @@ snowflake/ml/monitoring/_client/queries/rmse.ssql,sha256=OEJiSStRz9-qKoZaFvmubtY
|
|
397
401
|
snowflake/ml/monitoring/_manager/model_monitor_manager.py,sha256=_-vxqnHqohTHTrwfURjPXijyAeh1mTRdHCG436GaBik,10314
|
398
402
|
snowflake/ml/monitoring/entities/model_monitor_config.py,sha256=IxEiee1HfBXCQGzJOZbrDrvoV8J1tDNk43ygNuN00Io,1793
|
399
403
|
snowflake/ml/registry/__init__.py,sha256=XdPQK9ejYkSJVrSQ7HD3jKQO0hKq2mC4bPCB6qrtH3U,76
|
400
|
-
snowflake/ml/registry/registry.py,sha256=
|
401
|
-
snowflake/ml/registry/_manager/model_manager.py,sha256=
|
404
|
+
snowflake/ml/registry/registry.py,sha256=eAV9AreGwO4JSyRn3Pftvu-JfeH4KipNG4ViQ16Pe5I,30052
|
405
|
+
snowflake/ml/registry/_manager/model_manager.py,sha256=MjS0AnHQ8g2yn3svvhSPgmPB0j0bpw4gH-p5LjtYKds,16083
|
402
406
|
snowflake/ml/utils/authentication.py,sha256=Wx1kVBZ9XBDuKkRHpPEB2pBxpiJepVLFAirDMx4m5Gk,2612
|
403
407
|
snowflake/ml/utils/connection_params.py,sha256=JRpQppuWRk6bhdLzVDhMfz3Y6yInobFNLHmIBaXD7po,8005
|
404
408
|
snowflake/ml/utils/sparse.py,sha256=XqDQkw39Ml6YIknswdkvFIwUwBk_GBXAbP8IACfPENg,3817
|
405
409
|
snowflake/ml/utils/sql_client.py,sha256=z4Rhi7pQz3s9cyu_Uzfr3deCnrkCdFh9IYIvicsuwdc,692
|
406
|
-
snowflake_ml_python-1.
|
407
|
-
snowflake_ml_python-1.
|
408
|
-
snowflake_ml_python-1.
|
409
|
-
snowflake_ml_python-1.
|
410
|
-
snowflake_ml_python-1.
|
410
|
+
snowflake_ml_python-1.8.1.dist-info/licenses/LICENSE.txt,sha256=PdEp56Av5m3_kl21iFkVTX_EbHJKFGEdmYeIO1pL_Yk,11365
|
411
|
+
snowflake_ml_python-1.8.1.dist-info/METADATA,sha256=f7TRoR2YP8Ub6UAq-QZrPANrUlNRA7AT_5kliunN6Zk,81143
|
412
|
+
snowflake_ml_python-1.8.1.dist-info/WHEEL,sha256=CmyFI0kx5cdEMTLiONQRbGQwjIoR1aIYB7eCAQ4KPJ0,91
|
413
|
+
snowflake_ml_python-1.8.1.dist-info/top_level.txt,sha256=TY0gFSHKDdZy3THb0FGomyikWQasEGldIR1O0HGOHVw,10
|
414
|
+
snowflake_ml_python-1.8.1.dist-info/RECORD,,
|
{snowflake_ml_python-1.7.5.dist-info → snowflake_ml_python-1.8.1.dist-info/licenses}/LICENSE.txt
RENAMED
File without changes
|
File without changes
|