snowflake-ml-python 1.3.0__py3-none-any.whl → 1.4.0__py3-none-any.whl
This diff represents the content of publicly available package versions that have been released to one of the supported registries. The information contained in this diff is provided for informational purposes only and reflects changes between package versions as they appear in their respective public registries.
- snowflake/ml/_internal/file_utils.py +3 -3
- snowflake/ml/_internal/human_readable_id/adjectives.txt +128 -0
- snowflake/ml/_internal/human_readable_id/animals.txt +128 -0
- snowflake/ml/_internal/human_readable_id/hrid_generator.py +40 -0
- snowflake/ml/_internal/human_readable_id/hrid_generator_base.py +135 -0
- snowflake/ml/_internal/telemetry.py +11 -2
- snowflake/ml/_internal/utils/formatting.py +1 -1
- snowflake/ml/feature_store/feature_store.py +15 -106
- snowflake/ml/fileset/sfcfs.py +4 -3
- snowflake/ml/fileset/stage_fs.py +18 -0
- snowflake/ml/model/_api.py +9 -9
- snowflake/ml/model/_client/model/model_version_impl.py +20 -15
- snowflake/ml/model/_deploy_client/image_builds/docker_context.py +3 -9
- snowflake/ml/model/_deploy_client/image_builds/server_image_builder.py +3 -5
- snowflake/ml/model/_deploy_client/snowservice/deploy.py +7 -6
- snowflake/ml/model/_model_composer/model_composer.py +10 -8
- snowflake/ml/model/_model_composer/model_method/function_generator.py +1 -1
- snowflake/ml/model/_model_composer/model_method/infer_table_function.py_template +2 -1
- snowflake/ml/model/_model_composer/model_method/model_method.py +2 -2
- snowflake/ml/model/_model_composer/model_runtime/_runtime_requirements.py +1 -1
- snowflake/ml/model/_packager/model_handlers/_base.py +2 -2
- snowflake/ml/model/_packager/model_handlers/_utils.py +5 -5
- snowflake/ml/model/_packager/model_handlers/custom.py +7 -7
- snowflake/ml/model/_packager/model_handlers/huggingface_pipeline.py +2 -2
- snowflake/ml/model/_packager/model_handlers/llm.py +1 -1
- snowflake/ml/model/_packager/model_handlers/mlflow.py +1 -1
- snowflake/ml/model/_packager/model_handlers/pytorch.py +13 -10
- snowflake/ml/model/_packager/model_handlers/sentence_transformers.py +214 -0
- snowflake/ml/model/_packager/model_handlers/sklearn.py +6 -6
- snowflake/ml/model/_packager/model_handlers/snowmlmodel.py +15 -3
- snowflake/ml/model/_packager/model_handlers/tensorflow.py +8 -8
- snowflake/ml/model/_packager/model_handlers/torchscript.py +7 -7
- snowflake/ml/model/_packager/model_handlers/xgboost.py +8 -8
- snowflake/ml/model/_packager/model_meta/_core_requirements.py +1 -1
- snowflake/ml/model/_packager/model_packager.py +8 -6
- snowflake/ml/model/custom_model.py +3 -1
- snowflake/ml/model/type_hints.py +13 -0
- snowflake/ml/modeling/_internal/estimator_utils.py +61 -1
- snowflake/ml/modeling/_internal/local_implementations/pandas_handlers.py +4 -43
- snowflake/ml/modeling/_internal/local_implementations/pandas_trainer.py +4 -4
- snowflake/ml/modeling/_internal/ml_runtime_implementations/ml_runtime_handlers.py +21 -17
- snowflake/ml/modeling/_internal/model_specifications.py +3 -1
- snowflake/ml/modeling/_internal/model_trainer.py +2 -2
- snowflake/ml/modeling/_internal/snowpark_implementations/distributed_hpo_trainer.py +547 -1
- snowflake/ml/modeling/_internal/snowpark_implementations/snowpark_handlers.py +67 -114
- snowflake/ml/modeling/_internal/snowpark_implementations/snowpark_trainer.py +9 -9
- snowflake/ml/modeling/_internal/transformer_protocols.py +2 -3
- snowflake/ml/modeling/calibration/calibrated_classifier_cv.py +33 -61
- snowflake/ml/modeling/cluster/affinity_propagation.py +33 -61
- snowflake/ml/modeling/cluster/agglomerative_clustering.py +33 -61
- snowflake/ml/modeling/cluster/birch.py +33 -61
- snowflake/ml/modeling/cluster/bisecting_k_means.py +33 -61
- snowflake/ml/modeling/cluster/dbscan.py +33 -61
- snowflake/ml/modeling/cluster/feature_agglomeration.py +33 -61
- snowflake/ml/modeling/cluster/k_means.py +33 -61
- snowflake/ml/modeling/cluster/mean_shift.py +33 -61
- snowflake/ml/modeling/cluster/mini_batch_k_means.py +33 -61
- snowflake/ml/modeling/cluster/optics.py +33 -61
- snowflake/ml/modeling/cluster/spectral_biclustering.py +33 -61
- snowflake/ml/modeling/cluster/spectral_clustering.py +33 -61
- snowflake/ml/modeling/cluster/spectral_coclustering.py +33 -61
- snowflake/ml/modeling/compose/column_transformer.py +33 -61
- snowflake/ml/modeling/compose/transformed_target_regressor.py +33 -61
- snowflake/ml/modeling/covariance/elliptic_envelope.py +33 -61
- snowflake/ml/modeling/covariance/empirical_covariance.py +33 -61
- snowflake/ml/modeling/covariance/graphical_lasso.py +33 -61
- snowflake/ml/modeling/covariance/graphical_lasso_cv.py +33 -61
- snowflake/ml/modeling/covariance/ledoit_wolf.py +33 -61
- snowflake/ml/modeling/covariance/min_cov_det.py +33 -61
- snowflake/ml/modeling/covariance/oas.py +33 -61
- snowflake/ml/modeling/covariance/shrunk_covariance.py +33 -61
- snowflake/ml/modeling/decomposition/dictionary_learning.py +33 -61
- snowflake/ml/modeling/decomposition/factor_analysis.py +33 -61
- snowflake/ml/modeling/decomposition/fast_ica.py +33 -61
- snowflake/ml/modeling/decomposition/incremental_pca.py +33 -61
- snowflake/ml/modeling/decomposition/kernel_pca.py +33 -61
- snowflake/ml/modeling/decomposition/mini_batch_dictionary_learning.py +33 -61
- snowflake/ml/modeling/decomposition/mini_batch_sparse_pca.py +33 -61
- snowflake/ml/modeling/decomposition/pca.py +33 -61
- snowflake/ml/modeling/decomposition/sparse_pca.py +33 -61
- snowflake/ml/modeling/decomposition/truncated_svd.py +33 -61
- snowflake/ml/modeling/discriminant_analysis/linear_discriminant_analysis.py +33 -61
- snowflake/ml/modeling/discriminant_analysis/quadratic_discriminant_analysis.py +33 -61
- snowflake/ml/modeling/ensemble/ada_boost_classifier.py +33 -61
- snowflake/ml/modeling/ensemble/ada_boost_regressor.py +33 -61
- snowflake/ml/modeling/ensemble/bagging_classifier.py +33 -61
- snowflake/ml/modeling/ensemble/bagging_regressor.py +33 -61
- snowflake/ml/modeling/ensemble/extra_trees_classifier.py +33 -61
- snowflake/ml/modeling/ensemble/extra_trees_regressor.py +33 -61
- snowflake/ml/modeling/ensemble/gradient_boosting_classifier.py +33 -61
- snowflake/ml/modeling/ensemble/gradient_boosting_regressor.py +33 -61
- snowflake/ml/modeling/ensemble/hist_gradient_boosting_classifier.py +33 -61
- snowflake/ml/modeling/ensemble/hist_gradient_boosting_regressor.py +33 -61
- snowflake/ml/modeling/ensemble/isolation_forest.py +33 -61
- snowflake/ml/modeling/ensemble/random_forest_classifier.py +33 -61
- snowflake/ml/modeling/ensemble/random_forest_regressor.py +33 -61
- snowflake/ml/modeling/ensemble/stacking_regressor.py +33 -61
- snowflake/ml/modeling/ensemble/voting_classifier.py +33 -61
- snowflake/ml/modeling/ensemble/voting_regressor.py +33 -61
- snowflake/ml/modeling/feature_selection/generic_univariate_select.py +33 -61
- snowflake/ml/modeling/feature_selection/select_fdr.py +33 -61
- snowflake/ml/modeling/feature_selection/select_fpr.py +33 -61
- snowflake/ml/modeling/feature_selection/select_fwe.py +33 -61
- snowflake/ml/modeling/feature_selection/select_k_best.py +33 -61
- snowflake/ml/modeling/feature_selection/select_percentile.py +33 -61
- snowflake/ml/modeling/feature_selection/sequential_feature_selector.py +33 -61
- snowflake/ml/modeling/feature_selection/variance_threshold.py +33 -61
- snowflake/ml/modeling/framework/base.py +55 -5
- snowflake/ml/modeling/gaussian_process/gaussian_process_classifier.py +33 -61
- snowflake/ml/modeling/gaussian_process/gaussian_process_regressor.py +33 -61
- snowflake/ml/modeling/impute/iterative_imputer.py +33 -61
- snowflake/ml/modeling/impute/knn_imputer.py +33 -61
- snowflake/ml/modeling/impute/missing_indicator.py +33 -61
- snowflake/ml/modeling/impute/simple_imputer.py +4 -15
- snowflake/ml/modeling/kernel_approximation/additive_chi2_sampler.py +33 -61
- snowflake/ml/modeling/kernel_approximation/nystroem.py +33 -61
- snowflake/ml/modeling/kernel_approximation/polynomial_count_sketch.py +33 -61
- snowflake/ml/modeling/kernel_approximation/rbf_sampler.py +33 -61
- snowflake/ml/modeling/kernel_approximation/skewed_chi2_sampler.py +33 -61
- snowflake/ml/modeling/kernel_ridge/kernel_ridge.py +33 -61
- snowflake/ml/modeling/lightgbm/lgbm_classifier.py +36 -63
- snowflake/ml/modeling/lightgbm/lgbm_regressor.py +36 -63
- snowflake/ml/modeling/linear_model/ard_regression.py +33 -61
- snowflake/ml/modeling/linear_model/bayesian_ridge.py +33 -61
- snowflake/ml/modeling/linear_model/elastic_net.py +33 -61
- snowflake/ml/modeling/linear_model/elastic_net_cv.py +33 -61
- snowflake/ml/modeling/linear_model/gamma_regressor.py +33 -61
- snowflake/ml/modeling/linear_model/huber_regressor.py +33 -61
- snowflake/ml/modeling/linear_model/lars.py +33 -61
- snowflake/ml/modeling/linear_model/lars_cv.py +33 -61
- snowflake/ml/modeling/linear_model/lasso.py +33 -61
- snowflake/ml/modeling/linear_model/lasso_cv.py +33 -61
- snowflake/ml/modeling/linear_model/lasso_lars.py +33 -61
- snowflake/ml/modeling/linear_model/lasso_lars_cv.py +33 -61
- snowflake/ml/modeling/linear_model/lasso_lars_ic.py +33 -61
- snowflake/ml/modeling/linear_model/linear_regression.py +33 -61
- snowflake/ml/modeling/linear_model/logistic_regression.py +33 -61
- snowflake/ml/modeling/linear_model/logistic_regression_cv.py +33 -61
- snowflake/ml/modeling/linear_model/multi_task_elastic_net.py +33 -61
- snowflake/ml/modeling/linear_model/multi_task_elastic_net_cv.py +33 -61
- snowflake/ml/modeling/linear_model/multi_task_lasso.py +33 -61
- snowflake/ml/modeling/linear_model/multi_task_lasso_cv.py +33 -61
- snowflake/ml/modeling/linear_model/orthogonal_matching_pursuit.py +33 -61
- snowflake/ml/modeling/linear_model/passive_aggressive_classifier.py +33 -61
- snowflake/ml/modeling/linear_model/passive_aggressive_regressor.py +33 -61
- snowflake/ml/modeling/linear_model/perceptron.py +33 -61
- snowflake/ml/modeling/linear_model/poisson_regressor.py +33 -61
- snowflake/ml/modeling/linear_model/ransac_regressor.py +33 -61
- snowflake/ml/modeling/linear_model/ridge.py +33 -61
- snowflake/ml/modeling/linear_model/ridge_classifier.py +33 -61
- snowflake/ml/modeling/linear_model/ridge_classifier_cv.py +33 -61
- snowflake/ml/modeling/linear_model/ridge_cv.py +33 -61
- snowflake/ml/modeling/linear_model/sgd_classifier.py +33 -61
- snowflake/ml/modeling/linear_model/sgd_one_class_svm.py +33 -61
- snowflake/ml/modeling/linear_model/sgd_regressor.py +33 -61
- snowflake/ml/modeling/linear_model/theil_sen_regressor.py +33 -61
- snowflake/ml/modeling/linear_model/tweedie_regressor.py +33 -61
- snowflake/ml/modeling/manifold/isomap.py +33 -61
- snowflake/ml/modeling/manifold/mds.py +33 -61
- snowflake/ml/modeling/manifold/spectral_embedding.py +33 -61
- snowflake/ml/modeling/manifold/tsne.py +33 -61
- snowflake/ml/modeling/mixture/bayesian_gaussian_mixture.py +33 -61
- snowflake/ml/modeling/mixture/gaussian_mixture.py +33 -61
- snowflake/ml/modeling/model_selection/grid_search_cv.py +39 -57
- snowflake/ml/modeling/model_selection/randomized_search_cv.py +26 -57
- snowflake/ml/modeling/multiclass/one_vs_one_classifier.py +33 -61
- snowflake/ml/modeling/multiclass/one_vs_rest_classifier.py +33 -61
- snowflake/ml/modeling/multiclass/output_code_classifier.py +33 -61
- snowflake/ml/modeling/naive_bayes/bernoulli_nb.py +33 -61
- snowflake/ml/modeling/naive_bayes/categorical_nb.py +33 -61
- snowflake/ml/modeling/naive_bayes/complement_nb.py +33 -61
- snowflake/ml/modeling/naive_bayes/gaussian_nb.py +33 -61
- snowflake/ml/modeling/naive_bayes/multinomial_nb.py +33 -61
- snowflake/ml/modeling/neighbors/k_neighbors_classifier.py +33 -61
- snowflake/ml/modeling/neighbors/k_neighbors_regressor.py +33 -61
- snowflake/ml/modeling/neighbors/kernel_density.py +33 -61
- snowflake/ml/modeling/neighbors/local_outlier_factor.py +33 -61
- snowflake/ml/modeling/neighbors/nearest_centroid.py +33 -61
- snowflake/ml/modeling/neighbors/nearest_neighbors.py +33 -61
- snowflake/ml/modeling/neighbors/neighborhood_components_analysis.py +33 -61
- snowflake/ml/modeling/neighbors/radius_neighbors_classifier.py +33 -61
- snowflake/ml/modeling/neighbors/radius_neighbors_regressor.py +33 -61
- snowflake/ml/modeling/neural_network/bernoulli_rbm.py +33 -61
- snowflake/ml/modeling/neural_network/mlp_classifier.py +33 -61
- snowflake/ml/modeling/neural_network/mlp_regressor.py +33 -61
- snowflake/ml/modeling/preprocessing/polynomial_features.py +33 -61
- snowflake/ml/modeling/semi_supervised/label_propagation.py +33 -61
- snowflake/ml/modeling/semi_supervised/label_spreading.py +33 -61
- snowflake/ml/modeling/svm/linear_svc.py +33 -61
- snowflake/ml/modeling/svm/linear_svr.py +33 -61
- snowflake/ml/modeling/svm/nu_svc.py +33 -61
- snowflake/ml/modeling/svm/nu_svr.py +33 -61
- snowflake/ml/modeling/svm/svc.py +33 -61
- snowflake/ml/modeling/svm/svr.py +33 -61
- snowflake/ml/modeling/tree/decision_tree_classifier.py +33 -61
- snowflake/ml/modeling/tree/decision_tree_regressor.py +33 -61
- snowflake/ml/modeling/tree/extra_tree_classifier.py +33 -61
- snowflake/ml/modeling/tree/extra_tree_regressor.py +33 -61
- snowflake/ml/modeling/xgboost/xgb_classifier.py +33 -61
- snowflake/ml/modeling/xgboost/xgb_regressor.py +33 -61
- snowflake/ml/modeling/xgboost/xgbrf_classifier.py +33 -61
- snowflake/ml/modeling/xgboost/xgbrf_regressor.py +33 -61
- snowflake/ml/registry/_manager/model_manager.py +6 -2
- snowflake/ml/registry/model_registry.py +100 -27
- snowflake/ml/registry/registry.py +6 -2
- snowflake/ml/version.py +1 -1
- {snowflake_ml_python-1.3.0.dist-info → snowflake_ml_python-1.4.0.dist-info}/METADATA +43 -7
- {snowflake_ml_python-1.3.0.dist-info → snowflake_ml_python-1.4.0.dist-info}/RECORD +211 -206
- {snowflake_ml_python-1.3.0.dist-info → snowflake_ml_python-1.4.0.dist-info}/LICENSE.txt +0 -0
- {snowflake_ml_python-1.3.0.dist-info → snowflake_ml_python-1.4.0.dist-info}/WHEEL +0 -0
- {snowflake_ml_python-1.3.0.dist-info → snowflake_ml_python-1.4.0.dist-info}/top_level.txt +0 -0
@@ -5,13 +5,13 @@ snowflake/cortex/_sentiment.py,sha256=7X_a8qJNFFgn-Y1tjwMDkyNJHz5yYl0PvnezVCc4Ts
|
|
5
5
|
snowflake/cortex/_summarize.py,sha256=DJRxUrPrTVmtQNgus0ZPF1z8nPmn4Rs5oL3U25CfXxQ,1075
|
6
6
|
snowflake/cortex/_translate.py,sha256=JPMIXxHTgJPfJqT5Hw_WtYM6FZ8NuQufZ4XR-M8wnyo,1420
|
7
7
|
snowflake/cortex/_util.py,sha256=0xDaDSctenhuj59atZenZp5q9zuhji0WQ77KPjqqNoc,1557
|
8
|
-
snowflake/ml/version.py,sha256=
|
8
|
+
snowflake/ml/version.py,sha256=X9n40H72i_qUrqdGO45MIHs_PUCysRlD1xrJRZ97KiU,16
|
9
9
|
snowflake/ml/_internal/env.py,sha256=kCrJTRnqQ97VGUVI1cWUPD8HuBWeL5vOOtwUR0NB9Mg,161
|
10
10
|
snowflake/ml/_internal/env_utils.py,sha256=nkBk8bDDKi5zIK9ZD8hBlKd3krccNZ4XC2pt6bgb4L4,25797
|
11
|
-
snowflake/ml/_internal/file_utils.py,sha256=
|
11
|
+
snowflake/ml/_internal/file_utils.py,sha256=OyXHv-UcItiip1YgLnab6etonUQkYuyDtmplZA0CaoU,13622
|
12
12
|
snowflake/ml/_internal/init_utils.py,sha256=U-oPOtyVf22hCwDH_CH2uDr9yuN6Mr3kwQ_yRAs1mcM,2696
|
13
13
|
snowflake/ml/_internal/migrator_utils.py,sha256=k3erO8x3YJcX6nkKeyJAUNGg1qjE3RFmD-W6dtLzIH0,161
|
14
|
-
snowflake/ml/_internal/telemetry.py,sha256=
|
14
|
+
snowflake/ml/_internal/telemetry.py,sha256=oM7dDcs1GKgxKP2UM7va1j1YfQGISFiGYyiT9zM7Yxc,22763
|
15
15
|
snowflake/ml/_internal/type_utils.py,sha256=0AjimiQoAPHGnpLV_zCR6vlMR5lJ8CkZkKFwiUHYDCo,2168
|
16
16
|
snowflake/ml/_internal/container_services/image_registry/credential.py,sha256=nShNgIb2yNu9w6vceOY3aSgjpuOoi0spWWmvgEafPSk,3291
|
17
17
|
snowflake/ml/_internal/container_services/image_registry/http_client.py,sha256=_zqPPp76Vk0jQ8eVK0OJ4mJgcWsdY4suUd1P7Orqmm8,5214
|
@@ -23,7 +23,11 @@ snowflake/ml/_internal/exceptions/exceptions.py,sha256=ub0fthrNTVoKhpj1pXnKRfO1G
|
|
23
23
|
snowflake/ml/_internal/exceptions/fileset_error_messages.py,sha256=dqPpRu0cKyQA_0gahvbizgQBTwNhnwveN286JrJLvi8,419
|
24
24
|
snowflake/ml/_internal/exceptions/fileset_errors.py,sha256=ZJfkpeDgRIw3qA876fk9FIzxIrm-yZ8I9RXUbzaeM84,1040
|
25
25
|
snowflake/ml/_internal/exceptions/modeling_error_messages.py,sha256=q1Nh7KvnUebdKCwwAPmotdAVS578CgAXcfDOfKoweVw,665
|
26
|
-
snowflake/ml/_internal/
|
26
|
+
snowflake/ml/_internal/human_readable_id/adjectives.txt,sha256=5o4MbVeHoELAqyLpyuKleOKR47jPjC_nKoziOIZMwT0,804
|
27
|
+
snowflake/ml/_internal/human_readable_id/animals.txt,sha256=GDLzMwzxiL07PhIMxw4t89bhYqqg0bQfPiuQT8VNeME,837
|
28
|
+
snowflake/ml/_internal/human_readable_id/hrid_generator.py,sha256=LYWB86qZgsVBvnc6Q5VjfDOmnGSQU3cTRKfId_nJSPY,1341
|
29
|
+
snowflake/ml/_internal/human_readable_id/hrid_generator_base.py,sha256=D1yoVG1vmAFUhWQ5xCRRU6HCCBPbXHpOXagFd0jK0O8,4519
|
30
|
+
snowflake/ml/_internal/utils/formatting.py,sha256=PswZ6Xas7sx3Ok1MBLoH2o7nfXOxaJqpUPg_UqXrQb8,3676
|
27
31
|
snowflake/ml/_internal/utils/identifier.py,sha256=_NAW00FGtQsQESxF2b30_T4kkmzQITsdfykvJ2PqPUo,10870
|
28
32
|
snowflake/ml/_internal/utils/import_utils.py,sha256=eexwIe7auT17s4aVxAns7se0_K15rcq3O17MkIvDpPI,2068
|
29
33
|
snowflake/ml/_internal/utils/log_stream_processor.py,sha256=pBf8ycEamhHjEzUT55Rx_tFqSkYRpD5Dt71Mx9ZdaS8,1001
|
@@ -43,22 +47,22 @@ snowflake/ml/_internal/utils/uri.py,sha256=pvskcWoeS0M66DaU2XlJzK9wce55z4J5dn5kT
|
|
43
47
|
snowflake/ml/dataset/dataset.py,sha256=OG_RonPgj86mRKRgN-xhJV0uZfa78ohVBpxsoYYnceY,6078
|
44
48
|
snowflake/ml/feature_store/__init__.py,sha256=dYtqk_GD_hAAZjGfH1maWlZQ30h4hu_KGaf-_y9_AD8,298
|
45
49
|
snowflake/ml/feature_store/entity.py,sha256=dCpzLC3jrt5wDHqFYJXbAYkMiZ0zEmiVDMGkks6MXkA,3378
|
46
|
-
snowflake/ml/feature_store/feature_store.py,sha256=
|
50
|
+
snowflake/ml/feature_store/feature_store.py,sha256=aNcbXHwpq9qja3785kpvgvahGtooY2KGjqspLM26W1o,69115
|
47
51
|
snowflake/ml/feature_store/feature_view.py,sha256=APSn-xqm1Yv_iIKCckPdsvAqFb7D0-3BUW6URjSNut8,17806
|
48
52
|
snowflake/ml/fileset/fileset.py,sha256=QRhxLeKf1QBqvXO4RyyRd1c8TixhYpHuBEII8Qi3C_M,26201
|
49
53
|
snowflake/ml/fileset/parquet_parser.py,sha256=sjyRB59cGBzSzvbcYLvu_ApMPtrR-zwZsQkxekMR4FA,6884
|
50
|
-
snowflake/ml/fileset/sfcfs.py,sha256=
|
51
|
-
snowflake/ml/fileset/stage_fs.py,sha256=
|
54
|
+
snowflake/ml/fileset/sfcfs.py,sha256=XFtLpeo2Smq1Hn4sMKl5kwCKfqlMFqA4soynxK9YJJM,15174
|
55
|
+
snowflake/ml/fileset/stage_fs.py,sha256=_hoJrZoqFZYl8fPdEO8crmcWoahAdxeleEUoKPqG8yg,17021
|
52
56
|
snowflake/ml/fileset/tf_dataset.py,sha256=K8jafWBsyRaIYEmxaYAYNDj3dLApK82cg0Mlx52jX8I,3849
|
53
57
|
snowflake/ml/fileset/torch_datapipe.py,sha256=O2irHckqLzPDnXemEbAEjc3ZCVnLufPdPbt9WKYiBp0,2386
|
54
58
|
snowflake/ml/model/__init__.py,sha256=fk8OMvOyrSIkAhX0EcrgBBvdz1VGRsdMmfYFV2GCf14,367
|
55
|
-
snowflake/ml/model/_api.py,sha256=
|
56
|
-
snowflake/ml/model/custom_model.py,sha256=
|
59
|
+
snowflake/ml/model/_api.py,sha256=Y3r-Rm1-TJ0rnuydcWs6ENGdNp86T57PbmCWJlB0o0U,21595
|
60
|
+
snowflake/ml/model/custom_model.py,sha256=xvu7WZ1YmOdvuPePyAj6qMwKq-HNeVV9bNfkOT09CRI,8267
|
57
61
|
snowflake/ml/model/deploy_platforms.py,sha256=r6cS3gTNWG9i4P00fHehY6Q8eBiNva6501OTyp_E5m0,144
|
58
62
|
snowflake/ml/model/model_signature.py,sha256=UQSGieGJcnmC02V4feCYMdhMXnGoOUa9KBuDrbeivBM,29342
|
59
|
-
snowflake/ml/model/type_hints.py,sha256=
|
63
|
+
snowflake/ml/model/type_hints.py,sha256=qe9U01Br4zYN0Uo0Pm7OC8eyjIuAoVwzweSvEe9SMzQ,12195
|
60
64
|
snowflake/ml/model/_client/model/model_impl.py,sha256=QmTJr1JLdqBHWrFFpR2xARfbx0INYPzbfKWJn--3yX4,12525
|
61
|
-
snowflake/ml/model/_client/model/model_version_impl.py,sha256=
|
65
|
+
snowflake/ml/model/_client/model/model_version_impl.py,sha256=A9d4ipgiymX35Hsk7j4GkO908u0aVUAf95kUWybTT9M,13548
|
62
66
|
snowflake/ml/model/_client/ops/metadata_ops.py,sha256=XFNolmueu0nC3nAjb2Lj3v1NffDAhAq0JWMek9JVO38,4094
|
63
67
|
snowflake/ml/model/_client/ops/model_ops.py,sha256=cL791mSAr4fJvPco6PtMdpwqicHhSTc8nsn4jdcEuEA,17767
|
64
68
|
snowflake/ml/model/_client/sql/model.py,sha256=diuyGfFtLu1Z9yBThP-SjGOG9Zy4gflRKh6JoyUBDHk,4525
|
@@ -67,14 +71,14 @@ snowflake/ml/model/_client/sql/stage.py,sha256=4zP8aO6cv0IDrZEqhkheNWwy4qBuv1qyG
|
|
67
71
|
snowflake/ml/model/_client/sql/tag.py,sha256=RYvblBfQmK4xmLF0pz0BNUd9wddqlfHtEK1JRRpJGPE,4646
|
68
72
|
snowflake/ml/model/_deploy_client/image_builds/base_image_builder.py,sha256=clCaoO0DZam4X79UtQV1ZuMQtTezAJkhLu9ViAX18Xk,302
|
69
73
|
snowflake/ml/model/_deploy_client/image_builds/client_image_builder.py,sha256=G74D9lV2B3d544YzFN-YrjPkaST7tbQeh-rM17dtoJc,10681
|
70
|
-
snowflake/ml/model/_deploy_client/image_builds/docker_context.py,sha256=
|
74
|
+
snowflake/ml/model/_deploy_client/image_builds/docker_context.py,sha256=7uhAJsHsk7LbiZv_w3xOCE2O88rTUVnS3_B6OAz-JG4,6129
|
71
75
|
snowflake/ml/model/_deploy_client/image_builds/gunicorn_run.sh,sha256=1pntXgqFthW4gdomqlyWx9CJF-Wqv8VMoLkgSiTHEJ0,1578
|
72
|
-
snowflake/ml/model/_deploy_client/image_builds/server_image_builder.py,sha256=
|
76
|
+
snowflake/ml/model/_deploy_client/image_builds/server_image_builder.py,sha256=HnTaj0v27R9PCRuXpcP1nWv5tGBsXGSq6Xwep1m0bb0,9947
|
73
77
|
snowflake/ml/model/_deploy_client/image_builds/inference_server/main.py,sha256=Ltk7KrYsp-nrghMhbMWKqi3snU8inbqmKLHFFyBCeBY,11148
|
74
78
|
snowflake/ml/model/_deploy_client/image_builds/templates/dockerfile_template,sha256=WAqYQaaY5AFywg9yNLKRw350c2fpM4vxgdjYJ50VJJA,1752
|
75
79
|
snowflake/ml/model/_deploy_client/image_builds/templates/image_build_job_spec_template,sha256=g8mEvpJmwQ9OnAkZomeErPQ6h4OJ5NdtRCoylyIp7f4,1225
|
76
80
|
snowflake/ml/model/_deploy_client/image_builds/templates/kaniko_shell_script_template,sha256=nEK7fqo_XHJEVKLNe--EkES4oiDm7M5E9CacxGItFU0,3633
|
77
|
-
snowflake/ml/model/_deploy_client/snowservice/deploy.py,sha256=
|
81
|
+
snowflake/ml/model/_deploy_client/snowservice/deploy.py,sha256=U0axqxy9YdJTsGz0bXSRSM2f7nziRnB83mvK6Rz9tlI,29141
|
78
82
|
snowflake/ml/model/_deploy_client/snowservice/deploy_options.py,sha256=X4ncWgcgS9DKaNDiauOR9aVC6D27yb3DNouXDEHEjMQ,5989
|
79
83
|
snowflake/ml/model/_deploy_client/snowservice/instance_types.py,sha256=YHI5D7UXNlEbV_Bzk0Nq6nrzfv2VUJfxwchLe7hY-lA,232
|
80
84
|
snowflake/ml/model/_deploy_client/snowservice/templates/service_spec_template,sha256=hZX8XYPAlEU2R6JhZLj46js91g7XSfe2pysflCYH4HM,734
|
@@ -83,32 +87,33 @@ snowflake/ml/model/_deploy_client/utils/constants.py,sha256=ysEBrEs0sBCGHnk9uBX-
|
|
83
87
|
snowflake/ml/model/_deploy_client/utils/snowservice_client.py,sha256=R_ilt8SGwQR6qh_roaUvst0YrnjbJbAyxYIPn4efo4E,13284
|
84
88
|
snowflake/ml/model/_deploy_client/warehouse/deploy.py,sha256=yZR9M76oh6JbPQJHb6t3wGO3wuD04w0zLEXiEyZW_tg,8358
|
85
89
|
snowflake/ml/model/_deploy_client/warehouse/infer_template.py,sha256=1THMd6JX1nW-OozECyxXbn9HJXDgNBUIdhfC9ODPDWY,3011
|
86
|
-
snowflake/ml/model/_model_composer/model_composer.py,sha256=
|
90
|
+
snowflake/ml/model/_model_composer/model_composer.py,sha256=ShoSp74xImfdXuIMTVJKt09sIBS8uxz-0rCbYBxLX9o,6337
|
87
91
|
snowflake/ml/model/_model_composer/model_manifest/model_manifest.py,sha256=wdMTFH8St31mr88Fj8lQLTj_gvskHQu8fQOxAPQoXuQ,6677
|
88
92
|
snowflake/ml/model/_model_composer/model_manifest/model_manifest_schema.py,sha256=R4oX50Rlpr0C6zTYJRPuuZqImzYcBSTCQJfuSGutULI,2029
|
89
|
-
snowflake/ml/model/_model_composer/model_method/function_generator.py,sha256=
|
93
|
+
snowflake/ml/model/_model_composer/model_method/function_generator.py,sha256=2B-fykyanYlGWA4Ie2nOwXx2N5D2qZEvTbbPuSSreeI,1837
|
90
94
|
snowflake/ml/model/_model_composer/model_method/infer_function.py_template,sha256=QpQXAIKDs9cotLOL0JdI6xLet1QJU7KtaF7O10nDQcs,2291
|
91
|
-
snowflake/ml/model/_model_composer/model_method/infer_table_function.py_template,sha256=
|
92
|
-
snowflake/ml/model/_model_composer/model_method/model_method.py,sha256=
|
93
|
-
snowflake/ml/model/_model_composer/model_runtime/_runtime_requirements.py,sha256=
|
95
|
+
snowflake/ml/model/_model_composer/model_method/infer_table_function.py_template,sha256=gex5if17PZ6t6fPcr2i_LO_3IRY03Ykcv_XAyKJt8pg,2170
|
96
|
+
snowflake/ml/model/_model_composer/model_method/model_method.py,sha256=Lk32tVHAN_oMRuKx_9hiFKuk7gqCDcJe-D0fN56BzvM,6693
|
97
|
+
snowflake/ml/model/_model_composer/model_runtime/_runtime_requirements.py,sha256=z3V7mRgdP-TYpZSX7TrW2k_4hNQ3ZsR4YO4ZQ0YSm8s,248
|
94
98
|
snowflake/ml/model/_model_composer/model_runtime/model_runtime.py,sha256=y6gZURScuGFZK6-n_YEdzDIzJHCiHXctKuSGv_ObRwc,4307
|
95
99
|
snowflake/ml/model/_packager/model_handler.py,sha256=wMPGOegXx5GgiSA81gbKpfODosdj2mvD1bFbeN4OmNc,2642
|
96
|
-
snowflake/ml/model/_packager/model_packager.py,sha256=
|
100
|
+
snowflake/ml/model/_packager/model_packager.py,sha256=qT07boM7j1ZcbjfMLcDpB1JXdg8s0A7zGORpkhxFfVA,5966
|
97
101
|
snowflake/ml/model/_packager/model_env/model_env.py,sha256=MHajuZ7LnMadPImXESeEQDocgKh2E3QiKqC-fqmDKio,16640
|
98
|
-
snowflake/ml/model/_packager/model_handlers/_base.py,sha256
|
99
|
-
snowflake/ml/model/_packager/model_handlers/_utils.py,sha256=
|
100
|
-
snowflake/ml/model/_packager/model_handlers/custom.py,sha256=
|
101
|
-
snowflake/ml/model/_packager/model_handlers/huggingface_pipeline.py,sha256=
|
102
|
-
snowflake/ml/model/_packager/model_handlers/llm.py,sha256=
|
103
|
-
snowflake/ml/model/_packager/model_handlers/mlflow.py,sha256=
|
104
|
-
snowflake/ml/model/_packager/model_handlers/pytorch.py,sha256=
|
105
|
-
snowflake/ml/model/_packager/model_handlers/
|
106
|
-
snowflake/ml/model/_packager/model_handlers/
|
107
|
-
snowflake/ml/model/_packager/model_handlers/
|
108
|
-
snowflake/ml/model/_packager/model_handlers/
|
109
|
-
snowflake/ml/model/_packager/model_handlers/
|
102
|
+
snowflake/ml/model/_packager/model_handlers/_base.py,sha256=-FfoDfULcfFRizya5ZHOjx48_w04Zy4eLEqOOrQIDHM,6033
|
103
|
+
snowflake/ml/model/_packager/model_handlers/_utils.py,sha256=KKwS93yZnrUr2JERuRGWpzxCWwD6LOCCvR3ZfjZTnyQ,2622
|
104
|
+
snowflake/ml/model/_packager/model_handlers/custom.py,sha256=y5CHdEeKWAO08uor2OtEob4-67zv1CVfRf1CLvBHN40,7325
|
105
|
+
snowflake/ml/model/_packager/model_handlers/huggingface_pipeline.py,sha256=Z7vZ5zhZByLVPfNdSkhgzBot1Y8UBOM3ITj3Qfway3A,19985
|
106
|
+
snowflake/ml/model/_packager/model_handlers/llm.py,sha256=SgCgy9Ys5KivNymjF35ufCpPOtMtSby2Zu4Tllir8Mg,10772
|
107
|
+
snowflake/ml/model/_packager/model_handlers/mlflow.py,sha256=Itw1fPiBdU2euOmjLU3P6Vyfj9Go3jSx1c-yHlQRYpU,8993
|
108
|
+
snowflake/ml/model/_packager/model_handlers/pytorch.py,sha256=dSxKO530_IlF1OK3t9_UYpVntdPiszKy-x_7XGk0bzQ,8033
|
109
|
+
snowflake/ml/model/_packager/model_handlers/sentence_transformers.py,sha256=JRPargMNEJaDFQIpzqEVvOml62G_UVVvJdqBH8Lhu_Y,9051
|
110
|
+
snowflake/ml/model/_packager/model_handlers/sklearn.py,sha256=bb-3AkK5T5HlFLSzviGKKRjhVcGvKIClDU7OP1OsNHg,8065
|
111
|
+
snowflake/ml/model/_packager/model_handlers/snowmlmodel.py,sha256=le4Y_dbiPlcjhiFpK1shla3pVgQ5UASdx2g7a70tYYY,7967
|
112
|
+
snowflake/ml/model/_packager/model_handlers/tensorflow.py,sha256=ujBcbJ1-Ymv7ZeLfuxuDBe7QZ7KNU7x1p2k6OM_yi-0,8179
|
113
|
+
snowflake/ml/model/_packager/model_handlers/torchscript.py,sha256=8s8sMWQ9ydJpK1Nk2uPQ-FVeB-xclfX5qzRDr9G1bdk,8104
|
114
|
+
snowflake/ml/model/_packager/model_handlers/xgboost.py,sha256=x5bXz5DRzb3O7DMDOF535LBPGnydCa78JHP_7-vsnjY,8874
|
110
115
|
snowflake/ml/model/_packager/model_handlers_migrator/base_migrator.py,sha256=BZo14UrywGZM1kTqzN4VFQcYjl7dggDp1U90ZBCMuOg,1409
|
111
|
-
snowflake/ml/model/_packager/model_meta/_core_requirements.py,sha256=
|
116
|
+
snowflake/ml/model/_packager/model_meta/_core_requirements.py,sha256=BE-T6xd48OmUIthNAapbI6w7cmUsJwd32I7c1slaXpE,274
|
112
117
|
snowflake/ml/model/_packager/model_meta/_packaging_requirements.py,sha256=TfJNtrfyZoNiJZYFfmTbmiWMlXKM-QxkOBIJVFvPit0,44
|
113
118
|
snowflake/ml/model/_packager/model_meta/model_blob_meta.py,sha256=qwgBneEA9xu34FBKDDhxM1igRiviUsuQSGUfKatu_Ro,1818
|
114
119
|
snowflake/ml/model/_packager/model_meta/model_meta.py,sha256=duiMX-EJDVCMoMnPRdhgk2umtDxF30-uC4CkdbHPSuc,15903
|
@@ -128,150 +133,150 @@ snowflake/ml/model/_signatures/utils.py,sha256=aP5lkxiT4lY5gtN6vnupAJhXwRXFSlWFu
|
|
128
133
|
snowflake/ml/model/models/huggingface_pipeline.py,sha256=62GpPZxBheqCnFNxNOggiDE1y9Dhst-v6D4IkGLuDeQ,10221
|
129
134
|
snowflake/ml/model/models/llm.py,sha256=ofrdHH4LQEQmnxYAGwmHV2sWLPenf0WcgBLg9MPwSmY,3616
|
130
135
|
snowflake/ml/modeling/_internal/constants.py,sha256=xI4ofa3ATQ2UszRPpkfUAxghV_gXmvxleqOew4UI1PM,45
|
131
|
-
snowflake/ml/modeling/_internal/estimator_utils.py,sha256=
|
132
|
-
snowflake/ml/modeling/_internal/model_specifications.py,sha256
|
133
|
-
snowflake/ml/modeling/_internal/model_trainer.py,sha256=
|
136
|
+
snowflake/ml/modeling/_internal/estimator_utils.py,sha256=Szhpip5g7ddmT1-nfRg8WFRRCBx9QIjsSW9ey7jkTLo,8855
|
137
|
+
snowflake/ml/modeling/_internal/model_specifications.py,sha256=nAqgw7i1LcYMKRQq9mg2I50Kl0tsayh2_do5UMDXdT0,4801
|
138
|
+
snowflake/ml/modeling/_internal/model_trainer.py,sha256=AlnTRnIowaF39Qjy2Zv4U3JsMydzCxfcBB2pgLIzNpk,694
|
134
139
|
snowflake/ml/modeling/_internal/model_trainer_builder.py,sha256=0zazMgVNmBly7jKLGEwwjirb6VUsmA5bnplCzWxfTP8,7269
|
135
140
|
snowflake/ml/modeling/_internal/model_transformer_builder.py,sha256=Y6Y8XSr7X7xAy1FvjPuHTb9Opy7tnGoCuOUBc5WEBJ4,3364
|
136
|
-
snowflake/ml/modeling/_internal/transformer_protocols.py,sha256=
|
137
|
-
snowflake/ml/modeling/_internal/local_implementations/pandas_handlers.py,sha256=
|
138
|
-
snowflake/ml/modeling/_internal/local_implementations/pandas_trainer.py,sha256=
|
139
|
-
snowflake/ml/modeling/_internal/ml_runtime_implementations/ml_runtime_handlers.py,sha256=
|
141
|
+
snowflake/ml/modeling/_internal/transformer_protocols.py,sha256=adbJH9BcD52Z1VbqoCE_9IexjIxERTXE8932Hz-gw3E,6482
|
142
|
+
snowflake/ml/modeling/_internal/local_implementations/pandas_handlers.py,sha256=SbjbDXBwXEd_buFk_7YM5NtzEuDxiuqFBYlpS4Md_fg,7580
|
143
|
+
snowflake/ml/modeling/_internal/local_implementations/pandas_trainer.py,sha256=QuXUeeFzktfxStkXFlFSzB7QAuaTG2mPQJVBlRkb0WI,3169
|
144
|
+
snowflake/ml/modeling/_internal/ml_runtime_implementations/ml_runtime_handlers.py,sha256=y9PZ3xgPGDHPBcNHY0f2Fk0nMZMRsPcLWy2cIDTALT4,4850
|
140
145
|
snowflake/ml/modeling/_internal/ml_runtime_implementations/ml_runtime_trainer.py,sha256=lM1vYwpJ1jgTh8vnuyMp4tnFibM6UFf50W1IpPWwUWE,2535
|
141
|
-
snowflake/ml/modeling/_internal/snowpark_implementations/distributed_hpo_trainer.py,sha256=
|
142
|
-
snowflake/ml/modeling/_internal/snowpark_implementations/snowpark_handlers.py,sha256=
|
143
|
-
snowflake/ml/modeling/_internal/snowpark_implementations/snowpark_trainer.py,sha256=
|
146
|
+
snowflake/ml/modeling/_internal/snowpark_implementations/distributed_hpo_trainer.py,sha256=1kfwnUzaBFcxrN_YjWdlbT6ZR_vqcBjUwscwDzTsQyQ,54431
|
147
|
+
snowflake/ml/modeling/_internal/snowpark_implementations/snowpark_handlers.py,sha256=qtizLi4azYYCPL0BzuxohK81BpxRPidQQGhwVgp2bAQ,13590
|
148
|
+
snowflake/ml/modeling/_internal/snowpark_implementations/snowpark_trainer.py,sha256=w3zCrv-TwDB1o9eFppMaiXWmMeEPz_EAn_vl_2_6GL8,21699
|
144
149
|
snowflake/ml/modeling/_internal/snowpark_implementations/xgboost_external_memory_trainer.py,sha256=VBYWGTy6ajQ-u2aiEvVU6NnKobEqJyz65oaHJS-ZjBs,17208
|
145
150
|
snowflake/ml/modeling/calibration/__init__.py,sha256=rY5qSOkHj59bHiTV6LhBiEhUA0StoCb0ACNR2vkV4v0,297
|
146
|
-
snowflake/ml/modeling/calibration/calibrated_classifier_cv.py,sha256=
|
151
|
+
snowflake/ml/modeling/calibration/calibrated_classifier_cv.py,sha256=CYa8vxy0FEO76VsPNDjnk183YKgpOP50Nzyhjsgd1Aw,47625
|
147
152
|
snowflake/ml/modeling/cluster/__init__.py,sha256=rY5qSOkHj59bHiTV6LhBiEhUA0StoCb0ACNR2vkV4v0,297
|
148
|
-
snowflake/ml/modeling/cluster/affinity_propagation.py,sha256=
|
149
|
-
snowflake/ml/modeling/cluster/agglomerative_clustering.py,sha256=
|
150
|
-
snowflake/ml/modeling/cluster/birch.py,sha256=
|
151
|
-
snowflake/ml/modeling/cluster/bisecting_k_means.py,sha256=
|
152
|
-
snowflake/ml/modeling/cluster/dbscan.py,sha256=
|
153
|
-
snowflake/ml/modeling/cluster/feature_agglomeration.py,sha256=
|
154
|
-
snowflake/ml/modeling/cluster/k_means.py,sha256
|
155
|
-
snowflake/ml/modeling/cluster/mean_shift.py,sha256=
|
156
|
-
snowflake/ml/modeling/cluster/mini_batch_k_means.py,sha256=
|
157
|
-
snowflake/ml/modeling/cluster/optics.py,sha256=
|
158
|
-
snowflake/ml/modeling/cluster/spectral_biclustering.py,sha256=
|
159
|
-
snowflake/ml/modeling/cluster/spectral_clustering.py,sha256=
|
160
|
-
snowflake/ml/modeling/cluster/spectral_coclustering.py,sha256=
|
153
|
+
snowflake/ml/modeling/cluster/affinity_propagation.py,sha256=gUAcqg8CzIuSXS3hdDXlRhquBklZPCN6qDcOJ4G676o,45454
|
154
|
+
snowflake/ml/modeling/cluster/agglomerative_clustering.py,sha256=VmSjSA8_6i9A00ywPatvZQhImhK7EPgDfJS7MNc1j40,47491
|
155
|
+
snowflake/ml/modeling/cluster/birch.py,sha256=cCGVrpCGXcAU_XJSJNDuARoc1ruBO5STLIeYfxMM4yw,45179
|
156
|
+
snowflake/ml/modeling/cluster/bisecting_k_means.py,sha256=MlWzdj1r2e8YOyB1W7msjlQ-_LkL7gVsqphBma50W14,47878
|
157
|
+
snowflake/ml/modeling/cluster/dbscan.py,sha256=oPFfugJCWvUhBjHa4-zsVb0DLV8cPWe8NzvmO35YO5I,45541
|
158
|
+
snowflake/ml/modeling/cluster/feature_agglomeration.py,sha256=dzKHlkRqqaaX2-zS4tBJLChOkuWsxdqAqvSxvWRxKaI,48009
|
159
|
+
snowflake/ml/modeling/cluster/k_means.py,sha256=Hwq8pyxvbOeNqzMJ8Hc5fRI0vGJmeZWJqkVVx8HDM3k,47434
|
160
|
+
snowflake/ml/modeling/cluster/mean_shift.py,sha256=GMbc6ZqZOxlin8Q-XHVGlYIqF1RJ256tUpiIeP7BaZY,45751
|
161
|
+
snowflake/ml/modeling/cluster/mini_batch_k_means.py,sha256=9z2CVgN-yoehFRmo1dn6VQzwxMJM_kk96RVZV6HknCM,48796
|
162
|
+
snowflake/ml/modeling/cluster/optics.py,sha256=Zwp-FOOwW5YPQC9kpiBe0B99OXCQej_46Uq8kP__PYw,48855
|
163
|
+
snowflake/ml/modeling/cluster/spectral_biclustering.py,sha256=kv1J6Tcl41wMBbvdMJwoWN0HC5mOFMtYA51jjU3wzLk,45750
|
164
|
+
snowflake/ml/modeling/cluster/spectral_clustering.py,sha256=g6nENhQm3PBZipUP2ijG5nbyTExMSPX9rZZpPghp0dU,48942
|
165
|
+
snowflake/ml/modeling/cluster/spectral_coclustering.py,sha256=vKvl0uD79hazcX9stojTCS68mymYNz950elR20P6wJ8,44883
|
161
166
|
snowflake/ml/modeling/compose/__init__.py,sha256=rY5qSOkHj59bHiTV6LhBiEhUA0StoCb0ACNR2vkV4v0,297
|
162
|
-
snowflake/ml/modeling/compose/column_transformer.py,sha256=
|
163
|
-
snowflake/ml/modeling/compose/transformed_target_regressor.py,sha256=
|
167
|
+
snowflake/ml/modeling/compose/column_transformer.py,sha256=5dezU1RLj8FppvNQ2hQhWLpeS5XI6D8PMi6loH_1fHs,47449
|
168
|
+
snowflake/ml/modeling/compose/transformed_target_regressor.py,sha256=U0qI1NxGGrHHaTQ1-T4LS29bkkP7zKP0qldS-SuExGs,45437
|
164
169
|
snowflake/ml/modeling/covariance/__init__.py,sha256=rY5qSOkHj59bHiTV6LhBiEhUA0StoCb0ACNR2vkV4v0,297
|
165
|
-
snowflake/ml/modeling/covariance/elliptic_envelope.py,sha256=
|
166
|
-
snowflake/ml/modeling/covariance/empirical_covariance.py,sha256=
|
167
|
-
snowflake/ml/modeling/covariance/graphical_lasso.py,sha256=
|
168
|
-
snowflake/ml/modeling/covariance/graphical_lasso_cv.py,sha256=
|
169
|
-
snowflake/ml/modeling/covariance/ledoit_wolf.py,sha256
|
170
|
-
snowflake/ml/modeling/covariance/min_cov_det.py,sha256=
|
171
|
-
snowflake/ml/modeling/covariance/oas.py,sha256=
|
172
|
-
snowflake/ml/modeling/covariance/shrunk_covariance.py,sha256=
|
170
|
+
snowflake/ml/modeling/covariance/elliptic_envelope.py,sha256=gfXNdBaJVmDErpz0oFdQpk8xf-8X4GB9h2Nd5IBHFbQ,45775
|
171
|
+
snowflake/ml/modeling/covariance/empirical_covariance.py,sha256=vHPQGjQE985wdLD3KHul0NWOoAatH5djDSI8oamghw8,43583
|
172
|
+
snowflake/ml/modeling/covariance/graphical_lasso.py,sha256=1E9fhXKdhB_lC0e54fGws1AFfC2tAcMFFpZpsQbSdR8,45447
|
173
|
+
snowflake/ml/modeling/covariance/graphical_lasso_cv.py,sha256=JA7hjBSi6cThyeBjDR8xDPenvZmpHNl5beWmgZN8AAY,46612
|
174
|
+
snowflake/ml/modeling/covariance/ledoit_wolf.py,sha256=-S6mm2kUqXVKZrYuY1idk4DysuiCfxNp6g1UwUcUXMw,43721
|
175
|
+
snowflake/ml/modeling/covariance/min_cov_det.py,sha256=sQcKR33Kp8Dkyd-fRrDtCfvxd-INOxN_HU-dDlnFTrc,44476
|
176
|
+
snowflake/ml/modeling/covariance/oas.py,sha256=t8NqXHdtt0g6MvQKVsa7rx_ez6Dmvp1Xm3VjCTEJkfE,43362
|
177
|
+
snowflake/ml/modeling/covariance/shrunk_covariance.py,sha256=yZUrXk41_YBY5Zow9hgTSEZMyYkI-V2IDtQMUWzpWFA,43738
|
173
178
|
snowflake/ml/modeling/decomposition/__init__.py,sha256=rY5qSOkHj59bHiTV6LhBiEhUA0StoCb0ACNR2vkV4v0,297
|
174
|
-
snowflake/ml/modeling/decomposition/dictionary_learning.py,sha256=
|
175
|
-
snowflake/ml/modeling/decomposition/factor_analysis.py,sha256=
|
176
|
-
snowflake/ml/modeling/decomposition/fast_ica.py,sha256=
|
177
|
-
snowflake/ml/modeling/decomposition/incremental_pca.py,sha256=-
|
178
|
-
snowflake/ml/modeling/decomposition/kernel_pca.py,sha256=
|
179
|
-
snowflake/ml/modeling/decomposition/mini_batch_dictionary_learning.py,sha256=
|
180
|
-
snowflake/ml/modeling/decomposition/mini_batch_sparse_pca.py,sha256=
|
181
|
-
snowflake/ml/modeling/decomposition/pca.py,sha256=
|
182
|
-
snowflake/ml/modeling/decomposition/sparse_pca.py,sha256=
|
183
|
-
snowflake/ml/modeling/decomposition/truncated_svd.py,sha256=
|
179
|
+
snowflake/ml/modeling/decomposition/dictionary_learning.py,sha256=r0NAIdbDuWsoPLXe8ho9ePIGoHyDsRysYNxkHJoU4d0,48446
|
180
|
+
snowflake/ml/modeling/decomposition/factor_analysis.py,sha256=YIgvHrTVNNgmxJQK47skVy6OaEdaX4XQeY22tl3YZSg,46151
|
181
|
+
snowflake/ml/modeling/decomposition/fast_ica.py,sha256=Azm2Kp5ud2vWP24sokMSd_h2BfsCtMtNTAiZJzWRiy4,46092
|
182
|
+
snowflake/ml/modeling/decomposition/incremental_pca.py,sha256=-1sGgytOyU0YQvDX7fLx0RV5pU12AatnVzY6kImOrgE,44445
|
183
|
+
snowflake/ml/modeling/decomposition/kernel_pca.py,sha256=qZoHKyfO3M8NtZ7cdEnmI34o7vBgnY-UpGvQDzllg_I,48444
|
184
|
+
snowflake/ml/modeling/decomposition/mini_batch_dictionary_learning.py,sha256=0m-DxZfhfh7s7SWl3Q5gSkCH31pLEQxqbnnVsEexQG4,49490
|
185
|
+
snowflake/ml/modeling/decomposition/mini_batch_sparse_pca.py,sha256=2cZ6jyv6Taf_VM7_OsVe5GWq2rQCtXT8o6cGmCtIbdI,46782
|
186
|
+
snowflake/ml/modeling/decomposition/pca.py,sha256=5KkbZdj1lzRAfuHiUS5LaxUM6jTu9-D9jq2RDHazlGU,47711
|
187
|
+
snowflake/ml/modeling/decomposition/sparse_pca.py,sha256=rb9r2g_KAIEEsgEVjn76AvV7JyquEsUG0TWbIyQ47ok,45614
|
188
|
+
snowflake/ml/modeling/decomposition/truncated_svd.py,sha256=FQdGcPCApnifH466AxtINz4QAmUdwOUz7ArGUGNGb6c,45202
|
184
189
|
snowflake/ml/modeling/discriminant_analysis/__init__.py,sha256=rY5qSOkHj59bHiTV6LhBiEhUA0StoCb0ACNR2vkV4v0,297
|
185
|
-
snowflake/ml/modeling/discriminant_analysis/linear_discriminant_analysis.py,sha256=
|
186
|
-
snowflake/ml/modeling/discriminant_analysis/quadratic_discriminant_analysis.py,sha256=
|
190
|
+
snowflake/ml/modeling/discriminant_analysis/linear_discriminant_analysis.py,sha256=abn-yzfJ16XZsQJH--6BBcbo5Ax81OQJGd1UWohwyK0,47917
|
191
|
+
snowflake/ml/modeling/discriminant_analysis/quadratic_discriminant_analysis.py,sha256=35r9I-WCd2Ky-YoR7YkpIf0qmDcfc7aIZrBTHDRUHR4,46006
|
187
192
|
snowflake/ml/modeling/ensemble/__init__.py,sha256=rY5qSOkHj59bHiTV6LhBiEhUA0StoCb0ACNR2vkV4v0,297
|
188
|
-
snowflake/ml/modeling/ensemble/ada_boost_classifier.py,sha256=
|
189
|
-
snowflake/ml/modeling/ensemble/ada_boost_regressor.py,sha256=
|
190
|
-
snowflake/ml/modeling/ensemble/bagging_classifier.py,sha256=
|
191
|
-
snowflake/ml/modeling/ensemble/bagging_regressor.py,sha256=
|
192
|
-
snowflake/ml/modeling/ensemble/extra_trees_classifier.py,sha256=
|
193
|
-
snowflake/ml/modeling/ensemble/extra_trees_regressor.py,sha256=
|
194
|
-
snowflake/ml/modeling/ensemble/gradient_boosting_classifier.py,sha256=
|
195
|
-
snowflake/ml/modeling/ensemble/gradient_boosting_regressor.py,sha256=
|
196
|
-
snowflake/ml/modeling/ensemble/hist_gradient_boosting_classifier.py,sha256=
|
197
|
-
snowflake/ml/modeling/ensemble/hist_gradient_boosting_regressor.py,sha256=
|
198
|
-
snowflake/ml/modeling/ensemble/isolation_forest.py,sha256=
|
199
|
-
snowflake/ml/modeling/ensemble/random_forest_classifier.py,sha256=
|
200
|
-
snowflake/ml/modeling/ensemble/random_forest_regressor.py,sha256=
|
201
|
-
snowflake/ml/modeling/ensemble/stacking_regressor.py,sha256=
|
202
|
-
snowflake/ml/modeling/ensemble/voting_classifier.py,sha256=
|
203
|
-
snowflake/ml/modeling/ensemble/voting_regressor.py,sha256=
|
193
|
+
snowflake/ml/modeling/ensemble/ada_boost_classifier.py,sha256=1PKPXrtnBhySmddQbXbpmM-xoDYKvQCId9CWmugOWzk,46824
|
194
|
+
snowflake/ml/modeling/ensemble/ada_boost_regressor.py,sha256=5Gq0tEGvkQBXFakDMLUP7_QgR9bPxIycMaFAlvxSwaQ,45715
|
195
|
+
snowflake/ml/modeling/ensemble/bagging_classifier.py,sha256=YSPVn_QngReSIs7Np6iTP-h-jFe91l0TZNioK6hKrd4,47735
|
196
|
+
snowflake/ml/modeling/ensemble/bagging_regressor.py,sha256=mF9t_6W6fAmyZjg-vk2lfqGiklmVuuWkXTkP8Q6edio,46971
|
197
|
+
snowflake/ml/modeling/ensemble/extra_trees_classifier.py,sha256=rg0tcidpg4Vn3MkXmfM8tF8DRG39v4ljJr2a5dLGm7o,52655
|
198
|
+
snowflake/ml/modeling/ensemble/extra_trees_regressor.py,sha256=dw45poTDCH59Jim7e2Q-jWbXG4kePxketH7_VCY56P0,51259
|
199
|
+
snowflake/ml/modeling/ensemble/gradient_boosting_classifier.py,sha256=A2uCPa4zaO0N6u8x-5D5e2QJFwayithmrTJkoGDvNR0,54110
|
200
|
+
snowflake/ml/modeling/ensemble/gradient_boosting_regressor.py,sha256=kfKVfNuF8esX9lems2osK95zVqhTW4iwTHv1UFnFYOo,53703
|
201
|
+
snowflake/ml/modeling/ensemble/hist_gradient_boosting_classifier.py,sha256=hPNwZIg9oKUOWUBFXLikwPHj5VcP60fQx6_dq4odtHg,53944
|
202
|
+
snowflake/ml/modeling/ensemble/hist_gradient_boosting_regressor.py,sha256=Ya1Z2TPM7HKkylfenLQ8vMGxxT53JyPISMvDPUncRKk,52429
|
203
|
+
snowflake/ml/modeling/ensemble/isolation_forest.py,sha256=tpqX98wl9sS06ZJQqNdW4kibFtwnqmuCulF6Vi143AE,46923
|
204
|
+
snowflake/ml/modeling/ensemble/random_forest_classifier.py,sha256=4caeketEZmxmjx_9KkqZfbRTkOsUU3VkqK_0o9QWjQE,52638
|
205
|
+
snowflake/ml/modeling/ensemble/random_forest_regressor.py,sha256=iWkEx6A5JlPex5tCaX0F2k2B9EZ0KfDxjG4xKOmpsbY,51230
|
206
|
+
snowflake/ml/modeling/ensemble/stacking_regressor.py,sha256=PdKbG2Vc8uXxVI9O8gGNQoxibR24MnKWv-MJfAg8d0k,46668
|
207
|
+
snowflake/ml/modeling/ensemble/voting_classifier.py,sha256=K_BowzvqgiOM885UQCgEoYPmXkxLqtk72W4qjP1YDo0,46239
|
208
|
+
snowflake/ml/modeling/ensemble/voting_regressor.py,sha256=o7WKhzYZIRPsfyE7vnH9DQOkQzIComz3t0_biI5saMg,44768
|
204
209
|
snowflake/ml/modeling/feature_selection/__init__.py,sha256=rY5qSOkHj59bHiTV6LhBiEhUA0StoCb0ACNR2vkV4v0,297
|
205
|
-
snowflake/ml/modeling/feature_selection/generic_univariate_select.py,sha256=
|
206
|
-
snowflake/ml/modeling/feature_selection/select_fdr.py,sha256=
|
207
|
-
snowflake/ml/modeling/feature_selection/select_fpr.py,sha256=
|
208
|
-
snowflake/ml/modeling/feature_selection/select_fwe.py,sha256=
|
209
|
-
snowflake/ml/modeling/feature_selection/select_k_best.py,sha256=
|
210
|
-
snowflake/ml/modeling/feature_selection/select_percentile.py,sha256=
|
211
|
-
snowflake/ml/modeling/feature_selection/sequential_feature_selector.py,sha256=
|
212
|
-
snowflake/ml/modeling/feature_selection/variance_threshold.py,sha256=
|
210
|
+
snowflake/ml/modeling/feature_selection/generic_univariate_select.py,sha256=w6yWOpJ81eD39Ff0_rjKRbkgb1kaCztejmQNUCpfDVA,44079
|
211
|
+
snowflake/ml/modeling/feature_selection/select_fdr.py,sha256=cxOdhyv-uExXTzQ5UX_wKzEHwRXrjoOqAp63Rt5iOeg,43722
|
212
|
+
snowflake/ml/modeling/feature_selection/select_fpr.py,sha256=GPmVENFXdZlb8msR1gGB2jPWMn-DWFDG35dGxgTFJcA,43716
|
213
|
+
snowflake/ml/modeling/feature_selection/select_fwe.py,sha256=7M-paZ2f_RuSCpcq2_BhxNRmMmPPvQEBMioeynEVjvg,43724
|
214
|
+
snowflake/ml/modeling/feature_selection/select_k_best.py,sha256=ca2AUtsUhmZLWR4eNIvhlRWRrkodYR85mRo2IBnyce4,43809
|
215
|
+
snowflake/ml/modeling/feature_selection/select_percentile.py,sha256=10-R2ijOsTVRGJiHL9rpSZNbQPPcZ2q-kBqe8jc-4KM,43849
|
216
|
+
snowflake/ml/modeling/feature_selection/sequential_feature_selector.py,sha256=kRZ4HPQgzawll6ZGZ76ZseVA3qhLYtNRFmq4d_9u0gc,46442
|
217
|
+
snowflake/ml/modeling/feature_selection/variance_threshold.py,sha256=8i6_ALx-0XY2FxRGnBeOY2Jd29PYz6ALFDAouC6ysoQ,43402
|
213
218
|
snowflake/ml/modeling/framework/_utils.py,sha256=85q83_QVwAQmnzMYefSE5FaxiGMYnOpRatyvdpemU6w,9974
|
214
|
-
snowflake/ml/modeling/framework/base.py,sha256=
|
219
|
+
snowflake/ml/modeling/framework/base.py,sha256=PteCPFStrGyeH1HP3oQLkY7AaNoWj8abHYwZuLoHfso,30157
|
215
220
|
snowflake/ml/modeling/gaussian_process/__init__.py,sha256=rY5qSOkHj59bHiTV6LhBiEhUA0StoCb0ACNR2vkV4v0,297
|
216
|
-
snowflake/ml/modeling/gaussian_process/gaussian_process_classifier.py,sha256=
|
217
|
-
snowflake/ml/modeling/gaussian_process/gaussian_process_regressor.py,sha256=
|
221
|
+
snowflake/ml/modeling/gaussian_process/gaussian_process_classifier.py,sha256=igmWhHpuU27OtYDAHbduJHNltCTKwakCu5ch3Q0brew,49376
|
222
|
+
snowflake/ml/modeling/gaussian_process/gaussian_process_regressor.py,sha256=VXIWTMMM80zqzBBdwQLeEAdzf67jZ0pXhJ50O_do2UQ,48441
|
218
223
|
snowflake/ml/modeling/impute/__init__.py,sha256=dYtqk_GD_hAAZjGfH1maWlZQ30h4hu_KGaf-_y9_AD8,298
|
219
|
-
snowflake/ml/modeling/impute/iterative_imputer.py,sha256=
|
220
|
-
snowflake/ml/modeling/impute/knn_imputer.py,sha256=
|
221
|
-
snowflake/ml/modeling/impute/missing_indicator.py,sha256=
|
222
|
-
snowflake/ml/modeling/impute/simple_imputer.py,sha256=
|
224
|
+
snowflake/ml/modeling/impute/iterative_imputer.py,sha256=jF_H8WvECHavwzaOKYqsR0ijM3VnyWzBC3Gl70Qd4zc,49939
|
225
|
+
snowflake/ml/modeling/impute/knn_imputer.py,sha256=49U_EkD-kQ6uSIxC8BOKqc9IxS1IHuvW1gfOeGeEFCA,45696
|
226
|
+
snowflake/ml/modeling/impute/missing_indicator.py,sha256=sdwF5ip-u7g3ioeK7ImdEmvCZE-D6xigAbiXP4kkduc,44524
|
227
|
+
snowflake/ml/modeling/impute/simple_imputer.py,sha256=awM33HugS5jGs3JXud1U8eEMm2VLdIAf7z_eVXAzKD0,18499
|
223
228
|
snowflake/ml/modeling/kernel_approximation/__init__.py,sha256=rY5qSOkHj59bHiTV6LhBiEhUA0StoCb0ACNR2vkV4v0,297
|
224
|
-
snowflake/ml/modeling/kernel_approximation/additive_chi2_sampler.py,sha256=
|
225
|
-
snowflake/ml/modeling/kernel_approximation/nystroem.py,sha256=
|
226
|
-
snowflake/ml/modeling/kernel_approximation/polynomial_count_sketch.py,sha256=
|
227
|
-
snowflake/ml/modeling/kernel_approximation/rbf_sampler.py,sha256=
|
228
|
-
snowflake/ml/modeling/kernel_approximation/skewed_chi2_sampler.py,sha256=
|
229
|
+
snowflake/ml/modeling/kernel_approximation/additive_chi2_sampler.py,sha256=McvxnMNfyv3O2fNXsIMmGFFWfbKnEulj11Z0D4X8bDo,43515
|
230
|
+
snowflake/ml/modeling/kernel_approximation/nystroem.py,sha256=fMANo2btM_MaJRID8RrF7Ni66uwcsvmyUlOXPEgo_4w,45319
|
231
|
+
snowflake/ml/modeling/kernel_approximation/polynomial_count_sketch.py,sha256=dH5PXUV9ucAUNK-s6BNazCKcidt2FrAf0Q5zhEcWqSA,44528
|
232
|
+
snowflake/ml/modeling/kernel_approximation/rbf_sampler.py,sha256=WCx417eh8aGpPQys35ExSO8nXIl-a_n2zd32f0EZT8E,43915
|
233
|
+
snowflake/ml/modeling/kernel_approximation/skewed_chi2_sampler.py,sha256=0kB3UCP7mKE6-jzznCunfVmO09_XESUyteJGRgrXjds,43942
|
229
234
|
snowflake/ml/modeling/kernel_ridge/__init__.py,sha256=rY5qSOkHj59bHiTV6LhBiEhUA0StoCb0ACNR2vkV4v0,297
|
230
|
-
snowflake/ml/modeling/kernel_ridge/kernel_ridge.py,sha256=
|
235
|
+
snowflake/ml/modeling/kernel_ridge/kernel_ridge.py,sha256=Hm9RoSJqOvd6xQrNByvKU3NAjGktUF__Txsj5HrO66s,45755
|
231
236
|
snowflake/ml/modeling/lightgbm/__init__.py,sha256=rY5qSOkHj59bHiTV6LhBiEhUA0StoCb0ACNR2vkV4v0,297
|
232
|
-
snowflake/ml/modeling/lightgbm/lgbm_classifier.py,sha256=
|
233
|
-
snowflake/ml/modeling/lightgbm/lgbm_regressor.py,sha256=
|
237
|
+
snowflake/ml/modeling/lightgbm/lgbm_classifier.py,sha256=tQWAMmWECo7i7q6L-RhzJZPTJ-EW90_U7VM0w7JCk5g,45323
|
238
|
+
snowflake/ml/modeling/lightgbm/lgbm_regressor.py,sha256=llkP12nu04eOcC8DfeKyYx2YRLspxGXRP75V47YajSY,44826
|
234
239
|
snowflake/ml/modeling/linear_model/__init__.py,sha256=rY5qSOkHj59bHiTV6LhBiEhUA0StoCb0ACNR2vkV4v0,297
|
235
|
-
snowflake/ml/modeling/linear_model/ard_regression.py,sha256=
|
236
|
-
snowflake/ml/modeling/linear_model/bayesian_ridge.py,sha256=
|
237
|
-
snowflake/ml/modeling/linear_model/elastic_net.py,sha256=
|
238
|
-
snowflake/ml/modeling/linear_model/elastic_net_cv.py,sha256=
|
239
|
-
snowflake/ml/modeling/linear_model/gamma_regressor.py,sha256=
|
240
|
-
snowflake/ml/modeling/linear_model/huber_regressor.py,sha256=
|
241
|
-
snowflake/ml/modeling/linear_model/lars.py,sha256=
|
242
|
-
snowflake/ml/modeling/linear_model/lars_cv.py,sha256=
|
243
|
-
snowflake/ml/modeling/linear_model/lasso.py,sha256=
|
244
|
-
snowflake/ml/modeling/linear_model/lasso_cv.py,sha256=
|
245
|
-
snowflake/ml/modeling/linear_model/lasso_lars.py,sha256=
|
246
|
-
snowflake/ml/modeling/linear_model/lasso_lars_cv.py,sha256=
|
247
|
-
snowflake/ml/modeling/linear_model/lasso_lars_ic.py,sha256=
|
248
|
-
snowflake/ml/modeling/linear_model/linear_regression.py,sha256=
|
249
|
-
snowflake/ml/modeling/linear_model/logistic_regression.py,sha256=
|
250
|
-
snowflake/ml/modeling/linear_model/logistic_regression_cv.py,sha256=
|
251
|
-
snowflake/ml/modeling/linear_model/multi_task_elastic_net.py,sha256=
|
252
|
-
snowflake/ml/modeling/linear_model/multi_task_elastic_net_cv.py,sha256=
|
253
|
-
snowflake/ml/modeling/linear_model/multi_task_lasso.py,sha256=
|
254
|
-
snowflake/ml/modeling/linear_model/multi_task_lasso_cv.py,sha256=
|
255
|
-
snowflake/ml/modeling/linear_model/orthogonal_matching_pursuit.py,sha256=
|
256
|
-
snowflake/ml/modeling/linear_model/passive_aggressive_classifier.py,sha256=
|
257
|
-
snowflake/ml/modeling/linear_model/passive_aggressive_regressor.py,sha256=
|
258
|
-
snowflake/ml/modeling/linear_model/perceptron.py,sha256=
|
259
|
-
snowflake/ml/modeling/linear_model/poisson_regressor.py,sha256=
|
260
|
-
snowflake/ml/modeling/linear_model/ransac_regressor.py,sha256=
|
261
|
-
snowflake/ml/modeling/linear_model/ridge.py,sha256=
|
262
|
-
snowflake/ml/modeling/linear_model/ridge_classifier.py,sha256=
|
263
|
-
snowflake/ml/modeling/linear_model/ridge_classifier_cv.py,sha256=
|
264
|
-
snowflake/ml/modeling/linear_model/ridge_cv.py,sha256=
|
265
|
-
snowflake/ml/modeling/linear_model/sgd_classifier.py,sha256=
|
266
|
-
snowflake/ml/modeling/linear_model/sgd_one_class_svm.py,sha256=
|
267
|
-
snowflake/ml/modeling/linear_model/sgd_regressor.py,sha256=
|
268
|
-
snowflake/ml/modeling/linear_model/theil_sen_regressor.py,sha256=
|
269
|
-
snowflake/ml/modeling/linear_model/tweedie_regressor.py,sha256=
|
240
|
+
snowflake/ml/modeling/linear_model/ard_regression.py,sha256=BE0Mp7qtXFltlRrh25dytZla50nuyLeIvcE19wDsxDU,45700
|
241
|
+
snowflake/ml/modeling/linear_model/bayesian_ridge.py,sha256=qU5_D_0H34X14gZa4EAdlxluPXqQIe5tRPPRctiZzOY,46116
|
242
|
+
snowflake/ml/modeling/linear_model/elastic_net.py,sha256=1qCqDfx12EiNxgVXS0j6VpxWK1H7axmQThFp2iNyCkE,46688
|
243
|
+
snowflake/ml/modeling/linear_model/elastic_net_cv.py,sha256=2xz6RbCi-KkpSU9XNIHBMzJr5EtEPgcOI6_kBuKUIbU,47956
|
244
|
+
snowflake/ml/modeling/linear_model/gamma_regressor.py,sha256=XDY-b0Q_LrMz52OZE2l4Y8W7CXMCL6n_ieeJm2fEtRY,45768
|
245
|
+
snowflake/ml/modeling/linear_model/huber_regressor.py,sha256=DB-sSJb4HGqQG8vsP3zm7wUhVeM8yyBSx__GkUpIGX0,44965
|
246
|
+
snowflake/ml/modeling/linear_model/lars.py,sha256=uRZKWVAaFskGIWA3JLwrOROYcfL2x9n9IsgeUWI7O58,46188
|
247
|
+
snowflake/ml/modeling/linear_model/lars_cv.py,sha256=Ql6yABd-lkV6zfgi8C1lPzhWHv3QLFm799abp_N4bMc,46409
|
248
|
+
snowflake/ml/modeling/linear_model/lasso.py,sha256=zG7L6KjWEo8TSjsnVSZpiuMt62y9CP4xhmgxLWa-A-s,46294
|
249
|
+
snowflake/ml/modeling/linear_model/lasso_cv.py,sha256=uMAhsYh7FimkVht2XntX3zCGuL05-Mcpco-qYntfH_s,47079
|
250
|
+
snowflake/ml/modeling/linear_model/lasso_lars.py,sha256=sCvBslSN26bvq7d27ADRWtKRQkTe-5NmzEt3MoHr3xA,47324
|
251
|
+
snowflake/ml/modeling/linear_model/lasso_lars_cv.py,sha256=2z3P2tQVw00JBwCjNNEehWB53uJzBOAGGaXmWK_HgMM,47285
|
252
|
+
snowflake/ml/modeling/linear_model/lasso_lars_ic.py,sha256=fpORngW3p-9zSA2hkWqHCqXwEGj5Akb1a-ZdLCGoecI,46631
|
253
|
+
snowflake/ml/modeling/linear_model/linear_regression.py,sha256=Zh56EYsMX7KqndtxAWx8ehS26GFS2cg2yHFRfAFN0fg,44507
|
254
|
+
snowflake/ml/modeling/linear_model/logistic_regression.py,sha256=IjNu9RIosJqIV-PaACdrvJqt6Q75FbLslFgWFuuBbvE,50762
|
255
|
+
snowflake/ml/modeling/linear_model/logistic_regression_cv.py,sha256=Lj9hsheYdBuvn8cA7LtIrd25ckhOuGIhwi605rI5_Vs,51802
|
256
|
+
snowflake/ml/modeling/linear_model/multi_task_elastic_net.py,sha256=x-l-glEXz4VdbbbyVW1diRTcThbzfZYMVkyt4Car02g,45979
|
257
|
+
snowflake/ml/modeling/linear_model/multi_task_elastic_net_cv.py,sha256=Z4xNGDpMeAWM_QrO8M-MOH-VruKhq9_MJ71qeM-mcik,47617
|
258
|
+
snowflake/ml/modeling/linear_model/multi_task_lasso.py,sha256=za5VRyA_cCXmhQxElgWpYqiiwcEiFg5JD2MZOzDfcIc,45527
|
259
|
+
snowflake/ml/modeling/linear_model/multi_task_lasso_cv.py,sha256=dZxCUZn_CodKcd3f73PCgsrsModB-57JT17KEWxO2L8,46789
|
260
|
+
snowflake/ml/modeling/linear_model/orthogonal_matching_pursuit.py,sha256=MdHMXDI9COycSuEcPoFJmLr1yGqvU-MWywpYYGQKb7Y,45134
|
261
|
+
snowflake/ml/modeling/linear_model/passive_aggressive_classifier.py,sha256=g28wTZgL77CM63UjbEF9sk6Z-W9Otg7i77yz6bqtPDU,48490
|
262
|
+
snowflake/ml/modeling/linear_model/passive_aggressive_regressor.py,sha256=eRk7Wx0Jdz9EOSykusi36ih3wcr7DpRWdOdPL_O-A0g,47557
|
263
|
+
snowflake/ml/modeling/linear_model/perceptron.py,sha256=aGZ9lcPnCge318q4mEhe4g33wf3tCFzhHLnSGG_O0aI,47874
|
264
|
+
snowflake/ml/modeling/linear_model/poisson_regressor.py,sha256=d7HD5-Hfg2CC2mosQYTEcIcRM909XwynOHe1fWECVfg,45813
|
265
|
+
snowflake/ml/modeling/linear_model/ransac_regressor.py,sha256=KLMKrF8zW6TkyLz1UUwrV6Ecua29NrnVpw_1y-56bII,48932
|
266
|
+
snowflake/ml/modeling/linear_model/ridge.py,sha256=xXdVan8y3qCoeEguTLgq-YKVFcLuJcCPutE4V8E4b0g,47838
|
267
|
+
snowflake/ml/modeling/linear_model/ridge_classifier.py,sha256=6csfmq367kThuwe33sRCYy5dxsO7NUzzFfZXg7AQsSM,48226
|
268
|
+
snowflake/ml/modeling/linear_model/ridge_classifier_cv.py,sha256=Y49MtT7og2PMkKe2MqQmdTj-8WhzKKU-Jfwrh5n1y8c,46221
|
269
|
+
snowflake/ml/modeling/linear_model/ridge_cv.py,sha256=xsBPpsxbqv5m7TKseRGzzm9qqmini3WSjj8v0Gr98b8,46922
|
270
|
+
snowflake/ml/modeling/linear_model/sgd_classifier.py,sha256=WBlc9w1BUFBujfqhq1_c62CCjf_8EU59MxuT9_4ZPe0,53299
|
271
|
+
snowflake/ml/modeling/linear_model/sgd_one_class_svm.py,sha256=8NZImlxBOBT7qTypY0wgkPUCDQBxfXV_4yLPyD9Yduk,48097
|
272
|
+
snowflake/ml/modeling/linear_model/sgd_regressor.py,sha256=3CfSJtIBYJ_00OHKW4qMJVFXtmUfb8CHeQU03oo_Uus,50770
|
273
|
+
snowflake/ml/modeling/linear_model/theil_sen_regressor.py,sha256=BpQU_THSILO-jsm83FyGBUs6cDq4bQ0z4thj5TDWlkE,46248
|
274
|
+
snowflake/ml/modeling/linear_model/tweedie_regressor.py,sha256=xynomI6tbTDDSmxxoONY7NnByVnfuUApUHui3PLbdUA,47204
|
270
275
|
snowflake/ml/modeling/manifold/__init__.py,sha256=rY5qSOkHj59bHiTV6LhBiEhUA0StoCb0ACNR2vkV4v0,297
|
271
|
-
snowflake/ml/modeling/manifold/isomap.py,sha256=
|
272
|
-
snowflake/ml/modeling/manifold/mds.py,sha256=
|
273
|
-
snowflake/ml/modeling/manifold/spectral_embedding.py,sha256=
|
274
|
-
snowflake/ml/modeling/manifold/tsne.py,sha256=
|
276
|
+
snowflake/ml/modeling/manifold/isomap.py,sha256=OOtcC3LDWrzXA7DZu42VLrz-RtX_WxSQYjL3IIjwL8c,46208
|
277
|
+
snowflake/ml/modeling/manifold/mds.py,sha256=4G58NMEKcl3Ng8ueyhQJQrss86sF9S_mvXs-HukRRj0,45422
|
278
|
+
snowflake/ml/modeling/manifold/spectral_embedding.py,sha256=_7EGlAPcs0ToL-GzpL25d4umIFljCG6Pn5LG1nOnGCs,46246
|
279
|
+
snowflake/ml/modeling/manifold/tsne.py,sha256=LBM229aO0IpF4J5N3zZOtqYreMPVUj1wRP0bP9n0mRI,49205
|
275
280
|
snowflake/ml/modeling/metrics/__init__.py,sha256=pyZnmdcefErGbbhQPIo-_nGps7B09veZtjKZn4lI8Tg,524
|
276
281
|
snowflake/ml/modeling/metrics/classification.py,sha256=5XbbpxYu9HXB7FUbBJfT7wVNMKBfzxwcaVzlMSyHAWg,66499
|
277
282
|
snowflake/ml/modeling/metrics/correlation.py,sha256=Roi17Sx5F81VlJaLQTeBAe5qZ7sZYc31UkIuC6z4qkQ,4803
|
@@ -280,35 +285,35 @@ snowflake/ml/modeling/metrics/metrics_utils.py,sha256=NETSOkhP9m_GZSywiDydCQXKuX
|
|
280
285
|
snowflake/ml/modeling/metrics/ranking.py,sha256=gA1R1x1jUXA9bRrYn8IfJPM5BDY4DK1JCtoPQVsz5z4,17569
|
281
286
|
snowflake/ml/modeling/metrics/regression.py,sha256=OEawjdiMZHYlycQFXM_h2czIZmmGe5GKciEQD9MSWx4,25845
|
282
287
|
snowflake/ml/modeling/mixture/__init__.py,sha256=rY5qSOkHj59bHiTV6LhBiEhUA0StoCb0ACNR2vkV4v0,297
|
283
|
-
snowflake/ml/modeling/mixture/bayesian_gaussian_mixture.py,sha256=
|
284
|
-
snowflake/ml/modeling/mixture/gaussian_mixture.py,sha256=
|
288
|
+
snowflake/ml/modeling/mixture/bayesian_gaussian_mixture.py,sha256=9J-6gUBFrSxwrmNVdcFKfsgoW9MjrCwK1PiU-akFJAY,51004
|
289
|
+
snowflake/ml/modeling/mixture/gaussian_mixture.py,sha256=mcdhmU5IJjqGb9r2gtzFg0UEDwn6x8-Katl4Mbmmat0,48905
|
285
290
|
snowflake/ml/modeling/model_selection/__init__.py,sha256=dYtqk_GD_hAAZjGfH1maWlZQ30h4hu_KGaf-_y9_AD8,298
|
286
|
-
snowflake/ml/modeling/model_selection/grid_search_cv.py,sha256=
|
287
|
-
snowflake/ml/modeling/model_selection/randomized_search_cv.py,sha256=
|
291
|
+
snowflake/ml/modeling/model_selection/grid_search_cv.py,sha256=IvZrOqNYQmRLo_sRCq64tPYYLoURkq_cP7u06T1kBr4,37147
|
292
|
+
snowflake/ml/modeling/model_selection/randomized_search_cv.py,sha256=Ebub4ywRs6al_58mz4kQWFcaCBWRxbflaSYgMTvhJfk,37386
|
288
293
|
snowflake/ml/modeling/multiclass/__init__.py,sha256=rY5qSOkHj59bHiTV6LhBiEhUA0StoCb0ACNR2vkV4v0,297
|
289
|
-
snowflake/ml/modeling/multiclass/one_vs_one_classifier.py,sha256=
|
290
|
-
snowflake/ml/modeling/multiclass/one_vs_rest_classifier.py,sha256=
|
291
|
-
snowflake/ml/modeling/multiclass/output_code_classifier.py,sha256=
|
294
|
+
snowflake/ml/modeling/multiclass/one_vs_one_classifier.py,sha256=fS6LyMAjpHVhdaxFPo_g2qnlnnCquunD-o7hUhoZBX0,44507
|
295
|
+
snowflake/ml/modeling/multiclass/one_vs_rest_classifier.py,sha256=wNXTMaXGuc6lTY8G8208uVqsI9muciLLTB_hGouHpUM,45441
|
296
|
+
snowflake/ml/modeling/multiclass/output_code_classifier.py,sha256=sORLKVTEZ7wel8L1DVfriEjUyqrsp-u_bjNhJhaspQY,44777
|
292
297
|
snowflake/ml/modeling/naive_bayes/__init__.py,sha256=rY5qSOkHj59bHiTV6LhBiEhUA0StoCb0ACNR2vkV4v0,297
|
293
|
-
snowflake/ml/modeling/naive_bayes/bernoulli_nb.py,sha256=
|
294
|
-
snowflake/ml/modeling/naive_bayes/categorical_nb.py,sha256=
|
295
|
-
snowflake/ml/modeling/naive_bayes/complement_nb.py,sha256=
|
296
|
-
snowflake/ml/modeling/naive_bayes/gaussian_nb.py,sha256=
|
297
|
-
snowflake/ml/modeling/naive_bayes/multinomial_nb.py,sha256=
|
298
|
+
snowflake/ml/modeling/naive_bayes/bernoulli_nb.py,sha256=sO-cWHHYRrJMymLRClqDitRqeV02SCZywWPNXFRjqXg,45046
|
299
|
+
snowflake/ml/modeling/naive_bayes/categorical_nb.py,sha256=yIYE14LHQylypJYDaMc5lOelZiKj7DCSKpaNxDH2__8,45381
|
300
|
+
snowflake/ml/modeling/naive_bayes/complement_nb.py,sha256=g0qYn1DFp_fIUHRIRrfPQuM84aaAR1REUvfu3c-kR4c,45061
|
301
|
+
snowflake/ml/modeling/naive_bayes/gaussian_nb.py,sha256=l8-pVqGoeD-1Xw5y2-FzRNmq1he-3Gam1x8O2JCU1fk,44190
|
302
|
+
snowflake/ml/modeling/naive_bayes/multinomial_nb.py,sha256=17w57d0HFqISjBSQlFm1k3t9eVe5Qadg3JIOj-iCf6I,44826
|
298
303
|
snowflake/ml/modeling/neighbors/__init__.py,sha256=rY5qSOkHj59bHiTV6LhBiEhUA0StoCb0ACNR2vkV4v0,297
|
299
|
-
snowflake/ml/modeling/neighbors/k_neighbors_classifier.py,sha256=
|
300
|
-
snowflake/ml/modeling/neighbors/k_neighbors_regressor.py,sha256=
|
301
|
-
snowflake/ml/modeling/neighbors/kernel_density.py,sha256=
|
302
|
-
snowflake/ml/modeling/neighbors/local_outlier_factor.py,sha256=
|
303
|
-
snowflake/ml/modeling/neighbors/nearest_centroid.py,sha256=
|
304
|
-
snowflake/ml/modeling/neighbors/nearest_neighbors.py,sha256=
|
305
|
-
snowflake/ml/modeling/neighbors/neighborhood_components_analysis.py,sha256=
|
306
|
-
snowflake/ml/modeling/neighbors/radius_neighbors_classifier.py,sha256=
|
307
|
-
snowflake/ml/modeling/neighbors/radius_neighbors_regressor.py,sha256=
|
304
|
+
snowflake/ml/modeling/neighbors/k_neighbors_classifier.py,sha256=YiYzAW-cm6NsiKO74k_lxLfRyva08NNCY20UQoX1iFE,47895
|
305
|
+
snowflake/ml/modeling/neighbors/k_neighbors_regressor.py,sha256=qLZRNBLwK1twwXdkT0eWuBvrV79EikZtm9om4UwpSrw,47366
|
306
|
+
snowflake/ml/modeling/neighbors/kernel_density.py,sha256=Egnkug25GjYYj9bz7Yt8Fbkh0fA07EvDXIhShaK8_tE,45724
|
307
|
+
snowflake/ml/modeling/neighbors/local_outlier_factor.py,sha256=u8KJ2NVI2kIDMOdNowl8590GYLigSpeZ21wFL46ZexQ,48302
|
308
|
+
snowflake/ml/modeling/neighbors/nearest_centroid.py,sha256=aaUYHHNWlfklScLFCiQfUBftvzjbonStKS8cpb_OoX8,44384
|
309
|
+
snowflake/ml/modeling/neighbors/nearest_neighbors.py,sha256=lNHrWL3sChKS-5mgTLwIzn-BURlYB0KUelxxT4Fs6Vc,46193
|
310
|
+
snowflake/ml/modeling/neighbors/neighborhood_components_analysis.py,sha256=xRcDPKZRw6y7GBAnCb82zLg-qMLWschgFVmG7KgQZeA,47573
|
311
|
+
snowflake/ml/modeling/neighbors/radius_neighbors_classifier.py,sha256=epGG4OVf-k6OD8qjQWAXXrVTePGPjb8hcUzAOivplA0,48308
|
312
|
+
snowflake/ml/modeling/neighbors/radius_neighbors_regressor.py,sha256=smg-_1NYHB5ZtdWQXDYG8h1Y0Vh42YZhxKZW_aRx2yo,47189
|
308
313
|
snowflake/ml/modeling/neural_network/__init__.py,sha256=rY5qSOkHj59bHiTV6LhBiEhUA0StoCb0ACNR2vkV4v0,297
|
309
|
-
snowflake/ml/modeling/neural_network/bernoulli_rbm.py,sha256=
|
310
|
-
snowflake/ml/modeling/neural_network/mlp_classifier.py,sha256=
|
311
|
-
snowflake/ml/modeling/neural_network/mlp_regressor.py,sha256=
|
314
|
+
snowflake/ml/modeling/neural_network/bernoulli_rbm.py,sha256=Of4lW-32n88fD91RDUf0P2YGKceFS3w27ItRJzZ1tUc,44688
|
315
|
+
snowflake/ml/modeling/neural_network/mlp_classifier.py,sha256=8PxgFrqDezRQdubWhBzOfbo6NYHwx43epJ0WdElCnBY,52268
|
316
|
+
snowflake/ml/modeling/neural_network/mlp_regressor.py,sha256=p3IQcDXOfLeuUzvreraoCzEPxLPp2x1zpDpfHCn7COg,51537
|
312
317
|
snowflake/ml/modeling/parameters/disable_distributed_hpo.py,sha256=jyjlLPrtnDSQxlTTM0ayMjWKVL_IP3snd--yeXK5htY,221
|
313
318
|
snowflake/ml/modeling/pipeline/__init__.py,sha256=dYtqk_GD_hAAZjGfH1maWlZQ30h4hu_KGaf-_y9_AD8,298
|
314
319
|
snowflake/ml/modeling/pipeline/pipeline.py,sha256=jg8cwmE2mP_IcKUabjdXBtbtvr_AZME6ZaqgTf--r1w,25436
|
@@ -321,29 +326,29 @@ snowflake/ml/modeling/preprocessing/min_max_scaler.py,sha256=SRPvTPZtNKdpWFpX9ey
|
|
321
326
|
snowflake/ml/modeling/preprocessing/normalizer.py,sha256=rSn1c8n7sbIswlDrFdq1eaWRvW0nTrX1LF0IIHBWTJM,6696
|
322
327
|
snowflake/ml/modeling/preprocessing/one_hot_encoder.py,sha256=0kX_H6dhjPiycUW0axCb_-Wbz37MhoAuMq33HHnuwWU,71691
|
323
328
|
snowflake/ml/modeling/preprocessing/ordinal_encoder.py,sha256=rkY_9ANjLAfn1VNm3aowppLJBnHVDsAJRthtWCKFcTA,33388
|
324
|
-
snowflake/ml/modeling/preprocessing/polynomial_features.py,sha256=
|
329
|
+
snowflake/ml/modeling/preprocessing/polynomial_features.py,sha256=vwjHs0PzoBF63Y_o6NQ5Hzvwv7SrOoWUiEuguhByGAQ,44599
|
325
330
|
snowflake/ml/modeling/preprocessing/robust_scaler.py,sha256=SrQgRixonU2pwqfy3DVeBC3OiQ_0UeQpqNtEkn4Hr74,12510
|
326
331
|
snowflake/ml/modeling/preprocessing/standard_scaler.py,sha256=Wol8YEr2JjqsbFrLk5A4MKcpXvLDScVtflnspOB-PSg,11197
|
327
332
|
snowflake/ml/modeling/semi_supervised/__init__.py,sha256=rY5qSOkHj59bHiTV6LhBiEhUA0StoCb0ACNR2vkV4v0,297
|
328
|
-
snowflake/ml/modeling/semi_supervised/label_propagation.py,sha256=
|
329
|
-
snowflake/ml/modeling/semi_supervised/label_spreading.py,sha256=
|
333
|
+
snowflake/ml/modeling/semi_supervised/label_propagation.py,sha256=ZyQpilq5ukHW2lCfYuDZe9IozokN6TKmGKNpwmCMoks,45283
|
334
|
+
snowflake/ml/modeling/semi_supervised/label_spreading.py,sha256=3EY6_AxAxB0wvnLVJeiDkEvUtVZjWxLzoP9BWgxHaHI,45632
|
330
335
|
snowflake/ml/modeling/svm/__init__.py,sha256=rY5qSOkHj59bHiTV6LhBiEhUA0StoCb0ACNR2vkV4v0,297
|
331
|
-
snowflake/ml/modeling/svm/linear_svc.py,sha256=
|
332
|
-
snowflake/ml/modeling/svm/linear_svr.py,sha256=
|
333
|
-
snowflake/ml/modeling/svm/nu_svc.py,sha256=
|
334
|
-
snowflake/ml/modeling/svm/nu_svr.py,sha256=
|
335
|
-
snowflake/ml/modeling/svm/svc.py,sha256=
|
336
|
-
snowflake/ml/modeling/svm/svr.py,sha256=
|
336
|
+
snowflake/ml/modeling/svm/linear_svc.py,sha256=Rj_WLjLVmi234auyXTIt6-e8LAka03Tmen48L0uZM3Y,48093
|
337
|
+
snowflake/ml/modeling/svm/linear_svr.py,sha256=i0Ba_lO2l9fjc776q2uZ0t5MrETOFtoGqxx3bhNUOW8,46446
|
338
|
+
snowflake/ml/modeling/svm/nu_svc.py,sha256=L7n7vks7VLSAg6TGGnePXhY_d7i44_uqk2NmvdlyyIY,48405
|
339
|
+
snowflake/ml/modeling/svm/nu_svr.py,sha256=v3MmS_iuW5XDqyfISMb3rrDLIVgzP8HylwqF6ipoQeE,45484
|
340
|
+
snowflake/ml/modeling/svm/svc.py,sha256=zhmbl0H0_1xXBI6TJyI8bw-4mHK6f25-cGMxCkQokm8,48554
|
341
|
+
snowflake/ml/modeling/svm/svr.py,sha256=7ff4uS7UaUYmEV4PqwJwxBH2YZqA3Q9mzE-M3Uo2-es,45673
|
337
342
|
snowflake/ml/modeling/tree/__init__.py,sha256=rY5qSOkHj59bHiTV6LhBiEhUA0StoCb0ACNR2vkV4v0,297
|
338
|
-
snowflake/ml/modeling/tree/decision_tree_classifier.py,sha256=
|
339
|
-
snowflake/ml/modeling/tree/decision_tree_regressor.py,sha256=
|
340
|
-
snowflake/ml/modeling/tree/extra_tree_classifier.py,sha256=
|
341
|
-
snowflake/ml/modeling/tree/extra_tree_regressor.py,sha256=
|
343
|
+
snowflake/ml/modeling/tree/decision_tree_classifier.py,sha256=IIJEjjYX_ewLja7SwxCC20os0A6ZCKsmT1OsMUyxa4k,50830
|
344
|
+
snowflake/ml/modeling/tree/decision_tree_regressor.py,sha256=YniyR5DwuFv5Wpi9V22O-liMc5TDcPs0JxambqLEXZw,49529
|
345
|
+
snowflake/ml/modeling/tree/extra_tree_classifier.py,sha256=hv1iaImjrUYsOZ-G5ns7Jvt-6uyitxUOsI0Co2nxI7A,50172
|
346
|
+
snowflake/ml/modeling/tree/extra_tree_regressor.py,sha256=x5jM42Pj5Tmje8fQLi4l7CQ4-VKrUmlJLY2JxLBeD-s,48880
|
342
347
|
snowflake/ml/modeling/xgboost/__init__.py,sha256=rY5qSOkHj59bHiTV6LhBiEhUA0StoCb0ACNR2vkV4v0,297
|
343
|
-
snowflake/ml/modeling/xgboost/xgb_classifier.py,sha256=
|
344
|
-
snowflake/ml/modeling/xgboost/xgb_regressor.py,sha256=
|
345
|
-
snowflake/ml/modeling/xgboost/xgbrf_classifier.py,sha256=
|
346
|
-
snowflake/ml/modeling/xgboost/xgbrf_regressor.py,sha256=
|
348
|
+
snowflake/ml/modeling/xgboost/xgb_classifier.py,sha256=zDqXvGMjTz7p0O881qtWbU8kGyz_MTu6HWH3_LmfYb0,55828
|
349
|
+
snowflake/ml/modeling/xgboost/xgb_regressor.py,sha256=anSx6zCl6fBs8RfXd9xiLgULaVpJOGP2y71W8gCK9UE,55327
|
350
|
+
snowflake/ml/modeling/xgboost/xgbrf_classifier.py,sha256=5raynqG_fnksOVUsT57yFZ2SPr4o6VxYRc-2SiXb4fQ,56004
|
351
|
+
snowflake/ml/modeling/xgboost/xgbrf_regressor.py,sha256=Z7-ReBZRrE9-G4XENdbFHXGKMwGAE-BmK0vuXzWYF1M,55530
|
347
352
|
snowflake/ml/monitoring/monitor.py,sha256=M9IRk6bnVwKNEvCexEJ5Rf95zEFap4O5qjbwfwdXGS0,7135
|
348
353
|
snowflake/ml/monitoring/shap.py,sha256=Dp9nYquPEZjxMTW62YYA9g9qUdmCEFxcSk7ejvOP7PE,3597
|
349
354
|
snowflake/ml/registry/__init__.py,sha256=XdPQK9ejYkSJVrSQ7HD3jKQO0hKq2mC4bPCB6qrtH3U,76
|
@@ -353,13 +358,13 @@ snowflake/ml/registry/_schema.py,sha256=GOA427_mVKkq9RWRENHuqDimRS0SmmP4EWThNCu1
|
|
353
358
|
snowflake/ml/registry/_schema_upgrade_plans.py,sha256=LxZNXYGjGG-NmB7w7_SxgaJpZuXUO66XVMuh04oL6SI,4209
|
354
359
|
snowflake/ml/registry/_schema_version_manager.py,sha256=-9wGH-7ELSZxp7-fW7hXTMqkJSIebXdSpwwgzdvnoYs,6922
|
355
360
|
snowflake/ml/registry/artifact.py,sha256=9JDcr4aaR0d4cp4YSRnGMFRIdu-k0tABbs6jDH4VDGQ,1263
|
356
|
-
snowflake/ml/registry/model_registry.py,sha256=
|
357
|
-
snowflake/ml/registry/registry.py,sha256=
|
358
|
-
snowflake/ml/registry/_manager/model_manager.py,sha256=
|
361
|
+
snowflake/ml/registry/model_registry.py,sha256=MgI4Dj9kvxfNd3kQ3tWY6ygmxUd6kzb430-GKkn4BA0,91007
|
362
|
+
snowflake/ml/registry/registry.py,sha256=LIwExLFPMOvbJbB7nRToDkMk93wl1ZMhGiN1Mo5HRGk,10939
|
363
|
+
snowflake/ml/registry/_manager/model_manager.py,sha256=LYX_nS_egwum7F_LCbz_a3hibIHOTDK8LO1DPOWxPrE,5809
|
359
364
|
snowflake/ml/utils/connection_params.py,sha256=JRpQppuWRk6bhdLzVDhMfz3Y6yInobFNLHmIBaXD7po,8005
|
360
365
|
snowflake/ml/utils/sparse.py,sha256=XqDQkw39Ml6YIknswdkvFIwUwBk_GBXAbP8IACfPENg,3817
|
361
|
-
snowflake_ml_python-1.
|
362
|
-
snowflake_ml_python-1.
|
363
|
-
snowflake_ml_python-1.
|
364
|
-
snowflake_ml_python-1.
|
365
|
-
snowflake_ml_python-1.
|
366
|
+
snowflake_ml_python-1.4.0.dist-info/LICENSE.txt,sha256=PdEp56Av5m3_kl21iFkVTX_EbHJKFGEdmYeIO1pL_Yk,11365
|
367
|
+
snowflake_ml_python-1.4.0.dist-info/METADATA,sha256=g26kO8pTVbH7coUpl7H3P4ceLOBSnilZNkT6U5ZTxGA,46650
|
368
|
+
snowflake_ml_python-1.4.0.dist-info/WHEEL,sha256=GJ7t_kWBFywbagK5eo9IoUwLW6oyOeTKmQ-9iHFVNxQ,92
|
369
|
+
snowflake_ml_python-1.4.0.dist-info/top_level.txt,sha256=TY0gFSHKDdZy3THb0FGomyikWQasEGldIR1O0HGOHVw,10
|
370
|
+
snowflake_ml_python-1.4.0.dist-info/RECORD,,
|