snowflake-ml-python 1.1.1__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/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 +96 -124
- snowflake/ml/modeling/cluster/affinity_propagation.py +94 -124
- snowflake/ml/modeling/cluster/agglomerative_clustering.py +94 -124
- snowflake/ml/modeling/cluster/birch.py +94 -124
- snowflake/ml/modeling/cluster/bisecting_k_means.py +94 -124
- snowflake/ml/modeling/cluster/dbscan.py +94 -124
- snowflake/ml/modeling/cluster/feature_agglomeration.py +94 -124
- snowflake/ml/modeling/cluster/k_means.py +93 -124
- snowflake/ml/modeling/cluster/mean_shift.py +94 -124
- snowflake/ml/modeling/cluster/mini_batch_k_means.py +93 -124
- snowflake/ml/modeling/cluster/optics.py +94 -124
- snowflake/ml/modeling/cluster/spectral_biclustering.py +94 -124
- snowflake/ml/modeling/cluster/spectral_clustering.py +94 -124
- snowflake/ml/modeling/cluster/spectral_coclustering.py +94 -124
- snowflake/ml/modeling/compose/column_transformer.py +94 -124
- snowflake/ml/modeling/compose/transformed_target_regressor.py +96 -124
- snowflake/ml/modeling/covariance/elliptic_envelope.py +94 -124
- snowflake/ml/modeling/covariance/empirical_covariance.py +80 -110
- snowflake/ml/modeling/covariance/graphical_lasso.py +94 -124
- snowflake/ml/modeling/covariance/graphical_lasso_cv.py +94 -124
- snowflake/ml/modeling/covariance/ledoit_wolf.py +85 -115
- snowflake/ml/modeling/covariance/min_cov_det.py +94 -124
- snowflake/ml/modeling/covariance/oas.py +80 -110
- snowflake/ml/modeling/covariance/shrunk_covariance.py +84 -114
- snowflake/ml/modeling/decomposition/dictionary_learning.py +94 -124
- snowflake/ml/modeling/decomposition/factor_analysis.py +94 -124
- snowflake/ml/modeling/decomposition/fast_ica.py +94 -124
- snowflake/ml/modeling/decomposition/incremental_pca.py +94 -124
- snowflake/ml/modeling/decomposition/kernel_pca.py +94 -124
- snowflake/ml/modeling/decomposition/mini_batch_dictionary_learning.py +94 -124
- snowflake/ml/modeling/decomposition/mini_batch_sparse_pca.py +94 -124
- snowflake/ml/modeling/decomposition/pca.py +94 -124
- snowflake/ml/modeling/decomposition/sparse_pca.py +94 -124
- snowflake/ml/modeling/decomposition/truncated_svd.py +94 -124
- snowflake/ml/modeling/discriminant_analysis/linear_discriminant_analysis.py +96 -124
- snowflake/ml/modeling/discriminant_analysis/quadratic_discriminant_analysis.py +91 -119
- snowflake/ml/modeling/ensemble/ada_boost_classifier.py +96 -124
- snowflake/ml/modeling/ensemble/ada_boost_regressor.py +96 -124
- snowflake/ml/modeling/ensemble/bagging_classifier.py +96 -124
- snowflake/ml/modeling/ensemble/bagging_regressor.py +96 -124
- snowflake/ml/modeling/ensemble/extra_trees_classifier.py +96 -124
- snowflake/ml/modeling/ensemble/extra_trees_regressor.py +96 -124
- snowflake/ml/modeling/ensemble/gradient_boosting_classifier.py +96 -124
- snowflake/ml/modeling/ensemble/gradient_boosting_regressor.py +96 -124
- snowflake/ml/modeling/ensemble/hist_gradient_boosting_classifier.py +96 -124
- snowflake/ml/modeling/ensemble/hist_gradient_boosting_regressor.py +96 -124
- snowflake/ml/modeling/ensemble/isolation_forest.py +94 -124
- snowflake/ml/modeling/ensemble/random_forest_classifier.py +96 -124
- snowflake/ml/modeling/ensemble/random_forest_regressor.py +96 -124
- snowflake/ml/modeling/ensemble/stacking_regressor.py +96 -124
- snowflake/ml/modeling/ensemble/voting_classifier.py +96 -124
- snowflake/ml/modeling/ensemble/voting_regressor.py +91 -119
- snowflake/ml/modeling/feature_selection/generic_univariate_select.py +82 -110
- snowflake/ml/modeling/feature_selection/select_fdr.py +80 -108
- snowflake/ml/modeling/feature_selection/select_fpr.py +80 -108
- snowflake/ml/modeling/feature_selection/select_fwe.py +80 -108
- snowflake/ml/modeling/feature_selection/select_k_best.py +81 -109
- snowflake/ml/modeling/feature_selection/select_percentile.py +80 -108
- snowflake/ml/modeling/feature_selection/sequential_feature_selector.py +94 -124
- snowflake/ml/modeling/feature_selection/variance_threshold.py +76 -106
- snowflake/ml/modeling/framework/base.py +2 -2
- snowflake/ml/modeling/gaussian_process/gaussian_process_classifier.py +96 -124
- snowflake/ml/modeling/gaussian_process/gaussian_process_regressor.py +96 -124
- snowflake/ml/modeling/impute/iterative_imputer.py +94 -124
- snowflake/ml/modeling/impute/knn_imputer.py +94 -124
- snowflake/ml/modeling/impute/missing_indicator.py +94 -124
- snowflake/ml/modeling/impute/simple_imputer.py +1 -1
- snowflake/ml/modeling/kernel_approximation/additive_chi2_sampler.py +77 -107
- snowflake/ml/modeling/kernel_approximation/nystroem.py +94 -124
- snowflake/ml/modeling/kernel_approximation/polynomial_count_sketch.py +94 -124
- snowflake/ml/modeling/kernel_approximation/rbf_sampler.py +86 -116
- snowflake/ml/modeling/kernel_approximation/skewed_chi2_sampler.py +84 -114
- snowflake/ml/modeling/kernel_ridge/kernel_ridge.py +96 -124
- snowflake/ml/modeling/lightgbm/lgbm_classifier.py +71 -100
- snowflake/ml/modeling/lightgbm/lgbm_regressor.py +71 -100
- snowflake/ml/modeling/linear_model/ard_regression.py +96 -124
- snowflake/ml/modeling/linear_model/bayesian_ridge.py +96 -124
- snowflake/ml/modeling/linear_model/elastic_net.py +96 -124
- snowflake/ml/modeling/linear_model/elastic_net_cv.py +96 -124
- snowflake/ml/modeling/linear_model/gamma_regressor.py +96 -124
- snowflake/ml/modeling/linear_model/huber_regressor.py +96 -124
- snowflake/ml/modeling/linear_model/lars.py +96 -124
- snowflake/ml/modeling/linear_model/lars_cv.py +96 -124
- snowflake/ml/modeling/linear_model/lasso.py +96 -124
- snowflake/ml/modeling/linear_model/lasso_cv.py +96 -124
- snowflake/ml/modeling/linear_model/lasso_lars.py +96 -124
- snowflake/ml/modeling/linear_model/lasso_lars_cv.py +96 -124
- snowflake/ml/modeling/linear_model/lasso_lars_ic.py +96 -124
- snowflake/ml/modeling/linear_model/linear_regression.py +91 -119
- snowflake/ml/modeling/linear_model/logistic_regression.py +96 -124
- snowflake/ml/modeling/linear_model/logistic_regression_cv.py +96 -124
- snowflake/ml/modeling/linear_model/multi_task_elastic_net.py +96 -124
- snowflake/ml/modeling/linear_model/multi_task_elastic_net_cv.py +96 -124
- snowflake/ml/modeling/linear_model/multi_task_lasso.py +96 -124
- snowflake/ml/modeling/linear_model/multi_task_lasso_cv.py +96 -124
- snowflake/ml/modeling/linear_model/orthogonal_matching_pursuit.py +96 -124
- snowflake/ml/modeling/linear_model/passive_aggressive_classifier.py +96 -124
- snowflake/ml/modeling/linear_model/passive_aggressive_regressor.py +95 -124
- snowflake/ml/modeling/linear_model/perceptron.py +95 -124
- snowflake/ml/modeling/linear_model/poisson_regressor.py +96 -124
- snowflake/ml/modeling/linear_model/ransac_regressor.py +96 -124
- snowflake/ml/modeling/linear_model/ridge.py +96 -124
- snowflake/ml/modeling/linear_model/ridge_classifier.py +96 -124
- snowflake/ml/modeling/linear_model/ridge_classifier_cv.py +96 -124
- snowflake/ml/modeling/linear_model/ridge_cv.py +96 -124
- snowflake/ml/modeling/linear_model/sgd_classifier.py +96 -124
- snowflake/ml/modeling/linear_model/sgd_one_class_svm.py +94 -124
- snowflake/ml/modeling/linear_model/sgd_regressor.py +96 -124
- snowflake/ml/modeling/linear_model/theil_sen_regressor.py +96 -124
- snowflake/ml/modeling/linear_model/tweedie_regressor.py +96 -124
- snowflake/ml/modeling/manifold/isomap.py +94 -124
- snowflake/ml/modeling/manifold/mds.py +94 -124
- snowflake/ml/modeling/manifold/spectral_embedding.py +94 -124
- snowflake/ml/modeling/manifold/tsne.py +94 -124
- snowflake/ml/modeling/metrics/classification.py +187 -52
- 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 +94 -124
- snowflake/ml/modeling/mixture/gaussian_mixture.py +94 -124
- snowflake/ml/modeling/model_selection/grid_search_cv.py +88 -138
- snowflake/ml/modeling/model_selection/randomized_search_cv.py +90 -144
- snowflake/ml/modeling/multiclass/one_vs_one_classifier.py +86 -114
- snowflake/ml/modeling/multiclass/one_vs_rest_classifier.py +93 -121
- snowflake/ml/modeling/multiclass/output_code_classifier.py +94 -122
- snowflake/ml/modeling/naive_bayes/bernoulli_nb.py +92 -120
- snowflake/ml/modeling/naive_bayes/categorical_nb.py +96 -124
- snowflake/ml/modeling/naive_bayes/complement_nb.py +92 -120
- snowflake/ml/modeling/naive_bayes/gaussian_nb.py +79 -107
- snowflake/ml/modeling/naive_bayes/multinomial_nb.py +88 -116
- snowflake/ml/modeling/neighbors/k_neighbors_classifier.py +96 -124
- snowflake/ml/modeling/neighbors/k_neighbors_regressor.py +96 -124
- snowflake/ml/modeling/neighbors/kernel_density.py +94 -124
- snowflake/ml/modeling/neighbors/local_outlier_factor.py +94 -124
- snowflake/ml/modeling/neighbors/nearest_centroid.py +89 -117
- snowflake/ml/modeling/neighbors/nearest_neighbors.py +94 -124
- snowflake/ml/modeling/neighbors/neighborhood_components_analysis.py +96 -124
- snowflake/ml/modeling/neighbors/radius_neighbors_classifier.py +96 -124
- snowflake/ml/modeling/neighbors/radius_neighbors_regressor.py +96 -124
- snowflake/ml/modeling/neural_network/bernoulli_rbm.py +94 -124
- snowflake/ml/modeling/neural_network/mlp_classifier.py +96 -124
- snowflake/ml/modeling/neural_network/mlp_regressor.py +96 -124
- snowflake/ml/modeling/parameters/disable_distributed_hpo.py +2 -6
- snowflake/ml/modeling/preprocessing/binarizer.py +14 -9
- snowflake/ml/modeling/preprocessing/k_bins_discretizer.py +0 -4
- snowflake/ml/modeling/preprocessing/label_encoder.py +21 -13
- snowflake/ml/modeling/preprocessing/max_abs_scaler.py +20 -14
- snowflake/ml/modeling/preprocessing/min_max_scaler.py +35 -19
- snowflake/ml/modeling/preprocessing/normalizer.py +6 -9
- snowflake/ml/modeling/preprocessing/one_hot_encoder.py +20 -13
- snowflake/ml/modeling/preprocessing/ordinal_encoder.py +25 -13
- snowflake/ml/modeling/preprocessing/polynomial_features.py +94 -124
- snowflake/ml/modeling/preprocessing/robust_scaler.py +28 -14
- snowflake/ml/modeling/preprocessing/standard_scaler.py +25 -13
- snowflake/ml/modeling/semi_supervised/label_propagation.py +96 -124
- snowflake/ml/modeling/semi_supervised/label_spreading.py +96 -124
- snowflake/ml/modeling/svm/linear_svc.py +96 -124
- snowflake/ml/modeling/svm/linear_svr.py +96 -124
- snowflake/ml/modeling/svm/nu_svc.py +96 -124
- snowflake/ml/modeling/svm/nu_svr.py +96 -124
- snowflake/ml/modeling/svm/svc.py +96 -124
- snowflake/ml/modeling/svm/svr.py +96 -124
- snowflake/ml/modeling/tree/decision_tree_classifier.py +96 -124
- snowflake/ml/modeling/tree/decision_tree_regressor.py +96 -124
- snowflake/ml/modeling/tree/extra_tree_classifier.py +96 -124
- snowflake/ml/modeling/tree/extra_tree_regressor.py +96 -124
- snowflake/ml/modeling/xgboost/xgb_classifier.py +96 -125
- snowflake/ml/modeling/xgboost/xgb_regressor.py +96 -125
- snowflake/ml/modeling/xgboost/xgbrf_classifier.py +96 -125
- snowflake/ml/modeling/xgboost/xgbrf_regressor.py +96 -125
- 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.1.dist-info → snowflake_ml_python-1.1.2.dist-info}/METADATA +21 -3
- snowflake_ml_python-1.1.2.dist-info/RECORD +347 -0
- snowflake_ml_python-1.1.1.dist-info/RECORD +0 -331
- {snowflake_ml_python-1.1.1.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=_NAW00FGtQsQESxF2b30_T4kkmzQITsdfykvJ2PqPUo,10870
|
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=a8knr0AsNBtY31bNlCBZuJCC7yUv_FvB8xQPkJYNmaw,44176
|
117
|
-
snowflake/ml/modeling/cluster/__init__.py,sha256=rY5qSOkHj59bHiTV6LhBiEhUA0StoCb0ACNR2vkV4v0,297
|
118
|
-
snowflake/ml/modeling/cluster/affinity_propagation.py,sha256=j3L_qWYUQK94uOOES0Y6dNbrLr6ObTuc8JDDVoAMtCc,42091
|
119
|
-
snowflake/ml/modeling/cluster/agglomerative_clustering.py,sha256=bb5XgIhC3m0btBVTCjjnLDhkkgACm6YzpsAdo1z3-w8,44124
|
120
|
-
snowflake/ml/modeling/cluster/birch.py,sha256=wiZAOa1a1G40zJVL3VzLAIPie_kaDyt5-h5fYM8Ef4o,41830
|
121
|
-
snowflake/ml/modeling/cluster/bisecting_k_means.py,sha256=-P8EI-ItyNDMVpg49Z2aIm9P2ty1tyEm_PZFgh4FXII,44519
|
122
|
-
snowflake/ml/modeling/cluster/dbscan.py,sha256=Uo3CTiy_GGgDy6Artdsk49kI3TOwOcBYhSZFKVv6f-c,42191
|
123
|
-
snowflake/ml/modeling/cluster/feature_agglomeration.py,sha256=pJoydmczbCsfkkSGrgufxDKU9KqQvFFQgKhqnTMAVJM,44645
|
124
|
-
snowflake/ml/modeling/cluster/k_means.py,sha256=CvgVc8I8PON8r17G4BdQtvBR9araw_bbbkOrXtC7jZ0,44085
|
125
|
-
snowflake/ml/modeling/cluster/mean_shift.py,sha256=318WSkgn4qqHnRB5QYWu_Cidqb7KlX5NJNufq4pYfmA,42398
|
126
|
-
snowflake/ml/modeling/cluster/mini_batch_k_means.py,sha256=MMDpuuuhECH3ET29ddkDGJNFMHkaKjIo806hOMWIFsM,45438
|
127
|
-
snowflake/ml/modeling/cluster/optics.py,sha256=gCqNiJen16Qwz5wWPP8Ui5FsFZcxOB0NndXhP0RbrQQ,45505
|
128
|
-
snowflake/ml/modeling/cluster/spectral_biclustering.py,sha256=nN0zGmhlCurXcjJKowOx5-05zhKIMAxUrF_T957XnKE,42387
|
129
|
-
snowflake/ml/modeling/cluster/spectral_clustering.py,sha256=xvbqk_GnQdx6ur6egwxxc-KMuEG-9pK8qgbPoHgk_sw,45580
|
130
|
-
snowflake/ml/modeling/cluster/spectral_coclustering.py,sha256=biJt6S3CHziGqj2oOq7LRJbFizM3MxMERGInSPaPXfE,41520
|
131
|
-
snowflake/ml/modeling/compose/__init__.py,sha256=rY5qSOkHj59bHiTV6LhBiEhUA0StoCb0ACNR2vkV4v0,297
|
132
|
-
snowflake/ml/modeling/compose/column_transformer.py,sha256=mWAqsir3ODZPh1ur_Q5Nv6ZMiycrDBqnkuy5IgP_xYs,44089
|
133
|
-
snowflake/ml/modeling/compose/transformed_target_regressor.py,sha256=UwGUgzoh_2ZPWoyjji7VlkPF07Q9LD7iLScFtKkkMAU,41984
|
134
|
-
snowflake/ml/modeling/covariance/__init__.py,sha256=rY5qSOkHj59bHiTV6LhBiEhUA0StoCb0ACNR2vkV4v0,297
|
135
|
-
snowflake/ml/modeling/covariance/elliptic_envelope.py,sha256=0_tqH6iSLt7S_dskO6UO9McoeCXL3jdls0CseWpY7DE,42160
|
136
|
-
snowflake/ml/modeling/covariance/empirical_covariance.py,sha256=yvnFyxzIlixr-UKfcnT7LWy3isBB4Gseib_HTwh9b_4,40221
|
137
|
-
snowflake/ml/modeling/covariance/graphical_lasso.py,sha256=fXHn8ThkuDpBGm9g1NIPdJVyjdgi9OZTN7uI3n27r8k,42090
|
138
|
-
snowflake/ml/modeling/covariance/graphical_lasso_cv.py,sha256=XBqYh1KVRd0_f-TOB-4tsP9iLuuZyYQvwj3J9w5wfNU,43253
|
139
|
-
snowflake/ml/modeling/covariance/ledoit_wolf.py,sha256=sBaemFs49ai_KJotTckHE_8RiW8s1gwmISccEE1x7iY,40368
|
140
|
-
snowflake/ml/modeling/covariance/min_cov_det.py,sha256=Qf3g4nShPtF80InFTLqOMU_InMbeGNJ2xw3893lxZ5o,41124
|
141
|
-
snowflake/ml/modeling/covariance/oas.py,sha256=shYSnBRgXVii5Y7kpYKT7vnmvNyRhsJl7naGriLnYA0,40016
|
142
|
-
snowflake/ml/modeling/covariance/shrunk_covariance.py,sha256=VXUHcT_gz8ebLngL9UT3dYkcumY9TxaK5RkPjagxMds,40379
|
143
|
-
snowflake/ml/modeling/decomposition/__init__.py,sha256=rY5qSOkHj59bHiTV6LhBiEhUA0StoCb0ACNR2vkV4v0,297
|
144
|
-
snowflake/ml/modeling/decomposition/dictionary_learning.py,sha256=hOKhb19PzkalG0ThS6xn7Rplz1m-y-htUmzTh0vD7Z4,45085
|
145
|
-
snowflake/ml/modeling/decomposition/factor_analysis.py,sha256=sub6g_6glhDSqIT7podD5Xs0byIdDEZa4J9jPEwqkxc,42536
|
146
|
-
snowflake/ml/modeling/decomposition/fast_ica.py,sha256=GL-L5q2K-78qeEu3o_V3idcY0bGbbp9hOVK037ti3_I,42742
|
147
|
-
snowflake/ml/modeling/decomposition/incremental_pca.py,sha256=m44llUPg4gMhHIFYRIzUiX7UAw_6GWaUrMILelgzfDU,41088
|
148
|
-
snowflake/ml/modeling/decomposition/kernel_pca.py,sha256=dvM1T5sNX5xxlcihm4Qmbi2gdz_d3LwcblanC4PcVE4,45092
|
149
|
-
snowflake/ml/modeling/decomposition/mini_batch_dictionary_learning.py,sha256=HjwiOlxhZ8Y7ugkEhGY9w3ArwKhe1-_u7zXyRuu_T2w,46120
|
150
|
-
snowflake/ml/modeling/decomposition/mini_batch_sparse_pca.py,sha256=tjzISQMYW7lCX_NXDVqBipnaP0uOFIBq26WOZ7aXdME,43421
|
151
|
-
snowflake/ml/modeling/decomposition/pca.py,sha256=34L5W-d4zU48gHoei--1gNG6FOdXXbYwvo0Y72-pp4A,44141
|
152
|
-
snowflake/ml/modeling/decomposition/sparse_pca.py,sha256=W7c4QXQ9Uu4NHFXSecAK-ojf2Wh37obPvT3eYDNXWvo,42262
|
153
|
-
snowflake/ml/modeling/decomposition/truncated_svd.py,sha256=TfK3u0AwHNSGiH0G7ucXiiaZZ9sXjEy-Rj72eLyK_bY,41847
|
154
|
-
snowflake/ml/modeling/discriminant_analysis/__init__.py,sha256=rY5qSOkHj59bHiTV6LhBiEhUA0StoCb0ACNR2vkV4v0,297
|
155
|
-
snowflake/ml/modeling/discriminant_analysis/linear_discriminant_analysis.py,sha256=OZ-UayFJ3I0Q3t8WTNGdyfAmiaCIUtMACMI7QLq5F4g,44464
|
156
|
-
snowflake/ml/modeling/discriminant_analysis/quadratic_discriminant_analysis.py,sha256=cIyfKkhj4cFPoa9su0MLXJgDMSwrNOGZVbhbFPLjzPk,42550
|
157
|
-
snowflake/ml/modeling/ensemble/__init__.py,sha256=rY5qSOkHj59bHiTV6LhBiEhUA0StoCb0ACNR2vkV4v0,297
|
158
|
-
snowflake/ml/modeling/ensemble/ada_boost_classifier.py,sha256=_VTu2eGblPd4NcbbJnfD8jx7GVz2g1Qqcm0mSkCewWk,43379
|
159
|
-
snowflake/ml/modeling/ensemble/ada_boost_regressor.py,sha256=XYLNNgzrqaOz5UZRvEyhPbLAikwbmnK5EkfKUM_Xz38,42271
|
160
|
-
snowflake/ml/modeling/ensemble/bagging_classifier.py,sha256=Q6V4klcH2j2WoOBmzklmSXUTUK-flgmZHoDdZmlqaoM,44291
|
161
|
-
snowflake/ml/modeling/ensemble/bagging_regressor.py,sha256=e-Du4zKyfoqjqIiUtTNvrgKOuZ6lKKo9rk9ER3WnDTU,43528
|
162
|
-
snowflake/ml/modeling/ensemble/extra_trees_classifier.py,sha256=NlwLfdcg18n19cC6vikgbe92HydmZO5NOzw7Y5znMNg,49208
|
163
|
-
snowflake/ml/modeling/ensemble/extra_trees_regressor.py,sha256=kHL-xlPwnWrcKqY-4gjPEngvMxcsLC8qO9Ck6KyFp8U,47813
|
164
|
-
snowflake/ml/modeling/ensemble/gradient_boosting_classifier.py,sha256=AsIbfy6myrbYhkmA_yLePjw9cznu__-hHPyPR8X2KII,50657
|
165
|
-
snowflake/ml/modeling/ensemble/gradient_boosting_regressor.py,sha256=RzDpZ10z_hwP3KU44srPeZdQCX3ViO075q92YnJOWU8,50251
|
166
|
-
snowflake/ml/modeling/ensemble/hist_gradient_boosting_classifier.py,sha256=YTdvPmCjv1pUJpDuPYWfOSJZMferARL51CvtvlxDVRc,50487
|
167
|
-
snowflake/ml/modeling/ensemble/hist_gradient_boosting_regressor.py,sha256=YVHy_Y9jsXEgjceuuCfvkj-q6YwPp0PTKhQp-Rc1QIc,48973
|
168
|
-
snowflake/ml/modeling/ensemble/isolation_forest.py,sha256=6Bb9LtrkMlRIx1S44n-7I8AuEaa5UHVvSR8bBc3oI7Y,43301
|
169
|
-
snowflake/ml/modeling/ensemble/random_forest_classifier.py,sha256=T8XXGOyF53-80M4iwFwlesW3fQolUPn_aDkz6RQNRi8,49189
|
170
|
-
snowflake/ml/modeling/ensemble/random_forest_regressor.py,sha256=bpWDyTAdI7JpUKGXMlkZUmmPwgSbp7OZGZHkf26hG68,47782
|
171
|
-
snowflake/ml/modeling/ensemble/stacking_regressor.py,sha256=gzJlykr3XfycJeUcXA3NqgLk8kNgb_OsiTUDHrbe1ow,43224
|
172
|
-
snowflake/ml/modeling/ensemble/voting_classifier.py,sha256=NX0eoP6yo_6lf0NzWb7e5Fsd5-AEm2vRagNU82FSDts,42796
|
173
|
-
snowflake/ml/modeling/ensemble/voting_regressor.py,sha256=YVA7I6AEFbQ2wu7CqZR40b0scXlkUGYG3as-Ih2LMUk,41326
|
174
|
-
snowflake/ml/modeling/feature_selection/__init__.py,sha256=rY5qSOkHj59bHiTV6LhBiEhUA0StoCb0ACNR2vkV4v0,297
|
175
|
-
snowflake/ml/modeling/feature_selection/generic_univariate_select.py,sha256=xfTlEIBy4-ncLivrKnqZsyqKCqmX6iQMpzMKl9x8FhA,40629
|
176
|
-
snowflake/ml/modeling/feature_selection/select_fdr.py,sha256=wG6uD56GZTS26OLdBhlp5QP6mq5D306uv1xk2NXFBMw,40286
|
177
|
-
snowflake/ml/modeling/feature_selection/select_fpr.py,sha256=y1rjfvdVpkkbiJ_RCbZLmvnoS_DUT6LqAh4GqgBI-xc,40280
|
178
|
-
snowflake/ml/modeling/feature_selection/select_fwe.py,sha256=X45Qg75-AGtxs_8H5b4ZKCp7vzZ49OVYeRE2sqSIL3E,40288
|
179
|
-
snowflake/ml/modeling/feature_selection/select_k_best.py,sha256=078nFgbmAEoFIYF1YmSq7KS81eNw948TuZzyzLpiEkI,40371
|
180
|
-
snowflake/ml/modeling/feature_selection/select_percentile.py,sha256=U44qARl2Fm-xaXw3BuCYcj_7yP5Esx-XFlB0Y8qX5UE,40406
|
181
|
-
snowflake/ml/modeling/feature_selection/sequential_feature_selector.py,sha256=0SHjnJWipjyQ8lze2DGDpIOSvRdKlkEzz4xklJlH2Tc,43074
|
182
|
-
snowflake/ml/modeling/feature_selection/variance_threshold.py,sha256=B3R-BBTFJsQVHFg0AuKtSavLO42ne3aZ1BOdtCGCgaA,40042
|
183
|
-
snowflake/ml/modeling/framework/_utils.py,sha256=85q83_QVwAQmnzMYefSE5FaxiGMYnOpRatyvdpemU6w,9974
|
184
|
-
snowflake/ml/modeling/framework/base.py,sha256=Gy_kBDdarpIzxg0t-6W7sCbDzbLjfF29EIoucMrjjTI,27808
|
185
|
-
snowflake/ml/modeling/gaussian_process/__init__.py,sha256=rY5qSOkHj59bHiTV6LhBiEhUA0StoCb0ACNR2vkV4v0,297
|
186
|
-
snowflake/ml/modeling/gaussian_process/gaussian_process_classifier.py,sha256=N-ENylGjuAqvdXLLXwy-NG6UbeRlqcgPIXsa8_Q55JU,45924
|
187
|
-
snowflake/ml/modeling/gaussian_process/gaussian_process_regressor.py,sha256=VduYDnOpkV43DyzBbenQBsVJnAeGsa57aeWvlHrXKiY,44990
|
188
|
-
snowflake/ml/modeling/impute/__init__.py,sha256=dYtqk_GD_hAAZjGfH1maWlZQ30h4hu_KGaf-_y9_AD8,298
|
189
|
-
snowflake/ml/modeling/impute/iterative_imputer.py,sha256=4xa0wvTctijLM6__bvIQruVS2HecoLk1HH0Slru2bo8,46580
|
190
|
-
snowflake/ml/modeling/impute/knn_imputer.py,sha256=t1orkW2mHJUQ7339dxwlNTKmpZJNf-v9iSHTYcY-mEA,42343
|
191
|
-
snowflake/ml/modeling/impute/missing_indicator.py,sha256=6B0TI9vYwZZbiEtZhQcSrDVf8MREzbUvK9uQJkPPOOg,41165
|
192
|
-
snowflake/ml/modeling/impute/simple_imputer.py,sha256=7zJca6lcKPppqE77TR074KI1dkXUYWVAPJv0O1fXABw,19277
|
193
|
-
snowflake/ml/modeling/kernel_approximation/__init__.py,sha256=rY5qSOkHj59bHiTV6LhBiEhUA0StoCb0ACNR2vkV4v0,297
|
194
|
-
snowflake/ml/modeling/kernel_approximation/additive_chi2_sampler.py,sha256=FWqcZhXSuJW_M-30ac9kzsFxhBCk62_gglhRfw9FgIw,40153
|
195
|
-
snowflake/ml/modeling/kernel_approximation/nystroem.py,sha256=VIndgwx7J14FELkQhrScEFA7Nr0BBC0c0B4K3Qlc0pg,41968
|
196
|
-
snowflake/ml/modeling/kernel_approximation/polynomial_count_sketch.py,sha256=dWVNi4utkH0GeYMtLbm6gPCgj9zvNJWsCp30DyIffVg,41164
|
197
|
-
snowflake/ml/modeling/kernel_approximation/rbf_sampler.py,sha256=CKe3PvZ-gK2hV_k9opElqUY7ikTfUZ71OIo2SclaI6E,40562
|
198
|
-
snowflake/ml/modeling/kernel_approximation/skewed_chi2_sampler.py,sha256=mKlPU1SkkWpvxV5JigMExon-slce9dkGvivSF0QEDoU,40582
|
199
|
-
snowflake/ml/modeling/kernel_ridge/__init__.py,sha256=rY5qSOkHj59bHiTV6LhBiEhUA0StoCb0ACNR2vkV4v0,297
|
200
|
-
snowflake/ml/modeling/kernel_ridge/kernel_ridge.py,sha256=oZbEmhvH5yCEqbjw9hgyIj7VaxZlP9PXxCHXl0uWnbw,42317
|
201
|
-
snowflake/ml/modeling/lightgbm/__init__.py,sha256=rY5qSOkHj59bHiTV6LhBiEhUA0StoCb0ACNR2vkV4v0,297
|
202
|
-
snowflake/ml/modeling/lightgbm/lgbm_classifier.py,sha256=cZcKdwQfIOuBnCiosHUrRGgHccvrnPaS9WkBLsv30lg,41823
|
203
|
-
snowflake/ml/modeling/lightgbm/lgbm_regressor.py,sha256=r6c1v095Em0b8t11PAR9ae6TqiqIE_y5je6SrNGP_Ko,41327
|
204
|
-
snowflake/ml/modeling/linear_model/__init__.py,sha256=rY5qSOkHj59bHiTV6LhBiEhUA0StoCb0ACNR2vkV4v0,297
|
205
|
-
snowflake/ml/modeling/linear_model/ard_regression.py,sha256=dHOOuR_g-zCESgrqVtsoDJhiOM-NyPVvYhGgmW7d4bY,42260
|
206
|
-
snowflake/ml/modeling/linear_model/bayesian_ridge.py,sha256=O6_dUYkd4ggb144uKkWerfIJ09acrzmhiFfhLlsWUI8,42676
|
207
|
-
snowflake/ml/modeling/linear_model/elastic_net.py,sha256=XyPTFoUdYXUJDGTp8HpBVh-emGG6zRsUBZCNQWJBS4o,43251
|
208
|
-
snowflake/ml/modeling/linear_model/elastic_net_cv.py,sha256=r8yPw_qmsrWU-uzcc_Xs8XvQqcK2Klkmt3Big2QuV4s,44517
|
209
|
-
snowflake/ml/modeling/linear_model/gamma_regressor.py,sha256=7KOVsBIY36EFHFN1r9GYGZAvwpv8uqzNbkK-4lJigmk,42327
|
210
|
-
snowflake/ml/modeling/linear_model/huber_regressor.py,sha256=LAo8ENgyaLf2PLxLAde2pqDQptvIgxLBlV2lJgTrNnE,41524
|
211
|
-
snowflake/ml/modeling/linear_model/lars.py,sha256=pOlr-A2ojFly9n_KsIOqeWuafUUMokxAA9c0qtLmVf8,42757
|
212
|
-
snowflake/ml/modeling/linear_model/lars_cv.py,sha256=TLFpru1v7TUbr9UpHbEa4xpJvYTSTHZKaXGbfRJSjlo,42976
|
213
|
-
snowflake/ml/modeling/linear_model/lasso.py,sha256=J-ogZfgBPmUNNG4XZPWfanj8-xdkoW6YaKytkkoGRuc,42862
|
214
|
-
snowflake/ml/modeling/linear_model/lasso_cv.py,sha256=bTUnYwie0ZZrLTSZ08ubM_v0StghTMZylIhU1iPINgE,43645
|
215
|
-
snowflake/ml/modeling/linear_model/lasso_lars.py,sha256=49umab_Inec97Aizb-R8rbTxilpGWoHFjdVFuQwpLF0,43888
|
216
|
-
snowflake/ml/modeling/linear_model/lasso_lars_cv.py,sha256=AGHpkciNMmVP5uf8mELyF1pXAElLeYqIvQYveWXqn8c,43847
|
217
|
-
snowflake/ml/modeling/linear_model/lasso_lars_ic.py,sha256=hgkYzfB9e4TgswSgLfPJZqlR9b4C-z4biup4ra0dDL8,43193
|
218
|
-
snowflake/ml/modeling/linear_model/linear_regression.py,sha256=r_0J4tHWFrqFXu4Z4Y3viz4qXvxNWquGQRcCN0WNqrE,41064
|
219
|
-
snowflake/ml/modeling/linear_model/logistic_regression.py,sha256=NeIMbl7hwL5Cms9l88BGGhbtp8Tp-dB41c3TTZWdAyo,47317
|
220
|
-
snowflake/ml/modeling/linear_model/logistic_regression_cv.py,sha256=FcYVIB-iYhBklizMiKaONcJOlLp6rs-6U-6EnHI-1V4,48355
|
221
|
-
snowflake/ml/modeling/linear_model/multi_task_elastic_net.py,sha256=y8wyvEDr_l4JySMzQKDgBWXwS_jzxQ37a8qpK0Amdsk,42533
|
222
|
-
snowflake/ml/modeling/linear_model/multi_task_elastic_net_cv.py,sha256=yVHl6Cy1J26f6TglOoQy-VMq5RSva2VFeQpsPJVEk0Q,44169
|
223
|
-
snowflake/ml/modeling/linear_model/multi_task_lasso.py,sha256=840xi9OHLj5sZpyc5sZeP9A9u_1gxLUx6MtlFB_EU4s,42086
|
224
|
-
snowflake/ml/modeling/linear_model/multi_task_lasso_cv.py,sha256=n3Je4RETL_-oOHXuD-RLIzvQ6_SKX34bDOwXzxj70WY,43346
|
225
|
-
snowflake/ml/modeling/linear_model/orthogonal_matching_pursuit.py,sha256=csXHVKrdwUga3Rz2DqF-b7OFoENLofp3Wa3fmDH6mLw,41682
|
226
|
-
snowflake/ml/modeling/linear_model/passive_aggressive_classifier.py,sha256=w-RzjBUiDSK84xzaaMYYVn4x2wscT4A6yZODznL_Flo,45036
|
227
|
-
snowflake/ml/modeling/linear_model/passive_aggressive_regressor.py,sha256=EGciERNJiZ9zAg3bx3LeZjGp_OuQVyDThsgXeLECLpE,44105
|
228
|
-
snowflake/ml/modeling/linear_model/perceptron.py,sha256=xPy0e54GWZRQ-_klmn1GZsIyebyhUA1JKrAb0UHZvC0,44438
|
229
|
-
snowflake/ml/modeling/linear_model/poisson_regressor.py,sha256=KCt6irLnNqXGANBKA0KyyfJF-iqdpiQX4mOec4Oh_x8,42370
|
230
|
-
snowflake/ml/modeling/linear_model/ransac_regressor.py,sha256=ZcEMyKgRL9zW20fIrdV_rYrxQMCEVexkpUxELStw1zI,45490
|
231
|
-
snowflake/ml/modeling/linear_model/ridge.py,sha256=sKoL-TaV_dQMUOA-SppwkXnauFi4C8LU02GCyWQ3JfE,44406
|
232
|
-
snowflake/ml/modeling/linear_model/ridge_classifier.py,sha256=6AVtIDJgZTClkocoSni9SsCYLb0ZstFEAeSyRMoxhRo,44784
|
233
|
-
snowflake/ml/modeling/linear_model/ridge_classifier_cv.py,sha256=GCgmPp22JCvUkZdJc1U1PVbzwOZ-sQjqjT7DiujKOGg,42777
|
234
|
-
snowflake/ml/modeling/linear_model/ridge_cv.py,sha256=wbp8bVg22g33i2gLMZSUXHLtIGFVr3eovFdC0MwzaiM,43488
|
235
|
-
snowflake/ml/modeling/linear_model/sgd_classifier.py,sha256=9Zs7MBKPG8EiNZnT7qKw0g0smRx06kjV_wJaH6lb9YI,49859
|
236
|
-
snowflake/ml/modeling/linear_model/sgd_one_class_svm.py,sha256=O7AUmcqG0qw-4UZDOXQcpVU59Mk3W_e4VPGsFQ53acA,44491
|
237
|
-
snowflake/ml/modeling/linear_model/sgd_regressor.py,sha256=6HdL5-8RkoRREScInm4YPex5pyyquFObGvQgnyoJGeE,47331
|
238
|
-
snowflake/ml/modeling/linear_model/theil_sen_regressor.py,sha256=YRQcQ_VbbQsAqxMQti3uzpHsY559KghbS3ZmqF2r1ZE,42804
|
239
|
-
snowflake/ml/modeling/linear_model/tweedie_regressor.py,sha256=ERuU6xBD09bJlNoFzvbDnQCim1fZoZbN9OxshP8J6UU,43761
|
240
|
-
snowflake/ml/modeling/manifold/__init__.py,sha256=rY5qSOkHj59bHiTV6LhBiEhUA0StoCb0ACNR2vkV4v0,297
|
241
|
-
snowflake/ml/modeling/manifold/isomap.py,sha256=prfqfqlhawIR3IF5MaCHe2edK2ZxcbwrgczsHcO49R8,42860
|
242
|
-
snowflake/ml/modeling/manifold/mds.py,sha256=Bw3xh8XOpPBWDZe-mkVy2ADbdBtQFo_NFheTiam5_xY,42077
|
243
|
-
snowflake/ml/modeling/manifold/spectral_embedding.py,sha256=bZHh4UW_hAJilW0kJGBShVpbwAWztgBa6lJpYfOlSu8,42887
|
244
|
-
snowflake/ml/modeling/manifold/tsne.py,sha256=W2iww1mTKwZ_PdGq2J62JXcqXjaHoeJPTtKS6PMIGoc,45859
|
245
|
-
snowflake/ml/modeling/metrics/__init__.py,sha256=pyZnmdcefErGbbhQPIo-_nGps7B09veZtjKZn4lI8Tg,524
|
246
|
-
snowflake/ml/modeling/metrics/classification.py,sha256=EMynukFgtSUrtGJcCzSocB3AB0t4QookwPKyf6XdwXA,58399
|
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=9Bwr76Ew_348yJI9rQO69CKbMcB0p1FjtLL0NBZ3N_s,47371
|
254
|
-
snowflake/ml/modeling/mixture/gaussian_mixture.py,sha256=a8G1vtsJnq1hr0Tm30o_zp-Q5IojToGT-wcrbuhkYXc,45304
|
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=Up1DO8R6IdhRS3lmInLHPRXvhDQbmmfBYK8sN74XMDY,38041
|
257
|
-
snowflake/ml/modeling/model_selection/randomized_search_cv.py,sha256=YUswpuo3NiMXPToKGzHNjDL4-2L2yE-J0gnrFLJjFxg,38903
|
258
|
-
snowflake/ml/modeling/multiclass/__init__.py,sha256=rY5qSOkHj59bHiTV6LhBiEhUA0StoCb0ACNR2vkV4v0,297
|
259
|
-
snowflake/ml/modeling/multiclass/one_vs_one_classifier.py,sha256=ZUmLGvEwXuD7j2rBOIBcmltw8NbVDTRH6_rgVzOCcaA,41062
|
260
|
-
snowflake/ml/modeling/multiclass/one_vs_rest_classifier.py,sha256=RXcp5WISNZOpuVe1g720cZOLWvXKYlzq4jrNK3cnzes,41995
|
261
|
-
snowflake/ml/modeling/multiclass/output_code_classifier.py,sha256=dP0AaS-je7mgpmsK3h5FSqVzko5MYqQBJveRlHlPgRc,41330
|
262
|
-
snowflake/ml/modeling/naive_bayes/__init__.py,sha256=rY5qSOkHj59bHiTV6LhBiEhUA0StoCb0ACNR2vkV4v0,297
|
263
|
-
snowflake/ml/modeling/naive_bayes/bernoulli_nb.py,sha256=NQpcRgcjU43Kyt6Vn_8H24_1OTcb1e_gc92axDVNxFo,41608
|
264
|
-
snowflake/ml/modeling/naive_bayes/categorical_nb.py,sha256=A5EaCzDuH2ohG0jEI78uSB6KVPjAdSnVyVy-s_BayhY,41941
|
265
|
-
snowflake/ml/modeling/naive_bayes/complement_nb.py,sha256=FwRlw6JR-0bHhFjhIT6tp7Coktz2eSwhI4aD-RjGnTA,41622
|
266
|
-
snowflake/ml/modeling/naive_bayes/gaussian_nb.py,sha256=GyZS1TOUuLRyP3uLfHfggb69nwySRcTc4I_T0FDNJo4,40753
|
267
|
-
snowflake/ml/modeling/naive_bayes/multinomial_nb.py,sha256=Bfcm1Cqz4ji6393yfGKMIdhEck_1OlL995BzQjP7YRo,41386
|
268
|
-
snowflake/ml/modeling/neighbors/__init__.py,sha256=rY5qSOkHj59bHiTV6LhBiEhUA0StoCb0ACNR2vkV4v0,297
|
269
|
-
snowflake/ml/modeling/neighbors/k_neighbors_classifier.py,sha256=QkTrT961Xm-znQMxwaLZYXCEEznbffAfekao42c0p8g,44448
|
270
|
-
snowflake/ml/modeling/neighbors/k_neighbors_regressor.py,sha256=4WdUNa1gcEHejXwTwHwqAjI36-lrWtZJgb3n2WX3H3Y,43920
|
271
|
-
snowflake/ml/modeling/neighbors/kernel_density.py,sha256=6AJb9BurOwO61C90MgexSSY97JbZV4j4yaVTbSpwhWU,42109
|
272
|
-
snowflake/ml/modeling/neighbors/local_outlier_factor.py,sha256=cby21i3Zyk0lbMP2OOgjVnRp9tq7yCfCdGO5KSuD7zM,44683
|
273
|
-
snowflake/ml/modeling/neighbors/nearest_centroid.py,sha256=oUoT7tVWSqXwF4eHHs0LYEoTGt0gshkjmPJXrZpy970,40942
|
274
|
-
snowflake/ml/modeling/neighbors/nearest_neighbors.py,sha256=YNWpleMgJeHhY8SUy7ZQA6ILKPOdKOcVor21r1gZxq8,42834
|
275
|
-
snowflake/ml/modeling/neighbors/neighborhood_components_analysis.py,sha256=yFxLZrIE0qGGN-F396N2DQnLuyLN-G4Tsy2HeWI5SYk,44116
|
276
|
-
snowflake/ml/modeling/neighbors/radius_neighbors_classifier.py,sha256=QzzSLA8juQbbr5kSqiDfg1DBJK72yKjOFVVEUhxqEpc,44856
|
277
|
-
snowflake/ml/modeling/neighbors/radius_neighbors_regressor.py,sha256=sQ-P14yHq1qYA7YAjvQTwoKRfaE3isXSfu9tampxIcU,43738
|
278
|
-
snowflake/ml/modeling/neural_network/__init__.py,sha256=rY5qSOkHj59bHiTV6LhBiEhUA0StoCb0ACNR2vkV4v0,297
|
279
|
-
snowflake/ml/modeling/neural_network/bernoulli_rbm.py,sha256=_OMn9xM8-dwglvay0bLSzcVcLbaR8OyUzvxeyUnYxWE,41085
|
280
|
-
snowflake/ml/modeling/neural_network/mlp_classifier.py,sha256=Txsp8pDJJ4dyCmAtJfcd3FXwrcOFmiGhaUaer6iDvok,48828
|
281
|
-
snowflake/ml/modeling/neural_network/mlp_regressor.py,sha256=BMQ5U6CQWTxfV4TdKtKIe09Q38aBfoCZmcouVVm6HAU,48098
|
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=S71ktiPv0nOxlJfkkb6ww3cx4jz2Gcy_Eneq18QFCPQ,6957
|
287
|
-
snowflake/ml/modeling/preprocessing/k_bins_discretizer.py,sha256=ZaoJQP4C6fKb9kFp-STVUhWVTEtouHeL2cXqBDSnVa8,21192
|
288
|
-
snowflake/ml/modeling/preprocessing/label_encoder.py,sha256=e82yz76_JLM4zHw8G2Jul3nw1QtTRKE_uAMVRKvaKfg,7204
|
289
|
-
snowflake/ml/modeling/preprocessing/max_abs_scaler.py,sha256=OVCix4f9gZ6mp9kozOFSDZeqC-I9FBbKT5d5A5bBnWQ,8728
|
290
|
-
snowflake/ml/modeling/preprocessing/min_max_scaler.py,sha256=wt2YOwZg-2xbV5KXNE7bJG2zjwg12uP-qqpZI0SNVdk,10899
|
291
|
-
snowflake/ml/modeling/preprocessing/normalizer.py,sha256=C7BWmGeBEyDPx1JSsHG3keE17BJvvk-6J5HHtLhQs0Q,6778
|
292
|
-
snowflake/ml/modeling/preprocessing/one_hot_encoder.py,sha256=icM0k8t9og_nseNUg65P295Ox6xgDKaQG1hrP4eBLdE,71713
|
293
|
-
snowflake/ml/modeling/preprocessing/ordinal_encoder.py,sha256=B1GSrzPQZg85eJ0zI0mrhAnoZRs4dCBewLBYvhzYlwg,33013
|
294
|
-
snowflake/ml/modeling/preprocessing/polynomial_features.py,sha256=Dx6mZyE0xYtzFf9v1BPf4051mbv4tS8F6Tvjn9S4ia0,41238
|
295
|
-
snowflake/ml/modeling/preprocessing/robust_scaler.py,sha256=3rzGlg4dSeHYfS1yvt3uBhwCj5L6hWoga2TMqUNaCMQ,12190
|
296
|
-
snowflake/ml/modeling/preprocessing/standard_scaler.py,sha256=hGWAzEr62imZMNM4kzVRApPYwmeZ6rJH2cdH2EuKw6M,10890
|
297
|
-
snowflake/ml/modeling/semi_supervised/__init__.py,sha256=rY5qSOkHj59bHiTV6LhBiEhUA0StoCb0ACNR2vkV4v0,297
|
298
|
-
snowflake/ml/modeling/semi_supervised/label_propagation.py,sha256=aEpts_V3ig2aJ0kaLelzkYsgXsMkBGJQtPnsS9p9zL4,41840
|
299
|
-
snowflake/ml/modeling/semi_supervised/label_spreading.py,sha256=VcQJcV1QgvHt-m0mYTKvCztAveV_1_Yml_r0rRGfB8s,42191
|
300
|
-
snowflake/ml/modeling/svm/__init__.py,sha256=rY5qSOkHj59bHiTV6LhBiEhUA0StoCb0ACNR2vkV4v0,297
|
301
|
-
snowflake/ml/modeling/svm/linear_svc.py,sha256=k2joCq5-3TlVNv0GHY77ogxVInbTWnaKg9wUBmB_4aY,44657
|
302
|
-
snowflake/ml/modeling/svm/linear_svr.py,sha256=aXIXaFT6QK5vPkA3yAlJmAYwUWB4pI1_7osUh2VFL50,43010
|
303
|
-
snowflake/ml/modeling/svm/nu_svc.py,sha256=DoJx6n1mHjd9WLBKp8IJIs4Rg_bClVism6MUqxZuof0,44973
|
304
|
-
snowflake/ml/modeling/svm/nu_svr.py,sha256=LwY3umo1CNgjyCAEo9pCMyBEcQ3GPkMMR-9DiVXL2Zk,42052
|
305
|
-
snowflake/ml/modeling/svm/svc.py,sha256=nCcV0NGTzCKEpBFoFYKodQGDa6SgyKf3mXuumNX0xBM,45124
|
306
|
-
snowflake/ml/modeling/svm/svr.py,sha256=T6e-rpWgtptCYpL5KtIPsntiZjFOdX5xQWasCRfRLBs,42243
|
307
|
-
snowflake/ml/modeling/tree/__init__.py,sha256=rY5qSOkHj59bHiTV6LhBiEhUA0StoCb0ACNR2vkV4v0,297
|
308
|
-
snowflake/ml/modeling/tree/decision_tree_classifier.py,sha256=iZbKaZkAev3uFMF2xIOeGTW0KPFrp4OjF3THlkY11P0,47381
|
309
|
-
snowflake/ml/modeling/tree/decision_tree_regressor.py,sha256=bjYyhjzXkL21rUPdz4oOb4uPT1c_3J9Nz7tL68Eb89U,46081
|
310
|
-
snowflake/ml/modeling/tree/extra_tree_classifier.py,sha256=00vifG7ri63x6Wc7y15f9OqYaTrBTmPEjnbG0kR7Z7Y,46726
|
311
|
-
snowflake/ml/modeling/tree/extra_tree_regressor.py,sha256=uwYLDHZcyX8KY1MIgEWfOMsTN2lYP9vwO2sJAN_eD6w,45435
|
312
|
-
snowflake/ml/modeling/xgboost/__init__.py,sha256=rY5qSOkHj59bHiTV6LhBiEhUA0StoCb0ACNR2vkV4v0,297
|
313
|
-
snowflake/ml/modeling/xgboost/xgb_classifier.py,sha256=38oHVbMiaKtyeeDKaWKDbNPH_xNBQzylKVYHf2qEzNE,51112
|
314
|
-
snowflake/ml/modeling/xgboost/xgb_regressor.py,sha256=8QYhgM8KuteF4crhu9MiJ3kQOUN8bGN_r1DTMnpsGCM,50612
|
315
|
-
snowflake/ml/modeling/xgboost/xgbrf_classifier.py,sha256=EDd2QnClT1BYioS7rdMj6vdfsBQpWiKfsEifzh-JGB0,51286
|
316
|
-
snowflake/ml/modeling/xgboost/xgbrf_regressor.py,sha256=7yFqh_S76f4o4Yz2s2WoibLXiUch7AMb8y-C6hgmW_g,50813
|
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=0_SGyKjkuM27hoK4bkJP2ut5SpTzP8vT4kwFsIW7zgI,16
|
329
|
-
snowflake_ml_python-1.1.1.dist-info/METADATA,sha256=0awdlWEqaZ2nOne3gqa8NrilTinrfs_PBKEf4A4_r40,25937
|
330
|
-
snowflake_ml_python-1.1.1.dist-info/RECORD,,
|
331
|
-
snowflake_ml_python-1.1.1.dist-info/WHEEL,sha256=sobxWSyDDkdg_rinUth-jxhXHqoNqlmNMJY3aTZn2Us,91
|
File without changes
|