snowflake-ml-python 1.1.0__py3-none-any.whl → 1.1.2__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 +1 -1
- snowflake/cortex/_extract_answer.py +1 -1
- snowflake/cortex/_sentiment.py +1 -1
- snowflake/cortex/_summarize.py +1 -1
- snowflake/cortex/_translate.py +1 -1
- snowflake/ml/_internal/env_utils.py +68 -6
- snowflake/ml/_internal/file_utils.py +34 -4
- snowflake/ml/_internal/telemetry.py +79 -91
- snowflake/ml/_internal/utils/identifier.py +78 -72
- snowflake/ml/_internal/utils/retryable_http.py +16 -4
- snowflake/ml/_internal/utils/spcs_attribution_utils.py +122 -0
- snowflake/ml/dataset/dataset.py +1 -1
- snowflake/ml/model/_api.py +21 -14
- snowflake/ml/model/_client/model/model_impl.py +176 -0
- snowflake/ml/model/_client/model/model_method_info.py +19 -0
- snowflake/ml/model/_client/model/model_version_impl.py +291 -0
- snowflake/ml/model/_client/ops/metadata_ops.py +107 -0
- snowflake/ml/model/_client/ops/model_ops.py +308 -0
- snowflake/ml/model/_client/sql/model.py +75 -0
- snowflake/ml/model/_client/sql/model_version.py +213 -0
- snowflake/ml/model/_client/sql/stage.py +40 -0
- snowflake/ml/model/_deploy_client/image_builds/server_image_builder.py +3 -4
- snowflake/ml/model/_deploy_client/image_builds/templates/image_build_job_spec_template +24 -8
- snowflake/ml/model/_deploy_client/image_builds/templates/kaniko_shell_script_template +23 -0
- snowflake/ml/model/_deploy_client/snowservice/deploy.py +14 -2
- snowflake/ml/model/_deploy_client/utils/constants.py +1 -0
- snowflake/ml/model/_deploy_client/warehouse/deploy.py +2 -2
- snowflake/ml/model/_model_composer/model_composer.py +31 -9
- snowflake/ml/model/_model_composer/model_manifest/model_manifest.py +25 -10
- snowflake/ml/model/_model_composer/model_manifest/model_manifest_schema.py +2 -2
- snowflake/ml/model/_model_composer/model_method/infer_function.py_template +2 -1
- snowflake/ml/model/_model_composer/model_method/model_method.py +34 -3
- snowflake/ml/model/_model_composer/model_runtime/model_runtime.py +1 -1
- snowflake/ml/model/_packager/model_handlers/huggingface_pipeline.py +3 -1
- snowflake/ml/model/_packager/model_handlers/snowmlmodel.py +10 -28
- snowflake/ml/model/_packager/model_meta/model_meta.py +18 -16
- snowflake/ml/model/_signatures/snowpark_handler.py +1 -1
- snowflake/ml/model/model_signature.py +108 -53
- snowflake/ml/model/type_hints.py +1 -0
- snowflake/ml/modeling/_internal/distributed_hpo_trainer.py +554 -0
- snowflake/ml/modeling/_internal/estimator_protocols.py +1 -60
- snowflake/ml/modeling/_internal/model_specifications.py +146 -0
- snowflake/ml/modeling/_internal/model_trainer.py +13 -0
- snowflake/ml/modeling/_internal/model_trainer_builder.py +78 -0
- snowflake/ml/modeling/_internal/pandas_trainer.py +54 -0
- snowflake/ml/modeling/_internal/snowpark_handlers.py +6 -760
- snowflake/ml/modeling/_internal/snowpark_trainer.py +331 -0
- snowflake/ml/modeling/calibration/calibrated_classifier_cv.py +108 -135
- snowflake/ml/modeling/cluster/affinity_propagation.py +106 -135
- snowflake/ml/modeling/cluster/agglomerative_clustering.py +106 -135
- snowflake/ml/modeling/cluster/birch.py +106 -135
- snowflake/ml/modeling/cluster/bisecting_k_means.py +106 -135
- snowflake/ml/modeling/cluster/dbscan.py +106 -135
- snowflake/ml/modeling/cluster/feature_agglomeration.py +106 -135
- snowflake/ml/modeling/cluster/k_means.py +105 -135
- snowflake/ml/modeling/cluster/mean_shift.py +106 -135
- snowflake/ml/modeling/cluster/mini_batch_k_means.py +105 -135
- snowflake/ml/modeling/cluster/optics.py +106 -135
- snowflake/ml/modeling/cluster/spectral_biclustering.py +106 -135
- snowflake/ml/modeling/cluster/spectral_clustering.py +106 -135
- snowflake/ml/modeling/cluster/spectral_coclustering.py +106 -135
- snowflake/ml/modeling/compose/column_transformer.py +106 -135
- snowflake/ml/modeling/compose/transformed_target_regressor.py +108 -135
- snowflake/ml/modeling/covariance/elliptic_envelope.py +106 -135
- snowflake/ml/modeling/covariance/empirical_covariance.py +99 -128
- snowflake/ml/modeling/covariance/graphical_lasso.py +106 -135
- snowflake/ml/modeling/covariance/graphical_lasso_cv.py +106 -135
- snowflake/ml/modeling/covariance/ledoit_wolf.py +104 -133
- snowflake/ml/modeling/covariance/min_cov_det.py +106 -135
- snowflake/ml/modeling/covariance/oas.py +99 -128
- snowflake/ml/modeling/covariance/shrunk_covariance.py +103 -132
- snowflake/ml/modeling/decomposition/dictionary_learning.py +106 -135
- snowflake/ml/modeling/decomposition/factor_analysis.py +106 -135
- snowflake/ml/modeling/decomposition/fast_ica.py +106 -135
- snowflake/ml/modeling/decomposition/incremental_pca.py +106 -135
- snowflake/ml/modeling/decomposition/kernel_pca.py +106 -135
- snowflake/ml/modeling/decomposition/mini_batch_dictionary_learning.py +106 -135
- snowflake/ml/modeling/decomposition/mini_batch_sparse_pca.py +106 -135
- snowflake/ml/modeling/decomposition/pca.py +106 -135
- snowflake/ml/modeling/decomposition/sparse_pca.py +106 -135
- snowflake/ml/modeling/decomposition/truncated_svd.py +106 -135
- snowflake/ml/modeling/discriminant_analysis/linear_discriminant_analysis.py +108 -135
- snowflake/ml/modeling/discriminant_analysis/quadratic_discriminant_analysis.py +108 -135
- snowflake/ml/modeling/ensemble/ada_boost_classifier.py +108 -135
- snowflake/ml/modeling/ensemble/ada_boost_regressor.py +108 -135
- snowflake/ml/modeling/ensemble/bagging_classifier.py +108 -135
- snowflake/ml/modeling/ensemble/bagging_regressor.py +108 -135
- snowflake/ml/modeling/ensemble/extra_trees_classifier.py +108 -135
- snowflake/ml/modeling/ensemble/extra_trees_regressor.py +108 -135
- snowflake/ml/modeling/ensemble/gradient_boosting_classifier.py +108 -135
- snowflake/ml/modeling/ensemble/gradient_boosting_regressor.py +108 -135
- snowflake/ml/modeling/ensemble/hist_gradient_boosting_classifier.py +108 -135
- snowflake/ml/modeling/ensemble/hist_gradient_boosting_regressor.py +108 -135
- snowflake/ml/modeling/ensemble/isolation_forest.py +106 -135
- snowflake/ml/modeling/ensemble/random_forest_classifier.py +108 -135
- snowflake/ml/modeling/ensemble/random_forest_regressor.py +108 -135
- snowflake/ml/modeling/ensemble/stacking_regressor.py +108 -135
- snowflake/ml/modeling/ensemble/voting_classifier.py +108 -135
- snowflake/ml/modeling/ensemble/voting_regressor.py +108 -135
- snowflake/ml/modeling/feature_selection/generic_univariate_select.py +101 -128
- snowflake/ml/modeling/feature_selection/select_fdr.py +99 -126
- snowflake/ml/modeling/feature_selection/select_fpr.py +99 -126
- snowflake/ml/modeling/feature_selection/select_fwe.py +99 -126
- snowflake/ml/modeling/feature_selection/select_k_best.py +100 -127
- snowflake/ml/modeling/feature_selection/select_percentile.py +99 -126
- snowflake/ml/modeling/feature_selection/sequential_feature_selector.py +106 -135
- snowflake/ml/modeling/feature_selection/variance_threshold.py +95 -124
- snowflake/ml/modeling/framework/base.py +83 -1
- snowflake/ml/modeling/gaussian_process/gaussian_process_classifier.py +108 -135
- snowflake/ml/modeling/gaussian_process/gaussian_process_regressor.py +108 -135
- snowflake/ml/modeling/impute/iterative_imputer.py +106 -135
- snowflake/ml/modeling/impute/knn_imputer.py +106 -135
- snowflake/ml/modeling/impute/missing_indicator.py +106 -135
- snowflake/ml/modeling/impute/simple_imputer.py +9 -1
- snowflake/ml/modeling/kernel_approximation/additive_chi2_sampler.py +96 -125
- snowflake/ml/modeling/kernel_approximation/nystroem.py +106 -135
- snowflake/ml/modeling/kernel_approximation/polynomial_count_sketch.py +106 -135
- snowflake/ml/modeling/kernel_approximation/rbf_sampler.py +105 -134
- snowflake/ml/modeling/kernel_approximation/skewed_chi2_sampler.py +103 -132
- snowflake/ml/modeling/kernel_ridge/kernel_ridge.py +108 -135
- snowflake/ml/modeling/lightgbm/lgbm_classifier.py +90 -118
- snowflake/ml/modeling/lightgbm/lgbm_regressor.py +90 -118
- snowflake/ml/modeling/linear_model/ard_regression.py +108 -135
- snowflake/ml/modeling/linear_model/bayesian_ridge.py +108 -135
- snowflake/ml/modeling/linear_model/elastic_net.py +108 -135
- snowflake/ml/modeling/linear_model/elastic_net_cv.py +108 -135
- snowflake/ml/modeling/linear_model/gamma_regressor.py +108 -135
- snowflake/ml/modeling/linear_model/huber_regressor.py +108 -135
- snowflake/ml/modeling/linear_model/lars.py +108 -135
- snowflake/ml/modeling/linear_model/lars_cv.py +108 -135
- snowflake/ml/modeling/linear_model/lasso.py +108 -135
- snowflake/ml/modeling/linear_model/lasso_cv.py +108 -135
- snowflake/ml/modeling/linear_model/lasso_lars.py +108 -135
- snowflake/ml/modeling/linear_model/lasso_lars_cv.py +108 -135
- snowflake/ml/modeling/linear_model/lasso_lars_ic.py +108 -135
- snowflake/ml/modeling/linear_model/linear_regression.py +108 -135
- snowflake/ml/modeling/linear_model/logistic_regression.py +108 -135
- snowflake/ml/modeling/linear_model/logistic_regression_cv.py +108 -135
- snowflake/ml/modeling/linear_model/multi_task_elastic_net.py +108 -135
- snowflake/ml/modeling/linear_model/multi_task_elastic_net_cv.py +108 -135
- snowflake/ml/modeling/linear_model/multi_task_lasso.py +108 -135
- snowflake/ml/modeling/linear_model/multi_task_lasso_cv.py +108 -135
- snowflake/ml/modeling/linear_model/orthogonal_matching_pursuit.py +108 -135
- snowflake/ml/modeling/linear_model/passive_aggressive_classifier.py +108 -135
- snowflake/ml/modeling/linear_model/passive_aggressive_regressor.py +107 -135
- snowflake/ml/modeling/linear_model/perceptron.py +107 -135
- snowflake/ml/modeling/linear_model/poisson_regressor.py +108 -135
- snowflake/ml/modeling/linear_model/ransac_regressor.py +108 -135
- snowflake/ml/modeling/linear_model/ridge.py +108 -135
- snowflake/ml/modeling/linear_model/ridge_classifier.py +108 -135
- snowflake/ml/modeling/linear_model/ridge_classifier_cv.py +108 -135
- snowflake/ml/modeling/linear_model/ridge_cv.py +108 -135
- snowflake/ml/modeling/linear_model/sgd_classifier.py +108 -135
- snowflake/ml/modeling/linear_model/sgd_one_class_svm.py +106 -135
- snowflake/ml/modeling/linear_model/sgd_regressor.py +108 -135
- snowflake/ml/modeling/linear_model/theil_sen_regressor.py +108 -135
- snowflake/ml/modeling/linear_model/tweedie_regressor.py +108 -135
- snowflake/ml/modeling/manifold/isomap.py +106 -135
- snowflake/ml/modeling/manifold/mds.py +106 -135
- snowflake/ml/modeling/manifold/spectral_embedding.py +106 -135
- snowflake/ml/modeling/manifold/tsne.py +106 -135
- snowflake/ml/modeling/metrics/classification.py +196 -55
- snowflake/ml/modeling/metrics/correlation.py +4 -2
- snowflake/ml/modeling/metrics/covariance.py +7 -4
- snowflake/ml/modeling/metrics/ranking.py +32 -16
- snowflake/ml/modeling/metrics/regression.py +60 -32
- snowflake/ml/modeling/mixture/bayesian_gaussian_mixture.py +106 -135
- snowflake/ml/modeling/mixture/gaussian_mixture.py +106 -135
- snowflake/ml/modeling/model_selection/grid_search_cv.py +91 -148
- snowflake/ml/modeling/model_selection/randomized_search_cv.py +93 -154
- snowflake/ml/modeling/multiclass/one_vs_one_classifier.py +105 -132
- snowflake/ml/modeling/multiclass/one_vs_rest_classifier.py +108 -135
- snowflake/ml/modeling/multiclass/output_code_classifier.py +108 -135
- snowflake/ml/modeling/naive_bayes/bernoulli_nb.py +108 -135
- snowflake/ml/modeling/naive_bayes/categorical_nb.py +108 -135
- snowflake/ml/modeling/naive_bayes/complement_nb.py +108 -135
- snowflake/ml/modeling/naive_bayes/gaussian_nb.py +98 -125
- snowflake/ml/modeling/naive_bayes/multinomial_nb.py +107 -134
- snowflake/ml/modeling/neighbors/k_neighbors_classifier.py +108 -135
- snowflake/ml/modeling/neighbors/k_neighbors_regressor.py +108 -135
- snowflake/ml/modeling/neighbors/kernel_density.py +106 -135
- snowflake/ml/modeling/neighbors/local_outlier_factor.py +106 -135
- snowflake/ml/modeling/neighbors/nearest_centroid.py +108 -135
- snowflake/ml/modeling/neighbors/nearest_neighbors.py +106 -135
- snowflake/ml/modeling/neighbors/neighborhood_components_analysis.py +108 -135
- snowflake/ml/modeling/neighbors/radius_neighbors_classifier.py +108 -135
- snowflake/ml/modeling/neighbors/radius_neighbors_regressor.py +108 -135
- snowflake/ml/modeling/neural_network/bernoulli_rbm.py +106 -135
- snowflake/ml/modeling/neural_network/mlp_classifier.py +108 -135
- snowflake/ml/modeling/neural_network/mlp_regressor.py +108 -135
- snowflake/ml/modeling/parameters/disable_distributed_hpo.py +2 -6
- snowflake/ml/modeling/preprocessing/binarizer.py +25 -8
- snowflake/ml/modeling/preprocessing/k_bins_discretizer.py +9 -4
- snowflake/ml/modeling/preprocessing/label_encoder.py +31 -11
- snowflake/ml/modeling/preprocessing/max_abs_scaler.py +27 -9
- snowflake/ml/modeling/preprocessing/min_max_scaler.py +42 -14
- snowflake/ml/modeling/preprocessing/normalizer.py +9 -4
- snowflake/ml/modeling/preprocessing/one_hot_encoder.py +26 -10
- snowflake/ml/modeling/preprocessing/ordinal_encoder.py +37 -13
- snowflake/ml/modeling/preprocessing/polynomial_features.py +106 -135
- snowflake/ml/modeling/preprocessing/robust_scaler.py +39 -13
- snowflake/ml/modeling/preprocessing/standard_scaler.py +36 -12
- snowflake/ml/modeling/semi_supervised/label_propagation.py +108 -135
- snowflake/ml/modeling/semi_supervised/label_spreading.py +108 -135
- snowflake/ml/modeling/svm/linear_svc.py +108 -135
- snowflake/ml/modeling/svm/linear_svr.py +108 -135
- snowflake/ml/modeling/svm/nu_svc.py +108 -135
- snowflake/ml/modeling/svm/nu_svr.py +108 -135
- snowflake/ml/modeling/svm/svc.py +108 -135
- snowflake/ml/modeling/svm/svr.py +108 -135
- snowflake/ml/modeling/tree/decision_tree_classifier.py +108 -135
- snowflake/ml/modeling/tree/decision_tree_regressor.py +108 -135
- snowflake/ml/modeling/tree/extra_tree_classifier.py +108 -135
- snowflake/ml/modeling/tree/extra_tree_regressor.py +108 -135
- snowflake/ml/modeling/xgboost/xgb_classifier.py +108 -136
- snowflake/ml/modeling/xgboost/xgb_regressor.py +108 -136
- snowflake/ml/modeling/xgboost/xgbrf_classifier.py +108 -136
- snowflake/ml/modeling/xgboost/xgbrf_regressor.py +108 -136
- snowflake/ml/registry/model_registry.py +2 -0
- snowflake/ml/registry/registry.py +215 -0
- snowflake/ml/version.py +1 -1
- {snowflake_ml_python-1.1.0.dist-info → snowflake_ml_python-1.1.2.dist-info}/METADATA +34 -1
- snowflake_ml_python-1.1.2.dist-info/RECORD +347 -0
- snowflake_ml_python-1.1.0.dist-info/RECORD +0 -331
- {snowflake_ml_python-1.1.0.dist-info → snowflake_ml_python-1.1.2.dist-info}/WHEEL +0 -0
@@ -1,331 +0,0 @@
|
|
1
|
-
snowflake/cortex/__init__.py,sha256=CAUk94eXmNBXXaiLg-yNodyM2FPHvacErKtdVQYqtRM,360
|
2
|
-
snowflake/cortex/_complete.py,sha256=NkOIq3u2SnrWmZI91uzgLkOb9hFq41RdN3xEOR3GzMA,1222
|
3
|
-
snowflake/cortex/_extract_answer.py,sha256=Sh77fVBb01iKA2vwPRXECFi1y-B0L08xcp8vvb1eVZo,1354
|
4
|
-
snowflake/cortex/_sentiment.py,sha256=z2zSMa_LGrZCZtg1D-U8Q0gEWZ6voeI-KNUh626wK-s,1145
|
5
|
-
snowflake/cortex/_summarize.py,sha256=tFI1mr4OrYQblhktQVTSdnXuuL2t2RinemJEPOWWFmI,1071
|
6
|
-
snowflake/cortex/_translate.py,sha256=UmPxdBhEwfqXaq27fYGQPRmich5FH1R1n5OAb2CbvdY,1416
|
7
|
-
snowflake/cortex/_util.py,sha256=0xDaDSctenhuj59atZenZp5q9zuhji0WQ77KPjqqNoc,1557
|
8
|
-
snowflake/ml/_internal/env.py,sha256=kCrJTRnqQ97VGUVI1cWUPD8HuBWeL5vOOtwUR0NB9Mg,161
|
9
|
-
snowflake/ml/_internal/env_utils.py,sha256=XLoUlS3A8kcxviYTtd5C52fwz0HVt_aOLivKS5WZghM,22846
|
10
|
-
snowflake/ml/_internal/exceptions/error_codes.py,sha256=a6c6yTgCR-Fwqk2rpjRPS__fJjrcE2G1aj3r57uWCbY,5177
|
11
|
-
snowflake/ml/_internal/exceptions/error_messages.py,sha256=vF9XOWJoBuKvFxBkGcDelhXK1dipzTt-AdK4NkCbwTo,47
|
12
|
-
snowflake/ml/_internal/exceptions/exceptions.py,sha256=ub0fthrNTVoKhpj1pXnKRfO1Gqnmbe7wY51vaoEOp5M,1653
|
13
|
-
snowflake/ml/_internal/exceptions/fileset_error_messages.py,sha256=dqPpRu0cKyQA_0gahvbizgQBTwNhnwveN286JrJLvi8,419
|
14
|
-
snowflake/ml/_internal/exceptions/fileset_errors.py,sha256=ZJfkpeDgRIw3qA876fk9FIzxIrm-yZ8I9RXUbzaeM84,1040
|
15
|
-
snowflake/ml/_internal/exceptions/modeling_error_messages.py,sha256=cWDJHjHst8P-gPTPOY2EYapjhlB9tUm159VPBxNYefc,466
|
16
|
-
snowflake/ml/_internal/file_utils.py,sha256=4HAxR6iyBG4_0QMcvwp8UpP4G8FSqMnlTe-X2U2fcyg,12226
|
17
|
-
snowflake/ml/_internal/init_utils.py,sha256=U-oPOtyVf22hCwDH_CH2uDr9yuN6Mr3kwQ_yRAs1mcM,2696
|
18
|
-
snowflake/ml/_internal/migrator_utils.py,sha256=k3erO8x3YJcX6nkKeyJAUNGg1qjE3RFmD-W6dtLzIH0,161
|
19
|
-
snowflake/ml/_internal/telemetry.py,sha256=nBRTkctfgYfSsXNQEVrzqSoZjILC6jSJpAz9WdSlkq4,21775
|
20
|
-
snowflake/ml/_internal/type_utils.py,sha256=0AjimiQoAPHGnpLV_zCR6vlMR5lJ8CkZkKFwiUHYDCo,2168
|
21
|
-
snowflake/ml/_internal/utils/formatting.py,sha256=udoXzwbgeZ6NTUeU7ywgSA4pASv3xtxm-IslW1l6ZqM,3677
|
22
|
-
snowflake/ml/_internal/utils/identifier.py,sha256=8rsgUoBBqQEc4gUkrYRASi_2NKErIBSvp39p9ycBv2w,10290
|
23
|
-
snowflake/ml/_internal/utils/image_registry_http_client.py,sha256=_zqPPp76Vk0jQ8eVK0OJ4mJgcWsdY4suUd1P7Orqmm8,5214
|
24
|
-
snowflake/ml/_internal/utils/import_utils.py,sha256=eexwIe7auT17s4aVxAns7se0_K15rcq3O17MkIvDpPI,2068
|
25
|
-
snowflake/ml/_internal/utils/log_stream_processor.py,sha256=pBf8ycEamhHjEzUT55Rx_tFqSkYRpD5Dt71Mx9ZdaS8,1001
|
26
|
-
snowflake/ml/_internal/utils/parallelize.py,sha256=Q6_-P2t4DoYNO8DyC1kOl7H3qNL-bUK6EgtlQ_b5ThY,4534
|
27
|
-
snowflake/ml/_internal/utils/pkg_version_utils.py,sha256=tpu6B0HKpbT-svvU2Pbz7zNqzg-jgoSmwYvtTzXYyzw,5857
|
28
|
-
snowflake/ml/_internal/utils/query_result_checker.py,sha256=QoGXiPMPB3LMdadhwizBwvTdXph0zAde6CSVcqiO_5M,10583
|
29
|
-
snowflake/ml/_internal/utils/result.py,sha256=59Sz6MvhjakUNiONwg9oi2544AmORCJR3XyWTxY2vP0,2405
|
30
|
-
snowflake/ml/_internal/utils/retryable_http.py,sha256=OBv4_pX35d67RzmUJ5Y48zKSg9ksfjuvW5WLUXRXb4Q,823
|
31
|
-
snowflake/ml/_internal/utils/session_token_manager.py,sha256=qXRlE7pyw-Gb0q_BmTdWZEu9pCq2oRNuJBoqfKD9QDQ,1727
|
32
|
-
snowflake/ml/_internal/utils/snowpark_dataframe_utils.py,sha256=HPyWxj-SwgvWUrYR38BkBtx813eMqz5wmQosgc1sce0,5403
|
33
|
-
snowflake/ml/_internal/utils/spcs_image_registry.py,sha256=nShNgIb2yNu9w6vceOY3aSgjpuOoi0spWWmvgEafPSk,3291
|
34
|
-
snowflake/ml/_internal/utils/sql_identifier.py,sha256=BYd0_ZNHjbpP33XeVLOcnhZXCrIschQegpE_hXXJ4bw,3502
|
35
|
-
snowflake/ml/_internal/utils/table_manager.py,sha256=jHGfl0YSqhFLL7DOOQkjUMzTmLkqFDIM7Gs0LBQw8BM,4384
|
36
|
-
snowflake/ml/_internal/utils/temp_file_utils.py,sha256=7JNib0DvjxW7Eu3bimwAHibGosf0u8W49HEc49BghF8,1402
|
37
|
-
snowflake/ml/_internal/utils/uri.py,sha256=pvskcWoeS0M66DaU2XlJzK9wce55z4J5dn5kTy_-Tqs,2828
|
38
|
-
snowflake/ml/dataset/dataset.py,sha256=k9j5tv2oXYcC9bIFqFn3gcjjpcjHZep5rVxGg1wJgK0,6064
|
39
|
-
snowflake/ml/fileset/fileset.py,sha256=QRhxLeKf1QBqvXO4RyyRd1c8TixhYpHuBEII8Qi3C_M,26201
|
40
|
-
snowflake/ml/fileset/parquet_parser.py,sha256=Fo1utyn94fJ-p74vQ6rA2EX0QJiHEQnWbKM4I4bhT0A,5918
|
41
|
-
snowflake/ml/fileset/sfcfs.py,sha256=w27A8GffBoM1oMo6IfxafUNuMOC6_qr-fOy4Vpc-nEA,11968
|
42
|
-
snowflake/ml/fileset/stage_fs.py,sha256=Qu9-yzcPqabRiDP_mUjq4NFodp_xCMP9N-0Gfc0-PiI,15908
|
43
|
-
snowflake/ml/fileset/tf_dataset.py,sha256=K8jafWBsyRaIYEmxaYAYNDj3dLApK82cg0Mlx52jX8I,3849
|
44
|
-
snowflake/ml/fileset/torch_datapipe.py,sha256=O2irHckqLzPDnXemEbAEjc3ZCVnLufPdPbt9WKYiBp0,2386
|
45
|
-
snowflake/ml/model/_api.py,sha256=rQLHu5GKYC28Ytz43TIByQdSqWDQJBibvTczKe1Dges,21440
|
46
|
-
snowflake/ml/model/_deploy_client/image_builds/base_image_builder.py,sha256=clCaoO0DZam4X79UtQV1ZuMQtTezAJkhLu9ViAX18Xk,302
|
47
|
-
snowflake/ml/model/_deploy_client/image_builds/client_image_builder.py,sha256=zsPgZx5xup0obcsB0Y_o4AG683Ek94E6Yn55IeyUeQ0,10671
|
48
|
-
snowflake/ml/model/_deploy_client/image_builds/docker_context.py,sha256=7hB44ABsKvUZsaQV6UXTY7JakfNN0lpE4t7qkq-Slos,6228
|
49
|
-
snowflake/ml/model/_deploy_client/image_builds/gunicorn_run.sh,sha256=1pntXgqFthW4gdomqlyWx9CJF-Wqv8VMoLkgSiTHEJ0,1578
|
50
|
-
snowflake/ml/model/_deploy_client/image_builds/inference_server/main.py,sha256=0XYmBtUlWJdPTcT6cyQySXByVpa1dzf-yOHSb59CPIY,11179
|
51
|
-
snowflake/ml/model/_deploy_client/image_builds/server_image_builder.py,sha256=ungcwaftFCyi_CxRui5vPlOxx08L1m-RbucN7AlrO7E,9640
|
52
|
-
snowflake/ml/model/_deploy_client/image_builds/templates/dockerfile_template,sha256=yzNu-yOo9wfMj5Tsky3PZLgGMRzY0da2LWwaPcC5F40,1696
|
53
|
-
snowflake/ml/model/_deploy_client/image_builds/templates/image_build_job_spec_template,sha256=OasMv6KyYnbkOllp6xPhRqMUFf1znT3zc_C_kujTSis,566
|
54
|
-
snowflake/ml/model/_deploy_client/image_builds/templates/kaniko_shell_script_template,sha256=p4ub_xMZp6O0IRXh8rSVlELnIwEf6ogenr1ZaT_9rOQ,2731
|
55
|
-
snowflake/ml/model/_deploy_client/snowservice/deploy.py,sha256=RlE1eFsLKn5OmGAb0-rFrL9Ji5YAYQWMRsW1e4-K0i4,28382
|
56
|
-
snowflake/ml/model/_deploy_client/snowservice/deploy_options.py,sha256=cymya_M0r0Tekepi0j3w5_9vEyBWgZ9JvQA0rMBJhBQ,5175
|
57
|
-
snowflake/ml/model/_deploy_client/snowservice/instance_types.py,sha256=UTMTGnC8EfB49fyV-zg3vuFUOYqy3Ig17EEo7nTwO94,156
|
58
|
-
snowflake/ml/model/_deploy_client/snowservice/templates/service_spec_template,sha256=hZX8XYPAlEU2R6JhZLj46js91g7XSfe2pysflCYH4HM,734
|
59
|
-
snowflake/ml/model/_deploy_client/snowservice/templates/service_spec_template_with_model,sha256=2SUfeKVOSuZJgY6HZLi0m80ZrOzofjABbnusUl_JT1U,540
|
60
|
-
snowflake/ml/model/_deploy_client/utils/constants.py,sha256=A9M2QL_53Gn-UZoNU1ZwXamSsJTD2QSHd-SYxBLH638,1788
|
61
|
-
snowflake/ml/model/_deploy_client/utils/image_registry_client.py,sha256=tYxt-Ge886uiLCKQYGFrzetG4i1NQcOjKVH5N9mnnhY,9110
|
62
|
-
snowflake/ml/model/_deploy_client/utils/imagelib.py,sha256=5YUPG31dKD8q7Eiis8G41qYRhwQOWnZhNw0gLjn1kkA,14485
|
63
|
-
snowflake/ml/model/_deploy_client/utils/snowservice_client.py,sha256=lz7uvABEa8S9EbqRvTx4xOZLQo7Dqyz1Lrw2KOwj_zc,12869
|
64
|
-
snowflake/ml/model/_deploy_client/warehouse/deploy.py,sha256=ZnTJOhqilpgci2n23Mexv_PpwCub8EgVOO7Pjn0HniU,7683
|
65
|
-
snowflake/ml/model/_deploy_client/warehouse/infer_template.py,sha256=1THMd6JX1nW-OozECyxXbn9HJXDgNBUIdhfC9ODPDWY,3011
|
66
|
-
snowflake/ml/model/_model_composer/model_composer.py,sha256=4eP9NdEGLVj1D83etTDVDClPs0LLW67yaUMpBFBu_W4,5702
|
67
|
-
snowflake/ml/model/_model_composer/model_manifest/model_manifest.py,sha256=Gi1mndQJf025ewKfFTUeWkYBNbEt6cRrWwi1yDxoYMc,3538
|
68
|
-
snowflake/ml/model/_model_composer/model_manifest/model_manifest_schema.py,sha256=2GHghOQtI4EGpQ3X26yfcZICjHv8prj_G-QAEWguC30,1189
|
69
|
-
snowflake/ml/model/_model_composer/model_method/function_generator.py,sha256=CCzD07OnbX2vkMO6qgQCCDM-dpCz0gthuRHC438ntpQ,1645
|
70
|
-
snowflake/ml/model/_model_composer/model_method/infer_function.py_template,sha256=U4-yocPnROto5cN_4ZSSfUgsYx295RbNjCxvfjexc9E,2285
|
71
|
-
snowflake/ml/model/_model_composer/model_method/model_method.py,sha256=uBq4oxm2NjZ9s0JyNAj-Flyzy5IQPfUg7TpF4fC5zZs,3706
|
72
|
-
snowflake/ml/model/_model_composer/model_runtime/_runtime_requirements.py,sha256=jf96gr4xT2QQt2mJ9SixbG8W5psWYR3TmwgCEt25bdQ,204
|
73
|
-
snowflake/ml/model/_model_composer/model_runtime/model_runtime.py,sha256=3WEYFUKlpdYjnb1Cy62FK6Sxfxm0hMqNcEd2L4BGsCc,4119
|
74
|
-
snowflake/ml/model/_packager/model_env/model_env.py,sha256=MHajuZ7LnMadPImXESeEQDocgKh2E3QiKqC-fqmDKio,16640
|
75
|
-
snowflake/ml/model/_packager/model_handler.py,sha256=wMPGOegXx5GgiSA81gbKpfODosdj2mvD1bFbeN4OmNc,2642
|
76
|
-
snowflake/ml/model/_packager/model_handlers/_base.py,sha256=1K0H3Iio3r3UK5Ryd2-EvdvLGsBrH6uefop7W64ba4U,6023
|
77
|
-
snowflake/ml/model/_packager/model_handlers/_utils.py,sha256=gfDr6WyClxWzd0Nkg7AN8v5d2OsiatVqGqOlHHyynl4,2597
|
78
|
-
snowflake/ml/model/_packager/model_handlers/custom.py,sha256=ahpjdOU-77L5Z7QBKmIGiNpB0Y6LF3SWF3Y91TRh5CU,7280
|
79
|
-
snowflake/ml/model/_packager/model_handlers/huggingface_pipeline.py,sha256=AVC6aEcdRBjIwDbscle3XoT3weQp0aShTEhUOJFePxI,19899
|
80
|
-
snowflake/ml/model/_packager/model_handlers/llm.py,sha256=0Dod1nFNQfsF_7rIC4LLnp9eucMsracv0vVNZey1eBY,10767
|
81
|
-
snowflake/ml/model/_packager/model_handlers/mlflow.py,sha256=nyk-ty7HlmO8Q3SNJCk0bw91JiFCChdEqJ0aw459e_A,8988
|
82
|
-
snowflake/ml/model/_packager/model_handlers/pytorch.py,sha256=7kp7OobwIbbVoO8LQ2jONBgEdHbLrTkIJi0UBhiutsU,7829
|
83
|
-
snowflake/ml/model/_packager/model_handlers/sklearn.py,sha256=mvDX7VN-J3QSI3hb2-O9WVf3tjhGviBSUNUE436l0ow,8025
|
84
|
-
snowflake/ml/model/_packager/model_handlers/snowmlmodel.py,sha256=2zEUTLtdAkTfgvTKv9PNELxQXOfqyxagPkD2s2KIBQw,8050
|
85
|
-
snowflake/ml/model/_packager/model_handlers/tensorflow.py,sha256=xXSZfyN-zqSwTkrcUi0YZ0AUo5sC0D_Ji_ppBeqa8Ts,8134
|
86
|
-
snowflake/ml/model/_packager/model_handlers/torchscript.py,sha256=MCfrUTBNwQfnNGUrHVYRFLZLQeFATuDWs3bVeO4Rw7Q,8064
|
87
|
-
snowflake/ml/model/_packager/model_handlers/xgboost.py,sha256=l9HvwZdwLZXWJ3AasWWrVTTO84fgDGIGQfMRheVlE94,8686
|
88
|
-
snowflake/ml/model/_packager/model_handlers_migrator/base_migrator.py,sha256=BZo14UrywGZM1kTqzN4VFQcYjl7dggDp1U90ZBCMuOg,1409
|
89
|
-
snowflake/ml/model/_packager/model_meta/_core_requirements.py,sha256=BX1VhAGi1qBBPkg7fJrJNupwBIPptpB3aW9ZTV65epM,226
|
90
|
-
snowflake/ml/model/_packager/model_meta/model_blob_meta.py,sha256=qwgBneEA9xu34FBKDDhxM1igRiviUsuQSGUfKatu_Ro,1818
|
91
|
-
snowflake/ml/model/_packager/model_meta/model_meta.py,sha256=kT-YNY4eD0491m_LaQNoNbzlHvR8BhD4zGYLMvFp8B4,15382
|
92
|
-
snowflake/ml/model/_packager/model_meta/model_meta_schema.py,sha256=j5b7hkh3Kz79vDaQmuCnBq5S9FvpUfDz3Ee2KmaKfBE,1897
|
93
|
-
snowflake/ml/model/_packager/model_meta_migrator/base_migrator.py,sha256=SORlqpPbOeBg6dvJ3DidHeLVi0w9YF0Zv4tC0Kbc20g,1311
|
94
|
-
snowflake/ml/model/_packager/model_meta_migrator/migrator_plans.py,sha256=czF4J_i3FPHDaaFwKF93Gr6qxVwF4IbaoCdb3G_5iH8,1034
|
95
|
-
snowflake/ml/model/_packager/model_meta_migrator/migrator_v1.py,sha256=qEPzdCw_FzExMbPuyFHupeWlYD88yejLdcmkPwjJzDk,2070
|
96
|
-
snowflake/ml/model/_packager/model_packager.py,sha256=aw9eiFhQENNFTNc0zZHJjPG7LKy1FDmEst-eD9T0tOc,5893
|
97
|
-
snowflake/ml/model/_signatures/base_handler.py,sha256=WwBfe-83Y0m-HcDx1YSYCGwanIe0fb2MWhTeXc1IeJI,1304
|
98
|
-
snowflake/ml/model/_signatures/builtins_handler.py,sha256=0kAnTZ_-gCK0j5AiWHQhzBZsCweP_87tClsCTUJb3jE,2706
|
99
|
-
snowflake/ml/model/_signatures/core.py,sha256=QcDdf-oBalvUeV2q87QVuvbbhaMg5HObpZ4lbc18m6Y,17874
|
100
|
-
snowflake/ml/model/_signatures/numpy_handler.py,sha256=wE9GNuNNmC-0jLmz8lI_UhyETNkKUvftIABAuNsSe94,5858
|
101
|
-
snowflake/ml/model/_signatures/pandas_handler.py,sha256=qKDzRQ3bFa1pLo6-1ReMUOZANMkjW32-B8AqgEIx7nc,8057
|
102
|
-
snowflake/ml/model/_signatures/pytorch_handler.py,sha256=QkSiWCBSRRCnsOaONvRPOyMIi4BfUv0zrirXMPmzUD4,4568
|
103
|
-
snowflake/ml/model/_signatures/snowpark_handler.py,sha256=-I389-h2lzV3GLEai5XSgGdeFO47mamk5zFjoGD0egI,5912
|
104
|
-
snowflake/ml/model/_signatures/tensorflow_handler.py,sha256=VZcws6svwupulhDodRYTn6GmlWZRqY9fW_gLkT8slxA,6082
|
105
|
-
snowflake/ml/model/_signatures/utils.py,sha256=aP5lkxiT4lY5gtN6vnupAJhXwRXFSlWFumIYNVH7AtU,12687
|
106
|
-
snowflake/ml/model/custom_model.py,sha256=8qEHi8myHcp02jcpFbG9Kqscn9YRv3QnzehCrTSI8ds,8016
|
107
|
-
snowflake/ml/model/deploy_platforms.py,sha256=r6cS3gTNWG9i4P00fHehY6Q8eBiNva6501OTyp_E5m0,144
|
108
|
-
snowflake/ml/model/model_signature.py,sha256=cxMA6aiOcR1ICWDM9SJ5q_sY11bTM4_orTd7CkdeTO0,24620
|
109
|
-
snowflake/ml/model/models/huggingface_pipeline.py,sha256=62GpPZxBheqCnFNxNOggiDE1y9Dhst-v6D4IkGLuDeQ,10221
|
110
|
-
snowflake/ml/model/models/llm.py,sha256=ofrdHH4LQEQmnxYAGwmHV2sWLPenf0WcgBLg9MPwSmY,3616
|
111
|
-
snowflake/ml/model/type_hints.py,sha256=q9Z1ZetnwtEnkRov-UpefRL0h5oaQ2dzUUUFpZ6-YeM,10603
|
112
|
-
snowflake/ml/modeling/_internal/estimator_protocols.py,sha256=rBLMp5YYsPKNMtqLYRi-5i4pHAgbla9KRe0VwZRNi64,4088
|
113
|
-
snowflake/ml/modeling/_internal/estimator_utils.py,sha256=L0Kdk5xxBKAFzerKfdBdral3C3XUOYWdGyYj_FcHzdY,5039
|
114
|
-
snowflake/ml/modeling/_internal/snowpark_handlers.py,sha256=_4i4ulezLTFgCBKjFnHazczXbh-zhxR6_RAJjjTmdLc,48392
|
115
|
-
snowflake/ml/modeling/calibration/__init__.py,sha256=rY5qSOkHj59bHiTV6LhBiEhUA0StoCb0ACNR2vkV4v0,297
|
116
|
-
snowflake/ml/modeling/calibration/calibrated_classifier_cv.py,sha256=I6tLU221Wo0E1T69yiD78HV3xuG2CjlVQguEWLTXC7c,43485
|
117
|
-
snowflake/ml/modeling/cluster/__init__.py,sha256=rY5qSOkHj59bHiTV6LhBiEhUA0StoCb0ACNR2vkV4v0,297
|
118
|
-
snowflake/ml/modeling/cluster/affinity_propagation.py,sha256=JxGf1hCqcCyJ0JWCSeph63P9HdiRu9ZhO04Aeic25ho,41400
|
119
|
-
snowflake/ml/modeling/cluster/agglomerative_clustering.py,sha256=iT8eMT8El1qMs-T5MR0iZSkIxV88XKeBhZkkfTYN5cs,43433
|
120
|
-
snowflake/ml/modeling/cluster/birch.py,sha256=_qnA6_qwuVI_AAogba5Ki1YjicFrA97PxQKgY4KW70I,41139
|
121
|
-
snowflake/ml/modeling/cluster/bisecting_k_means.py,sha256=58XRcPOkDvKlIRopHDgDFXabjL6rZcbbUtbDIHTJjIo,43828
|
122
|
-
snowflake/ml/modeling/cluster/dbscan.py,sha256=TyO9XL8gzSYPvBAbhTcWLeZtWSDY4iuqmuCjiPTB4dg,41500
|
123
|
-
snowflake/ml/modeling/cluster/feature_agglomeration.py,sha256=c8IRkuWrQXAlrBSsLzTyAUZLLvCFiqkb3-fasBG9MGs,43954
|
124
|
-
snowflake/ml/modeling/cluster/k_means.py,sha256=5nEb2KIJdvvyacjFDyw58DIbeipcO_sdWfdzl-jwMBs,43394
|
125
|
-
snowflake/ml/modeling/cluster/mean_shift.py,sha256=cNR6jjkoVS1XERlyzCAwPBoABA5ZqWe2d4YdZGo0Sq8,41707
|
126
|
-
snowflake/ml/modeling/cluster/mini_batch_k_means.py,sha256=YzHHprIXSktlwLQBJISEkIR1K-vz3ESX7t2WWbtLPnY,44747
|
127
|
-
snowflake/ml/modeling/cluster/optics.py,sha256=oqwjVVPHjMIXDH0h4N--q8Ph9Chzr09huccjTYwFOFo,44814
|
128
|
-
snowflake/ml/modeling/cluster/spectral_biclustering.py,sha256=sYvx9jL7H4z1HVfquLUKKwyDlfDRhNuTaKFp0K_BQQo,41696
|
129
|
-
snowflake/ml/modeling/cluster/spectral_clustering.py,sha256=0dQjMoQHo-bpYxbk1aJZMnydeTJvbss_fGxSZ-uxxA0,44889
|
130
|
-
snowflake/ml/modeling/cluster/spectral_coclustering.py,sha256=j6zoTzPGwYQK3dk2oeHtrZuAUGP9gG-X-yl4afDdmDg,40829
|
131
|
-
snowflake/ml/modeling/compose/__init__.py,sha256=rY5qSOkHj59bHiTV6LhBiEhUA0StoCb0ACNR2vkV4v0,297
|
132
|
-
snowflake/ml/modeling/compose/column_transformer.py,sha256=V5u3xZYSxMLcpFWGE4xmud5QPdGy915OnkrSyglisW0,43398
|
133
|
-
snowflake/ml/modeling/compose/transformed_target_regressor.py,sha256=I_33oMXmR9YK2vhdWrHT_WPAhCvDf4CbjC5pzaAtbao,41293
|
134
|
-
snowflake/ml/modeling/covariance/__init__.py,sha256=rY5qSOkHj59bHiTV6LhBiEhUA0StoCb0ACNR2vkV4v0,297
|
135
|
-
snowflake/ml/modeling/covariance/elliptic_envelope.py,sha256=hIXRR2U_uDDHaSaTCB2qmPOUZJc48p-HUPFbxDBg9qI,41469
|
136
|
-
snowflake/ml/modeling/covariance/empirical_covariance.py,sha256=zuBSIb0N3I02-IsfsgCFa2o2TomyOP1Twu-g1nse2A0,39530
|
137
|
-
snowflake/ml/modeling/covariance/graphical_lasso.py,sha256=vYRnICfMJ_BCE-79MqggsOm85zevSaWxH0lpLQlICIQ,41399
|
138
|
-
snowflake/ml/modeling/covariance/graphical_lasso_cv.py,sha256=1n-guZnnIaM5DqAtUv1pzNQ95HIzZMCBkavz8e2hbYA,42562
|
139
|
-
snowflake/ml/modeling/covariance/ledoit_wolf.py,sha256=4sfS-LXuq_WNk4gCVZchv8a0QyJaIl69OIuEwJ71b6g,39677
|
140
|
-
snowflake/ml/modeling/covariance/min_cov_det.py,sha256=lcmbv4uYwBlztZExZ_TA2kVYqu_HTyMJxaTEoNtbtxQ,40433
|
141
|
-
snowflake/ml/modeling/covariance/oas.py,sha256=oizDca8xwFFhZ_MuRfugMlQLVt97hN9osBm0RIiDFTY,39325
|
142
|
-
snowflake/ml/modeling/covariance/shrunk_covariance.py,sha256=tiu5XV5SA5udOERgKNIPELncxLc35DylZXuY6vbTaWw,39688
|
143
|
-
snowflake/ml/modeling/decomposition/__init__.py,sha256=rY5qSOkHj59bHiTV6LhBiEhUA0StoCb0ACNR2vkV4v0,297
|
144
|
-
snowflake/ml/modeling/decomposition/dictionary_learning.py,sha256=ztVsJ_GZ0vEcQj_0geOF6EX85ygars4Fpdvuk_JsI3M,44394
|
145
|
-
snowflake/ml/modeling/decomposition/factor_analysis.py,sha256=XsOkuf8tim8AV7e2yMdeYLayjlzd6O6-ftZ_VWZvQsI,41845
|
146
|
-
snowflake/ml/modeling/decomposition/fast_ica.py,sha256=51-Ha3PVmX_thGsi9ipUEidEobIavSIAjGrNOo6K2Q4,42051
|
147
|
-
snowflake/ml/modeling/decomposition/incremental_pca.py,sha256=rufTqdVFd1e4p-DD7MTVLAaHyGGzPpfYiTrgWcNo2h8,40397
|
148
|
-
snowflake/ml/modeling/decomposition/kernel_pca.py,sha256=iht265qyIYeQmKAZY-p9d4QBoW9X43J5zCICWPBoBkY,44401
|
149
|
-
snowflake/ml/modeling/decomposition/mini_batch_dictionary_learning.py,sha256=7yLcIBLvI0LZwDGJOwpiWtHbzVx1DEhLI32BXxWXM-I,45429
|
150
|
-
snowflake/ml/modeling/decomposition/mini_batch_sparse_pca.py,sha256=rDHDTAY6egSfx9y3bkHFEggwJXSTFME3WB6qyUxoNv4,42730
|
151
|
-
snowflake/ml/modeling/decomposition/pca.py,sha256=IKS4KL4fpEd09F-5kWgGZ0tD1EbbW7xMSRmL05zIp7A,43450
|
152
|
-
snowflake/ml/modeling/decomposition/sparse_pca.py,sha256=AHtuQYWvAs_lfKzQLgpy6SZveqcM9LGaiaJ9dnz1uRc,41571
|
153
|
-
snowflake/ml/modeling/decomposition/truncated_svd.py,sha256=5X7RbqO6CJVRDIvXdqFTR4ckToR36pOML6YSSP3XGKI,41156
|
154
|
-
snowflake/ml/modeling/discriminant_analysis/__init__.py,sha256=rY5qSOkHj59bHiTV6LhBiEhUA0StoCb0ACNR2vkV4v0,297
|
155
|
-
snowflake/ml/modeling/discriminant_analysis/linear_discriminant_analysis.py,sha256=YLBcI-GEdjWabKwurMI-C42kVWooUtT8rW0bouzgR6c,43773
|
156
|
-
snowflake/ml/modeling/discriminant_analysis/quadratic_discriminant_analysis.py,sha256=piN714W1szjNvKa2ufwGevb40yPjJUHnnGsltseK4pM,41859
|
157
|
-
snowflake/ml/modeling/ensemble/__init__.py,sha256=rY5qSOkHj59bHiTV6LhBiEhUA0StoCb0ACNR2vkV4v0,297
|
158
|
-
snowflake/ml/modeling/ensemble/ada_boost_classifier.py,sha256=t6fxIySgBt1WQyHfM5JREn1y89fTQf2SZH4QKSYKJW0,42688
|
159
|
-
snowflake/ml/modeling/ensemble/ada_boost_regressor.py,sha256=WeTlNhgT3XY2qyDxC9P-nWCMmLpymBwtZ4Kj2sk374Q,41580
|
160
|
-
snowflake/ml/modeling/ensemble/bagging_classifier.py,sha256=pggPfl5fPqTfvRQCXCBzSIiKGmw3LcSsslm4GdVGpLk,43600
|
161
|
-
snowflake/ml/modeling/ensemble/bagging_regressor.py,sha256=Nk-UbY1fc-mLhO-omzs7VoZRLHh4aO7XumGAM-RMvjg,42837
|
162
|
-
snowflake/ml/modeling/ensemble/extra_trees_classifier.py,sha256=HJfcJrZJz5mBTSCNpJEJmhaKLrpqFCJPNzaBpTntkEs,48517
|
163
|
-
snowflake/ml/modeling/ensemble/extra_trees_regressor.py,sha256=EtSjOPHPfpvw3yNOtL6ZTsy37cKBJWXC0HFgTNej41M,47122
|
164
|
-
snowflake/ml/modeling/ensemble/gradient_boosting_classifier.py,sha256=Sw8A6cmsPDkmjYLOqmdQ5oEal4E1y0ha3vWvfS5LXaI,49966
|
165
|
-
snowflake/ml/modeling/ensemble/gradient_boosting_regressor.py,sha256=6ZULrzZbuNEGjEtxQZ-8Kn-HDdWo_T1jk0bEXyaGo7g,49560
|
166
|
-
snowflake/ml/modeling/ensemble/hist_gradient_boosting_classifier.py,sha256=ir0F9YaLl4eYDH-jROPfavSoVbE7WjxZKRUKVyqbk3I,49796
|
167
|
-
snowflake/ml/modeling/ensemble/hist_gradient_boosting_regressor.py,sha256=OzIAaGnmLb6dP20EfTuppJdXlKCnHdtP2lYi9wXVPw0,48282
|
168
|
-
snowflake/ml/modeling/ensemble/isolation_forest.py,sha256=yvS17lL3Zrl149Qi3UxwSvzcfGjfvOOKXtwnlGqPDP4,42610
|
169
|
-
snowflake/ml/modeling/ensemble/random_forest_classifier.py,sha256=WP94IlKDkBLa6_fxNRb7PUhh-40xSJqr6cUiauHP9Cg,48498
|
170
|
-
snowflake/ml/modeling/ensemble/random_forest_regressor.py,sha256=MibcHEi93iCHc6feR_y_YbM50MCZQ1Tv4w9qNUn5umk,47091
|
171
|
-
snowflake/ml/modeling/ensemble/stacking_regressor.py,sha256=iJqvYWaLn6ggIYoP1nXhYPT1xQJUU8_BpIGqmJ6S_bo,42533
|
172
|
-
snowflake/ml/modeling/ensemble/voting_classifier.py,sha256=zqcWf_Yr-hZuubukZL9ymdjV3DQ73YAoNjHbMBR3M9I,42105
|
173
|
-
snowflake/ml/modeling/ensemble/voting_regressor.py,sha256=5U9TV3cbzcJQFHA76EO2da6U75JYp5URHBd4GvSuPe4,40635
|
174
|
-
snowflake/ml/modeling/feature_selection/__init__.py,sha256=rY5qSOkHj59bHiTV6LhBiEhUA0StoCb0ACNR2vkV4v0,297
|
175
|
-
snowflake/ml/modeling/feature_selection/generic_univariate_select.py,sha256=u2fm4hnSGaq55IDqX1hRmmbLZ6-kL7-GrmQ1BXEMcaA,39938
|
176
|
-
snowflake/ml/modeling/feature_selection/select_fdr.py,sha256=MQvdLPxeJeWJnsGrzAXsSjG2s2jDzkJ0z2CfjHalK-U,39595
|
177
|
-
snowflake/ml/modeling/feature_selection/select_fpr.py,sha256=2D9ekj0b7MX2ZalwQ4UQJ2NFYiIF5dnDKZf__IEO9s8,39589
|
178
|
-
snowflake/ml/modeling/feature_selection/select_fwe.py,sha256=7gXekIkLtdrqVCWvPUvagQLeHLEvGvQCMqAEHaClnVA,39597
|
179
|
-
snowflake/ml/modeling/feature_selection/select_k_best.py,sha256=F3GDKVXRjr5LeaRQBYCMILElumG2-nPmi7ge0PH4fMA,39680
|
180
|
-
snowflake/ml/modeling/feature_selection/select_percentile.py,sha256=XAbz7gJJ22U29Y3qEGCFJIy3usV8snlofAqyaAhj3XI,39715
|
181
|
-
snowflake/ml/modeling/feature_selection/sequential_feature_selector.py,sha256=zNjgN9lTfin__HBeD3ofHqzt8du_7PXV11rti2jSi18,42383
|
182
|
-
snowflake/ml/modeling/feature_selection/variance_threshold.py,sha256=bOyTdXU8PZ_OHShzhfz0QtraXdw78szhvOSxZVT5uEs,39351
|
183
|
-
snowflake/ml/modeling/framework/_utils.py,sha256=85q83_QVwAQmnzMYefSE5FaxiGMYnOpRatyvdpemU6w,9974
|
184
|
-
snowflake/ml/modeling/framework/base.py,sha256=DA3CH5aGka9T_BLVp8SlloGNdZ28_769JV5jt-1B2uE,24294
|
185
|
-
snowflake/ml/modeling/gaussian_process/__init__.py,sha256=rY5qSOkHj59bHiTV6LhBiEhUA0StoCb0ACNR2vkV4v0,297
|
186
|
-
snowflake/ml/modeling/gaussian_process/gaussian_process_classifier.py,sha256=Fojt5vPUOpBdejP3wU85VrVJfKtCdnyC_naO0wy4cwA,45233
|
187
|
-
snowflake/ml/modeling/gaussian_process/gaussian_process_regressor.py,sha256=yoGxmQH_zmijYpb5AisPhJeGXcW_7h2iCFdWONNQpCg,44299
|
188
|
-
snowflake/ml/modeling/impute/__init__.py,sha256=dYtqk_GD_hAAZjGfH1maWlZQ30h4hu_KGaf-_y9_AD8,298
|
189
|
-
snowflake/ml/modeling/impute/iterative_imputer.py,sha256=HMSKXIbxMxJntIxWC4Ioe_XgVM8457ZS7Md7Usud2Hs,45889
|
190
|
-
snowflake/ml/modeling/impute/knn_imputer.py,sha256=0iThzrB1ydCTD7e-fJpzLLnZm0dD13EmW3YISACXVTU,41652
|
191
|
-
snowflake/ml/modeling/impute/missing_indicator.py,sha256=nwOxIKFCudDnW1CxzOqS2pFTVkMW9UA97PSPGtrH2ag,40474
|
192
|
-
snowflake/ml/modeling/impute/simple_imputer.py,sha256=Vc_rTC-1-ahgLD0gbZjLDtY5kdwndGHekrrRGfq2jNg,18684
|
193
|
-
snowflake/ml/modeling/kernel_approximation/__init__.py,sha256=rY5qSOkHj59bHiTV6LhBiEhUA0StoCb0ACNR2vkV4v0,297
|
194
|
-
snowflake/ml/modeling/kernel_approximation/additive_chi2_sampler.py,sha256=4vwCCkKCo-DaDUzhaVeoJ8e3Eego6fB78j7coQVt7ls,39462
|
195
|
-
snowflake/ml/modeling/kernel_approximation/nystroem.py,sha256=khYTTbBF7E8t9Rv9QERh9dElNiU6YycRFa8Ss8u9wH8,41277
|
196
|
-
snowflake/ml/modeling/kernel_approximation/polynomial_count_sketch.py,sha256=NfkZxuAchyVUbuOlPC5f6qPTvEFyDXXKPJz2bPZt_l8,40473
|
197
|
-
snowflake/ml/modeling/kernel_approximation/rbf_sampler.py,sha256=6TFmKcV9YGgeDH8WmF66UXJjbEHp8ANPsWZrgIXANa0,39871
|
198
|
-
snowflake/ml/modeling/kernel_approximation/skewed_chi2_sampler.py,sha256=9P7SkTIHD7qzgisGbmSain-w8G23ZB56x8boZcwo_zE,39891
|
199
|
-
snowflake/ml/modeling/kernel_ridge/__init__.py,sha256=rY5qSOkHj59bHiTV6LhBiEhUA0StoCb0ACNR2vkV4v0,297
|
200
|
-
snowflake/ml/modeling/kernel_ridge/kernel_ridge.py,sha256=nLdDa0v1eflFwy3ywRoF8CSHfjKGTLxB_Z002eZwAyg,41626
|
201
|
-
snowflake/ml/modeling/lightgbm/__init__.py,sha256=rY5qSOkHj59bHiTV6LhBiEhUA0StoCb0ACNR2vkV4v0,297
|
202
|
-
snowflake/ml/modeling/lightgbm/lgbm_classifier.py,sha256=zKLC-yUCWlN3383ybv25bZ5EXUmlQgBQ_hrycAik2PE,41132
|
203
|
-
snowflake/ml/modeling/lightgbm/lgbm_regressor.py,sha256=K8YXTOu80YFoJYqPm9Enj9qLNiemtOe-YzCf6mH6hRk,40636
|
204
|
-
snowflake/ml/modeling/linear_model/__init__.py,sha256=rY5qSOkHj59bHiTV6LhBiEhUA0StoCb0ACNR2vkV4v0,297
|
205
|
-
snowflake/ml/modeling/linear_model/ard_regression.py,sha256=XHDKH4eQhlduZtGeUAQDgC2H4QJu3wzUhB2ah8EQGIA,41569
|
206
|
-
snowflake/ml/modeling/linear_model/bayesian_ridge.py,sha256=cHqj3LqIdYNx90jTAtTuIAtoTgWjxZ-Z2cJh8svSvlg,41985
|
207
|
-
snowflake/ml/modeling/linear_model/elastic_net.py,sha256=QQ_KFaPLaY_5zNya4jKQH4gSIt8a3Bs_wMWYf2DVzlk,42560
|
208
|
-
snowflake/ml/modeling/linear_model/elastic_net_cv.py,sha256=EGR5otUyU9yazst8JpVSb92tOIRO8btr7DxiptcFm-Q,43826
|
209
|
-
snowflake/ml/modeling/linear_model/gamma_regressor.py,sha256=1JA604kqDaMm3eXZZxksX3vdEpX1JNwnJn9BlXNXkGA,41636
|
210
|
-
snowflake/ml/modeling/linear_model/huber_regressor.py,sha256=2sXAi-zX3QFV_zpliTgfzb2QvMIf8o-aKm-4uU3f5Us,40833
|
211
|
-
snowflake/ml/modeling/linear_model/lars.py,sha256=OKN2tVbcqq1NDv3bzvig9wBxbUb5J-XOmQlMjnMdMeQ,42066
|
212
|
-
snowflake/ml/modeling/linear_model/lars_cv.py,sha256=dkpMemo7FJXikHi44rr5nL4H_kXgf_N_OxiLFz8RrCo,42285
|
213
|
-
snowflake/ml/modeling/linear_model/lasso.py,sha256=ZO_2drXeviD0xlurv0j7SFxA7ta86nn4YkvNILMmYFE,42171
|
214
|
-
snowflake/ml/modeling/linear_model/lasso_cv.py,sha256=H8OoOTIP5LhyrXRZb7KNkCawNBgKMzVdBeSRDP2hVNU,42954
|
215
|
-
snowflake/ml/modeling/linear_model/lasso_lars.py,sha256=G5HGefo0-b-54uo_-5f3WMhHT2wNpXSTvSIEcxHwkkU,43197
|
216
|
-
snowflake/ml/modeling/linear_model/lasso_lars_cv.py,sha256=kHdzMZDiOXEibZmthdVzq-uIzzrvlvR37KnA95lxsEU,43156
|
217
|
-
snowflake/ml/modeling/linear_model/lasso_lars_ic.py,sha256=V-Niq05PJVeebM5w5tKgim4eXS2IjK5vtVvdqr6Feo0,42502
|
218
|
-
snowflake/ml/modeling/linear_model/linear_regression.py,sha256=Yuqz6Hz9H-ZUwRdTk3BWK5dpwyjaQnkGROc4zm4odxU,40373
|
219
|
-
snowflake/ml/modeling/linear_model/logistic_regression.py,sha256=kRiTeD8YCcOr3Vrh7iy7hzpKJsJQrnXPzxiAn5Fu_IY,46626
|
220
|
-
snowflake/ml/modeling/linear_model/logistic_regression_cv.py,sha256=4IwgJyVmpuODMUGO3F6LEpfZbKTmUZug1n6CWZ3_Z40,47664
|
221
|
-
snowflake/ml/modeling/linear_model/multi_task_elastic_net.py,sha256=ErsaUQiSUvVWmkXB1wS1xaeUrdCNhGpkvtp1exPcVnU,41842
|
222
|
-
snowflake/ml/modeling/linear_model/multi_task_elastic_net_cv.py,sha256=azOU7dTHako2kd3FWJvfcQn7Inq0krCQq3kWg1tSOWM,43478
|
223
|
-
snowflake/ml/modeling/linear_model/multi_task_lasso.py,sha256=syEfcfEdlDuPxLHF7Gv6knjj_4c3hLy151VKbapyAIs,41395
|
224
|
-
snowflake/ml/modeling/linear_model/multi_task_lasso_cv.py,sha256=1XcNWsyIoCtdi3cV0D84tVEVxclvmfe6robyIPjhZZE,42655
|
225
|
-
snowflake/ml/modeling/linear_model/orthogonal_matching_pursuit.py,sha256=BlfISeMB8uJYRkMErKD2p0joo8OkCYWnTFwKi3Ra7xk,40991
|
226
|
-
snowflake/ml/modeling/linear_model/passive_aggressive_classifier.py,sha256=biStoGYvsUPCZsnNPGwCM_7WLUDTzjUTYp-jwt4PTgA,44345
|
227
|
-
snowflake/ml/modeling/linear_model/passive_aggressive_regressor.py,sha256=ckIgSSIT_wPID9hqPeCrApxg1_PJvTW3qXTAaEzqSpU,43414
|
228
|
-
snowflake/ml/modeling/linear_model/perceptron.py,sha256=a83AxbL6i7q8vOeDcB_XhTxdws4gQ1GfVi5_G2xJKZs,43747
|
229
|
-
snowflake/ml/modeling/linear_model/poisson_regressor.py,sha256=FdhtlxxtwjuAQYprWKVHcDQrCO5J0SoTOGbTbckcPA0,41679
|
230
|
-
snowflake/ml/modeling/linear_model/ransac_regressor.py,sha256=LZV2uRxQOWsCiREHwAlmq-Il9un5w8ZsDY3BhCeehcg,44799
|
231
|
-
snowflake/ml/modeling/linear_model/ridge.py,sha256=fY4-T9vYlGpg08RSEBEffEEdO9Kcb_xUre-Y6T96fzk,43715
|
232
|
-
snowflake/ml/modeling/linear_model/ridge_classifier.py,sha256=wYXncleAvFH5ezdDBgQkUk_C6_t6tTN7IU3vWIsOiyQ,44093
|
233
|
-
snowflake/ml/modeling/linear_model/ridge_classifier_cv.py,sha256=4f7e1vla8igNN9M48JmNiyPt6Pe1dZFUZGs-rHD7xto,42086
|
234
|
-
snowflake/ml/modeling/linear_model/ridge_cv.py,sha256=DBw0gUSXcghjd5G4t9Hx8k6hOuhtUueEQ0c999vQqe4,42797
|
235
|
-
snowflake/ml/modeling/linear_model/sgd_classifier.py,sha256=tkUsqz1y9kHXpNs4FHzWJuFKJf5WTlA9aSphJz_xpes,49168
|
236
|
-
snowflake/ml/modeling/linear_model/sgd_one_class_svm.py,sha256=crUBf6DbNDzRbZLZIYUGcO_tM0FtoQH9TITH84SWIgw,43800
|
237
|
-
snowflake/ml/modeling/linear_model/sgd_regressor.py,sha256=TqOGI5HBshY69WloPXlBhPk_spzZDJaAaS4s1-2dj1c,46640
|
238
|
-
snowflake/ml/modeling/linear_model/theil_sen_regressor.py,sha256=IcgqHtJxh-mXA9YZBVbPddT0hmmoqw_ZCbvz9pWNBwU,42113
|
239
|
-
snowflake/ml/modeling/linear_model/tweedie_regressor.py,sha256=Z-563k5zHJwbxVd4avI14cS3DR3WgoKF33_SibHUn9s,43070
|
240
|
-
snowflake/ml/modeling/manifold/__init__.py,sha256=rY5qSOkHj59bHiTV6LhBiEhUA0StoCb0ACNR2vkV4v0,297
|
241
|
-
snowflake/ml/modeling/manifold/isomap.py,sha256=ax-ee2BtczzgCU1TKPAVOSrqSwAjJ25R6mvkE8Ythqw,42169
|
242
|
-
snowflake/ml/modeling/manifold/mds.py,sha256=OLnRrkuEaNiSuLAP_zuThpCEJFpiPRTmH0mk8L6mdCw,41386
|
243
|
-
snowflake/ml/modeling/manifold/spectral_embedding.py,sha256=cAn-4o4Q1Nt2yVx4dBpFs0wy6OxHIrVExvdzpjp7soI,42196
|
244
|
-
snowflake/ml/modeling/manifold/tsne.py,sha256=phO_B8e_bh0uLLVeTVCNqo4zdN2OLMKl4VDdrjNB15M,45168
|
245
|
-
snowflake/ml/modeling/metrics/__init__.py,sha256=pyZnmdcefErGbbhQPIo-_nGps7B09veZtjKZn4lI8Tg,524
|
246
|
-
snowflake/ml/modeling/metrics/classification.py,sha256=VtF5hiBSdTy2wLO-kfSWxv6b829qkcunrlMEGurGMUM,58023
|
247
|
-
snowflake/ml/modeling/metrics/correlation.py,sha256=eUvjxNvh0QXkEogfMDQCWi3WQmaT86MynXM4--TM8qI,4793
|
248
|
-
snowflake/ml/modeling/metrics/covariance.py,sha256=R3vX4hIr03WDh9WidmxCrF2hQp7xDP74zlmkkYHpEos,4629
|
249
|
-
snowflake/ml/modeling/metrics/metrics_utils.py,sha256=ga7eVXlLHscKlqQd6HccUqNKIy1_5GpWBggyN0yuGsM,13075
|
250
|
-
snowflake/ml/modeling/metrics/ranking.py,sha256=ApRgjKdLaUK6yPGaj1bbF4KmW1y7hL7eNrrCxI0IYtY,16738
|
251
|
-
snowflake/ml/modeling/metrics/regression.py,sha256=pUIzv8sCarlkn-hJkRSrctPtQpF_lcsIHzNU-SSPs1o,24583
|
252
|
-
snowflake/ml/modeling/mixture/__init__.py,sha256=rY5qSOkHj59bHiTV6LhBiEhUA0StoCb0ACNR2vkV4v0,297
|
253
|
-
snowflake/ml/modeling/mixture/bayesian_gaussian_mixture.py,sha256=8vavLOyfxqUZ7LnCMgRQnflSiNdkj4encxe_T8jHWRk,46680
|
254
|
-
snowflake/ml/modeling/mixture/gaussian_mixture.py,sha256=91QNmjmTWJABVdeN29uTGVa645uFxl9BybIOHKNVZ4k,44613
|
255
|
-
snowflake/ml/modeling/model_selection/__init__.py,sha256=dYtqk_GD_hAAZjGfH1maWlZQ30h4hu_KGaf-_y9_AD8,298
|
256
|
-
snowflake/ml/modeling/model_selection/grid_search_cv.py,sha256=DKUh9FkS9wkXfrmI8yBHWiXI7ia_Q_qeAqscvu9CWKI,38112
|
257
|
-
snowflake/ml/modeling/model_selection/randomized_search_cv.py,sha256=pdHyCFCwg3RkGMOMtxMa3KSA-OomRVueBfBsX9vdrPY,38974
|
258
|
-
snowflake/ml/modeling/multiclass/__init__.py,sha256=rY5qSOkHj59bHiTV6LhBiEhUA0StoCb0ACNR2vkV4v0,297
|
259
|
-
snowflake/ml/modeling/multiclass/one_vs_one_classifier.py,sha256=ETZeD-tq8woi-_FJWiC6KtlbQ8gcXl66XjL7BUR6WNw,40371
|
260
|
-
snowflake/ml/modeling/multiclass/one_vs_rest_classifier.py,sha256=ooJWnYGZjLErO4eSnn_urHEeE_RHYhCSZH15dGzGXoQ,41304
|
261
|
-
snowflake/ml/modeling/multiclass/output_code_classifier.py,sha256=1MSACb6zjPzZPASz6pg3M5s3fvW5O3Yp3r7F0a1M5PM,40639
|
262
|
-
snowflake/ml/modeling/naive_bayes/__init__.py,sha256=rY5qSOkHj59bHiTV6LhBiEhUA0StoCb0ACNR2vkV4v0,297
|
263
|
-
snowflake/ml/modeling/naive_bayes/bernoulli_nb.py,sha256=m4KG9Kg-tsmk-1gOrXtY8TlqXH1ynIPgGWGkWXBNUck,40917
|
264
|
-
snowflake/ml/modeling/naive_bayes/categorical_nb.py,sha256=1cqKxYS7Qbxz_FH7fPOUnHZIO__IC1ATY2qQFEeapWU,41250
|
265
|
-
snowflake/ml/modeling/naive_bayes/complement_nb.py,sha256=iWoPv_gMvjFh763tdTEXOZwuJErj2IurQ7jsEhnOA7I,40931
|
266
|
-
snowflake/ml/modeling/naive_bayes/gaussian_nb.py,sha256=3QCmk-E4POJxTtpa4upsFGCi6luraYbYCK74vG5RDwY,40062
|
267
|
-
snowflake/ml/modeling/naive_bayes/multinomial_nb.py,sha256=6wVHFElnnyTf2-9NYS1GIoG39dS-G9eY-IF8b_NymAw,40695
|
268
|
-
snowflake/ml/modeling/neighbors/__init__.py,sha256=rY5qSOkHj59bHiTV6LhBiEhUA0StoCb0ACNR2vkV4v0,297
|
269
|
-
snowflake/ml/modeling/neighbors/k_neighbors_classifier.py,sha256=4V_wKCJoVGJFnKXUrlEGDgKJAt_YXTLmbY5Uh-1ZqV8,43757
|
270
|
-
snowflake/ml/modeling/neighbors/k_neighbors_regressor.py,sha256=dCohWXKmVIVLHjHFxVBts-o_Nh_I34c5hWr-5QCGd_A,43229
|
271
|
-
snowflake/ml/modeling/neighbors/kernel_density.py,sha256=KmMRbdAaUFK_4_ZAKhLxvV18sbhgnjfl_rHAXyppFrM,41418
|
272
|
-
snowflake/ml/modeling/neighbors/local_outlier_factor.py,sha256=85i_Stng79a8UCyXmENIcPwlcuBRtCk2pUYTMf5ZlMw,43992
|
273
|
-
snowflake/ml/modeling/neighbors/nearest_centroid.py,sha256=92Z5NhIQLRl5i7jvbLhpQQ7QCIAlBCA9AnCJzxFPyCY,40251
|
274
|
-
snowflake/ml/modeling/neighbors/nearest_neighbors.py,sha256=S6hpNOzoWL6eEo5eEgvpwlGcRq1-zPv3ZSRnoUI6CqM,42143
|
275
|
-
snowflake/ml/modeling/neighbors/neighborhood_components_analysis.py,sha256=-7WxF1OdFoD-6LTTLGG272hkaALgZKg40wM4sPuK2g4,43425
|
276
|
-
snowflake/ml/modeling/neighbors/radius_neighbors_classifier.py,sha256=y9DTYo6j_qUAistvTHJdJO87Lxi-0Vm0n-PkJfUJjMY,44165
|
277
|
-
snowflake/ml/modeling/neighbors/radius_neighbors_regressor.py,sha256=ix01KcRU3rkV7whdN2tp0Mt1lRrUTCVWIDm-MmWvFGY,43047
|
278
|
-
snowflake/ml/modeling/neural_network/__init__.py,sha256=rY5qSOkHj59bHiTV6LhBiEhUA0StoCb0ACNR2vkV4v0,297
|
279
|
-
snowflake/ml/modeling/neural_network/bernoulli_rbm.py,sha256=dRGnfsAcpLbpfK6XQcpA4H_MnZqlMpn9fdWPWd9g2TU,40394
|
280
|
-
snowflake/ml/modeling/neural_network/mlp_classifier.py,sha256=h-ED_UJl3Mri7XXhqz5Mx13PALIzyNkdEMmL7B-uC7o,48137
|
281
|
-
snowflake/ml/modeling/neural_network/mlp_regressor.py,sha256=UW_3prDLiOawawKOPMQbf71x7DWztRAmupWQ3tm1KaE,47407
|
282
|
-
snowflake/ml/modeling/parameters/disable_distributed_hpo.py,sha256=QtvsYWLPSslIVfO_eZZAbhAKk88D3o01AZlDYUqGSRc,352
|
283
|
-
snowflake/ml/modeling/pipeline/__init__.py,sha256=dYtqk_GD_hAAZjGfH1maWlZQ30h4hu_KGaf-_y9_AD8,298
|
284
|
-
snowflake/ml/modeling/pipeline/pipeline.py,sha256=iVewRZJVNHP0F8dvISy2u52cUq2oeSPQqEiyZDZywRM,24810
|
285
|
-
snowflake/ml/modeling/preprocessing/__init__.py,sha256=dYtqk_GD_hAAZjGfH1maWlZQ30h4hu_KGaf-_y9_AD8,298
|
286
|
-
snowflake/ml/modeling/preprocessing/binarizer.py,sha256=cxtzv2Zi3xEiiI-nezsPsfaduqVLSUPkgohmc80RFWA,5919
|
287
|
-
snowflake/ml/modeling/preprocessing/k_bins_discretizer.py,sha256=kjjLb4Kxu38XQhGw8EOGcE40l_Scp6FldCr_Q9y8Oz8,20598
|
288
|
-
snowflake/ml/modeling/preprocessing/label_encoder.py,sha256=CKWXe4h4dXQsGiATVlIcdkUHVpfSWSy7nhHesH6_huc,6166
|
289
|
-
snowflake/ml/modeling/preprocessing/max_abs_scaler.py,sha256=LbNH5C0-k_repgbP14mY_YYUwQR-UY-kUJ2jHDY-Fgs,7674
|
290
|
-
snowflake/ml/modeling/preprocessing/min_max_scaler.py,sha256=M2FLrrOgeB_6Rpoo6dgHs8w9Odk8Xbqr4JBNUMj2h_8,9845
|
291
|
-
snowflake/ml/modeling/preprocessing/normalizer.py,sha256=TpxS6utmWMI-w2OUtBz4AzidZ1tSXJon-oaYdnPd3W4,6192
|
292
|
-
snowflake/ml/modeling/preprocessing/one_hot_encoder.py,sha256=9imFd1QWnYS0k_NqW_DFfc30DeIySTljvZQNl4skj58,71057
|
293
|
-
snowflake/ml/modeling/preprocessing/ordinal_encoder.py,sha256=HmBJr1rlwPcWtqzQXh8GBHGPzfgxw2IOryjjWM2rgFs,31955
|
294
|
-
snowflake/ml/modeling/preprocessing/polynomial_features.py,sha256=5GV-sVCA0Da1ZPLh7wE6QkkOoWp68uLsjYVNBKW7uPs,40547
|
295
|
-
snowflake/ml/modeling/preprocessing/robust_scaler.py,sha256=qV0m1eBgOTDu85fdqmT_kFZAw1gRknRQlMP5NxbExhA,11152
|
296
|
-
snowflake/ml/modeling/preprocessing/standard_scaler.py,sha256=LA9FGIoTvFz5Zk1Q_isGtXIqegunzzZNcm6WSGCBKN4,9852
|
297
|
-
snowflake/ml/modeling/semi_supervised/__init__.py,sha256=rY5qSOkHj59bHiTV6LhBiEhUA0StoCb0ACNR2vkV4v0,297
|
298
|
-
snowflake/ml/modeling/semi_supervised/label_propagation.py,sha256=IxGDEhWKDkWWmmjSEnrU3nH2mZJE4BmZE-w_L7ab4hY,41149
|
299
|
-
snowflake/ml/modeling/semi_supervised/label_spreading.py,sha256=TyOazhmIbk9eTsBCt_2LyfGOb_oAyeZK5GmwMaSzFP8,41500
|
300
|
-
snowflake/ml/modeling/svm/__init__.py,sha256=rY5qSOkHj59bHiTV6LhBiEhUA0StoCb0ACNR2vkV4v0,297
|
301
|
-
snowflake/ml/modeling/svm/linear_svc.py,sha256=eTLIx3nVt1oy-I9BAXFab4xPYzhk9bqy5Tk4_9UiRBc,43966
|
302
|
-
snowflake/ml/modeling/svm/linear_svr.py,sha256=Nymer-1I7QTLftr3Joo5YwBvIquIdDnp_1ps_hJALXE,42319
|
303
|
-
snowflake/ml/modeling/svm/nu_svc.py,sha256=Do4sywtFUZaE6o6jMVkkZtJmeZORIhW86pPUF9AbmQ4,44282
|
304
|
-
snowflake/ml/modeling/svm/nu_svr.py,sha256=Mbrp--n4zjLoPx8go5pp1C4VdGPLxMDhza8fTpdFdCA,41361
|
305
|
-
snowflake/ml/modeling/svm/svc.py,sha256=cr4mzvVhVad_ZC0dFBM6G6TQcN5uoTrheja5iceObdE,44433
|
306
|
-
snowflake/ml/modeling/svm/svr.py,sha256=sBGnI6NfCLBFN4nPis9C32rTig_Ux3VGAjDhwiisaZ8,41552
|
307
|
-
snowflake/ml/modeling/tree/__init__.py,sha256=rY5qSOkHj59bHiTV6LhBiEhUA0StoCb0ACNR2vkV4v0,297
|
308
|
-
snowflake/ml/modeling/tree/decision_tree_classifier.py,sha256=nQw3GDp2vsEkiI1aE7Sm-6PDrBGGz5qOUOf9dRlb9bA,46690
|
309
|
-
snowflake/ml/modeling/tree/decision_tree_regressor.py,sha256=oF7ZaY0-SdvqTUb1pPrt1EUGvwWRf14NIf1-xPiQVDE,45390
|
310
|
-
snowflake/ml/modeling/tree/extra_tree_classifier.py,sha256=DA8f5HwS9KPKEb0sE_p2JLuFSjPIjMYdOtM23scfQNo,46035
|
311
|
-
snowflake/ml/modeling/tree/extra_tree_regressor.py,sha256=elgm8Y4FdTMEzB3IihkmwCPFy4OtAynQlkbNRbaNR4A,44744
|
312
|
-
snowflake/ml/modeling/xgboost/__init__.py,sha256=rY5qSOkHj59bHiTV6LhBiEhUA0StoCb0ACNR2vkV4v0,297
|
313
|
-
snowflake/ml/modeling/xgboost/xgb_classifier.py,sha256=aE_OjvBENVDeLZMWk1wWhp3Aycm_a2We7r8vbks50nE,50421
|
314
|
-
snowflake/ml/modeling/xgboost/xgb_regressor.py,sha256=1cK_tK-0iVY5_nb8-CZ6Sv-q0shVa6xH2m0NWuNUruM,49921
|
315
|
-
snowflake/ml/modeling/xgboost/xgbrf_classifier.py,sha256=5cOvbQAFJ0zc_fbBVPxSYclganeuA285LT-JxlMQse4,50595
|
316
|
-
snowflake/ml/modeling/xgboost/xgbrf_regressor.py,sha256=be-pIEP7y6_IDIrAm-ZYy1fByiPqR1u6M8QdNDbEeQ0,50122
|
317
|
-
snowflake/ml/monitoring/monitor.py,sha256=M9IRk6bnVwKNEvCexEJ5Rf95zEFap4O5qjbwfwdXGS0,7135
|
318
|
-
snowflake/ml/monitoring/shap.py,sha256=Dp9nYquPEZjxMTW62YYA9g9qUdmCEFxcSk7ejvOP7PE,3597
|
319
|
-
snowflake/ml/registry/_artifact_manager.py,sha256=Q-6cRfU-pQBNVroh1_YIhd8hQtk8lC0y9vRBCDVizGQ,5544
|
320
|
-
snowflake/ml/registry/_initial_schema.py,sha256=KusBbu0vpgCh-dPHgC90xRSfP6Z79qC-eXTqT8GXpFI,5316
|
321
|
-
snowflake/ml/registry/_schema.py,sha256=GOA427_mVKkq9RWRENHuqDimRS0SmmP4EWThNCu1Kz4,3166
|
322
|
-
snowflake/ml/registry/_schema_upgrade_plans.py,sha256=LxZNXYGjGG-NmB7w7_SxgaJpZuXUO66XVMuh04oL6SI,4209
|
323
|
-
snowflake/ml/registry/_schema_version_manager.py,sha256=-9wGH-7ELSZxp7-fW7hXTMqkJSIebXdSpwwgzdvnoYs,6922
|
324
|
-
snowflake/ml/registry/artifact.py,sha256=9JDcr4aaR0d4cp4YSRnGMFRIdu-k0tABbs6jDH4VDGQ,1263
|
325
|
-
snowflake/ml/registry/model_registry.py,sha256=CEBO_ssO2jcYGm_r3RhhU7GCOKIxlSiAjjg1n519SS0,88957
|
326
|
-
snowflake/ml/utils/connection_params.py,sha256=JRpQppuWRk6bhdLzVDhMfz3Y6yInobFNLHmIBaXD7po,8005
|
327
|
-
snowflake/ml/utils/sparse.py,sha256=XqDQkw39Ml6YIknswdkvFIwUwBk_GBXAbP8IACfPENg,3817
|
328
|
-
snowflake/ml/version.py,sha256=8nmg9MjBGEWdH2fWtf1hCQjJu8ktzqch22DH0QalhKo,16
|
329
|
-
snowflake_ml_python-1.1.0.dist-info/METADATA,sha256=XbwIE5062V368rRVX87PQVAilj4qBDoCOfuG0Qgyfm8,25409
|
330
|
-
snowflake_ml_python-1.1.0.dist-info/RECORD,,
|
331
|
-
snowflake_ml_python-1.1.0.dist-info/WHEEL,sha256=sobxWSyDDkdg_rinUth-jxhXHqoNqlmNMJY3aTZn2Us,91
|
File without changes
|