snowflake-ml-python 1.0.1__py3-none-any.whl → 1.0.3__py3-none-any.whl
This diff represents the content of publicly available package versions that have been released to one of the supported registries. The information contained in this diff is provided for informational purposes only and reflects changes between package versions as they appear in their respective public registries.
- snowflake/ml/_internal/env_utils.py +2 -1
- snowflake/ml/_internal/file_utils.py +35 -40
- snowflake/ml/_internal/telemetry.py +5 -8
- snowflake/ml/_internal/utils/identifier.py +74 -7
- snowflake/ml/_internal/utils/uri.py +7 -2
- snowflake/ml/model/_core_requirements.py +1 -1
- snowflake/ml/model/_deploy_client/image_builds/base_image_builder.py +15 -0
- snowflake/ml/model/_deploy_client/image_builds/client_image_builder.py +259 -0
- snowflake/ml/model/_deploy_client/image_builds/docker_context.py +89 -0
- snowflake/ml/model/_deploy_client/image_builds/gunicorn_run.sh +24 -0
- snowflake/ml/model/_deploy_client/image_builds/inference_server/main.py +118 -0
- snowflake/ml/model/_deploy_client/image_builds/templates/dockerfile_template +40 -0
- snowflake/ml/model/_deploy_client/snowservice/deploy.py +199 -0
- snowflake/ml/model/_deploy_client/snowservice/deploy_options.py +88 -0
- snowflake/ml/model/_deploy_client/snowservice/templates/service_spec_template +24 -0
- snowflake/ml/model/_deploy_client/utils/constants.py +47 -0
- snowflake/ml/model/_deploy_client/utils/snowservice_client.py +178 -0
- snowflake/ml/model/_deploy_client/warehouse/deploy.py +25 -28
- snowflake/ml/model/_deploy_client/warehouse/infer_template.py +7 -4
- snowflake/ml/model/_deployer.py +14 -27
- snowflake/ml/model/_env.py +4 -4
- snowflake/ml/model/_handlers/_base.py +3 -1
- snowflake/ml/model/_handlers/custom.py +14 -2
- snowflake/ml/model/_handlers/pytorch.py +186 -0
- snowflake/ml/model/_handlers/sklearn.py +14 -8
- snowflake/ml/model/_handlers/snowmlmodel.py +14 -9
- snowflake/ml/model/_handlers/torchscript.py +180 -0
- snowflake/ml/model/_handlers/xgboost.py +19 -9
- snowflake/ml/model/_model.py +27 -21
- snowflake/ml/model/_model_meta.py +33 -19
- snowflake/ml/model/model_signature.py +446 -66
- snowflake/ml/model/type_hints.py +28 -15
- snowflake/ml/modeling/calibration/calibrated_classifier_cv.py +79 -43
- snowflake/ml/modeling/cluster/affinity_propagation.py +79 -43
- snowflake/ml/modeling/cluster/agglomerative_clustering.py +79 -43
- snowflake/ml/modeling/cluster/birch.py +79 -43
- snowflake/ml/modeling/cluster/bisecting_k_means.py +79 -43
- snowflake/ml/modeling/cluster/dbscan.py +79 -43
- snowflake/ml/modeling/cluster/feature_agglomeration.py +79 -43
- snowflake/ml/modeling/cluster/k_means.py +79 -43
- snowflake/ml/modeling/cluster/mean_shift.py +79 -43
- snowflake/ml/modeling/cluster/mini_batch_k_means.py +79 -43
- snowflake/ml/modeling/cluster/optics.py +79 -43
- snowflake/ml/modeling/cluster/spectral_biclustering.py +79 -43
- snowflake/ml/modeling/cluster/spectral_clustering.py +79 -43
- snowflake/ml/modeling/cluster/spectral_coclustering.py +79 -43
- snowflake/ml/modeling/compose/column_transformer.py +79 -43
- snowflake/ml/modeling/compose/transformed_target_regressor.py +79 -43
- snowflake/ml/modeling/covariance/elliptic_envelope.py +79 -43
- snowflake/ml/modeling/covariance/empirical_covariance.py +79 -43
- snowflake/ml/modeling/covariance/graphical_lasso.py +79 -43
- snowflake/ml/modeling/covariance/graphical_lasso_cv.py +79 -43
- snowflake/ml/modeling/covariance/ledoit_wolf.py +79 -43
- snowflake/ml/modeling/covariance/min_cov_det.py +79 -43
- snowflake/ml/modeling/covariance/oas.py +79 -43
- snowflake/ml/modeling/covariance/shrunk_covariance.py +79 -43
- snowflake/ml/modeling/decomposition/dictionary_learning.py +79 -43
- snowflake/ml/modeling/decomposition/factor_analysis.py +79 -43
- snowflake/ml/modeling/decomposition/fast_ica.py +79 -43
- snowflake/ml/modeling/decomposition/incremental_pca.py +79 -43
- snowflake/ml/modeling/decomposition/kernel_pca.py +79 -43
- snowflake/ml/modeling/decomposition/mini_batch_dictionary_learning.py +79 -43
- snowflake/ml/modeling/decomposition/mini_batch_sparse_pca.py +79 -43
- snowflake/ml/modeling/decomposition/pca.py +79 -43
- snowflake/ml/modeling/decomposition/sparse_pca.py +79 -43
- snowflake/ml/modeling/decomposition/truncated_svd.py +79 -43
- snowflake/ml/modeling/discriminant_analysis/linear_discriminant_analysis.py +79 -43
- snowflake/ml/modeling/discriminant_analysis/quadratic_discriminant_analysis.py +79 -43
- snowflake/ml/modeling/ensemble/ada_boost_classifier.py +79 -43
- snowflake/ml/modeling/ensemble/ada_boost_regressor.py +79 -43
- snowflake/ml/modeling/ensemble/bagging_classifier.py +79 -43
- snowflake/ml/modeling/ensemble/bagging_regressor.py +79 -43
- snowflake/ml/modeling/ensemble/extra_trees_classifier.py +79 -43
- snowflake/ml/modeling/ensemble/extra_trees_regressor.py +79 -43
- snowflake/ml/modeling/ensemble/gradient_boosting_classifier.py +79 -43
- snowflake/ml/modeling/ensemble/gradient_boosting_regressor.py +79 -43
- snowflake/ml/modeling/ensemble/hist_gradient_boosting_classifier.py +79 -43
- snowflake/ml/modeling/ensemble/hist_gradient_boosting_regressor.py +79 -43
- snowflake/ml/modeling/ensemble/isolation_forest.py +79 -43
- snowflake/ml/modeling/ensemble/random_forest_classifier.py +79 -43
- snowflake/ml/modeling/ensemble/random_forest_regressor.py +79 -43
- snowflake/ml/modeling/ensemble/stacking_regressor.py +79 -43
- snowflake/ml/modeling/ensemble/voting_classifier.py +79 -43
- snowflake/ml/modeling/ensemble/voting_regressor.py +79 -43
- snowflake/ml/modeling/feature_selection/generic_univariate_select.py +79 -43
- snowflake/ml/modeling/feature_selection/select_fdr.py +79 -43
- snowflake/ml/modeling/feature_selection/select_fpr.py +79 -43
- snowflake/ml/modeling/feature_selection/select_fwe.py +79 -43
- snowflake/ml/modeling/feature_selection/select_k_best.py +79 -43
- snowflake/ml/modeling/feature_selection/select_percentile.py +79 -43
- snowflake/ml/modeling/feature_selection/sequential_feature_selector.py +79 -43
- snowflake/ml/modeling/feature_selection/variance_threshold.py +79 -43
- snowflake/ml/modeling/gaussian_process/gaussian_process_classifier.py +79 -43
- snowflake/ml/modeling/gaussian_process/gaussian_process_regressor.py +79 -43
- snowflake/ml/modeling/impute/iterative_imputer.py +79 -43
- snowflake/ml/modeling/impute/knn_imputer.py +79 -43
- snowflake/ml/modeling/impute/missing_indicator.py +79 -43
- snowflake/ml/modeling/kernel_approximation/additive_chi2_sampler.py +79 -43
- snowflake/ml/modeling/kernel_approximation/nystroem.py +79 -43
- snowflake/ml/modeling/kernel_approximation/polynomial_count_sketch.py +79 -43
- snowflake/ml/modeling/kernel_approximation/rbf_sampler.py +79 -43
- snowflake/ml/modeling/kernel_approximation/skewed_chi2_sampler.py +79 -43
- snowflake/ml/modeling/kernel_ridge/kernel_ridge.py +79 -43
- snowflake/ml/modeling/lightgbm/lgbm_classifier.py +79 -43
- snowflake/ml/modeling/lightgbm/lgbm_regressor.py +79 -43
- snowflake/ml/modeling/linear_model/ard_regression.py +79 -43
- snowflake/ml/modeling/linear_model/bayesian_ridge.py +79 -43
- snowflake/ml/modeling/linear_model/elastic_net.py +79 -43
- snowflake/ml/modeling/linear_model/elastic_net_cv.py +79 -43
- snowflake/ml/modeling/linear_model/gamma_regressor.py +79 -43
- snowflake/ml/modeling/linear_model/huber_regressor.py +79 -43
- snowflake/ml/modeling/linear_model/lars.py +79 -43
- snowflake/ml/modeling/linear_model/lars_cv.py +79 -43
- snowflake/ml/modeling/linear_model/lasso.py +79 -43
- snowflake/ml/modeling/linear_model/lasso_cv.py +79 -43
- snowflake/ml/modeling/linear_model/lasso_lars.py +79 -43
- snowflake/ml/modeling/linear_model/lasso_lars_cv.py +79 -43
- snowflake/ml/modeling/linear_model/lasso_lars_ic.py +79 -43
- snowflake/ml/modeling/linear_model/linear_regression.py +79 -43
- snowflake/ml/modeling/linear_model/logistic_regression.py +79 -43
- snowflake/ml/modeling/linear_model/logistic_regression_cv.py +79 -43
- snowflake/ml/modeling/linear_model/multi_task_elastic_net.py +79 -43
- snowflake/ml/modeling/linear_model/multi_task_elastic_net_cv.py +79 -43
- snowflake/ml/modeling/linear_model/multi_task_lasso.py +79 -43
- snowflake/ml/modeling/linear_model/multi_task_lasso_cv.py +79 -43
- snowflake/ml/modeling/linear_model/orthogonal_matching_pursuit.py +79 -43
- snowflake/ml/modeling/linear_model/passive_aggressive_classifier.py +79 -43
- snowflake/ml/modeling/linear_model/passive_aggressive_regressor.py +79 -43
- snowflake/ml/modeling/linear_model/perceptron.py +79 -43
- snowflake/ml/modeling/linear_model/poisson_regressor.py +79 -43
- snowflake/ml/modeling/linear_model/ransac_regressor.py +79 -43
- snowflake/ml/modeling/linear_model/ridge.py +79 -43
- snowflake/ml/modeling/linear_model/ridge_classifier.py +79 -43
- snowflake/ml/modeling/linear_model/ridge_classifier_cv.py +79 -43
- snowflake/ml/modeling/linear_model/ridge_cv.py +79 -43
- snowflake/ml/modeling/linear_model/sgd_classifier.py +79 -43
- snowflake/ml/modeling/linear_model/sgd_one_class_svm.py +79 -43
- snowflake/ml/modeling/linear_model/sgd_regressor.py +79 -43
- snowflake/ml/modeling/linear_model/theil_sen_regressor.py +79 -43
- snowflake/ml/modeling/linear_model/tweedie_regressor.py +79 -43
- snowflake/ml/modeling/manifold/isomap.py +79 -43
- snowflake/ml/modeling/manifold/mds.py +79 -43
- snowflake/ml/modeling/manifold/spectral_embedding.py +79 -43
- snowflake/ml/modeling/manifold/tsne.py +79 -43
- snowflake/ml/modeling/metrics/classification.py +6 -1
- snowflake/ml/modeling/metrics/regression.py +517 -9
- snowflake/ml/modeling/mixture/bayesian_gaussian_mixture.py +79 -43
- snowflake/ml/modeling/mixture/gaussian_mixture.py +79 -43
- snowflake/ml/modeling/model_selection/grid_search_cv.py +79 -43
- snowflake/ml/modeling/model_selection/randomized_search_cv.py +79 -43
- snowflake/ml/modeling/multiclass/one_vs_one_classifier.py +79 -43
- snowflake/ml/modeling/multiclass/one_vs_rest_classifier.py +79 -43
- snowflake/ml/modeling/multiclass/output_code_classifier.py +79 -43
- snowflake/ml/modeling/naive_bayes/bernoulli_nb.py +79 -43
- snowflake/ml/modeling/naive_bayes/categorical_nb.py +79 -43
- snowflake/ml/modeling/naive_bayes/complement_nb.py +79 -43
- snowflake/ml/modeling/naive_bayes/gaussian_nb.py +79 -43
- snowflake/ml/modeling/naive_bayes/multinomial_nb.py +79 -43
- snowflake/ml/modeling/neighbors/k_neighbors_classifier.py +79 -43
- snowflake/ml/modeling/neighbors/k_neighbors_regressor.py +79 -43
- snowflake/ml/modeling/neighbors/kernel_density.py +79 -43
- snowflake/ml/modeling/neighbors/local_outlier_factor.py +79 -43
- snowflake/ml/modeling/neighbors/nearest_centroid.py +79 -43
- snowflake/ml/modeling/neighbors/nearest_neighbors.py +79 -43
- snowflake/ml/modeling/neighbors/neighborhood_components_analysis.py +79 -43
- snowflake/ml/modeling/neighbors/radius_neighbors_classifier.py +79 -43
- snowflake/ml/modeling/neighbors/radius_neighbors_regressor.py +79 -43
- snowflake/ml/modeling/neural_network/bernoulli_rbm.py +79 -43
- snowflake/ml/modeling/neural_network/mlp_classifier.py +79 -43
- snowflake/ml/modeling/neural_network/mlp_regressor.py +79 -43
- snowflake/ml/modeling/pipeline/pipeline.py +24 -0
- snowflake/ml/modeling/preprocessing/one_hot_encoder.py +18 -19
- snowflake/ml/modeling/preprocessing/ordinal_encoder.py +2 -0
- snowflake/ml/modeling/preprocessing/polynomial_features.py +79 -43
- snowflake/ml/modeling/semi_supervised/label_propagation.py +79 -43
- snowflake/ml/modeling/semi_supervised/label_spreading.py +79 -43
- snowflake/ml/modeling/svm/linear_svc.py +79 -43
- snowflake/ml/modeling/svm/linear_svr.py +79 -43
- snowflake/ml/modeling/svm/nu_svc.py +79 -43
- snowflake/ml/modeling/svm/nu_svr.py +79 -43
- snowflake/ml/modeling/svm/svc.py +79 -43
- snowflake/ml/modeling/svm/svr.py +79 -43
- snowflake/ml/modeling/tree/decision_tree_classifier.py +79 -43
- snowflake/ml/modeling/tree/decision_tree_regressor.py +79 -43
- snowflake/ml/modeling/tree/extra_tree_classifier.py +79 -43
- snowflake/ml/modeling/tree/extra_tree_regressor.py +79 -43
- snowflake/ml/modeling/xgboost/xgb_classifier.py +79 -43
- snowflake/ml/modeling/xgboost/xgb_regressor.py +79 -43
- snowflake/ml/modeling/xgboost/xgbrf_classifier.py +79 -43
- snowflake/ml/modeling/xgboost/xgbrf_regressor.py +79 -43
- snowflake/ml/registry/model_registry.py +123 -121
- snowflake/ml/version.py +1 -1
- {snowflake_ml_python-1.0.1.dist-info → snowflake_ml_python-1.0.3.dist-info}/METADATA +50 -8
- snowflake_ml_python-1.0.3.dist-info/RECORD +259 -0
- snowflake_ml_python-1.0.1.dist-info/RECORD +0 -246
- {snowflake_ml_python-1.0.1.dist-info → snowflake_ml_python-1.0.3.dist-info}/WHEEL +0 -0
@@ -0,0 +1,259 @@
|
|
1
|
+
snowflake/ml/_internal/env.py,sha256=kCrJTRnqQ97VGUVI1cWUPD8HuBWeL5vOOtwUR0NB9Mg,161
|
2
|
+
snowflake/ml/_internal/env_utils.py,sha256=9h9-UMX6l8qjz5tENbrJKcezwicoFMF7z2zhe72kJZg,14175
|
3
|
+
snowflake/ml/_internal/file_utils.py,sha256=AWBSgyQjMJJB33GMKRXOVYIgbeYM4zSYTzG_oBSX05I,7502
|
4
|
+
snowflake/ml/_internal/init_utils.py,sha256=U-oPOtyVf22hCwDH_CH2uDr9yuN6Mr3kwQ_yRAs1mcM,2696
|
5
|
+
snowflake/ml/_internal/telemetry.py,sha256=pM1irUwe5-caRFP-fjUiYPTbTyjh0U-RwKyoat7pCU4,20145
|
6
|
+
snowflake/ml/_internal/type_utils.py,sha256=0AjimiQoAPHGnpLV_zCR6vlMR5lJ8CkZkKFwiUHYDCo,2168
|
7
|
+
snowflake/ml/_internal/utils/formatting.py,sha256=pz3dFq11BzeHVcZugrU5lQOmPeBKmfkggEsTnDm8ggw,3678
|
8
|
+
snowflake/ml/_internal/utils/identifier.py,sha256=zA2Eoc_p8u4kphGuVUbaYt1Fl6xSTjIYu6Qu8BrDZ1c,7703
|
9
|
+
snowflake/ml/_internal/utils/import_utils.py,sha256=eexwIe7auT17s4aVxAns7se0_K15rcq3O17MkIvDpPI,2068
|
10
|
+
snowflake/ml/_internal/utils/parallelize.py,sha256=zYtkYBq2_N7R49AvSzJynmvixNhUw3YBBZQ3uxVtTEA,4550
|
11
|
+
snowflake/ml/_internal/utils/pkg_version_utils.py,sha256=AMR97AZCOr26Je2Q4fIePJRMf7cASr910R5-wr7ANpM,3722
|
12
|
+
snowflake/ml/_internal/utils/query_result_checker.py,sha256=IrzUJ4fJvxjJ5ma-6mejWHpxoEtwnMKo9XTJ-YsECnk,12205
|
13
|
+
snowflake/ml/_internal/utils/temp_file_utils.py,sha256=77k4ZAZJfyJBMw0IOfn4aItW2mUFGIl_3RgCNS_U4f4,1400
|
14
|
+
snowflake/ml/_internal/utils/uri.py,sha256=sZIf7Ph9TXZZ7lU4IPpVfsc7oHflWEm6atzNPJ7qpsw,2117
|
15
|
+
snowflake/ml/fileset/fileset.py,sha256=hwKtNENBiNpEeHKyNra2QM11TYklzjyB_PtIQ8x5r_g,26746
|
16
|
+
snowflake/ml/fileset/fileset_errors.py,sha256=ZJfkpeDgRIw3qA876fk9FIzxIrm-yZ8I9RXUbzaeM84,1040
|
17
|
+
snowflake/ml/fileset/parquet_parser.py,sha256=yTJdYFTzaTPsgb1rGMj_jv_wDjmuwJZzbVRRmk--yA8,5915
|
18
|
+
snowflake/ml/fileset/sfcfs.py,sha256=YWL2D8P-3KcSoGmz6_nvMjQgRNTKzXbwGRhIZYYVZQo,11536
|
19
|
+
snowflake/ml/fileset/stage_fs.py,sha256=deFiXBXqab_v2WG6-A0BaepWvNxh4afpDsGbYh0jNWA,14859
|
20
|
+
snowflake/ml/fileset/tf_dataset.py,sha256=MrFtGiFu1FX3MSjAjWnZcEa5Ow4fsAHlUXW-BLqFWus,3462
|
21
|
+
snowflake/ml/fileset/torch_datapipe.py,sha256=kjfUmAqEQ55Gd1nMUFP-3crp1XG46oJ4E74Euk4HEW8,2386
|
22
|
+
snowflake/ml/model/_core_requirements.py,sha256=6HGtzvyZVGSIMYkJQ-J4TSyWwPt69uXnPXj7A4Nm34Q,197
|
23
|
+
snowflake/ml/model/_deploy_client/image_builds/base_image_builder.py,sha256=hslB0piUdrw15xUOK0rdvS4dOuwQFRnG6WSxgua_UWA,345
|
24
|
+
snowflake/ml/model/_deploy_client/image_builds/client_image_builder.py,sha256=Wmz7I-KMoCqd8lSAXgmbM74vghRBG-2rQ6b6QdDLAYI,11239
|
25
|
+
snowflake/ml/model/_deploy_client/image_builds/docker_context.py,sha256=RIKXtfPFYd96JBktJSbYR0bvkj70G4Cc68ISveX1dFk,3998
|
26
|
+
snowflake/ml/model/_deploy_client/image_builds/gunicorn_run.sh,sha256=iZWbzTZXpHmjIr9qRLzSCwgWIO6K3-8YgBu-1Q2zrEE,887
|
27
|
+
snowflake/ml/model/_deploy_client/image_builds/inference_server/main.py,sha256=MzYtOVUOxJPV239dy3WA2wBcWwMB0zpnBlrVRw4QZ6Q,4894
|
28
|
+
snowflake/ml/model/_deploy_client/image_builds/templates/dockerfile_template,sha256=YDOjxmU9-GqBYVn8_pW6wz0v5tEe62qXtv05uQdL3lM,1264
|
29
|
+
snowflake/ml/model/_deploy_client/snowservice/deploy.py,sha256=dg5evnL-hx6LG5JFGjqx7HC06LjokVHwfL4BmduvobQ,8602
|
30
|
+
snowflake/ml/model/_deploy_client/snowservice/deploy_options.py,sha256=gIzSUpMf1AhlD-s10L6HU1CKrUIq3kHEHlTKLyXy1LQ,3801
|
31
|
+
snowflake/ml/model/_deploy_client/snowservice/templates/service_spec_template,sha256=pB-DK7y7BxOS2n-yUepo8Okwnx273nDqbkjq_U1iEAg,579
|
32
|
+
snowflake/ml/model/_deploy_client/utils/constants.py,sha256=dzN8F8E_aQv7m1q1zx_0sKYPp9I_0tlE0vnREg1YjfY,1470
|
33
|
+
snowflake/ml/model/_deploy_client/utils/snowservice_client.py,sha256=OWT2VQnuVlHblhv34camONpv0dzYLh-VT_R8ygp0KcQ,7494
|
34
|
+
snowflake/ml/model/_deploy_client/warehouse/deploy.py,sha256=mr83w-CamAQn6jL1txaWqimoykYhCThSDzwmlhT_Los,9160
|
35
|
+
snowflake/ml/model/_deploy_client/warehouse/infer_template.py,sha256=ofWbsLZhyWor8KMmV_r-EpZwzbFxo9IgVEnNynfJq_w,2489
|
36
|
+
snowflake/ml/model/_deployer.py,sha256=xi8tss6FYcJIetfl3H6IT4d57gl_IoVtxpR1kGMf-qk,8855
|
37
|
+
snowflake/ml/model/_env.py,sha256=VnGo8RnbO0snFcI-1iGhAkln_pY0vHCpmFPmetD3qrs,4560
|
38
|
+
snowflake/ml/model/_handlers/_base.py,sha256=JUPnwTCGgMkKzqVns2zeVCF4-MtxnVKDieqNZR1X8sc,2299
|
39
|
+
snowflake/ml/model/_handlers/custom.py,sha256=q6IritKreteNZ_mQ6hzortkeGgH6C0LgHSwcGFkvZCs,6423
|
40
|
+
snowflake/ml/model/_handlers/pytorch.py,sha256=0ZNi94cpDW1ALU9KUnoTkVEZ4n5KxgyPDrLuI6ATdas,7166
|
41
|
+
snowflake/ml/model/_handlers/sklearn.py,sha256=dEJNor34rvKfClFo0ukFB-G9intdoXiGL3ilwgBHCao,7843
|
42
|
+
snowflake/ml/model/_handlers/snowmlmodel.py,sha256=3RG6cveksBgwlqsQrOJIrwG-dnS5CgM2EESle3xS1wQ,7993
|
43
|
+
snowflake/ml/model/_handlers/torchscript.py,sha256=OqpjJzXASaQjt3tws7C7RKQN_G9VPi7O9g84huK0Mag,7287
|
44
|
+
snowflake/ml/model/_handlers/xgboost.py,sha256=FUGjmVtl9V0xXMalxC6FVVFyVX3T8Gds7V9HQXL2o2I,7603
|
45
|
+
snowflake/ml/model/_model.py,sha256=Gm8uFI91cjxHdlH7HU_weP3J93cgrkekHjBnkchLNbs,26469
|
46
|
+
snowflake/ml/model/_model_handler.py,sha256=a1upCULZlNuxUiFoJbK85nERGkA2VkEsn5-IIZn7pro,2101
|
47
|
+
snowflake/ml/model/_model_meta.py,sha256=NWknKLXh1oMBO9ED62PnnX2ltevnMN3wu6H8QiGLph0,17945
|
48
|
+
snowflake/ml/model/custom_model.py,sha256=8qEHi8myHcp02jcpFbG9Kqscn9YRv3QnzehCrTSI8ds,8016
|
49
|
+
snowflake/ml/model/model_signature.py,sha256=SoWjugyzw8yut5n17O1-PxtNCxlR0ZJwtFXeF4Xu9VA,60533
|
50
|
+
snowflake/ml/model/type_hints.py,sha256=SrRLRJzhrVms22rO80Ee8JWHrOHV6y_EGtAOxRF54eQ,5187
|
51
|
+
snowflake/ml/modeling/calibration/__init__.py,sha256=rY5qSOkHj59bHiTV6LhBiEhUA0StoCb0ACNR2vkV4v0,297
|
52
|
+
snowflake/ml/modeling/calibration/calibrated_classifier_cv.py,sha256=tuVQT6v63PTOZhHP3E3APYdiyFEWA0w4sQdWvuhg40Y,55506
|
53
|
+
snowflake/ml/modeling/cluster/__init__.py,sha256=rY5qSOkHj59bHiTV6LhBiEhUA0StoCb0ACNR2vkV4v0,297
|
54
|
+
snowflake/ml/modeling/cluster/affinity_propagation.py,sha256=pFn8z4prI5O-thwhNE39g4jDPTlZjGWz__AhYw2_MYk,53433
|
55
|
+
snowflake/ml/modeling/cluster/agglomerative_clustering.py,sha256=5PbmUs1wxwyUPY-B-iWDfZ6qlMA_NjiWzPBxDHRx5xE,55446
|
56
|
+
snowflake/ml/modeling/cluster/birch.py,sha256=bNVfRZesHwYsL1Maep_FIzmWrbHtO75ZK-XtqSEVqXE,53271
|
57
|
+
snowflake/ml/modeling/cluster/bisecting_k_means.py,sha256=D8NmOxC_0UvgctdtECdfCS1AJoymJCRJvTczxXbwmMw,55653
|
58
|
+
snowflake/ml/modeling/cluster/dbscan.py,sha256=hG8AUIFlUD55klTHvZd9JA0WF9LLHVNGJk0jHgi_L8Q,53612
|
59
|
+
snowflake/ml/modeling/cluster/feature_agglomeration.py,sha256=IHDwX6hUef6NyGGyApPEdNX6FQWTbaOdr98j_Ypo6l0,55986
|
60
|
+
snowflake/ml/modeling/cluster/k_means.py,sha256=qOx-mWWDrdxVwj9Uffh-zw-HtzrQxpCfZCyNfwFjDJM,55240
|
61
|
+
snowflake/ml/modeling/cluster/mean_shift.py,sha256=egzx5sFedAGPEI-wE7SbMIYlFp4ASZRhyOlW0AfRg1U,53814
|
62
|
+
snowflake/ml/modeling/cluster/mini_batch_k_means.py,sha256=7NNevIzp8EXjYfbfZqjS9TQmvY2LmP1Kr-xvweK6CyY,56515
|
63
|
+
snowflake/ml/modeling/cluster/optics.py,sha256=ogkbb0M-dJw9yclFxB8EEi2kyLoxbhW6cDAgihlVadY,56946
|
64
|
+
snowflake/ml/modeling/cluster/spectral_biclustering.py,sha256=nLDe1dF0GaCWJxM9wY-jd8rTiQFAZXuGeORzDvJeojs,54004
|
65
|
+
snowflake/ml/modeling/cluster/spectral_clustering.py,sha256=IrIqiSPbjYzDo1iqhEkhzT3N_2SIfh3jJylSFFbtQYA,56942
|
66
|
+
snowflake/ml/modeling/cluster/spectral_coclustering.py,sha256=ecJkDo5sKtYYOCndJcUsnyUe517lmpkGvZWN7ZeUONQ,53134
|
67
|
+
snowflake/ml/modeling/compose/__init__.py,sha256=rY5qSOkHj59bHiTV6LhBiEhUA0StoCb0ACNR2vkV4v0,297
|
68
|
+
snowflake/ml/modeling/compose/column_transformer.py,sha256=bHQ9xxA6TlTJiTDyRvJA3MN_RkH8Vff8OCz2Eitka5w,55717
|
69
|
+
snowflake/ml/modeling/compose/transformed_target_regressor.py,sha256=zXsli2w6yTH1x0YIFRa7mlonxS4Ui7jRZmbHqlwEsgM,53302
|
70
|
+
snowflake/ml/modeling/covariance/__init__.py,sha256=rY5qSOkHj59bHiTV6LhBiEhUA0StoCb0ACNR2vkV4v0,297
|
71
|
+
snowflake/ml/modeling/covariance/elliptic_envelope.py,sha256=W3EOdTi2JcPeFVR3L03Bg6kfwg2N-jwGZ8nC7wUATtM,53274
|
72
|
+
snowflake/ml/modeling/covariance/empirical_covariance.py,sha256=L5zVU9NPs3qQ5MCFfTyFcxdEKQ4aUbrJVCgquR0xLeg,51550
|
73
|
+
snowflake/ml/modeling/covariance/graphical_lasso.py,sha256=IbnfUfNkifEQ9bXLPTBicX6y8M0ibWjpCb-71UBwtRw,52824
|
74
|
+
snowflake/ml/modeling/covariance/graphical_lasso_cv.py,sha256=fqxHKQNuz_CE6GKfcmvzLylWCiDNuhLB-rVp_Tt9z94,54288
|
75
|
+
snowflake/ml/modeling/covariance/ledoit_wolf.py,sha256=CoL4LoAE87rdyCZiSKfp7bHeMvEUU909KLtCBPgkAgY,51752
|
76
|
+
snowflake/ml/modeling/covariance/min_cov_det.py,sha256=cPa3cjq-2APJvGvwOcCqSPAoDuMPaTif6cD1X56yAww,52515
|
77
|
+
snowflake/ml/modeling/covariance/oas.py,sha256=500og54f9Ubt_smfasP2ITXJAen0Fb000D5H53cbl1E,51441
|
78
|
+
snowflake/ml/modeling/covariance/shrunk_covariance.py,sha256=zHH2jFGQ24dLlpMkI2Pt6cZycYzAQxaTS9KhJNsmnxc,51727
|
79
|
+
snowflake/ml/modeling/decomposition/__init__.py,sha256=rY5qSOkHj59bHiTV6LhBiEhUA0StoCb0ACNR2vkV4v0,297
|
80
|
+
snowflake/ml/modeling/decomposition/dictionary_learning.py,sha256=GKRNAMxdCcJw90-FxDqZ9gNOtEy5JZz71qZeHJSLaG8,56542
|
81
|
+
snowflake/ml/modeling/decomposition/factor_analysis.py,sha256=R8H16Suj-JmAI1MafJj4EZp-JKHzP00Z_V2NZ--Hyvw,53914
|
82
|
+
snowflake/ml/modeling/decomposition/fast_ica.py,sha256=UBgMFe78BHGpPnAG8foDB41zRmldpQH8QSLEMpkspw0,54376
|
83
|
+
snowflake/ml/modeling/decomposition/incremental_pca.py,sha256=5MUCSQwpK1n-M8742wUB3ApjoQ_H44y_N6fLw8RKdWc,52711
|
84
|
+
snowflake/ml/modeling/decomposition/kernel_pca.py,sha256=BFsn3p36-U_9qQmztHoCnXN9QLXCcgns55c9eMnuXDw,56742
|
85
|
+
snowflake/ml/modeling/decomposition/mini_batch_dictionary_learning.py,sha256=MUoRNIf2WuqbQ0NF-8rAq-jkxCjNy3u7xB-M4QrUYoc,57725
|
86
|
+
snowflake/ml/modeling/decomposition/mini_batch_sparse_pca.py,sha256=J9_p5A1UMxG-6UC27n_Gq8xOsZ1Q6i0uINg7YOIwoic,55042
|
87
|
+
snowflake/ml/modeling/decomposition/pca.py,sha256=3ntwAL2DU7mRSuXMQSuw_smDgJGU6z_0GbCGKfITB48,55586
|
88
|
+
snowflake/ml/modeling/decomposition/sparse_pca.py,sha256=ixsbIaqssO64T8BeD3cA-WzebnlxfdSPzgGPUp-BI1w,53907
|
89
|
+
snowflake/ml/modeling/decomposition/truncated_svd.py,sha256=Ds7wa1DIk4rPQWF3Y_6A6SK0NmM77LfSQjvNpXMtHPU,53479
|
90
|
+
snowflake/ml/modeling/discriminant_analysis/__init__.py,sha256=rY5qSOkHj59bHiTV6LhBiEhUA0StoCb0ACNR2vkV4v0,297
|
91
|
+
snowflake/ml/modeling/discriminant_analysis/linear_discriminant_analysis.py,sha256=Phy_u7CJ6xqhoUNWXI7BZdrCJsGemEsz8ZIG5NEZWDg,55727
|
92
|
+
snowflake/ml/modeling/discriminant_analysis/quadratic_discriminant_analysis.py,sha256=syBNrxFoIYtaLtijz9JW66yCT83o3MQkJHKylEylOu8,53792
|
93
|
+
snowflake/ml/modeling/ensemble/__init__.py,sha256=rY5qSOkHj59bHiTV6LhBiEhUA0StoCb0ACNR2vkV4v0,297
|
94
|
+
snowflake/ml/modeling/ensemble/ada_boost_classifier.py,sha256=YJNdZYkT-K4tPUc9tBLWb9MfnsyCpeDjlY___-3Jxno,54745
|
95
|
+
snowflake/ml/modeling/ensemble/ada_boost_regressor.py,sha256=oB4umnfZlORTqtjzM03s5w7cj-g3lG5h4fqT5qTvOgI,53644
|
96
|
+
snowflake/ml/modeling/ensemble/bagging_classifier.py,sha256=5KYF_zT6WhTBbgzLqHuFH_zP_4e9WSa-uRuyYxAy2PM,55669
|
97
|
+
snowflake/ml/modeling/ensemble/bagging_regressor.py,sha256=LRBh0I8U6lL_RrqFDhSQ3c3WbK09wYdxkRbN4HTf-bs,54913
|
98
|
+
snowflake/ml/modeling/ensemble/extra_trees_classifier.py,sha256=FSlAb0RbE9yKulnjcGfu_cW1huKT3u-_F6GvxbYE6OY,60455
|
99
|
+
snowflake/ml/modeling/ensemble/extra_trees_regressor.py,sha256=83jHLpSFuBr4lsApeQ3BvzF00Gbr9WfnJCY_awSb-j0,59066
|
100
|
+
snowflake/ml/modeling/ensemble/gradient_boosting_classifier.py,sha256=gtdgUDzv8Wf5Hnl291dnR7ziyqP7FENeKtzbExvX9Lc,62064
|
101
|
+
snowflake/ml/modeling/ensemble/gradient_boosting_regressor.py,sha256=J1NJVLPYRQDvNXwGhlbp1rdFBH0PgCT8Km0Va6cqdnY,61648
|
102
|
+
snowflake/ml/modeling/ensemble/hist_gradient_boosting_classifier.py,sha256=7DpIW3IDiRBssTwU9Kxd4LDo5iuG3cu9qZNn74tLz_U,61714
|
103
|
+
snowflake/ml/modeling/ensemble/hist_gradient_boosting_regressor.py,sha256=IAwdSzFzS7_f9bBPzjTXaYgyGkFgkq_mWIjCbA1zpbk,60036
|
104
|
+
snowflake/ml/modeling/ensemble/isolation_forest.py,sha256=AXuvTAKDIDbC19c5g8HB6hLPwnteQTRaydcg_ZAwkqA,54690
|
105
|
+
snowflake/ml/modeling/ensemble/random_forest_classifier.py,sha256=KOPrrJpaZplfeWrVc9SwLw9Augjwf_MGt_fQKg_BvWE,60410
|
106
|
+
snowflake/ml/modeling/ensemble/random_forest_regressor.py,sha256=43TqrL5F2kNdO5xbQeVlzTkbVpNxBu9IECmxSRxZTFA,59009
|
107
|
+
snowflake/ml/modeling/ensemble/stacking_regressor.py,sha256=dnycH8T_TMUvOXAHbxvJlHQCaEQ6cqbBlwZJBvdI7wE,54597
|
108
|
+
snowflake/ml/modeling/ensemble/voting_classifier.py,sha256=z1kWVglksUkHFDMGcexqUwpQnz5tVfWUaquKIQ4m74s,54172
|
109
|
+
snowflake/ml/modeling/ensemble/voting_regressor.py,sha256=MjPdM34PuhSnR4SxFAlsNPhC5hEbLQ6zi4no3RydzIY,52707
|
110
|
+
snowflake/ml/modeling/feature_selection/__init__.py,sha256=rY5qSOkHj59bHiTV6LhBiEhUA0StoCb0ACNR2vkV4v0,297
|
111
|
+
snowflake/ml/modeling/feature_selection/generic_univariate_select.py,sha256=QOygJRRKHfxGBK1CFh2byjoVcnXsnz8VtIVebn2-ZDg,52220
|
112
|
+
snowflake/ml/modeling/feature_selection/select_fdr.py,sha256=B_GPPVLwmIb9ScHCViCEwt-LGtvjlKK5rEtSkLoKTsQ,51918
|
113
|
+
snowflake/ml/modeling/feature_selection/select_fpr.py,sha256=1wJJRFSC-qZWSz-hFcoZjYA7d8oVWfY1OlIgtCyhfNY,51912
|
114
|
+
snowflake/ml/modeling/feature_selection/select_fwe.py,sha256=HL1MlwdFiHepBVDe_H-hjsQB9zb1rCaxLniyXs4Js2M,51920
|
115
|
+
snowflake/ml/modeling/feature_selection/select_k_best.py,sha256=V7HoRkdtsVAFAE81U1FQQKkWUnBt9ZiAfunhxwod6lw,51997
|
116
|
+
snowflake/ml/modeling/feature_selection/select_percentile.py,sha256=SalYYsSYikQ73TzkcuXe22mwkPKMvzEv-FfRNFT1oPk,52017
|
117
|
+
snowflake/ml/modeling/feature_selection/sequential_feature_selector.py,sha256=qVOjicEqGVHujZuU14G-jXfViVkDyV0CCt8JhQtfCSk,54670
|
118
|
+
snowflake/ml/modeling/feature_selection/variance_threshold.py,sha256=ucnTz_bLAyRApkcdt7J9pAFvijuJFYV-uearYMEinqc,51649
|
119
|
+
snowflake/ml/modeling/framework/_utils.py,sha256=So72kQZXXP0U9D47rXx0U5mxbkkRujKwmCh-f2OVf3E,9110
|
120
|
+
snowflake/ml/modeling/framework/base.py,sha256=hxRwBOKQtQFVZtHopgj_bgBUIU5TK9vJj4p4ZDynFWc,21900
|
121
|
+
snowflake/ml/modeling/gaussian_process/__init__.py,sha256=rY5qSOkHj59bHiTV6LhBiEhUA0StoCb0ACNR2vkV4v0,297
|
122
|
+
snowflake/ml/modeling/gaussian_process/gaussian_process_classifier.py,sha256=Po-HwoK-vELk0R36D86KH1iafgcL8Txs9EuJkRD9wXg,57215
|
123
|
+
snowflake/ml/modeling/gaussian_process/gaussian_process_regressor.py,sha256=582hyNE0W-mZ58Vn2yCYROkydamXVsfF5UZxKHBDax4,55907
|
124
|
+
snowflake/ml/modeling/impute/__init__.py,sha256=dYtqk_GD_hAAZjGfH1maWlZQ30h4hu_KGaf-_y9_AD8,298
|
125
|
+
snowflake/ml/modeling/impute/iterative_imputer.py,sha256=kz4gc_dubKSu14DU77KV_XMeRfeRDZPBK-dbmToxJW8,57770
|
126
|
+
snowflake/ml/modeling/impute/knn_imputer.py,sha256=ay7KVv2XuPuGcazIJPlO6lDrX5-0Kkl7kNkTxrhcDVk,53992
|
127
|
+
snowflake/ml/modeling/impute/missing_indicator.py,sha256=Mvh9deXKmobw1d2Ow0fzBwZV7eMlzesLxQtVdu405Ko,52789
|
128
|
+
snowflake/ml/modeling/impute/simple_imputer.py,sha256=AuqGFxRvVEuIdhTNhmk6T0Uz5K-k1RCKCTnQFCNQxWA,18118
|
129
|
+
snowflake/ml/modeling/kernel_approximation/__init__.py,sha256=rY5qSOkHj59bHiTV6LhBiEhUA0StoCb0ACNR2vkV4v0,297
|
130
|
+
snowflake/ml/modeling/kernel_approximation/additive_chi2_sampler.py,sha256=Wi4eHHhqZqa2zWTOvNjZ654WfqJE45IiE5FURqg35fg,51733
|
131
|
+
snowflake/ml/modeling/kernel_approximation/nystroem.py,sha256=1KbkTFSpLfgiHsttIKC0y6WybxEJmIJnWaucMSEPW2k,53606
|
132
|
+
snowflake/ml/modeling/kernel_approximation/polynomial_count_sketch.py,sha256=YmBuv1wvTmozyu1bWEUAEAjdR4YJAaUXyT1i2G62hXQ,52760
|
133
|
+
snowflake/ml/modeling/kernel_approximation/rbf_sampler.py,sha256=CXkTlAbqUTXmIndPOaZJBzVJON7cptYpoX-Bl7VQTQY,52189
|
134
|
+
snowflake/ml/modeling/kernel_approximation/skewed_chi2_sampler.py,sha256=H4VXdL5P_J4YLZXR4wHPfXg1gLQqE_f6xfZPbBvGnMw,52188
|
135
|
+
snowflake/ml/modeling/kernel_ridge/__init__.py,sha256=rY5qSOkHj59bHiTV6LhBiEhUA0StoCb0ACNR2vkV4v0,297
|
136
|
+
snowflake/ml/modeling/kernel_ridge/kernel_ridge.py,sha256=QlEvYhnWYMEf5Vz-usvmLrP1nlYrNMZTEYF4FGdviAM,53706
|
137
|
+
snowflake/ml/modeling/lightgbm/__init__.py,sha256=rY5qSOkHj59bHiTV6LhBiEhUA0StoCb0ACNR2vkV4v0,297
|
138
|
+
snowflake/ml/modeling/lightgbm/lgbm_classifier.py,sha256=UGz_qfrr3rehtQjRr-dozP_IgTZBHeak1OwkYXtf4WI,53228
|
139
|
+
snowflake/ml/modeling/lightgbm/lgbm_regressor.py,sha256=pX_ewzyd1KhJLCZAlLbzNpYgk4cQfWoUnSrXVEu01n8,52739
|
140
|
+
snowflake/ml/modeling/linear_model/__init__.py,sha256=rY5qSOkHj59bHiTV6LhBiEhUA0StoCb0ACNR2vkV4v0,297
|
141
|
+
snowflake/ml/modeling/linear_model/ard_regression.py,sha256=qBLYHo6dWB-czD-VA3TRFviFtwEhWKrK7HNXpAVORb4,53454
|
142
|
+
snowflake/ml/modeling/linear_model/bayesian_ridge.py,sha256=UYruGveqQzh2l4xQ4xprSmrj4WVzhj-7wVUxe0VfXAk,53767
|
143
|
+
snowflake/ml/modeling/linear_model/elastic_net.py,sha256=qZuAJ19QTxCL1k69Wq8-tE99XLDp_0iaC-x--0oHkUg,54651
|
144
|
+
snowflake/ml/modeling/linear_model/elastic_net_cv.py,sha256=gg1Mdg2C7zT7Fwu9slZUfk-fRQuuPw5S2N084GrQswE,55909
|
145
|
+
snowflake/ml/modeling/linear_model/gamma_regressor.py,sha256=-PsCJ8RskWxaW3Ep4SGGCMOiH9QxIFosSLzNA5p_SGE,53707
|
146
|
+
snowflake/ml/modeling/linear_model/huber_regressor.py,sha256=yA-5V0xJxQL4DNZk_UZY_I-YbU8_B-U00L-TnkdxxQA,52895
|
147
|
+
snowflake/ml/modeling/linear_model/lars.py,sha256=XCqIF1K5fW4Z5e4lbFpyVdZ16DKP5ctI0iabtrJmqcQ,54192
|
148
|
+
snowflake/ml/modeling/linear_model/lars_cv.py,sha256=mGY3qwPKXTrgsaOokKZTxLFH4JDHC9uqbXhose8tvWw,54399
|
149
|
+
snowflake/ml/modeling/linear_model/lasso.py,sha256=DhbxwaaEjLHVB27WO4Do39sH8XJo8tjqo9JCITj2-rg,54291
|
150
|
+
snowflake/ml/modeling/linear_model/lasso_cv.py,sha256=-9OTnRXuF7tR7pmGiBkbNYXtdpdBKQZdOHQoxGLzFsc,55066
|
151
|
+
snowflake/ml/modeling/linear_model/lasso_lars.py,sha256=lUX3Waet6aBpZ2rM4mxFtbbHZLROOdhpJ7c4loWxIJE,55295
|
152
|
+
snowflake/ml/modeling/linear_model/lasso_lars_cv.py,sha256=Yv4-ubZ0VFunMkFz5Ha1yD-6Q3qEWY6p7MkHskHW8x4,55241
|
153
|
+
snowflake/ml/modeling/linear_model/lasso_lars_ic.py,sha256=0mPTAy4_AtbQ9CRZdhaHL9Ie6I0BCmUYb79kO6i4rSU,54586
|
154
|
+
snowflake/ml/modeling/linear_model/linear_regression.py,sha256=e6O-N3DqbR64l2D4suZEp2YePe5bhtjqwg-7EY8IGdM,52421
|
155
|
+
snowflake/ml/modeling/linear_model/logistic_regression.py,sha256=DTIK8OneFS4HJEMUzPvwuYTY_VUR7FQ_Z5VrURiwBKI,58672
|
156
|
+
snowflake/ml/modeling/linear_model/logistic_regression_cv.py,sha256=9s8x5-7EBl2DgD_6ShPsSN3jAGn8Qg3BEWakZ3ekYuk,59692
|
157
|
+
snowflake/ml/modeling/linear_model/multi_task_elastic_net.py,sha256=jgjH31l0Iq7d30Rig0KvaOt44vFlxZM_15eAv2vtkVw,53877
|
158
|
+
snowflake/ml/modeling/linear_model/multi_task_elastic_net_cv.py,sha256=h0L934Dc-ucQKCfI0Hg-7sLwYjPs1MzuKwqnZ6UtQ-s,55505
|
159
|
+
snowflake/ml/modeling/linear_model/multi_task_lasso.py,sha256=Lq4eLjl0y75uTsYxu7zyse_uYqIoe2rJPlqJsgbaEbE,53459
|
160
|
+
snowflake/ml/modeling/linear_model/multi_task_lasso_cv.py,sha256=JrRbi_-a6UEJGPWTbcgWcttTdRZ2d2qddYm1fifL4is,54711
|
161
|
+
snowflake/ml/modeling/linear_model/orthogonal_matching_pursuit.py,sha256=E1e9IaO9GMPZbbcjv_jlyjlu8JyulPusX-2R-hgTIag,52986
|
162
|
+
snowflake/ml/modeling/linear_model/passive_aggressive_classifier.py,sha256=RCfEXkTltDsy55UWXWdmpqTNdTnw4vJ42Ti0dLQUS8g,56337
|
163
|
+
snowflake/ml/modeling/linear_model/passive_aggressive_regressor.py,sha256=3JXfzZbYSJlhAGN6vHQRUq7Uy1RlnHnYXVWSSe4xv3w,55412
|
164
|
+
snowflake/ml/modeling/linear_model/perceptron.py,sha256=PFsyxUd6SVOA40rZQ5aVjmb8OD4Y1fYLzn5hRDj7dEc,55842
|
165
|
+
snowflake/ml/modeling/linear_model/poisson_regressor.py,sha256=rpbURsXkCkh4WDLJXcg3YtV1PqtaBD5usOwS_-1NCSo,53738
|
166
|
+
snowflake/ml/modeling/linear_model/ransac_regressor.py,sha256=JiWyvAg-LKL6qTUF0M9NChND49yQypt3lpCfaHn5etw,57212
|
167
|
+
snowflake/ml/modeling/linear_model/ridge.py,sha256=EUTdq5QniCZDJVNqU7o9Ujxl4Mj_lz_9qmzxBkdN0t4,55272
|
168
|
+
snowflake/ml/modeling/linear_model/ridge_classifier.py,sha256=4PwcLr-Rt1vW2zu9dwkJLHc_tZUjQMf7Hfnh6sKb6aw,55590
|
169
|
+
snowflake/ml/modeling/linear_model/ridge_classifier_cv.py,sha256=a6Xh90A3ZOD47Ls6tQheaegrUaaq3wrbc1pSW4GHq8w,54129
|
170
|
+
snowflake/ml/modeling/linear_model/ridge_cv.py,sha256=0nN19Drn4j62cpHikVxuFvrFYUhhhisUAiwdLFEDGWw,54905
|
171
|
+
snowflake/ml/modeling/linear_model/sgd_classifier.py,sha256=aivpS5qfKnUX974mRaCHhckk_hWO0ROMypiBzEK3Muw,61258
|
172
|
+
snowflake/ml/modeling/linear_model/sgd_one_class_svm.py,sha256=XSfwAJf7AlNFsyLn2iYHF--gnlYaGgrYQz2WDc1hxxs,55872
|
173
|
+
snowflake/ml/modeling/linear_model/sgd_regressor.py,sha256=2_5EwFzgQvn8sri8k5s7TlmhQ2GzoGwvCWQRd5573GY,58727
|
174
|
+
snowflake/ml/modeling/linear_model/theil_sen_regressor.py,sha256=TBDTE2nPajqqYnnX7HOnB84Fgnz3qjP1yUx0gAgAXKM,54160
|
175
|
+
snowflake/ml/modeling/linear_model/tweedie_regressor.py,sha256=mX9qdhARD3RKBNF54lu3F8wPzmQkqH5xooUhUYELx94,55131
|
176
|
+
snowflake/ml/modeling/manifold/__init__.py,sha256=rY5qSOkHj59bHiTV6LhBiEhUA0StoCb0ACNR2vkV4v0,297
|
177
|
+
snowflake/ml/modeling/manifold/isomap.py,sha256=9fiVKwZ8G09fvKJ2tgs_oU9wgzGRdHR1lGO6nDMlO68,54526
|
178
|
+
snowflake/ml/modeling/manifold/mds.py,sha256=tyaIhilgwzt5JE9s5X-PdUjlouNvHhjrvkkWAtSQJ-w,53744
|
179
|
+
snowflake/ml/modeling/manifold/spectral_embedding.py,sha256=PBed_JavNtd1a14jIxjTfbOa1QgF6s7UfAL8_PgoDrk,54515
|
180
|
+
snowflake/ml/modeling/manifold/tsne.py,sha256=m_JKk_XYmDJJrlnypDyCWDjjTqf7hOcXjx__XAmjJ5s,57787
|
181
|
+
snowflake/ml/modeling/metrics/__init__.py,sha256=wp2LehkoLtyt4u_HBhglrKrV6E-dKt5vr-0N3MkJFaY,304
|
182
|
+
snowflake/ml/modeling/metrics/classification.py,sha256=ZtTQ3ziMMglimNW1hG7oGDhAW5a6HBXOfQq8g3iptC8,40077
|
183
|
+
snowflake/ml/modeling/metrics/correlation.py,sha256=4cjKDl07C3PGcx_VPwOqSFYjuBEA266btKuw9wd5D7w,4921
|
184
|
+
snowflake/ml/modeling/metrics/covariance.py,sha256=hS_yILgo3OUjBVrPCL-NXR7cSyPjXOFftXlZJ1xaLus,4757
|
185
|
+
snowflake/ml/modeling/metrics/metrics_utils.py,sha256=jvjOabIwGi02I1aEiSo_3NfgXLAIU7ggShQXDAAjCFs,12037
|
186
|
+
snowflake/ml/modeling/metrics/ranking.py,sha256=KzRbI1bZf3G1U3wlSnvpX1GMTkddfGwy9y2gopxoW6E,15397
|
187
|
+
snowflake/ml/modeling/metrics/regression.py,sha256=yqTiBnbFc1GtBR4LJfUiEGE8Pv3uNT2ZuFiaEyzxyhM,23144
|
188
|
+
snowflake/ml/modeling/mixture/__init__.py,sha256=rY5qSOkHj59bHiTV6LhBiEhUA0StoCb0ACNR2vkV4v0,297
|
189
|
+
snowflake/ml/modeling/mixture/bayesian_gaussian_mixture.py,sha256=-n1RTh-9K8irI5Z2ROti8EpyeMfYqHufr2XTcEaoJqk,58431
|
190
|
+
snowflake/ml/modeling/mixture/gaussian_mixture.py,sha256=kMzOcefnjIYh0FX-HLpbfAuax6IroF50bAMhpk5h964,56433
|
191
|
+
snowflake/ml/modeling/model_selection/__init__.py,sha256=rY5qSOkHj59bHiTV6LhBiEhUA0StoCb0ACNR2vkV4v0,297
|
192
|
+
snowflake/ml/modeling/model_selection/grid_search_cv.py,sha256=KohZGv0rroFdiEqg5WLFQJo5C-fprC9G1K49V0sYYEo,58982
|
193
|
+
snowflake/ml/modeling/model_selection/randomized_search_cv.py,sha256=FZS-Fc7HWNKFZvgv4H3pNiezeAAk1Kgh8mbiMZ9u0K4,59826
|
194
|
+
snowflake/ml/modeling/multiclass/__init__.py,sha256=rY5qSOkHj59bHiTV6LhBiEhUA0StoCb0ACNR2vkV4v0,297
|
195
|
+
snowflake/ml/modeling/multiclass/one_vs_one_classifier.py,sha256=uTckORyZu2fXX-uBz2STZBFgoqKqH5MaDET6aDxy98U,52414
|
196
|
+
snowflake/ml/modeling/multiclass/one_vs_rest_classifier.py,sha256=zUe8KBBhZyFZHSd9dVVrmanErHSW045iZTaxcvMxeJ0,53342
|
197
|
+
snowflake/ml/modeling/multiclass/output_code_classifier.py,sha256=G03cM3PD0fdQpjF2gZnKuMktxRg3ikopCPnXurE8ylA,52672
|
198
|
+
snowflake/ml/modeling/naive_bayes/__init__.py,sha256=rY5qSOkHj59bHiTV6LhBiEhUA0StoCb0ACNR2vkV4v0,297
|
199
|
+
snowflake/ml/modeling/naive_bayes/bernoulli_nb.py,sha256=3vOEAj7kDxSNRRIfgs1Lq7OZHTXbmHPMZa8RNaDdYxg,52999
|
200
|
+
snowflake/ml/modeling/naive_bayes/categorical_nb.py,sha256=WK3m0zx7_C8c1peHvC49F4YRr8EHfEMGJYzQEqBhOLY,53320
|
201
|
+
snowflake/ml/modeling/naive_bayes/complement_nb.py,sha256=iFR2xR9klHkUJ0cdHHcGWtfrlw3R-2NuSf3piYa8ar4,53007
|
202
|
+
snowflake/ml/modeling/naive_bayes/gaussian_nb.py,sha256=AFEdV5VNyqZm_YV71KAEP5F1uOPXHZ8ghRUPWCvKMrI,52147
|
203
|
+
snowflake/ml/modeling/naive_bayes/multinomial_nb.py,sha256=xiZwZACAA5tHOK7DWhq4pCWWNKhp91zGKxDs5k7pa2I,52764
|
204
|
+
snowflake/ml/modeling/neighbors/__init__.py,sha256=rY5qSOkHj59bHiTV6LhBiEhUA0StoCb0ACNR2vkV4v0,297
|
205
|
+
snowflake/ml/modeling/neighbors/k_neighbors_classifier.py,sha256=N1Qb11dM2lAuEyP1RsXHZC9EZbVG5EaKUIy2gMTvQio,55551
|
206
|
+
snowflake/ml/modeling/neighbors/k_neighbors_regressor.py,sha256=z-F3iOELgLHznQWpBpRb8NyQ_jflxJUL4DSLgAeyX1g,55033
|
207
|
+
snowflake/ml/modeling/neighbors/kernel_density.py,sha256=kbJ3bfchkxqrtm_lodMFrrNBi2nUWPHWy7wJywonWh0,53510
|
208
|
+
snowflake/ml/modeling/neighbors/local_outlier_factor.py,sha256=ej39Z2fyioeFjUsf5rfT093VUpmUbSS2kdSx3SSvMuY,55791
|
209
|
+
snowflake/ml/modeling/neighbors/nearest_centroid.py,sha256=Soafun6CXIHSNW-v2w6XyEpxuPdGSEoQ2lwRXbzr3Ck,52314
|
210
|
+
snowflake/ml/modeling/neighbors/nearest_neighbors.py,sha256=COicFuUJ2xgt6Cia4mrFLnTm4aRVmgQtbDl1Xh9RptI,54223
|
211
|
+
snowflake/ml/modeling/neighbors/neighborhood_components_analysis.py,sha256=wDzqewngg8lGhRz5WaFgnimpjRo2arDRghU9_ajJCbg,55699
|
212
|
+
snowflake/ml/modeling/neighbors/radius_neighbors_classifier.py,sha256=WhSbpXCjYY8IVh5FNbmBfBO5354gf5NaBYjctrTWG4g,56180
|
213
|
+
snowflake/ml/modeling/neighbors/radius_neighbors_regressor.py,sha256=q8H7AdBOjsfxj0YHtyNw9Jjn_-zsxCS0L-7F9HEF2fY,55066
|
214
|
+
snowflake/ml/modeling/neural_network/__init__.py,sha256=rY5qSOkHj59bHiTV6LhBiEhUA0StoCb0ACNR2vkV4v0,297
|
215
|
+
snowflake/ml/modeling/neural_network/bernoulli_rbm.py,sha256=cs0JZu0r9M1HKwCJR7h85K-BW99ow0wxC2cTv7aeW2o,52715
|
216
|
+
snowflake/ml/modeling/neural_network/mlp_classifier.py,sha256=crxBNA4nGPBFjJqTjHco87I9yKt-ztDqm6HhBjwj2z4,60213
|
217
|
+
snowflake/ml/modeling/neural_network/mlp_regressor.py,sha256=_tnYTJs1zrMaVmjYngVEjI2m2U2iw0kCqfyOZrgnrZA,59490
|
218
|
+
snowflake/ml/modeling/pipeline/__init__.py,sha256=dYtqk_GD_hAAZjGfH1maWlZQ30h4hu_KGaf-_y9_AD8,298
|
219
|
+
snowflake/ml/modeling/pipeline/pipeline.py,sha256=kIvKahAyF7zQoT8eYVm9dJPafYLybGZ8ELaxrBIkQ34,23381
|
220
|
+
snowflake/ml/modeling/preprocessing/__init__.py,sha256=dYtqk_GD_hAAZjGfH1maWlZQ30h4hu_KGaf-_y9_AD8,298
|
221
|
+
snowflake/ml/modeling/preprocessing/binarizer.py,sha256=IoGdiZwqsLYRSkifmxzfCqCeOy5ir5Gq_ls_gsPu54I,6092
|
222
|
+
snowflake/ml/modeling/preprocessing/k_bins_discretizer.py,sha256=upW9qxntwE0vZ8foc2J3BlVdKy61M7JBspZkKqAyKW0,20422
|
223
|
+
snowflake/ml/modeling/preprocessing/label_encoder.py,sha256=r3S_-G5OIqjeBttyIicSar_4FNO68MOvRSyAi_6gzeA,6285
|
224
|
+
snowflake/ml/modeling/preprocessing/max_abs_scaler.py,sha256=O2dXkX6PPJZaVbS7jIpC4DOfqUt85YFaDA-rLXz6pEc,8491
|
225
|
+
snowflake/ml/modeling/preprocessing/min_max_scaler.py,sha256=1LDaOp-OJU-79B36ZxBhAMQe5AXDEU5f71PNVXwtLXU,10716
|
226
|
+
snowflake/ml/modeling/preprocessing/normalizer.py,sha256=0pbgiOGqwC4Pv9MKnYfo_0vIUmBdyLFoPSd_Sr7Og4U,5951
|
227
|
+
snowflake/ml/modeling/preprocessing/one_hot_encoder.py,sha256=ubZCjUhPdkqn_w4nuIpgozawjcV3HvnkqiKMYqo3ljA,66998
|
228
|
+
snowflake/ml/modeling/preprocessing/ordinal_encoder.py,sha256=HMJKJ6D-uGVWy3GWNGFBXOf98AuG_HzMgh0eRRNkuuw,27956
|
229
|
+
snowflake/ml/modeling/preprocessing/polynomial_features.py,sha256=6qFvX4rjQh3C5iPwzY-fo0CYsBxBmHIHzFoPRqkcH0w,52849
|
230
|
+
snowflake/ml/modeling/preprocessing/robust_scaler.py,sha256=JGgkPZfgezS4X8YECSjeWDQIoLbU98j43qbwqP2RzZE,11981
|
231
|
+
snowflake/ml/modeling/preprocessing/standard_scaler.py,sha256=hu2VnATyizCz-QKv7aaGdATeU8Fyug8MeNxau3-CllQ,10672
|
232
|
+
snowflake/ml/modeling/semi_supervised/__init__.py,sha256=rY5qSOkHj59bHiTV6LhBiEhUA0StoCb0ACNR2vkV4v0,297
|
233
|
+
snowflake/ml/modeling/semi_supervised/label_propagation.py,sha256=mTboTfsYQEZJ0BCuhJLOwNRo2TH2jsI1TuZHacKnj84,53186
|
234
|
+
snowflake/ml/modeling/semi_supervised/label_spreading.py,sha256=53caZidl9h0Vhay3jdJLscp1JAy4hNiqUvUdnrkMR5U,53550
|
235
|
+
snowflake/ml/modeling/svm/__init__.py,sha256=rY5qSOkHj59bHiTV6LhBiEhUA0StoCb0ACNR2vkV4v0,297
|
236
|
+
snowflake/ml/modeling/svm/linear_svc.py,sha256=7jHsoPhMevfk_yff8PbfHlQIxPKL67Qnbr40Y_Qkzws,55728
|
237
|
+
snowflake/ml/modeling/svm/linear_svr.py,sha256=24rFzxyckshDieb7YjkTvB1TfXkTDe28FUtPpOJ0j1Q,54143
|
238
|
+
snowflake/ml/modeling/svm/nu_svc.py,sha256=7eQjwN5mrE86sqteDaI0VW0I28TfFjczxQ4itl85JB8,56442
|
239
|
+
snowflake/ml/modeling/svm/nu_svr.py,sha256=3PNHsbgD6jPEzvrQKhwGvf2tDXPhXr9bcinC_l3Moig,53518
|
240
|
+
snowflake/ml/modeling/svm/svc.py,sha256=JT99xjA5Kk9jcqfKRxMJOODxLmmgOlIoahLkJsdzUlU,56605
|
241
|
+
snowflake/ml/modeling/svm/svr.py,sha256=6-iB8pZirEXlbYRe4UaQBWtRqL9Fp1tC9p9LKTNyrxg,53721
|
242
|
+
snowflake/ml/modeling/tree/__init__.py,sha256=rY5qSOkHj59bHiTV6LhBiEhUA0StoCb0ACNR2vkV4v0,297
|
243
|
+
snowflake/ml/modeling/tree/decision_tree_classifier.py,sha256=kTzXtuyn6PBeYRwy_FzCcE_dBrFuk6NMFclXDcE5PmM,58804
|
244
|
+
snowflake/ml/modeling/tree/decision_tree_regressor.py,sha256=ymKoxcTqnll58AmfpC6L0EOnLBjl0PWM4_QBzxHb-2w,57500
|
245
|
+
snowflake/ml/modeling/tree/extra_tree_classifier.py,sha256=eXIPdPA-vyDxNPl_VzD8Jj0qE4xfhV-zAc5beMs-a8g,58167
|
246
|
+
snowflake/ml/modeling/tree/extra_tree_regressor.py,sha256=HFNGqy5VOOSDOiR0bR7fkbWVTrD96DeQYIC7KaU0E-Y,56872
|
247
|
+
snowflake/ml/modeling/xgboost/__init__.py,sha256=rY5qSOkHj59bHiTV6LhBiEhUA0StoCb0ACNR2vkV4v0,297
|
248
|
+
snowflake/ml/modeling/xgboost/xgb_classifier.py,sha256=LAhLngDv_uxgrzWCOozUBH0vVbPhASyayzsWGME7taU,62574
|
249
|
+
snowflake/ml/modeling/xgboost/xgb_regressor.py,sha256=_pGLNmfTljuUCqahuGHI_U6x9xuWrgYSdwvwjFaLxPo,62080
|
250
|
+
snowflake/ml/modeling/xgboost/xgbrf_classifier.py,sha256=ZQb5dHrKGvxg8cleZh9Jh64qPVCYbU6-ZKve9Zrytt8,62738
|
251
|
+
snowflake/ml/modeling/xgboost/xgbrf_regressor.py,sha256=q1iAct-f1e-KFzukPlrQnu5fk-MCTCD-ava-Z2MrhNU,62271
|
252
|
+
snowflake/ml/registry/_schema.py,sha256=7NezDozAqdbOjB9dYHSQQpxapSTKuXqnGrl394bDohc,1381
|
253
|
+
snowflake/ml/registry/model_registry.py,sha256=qoPhHaA_fbF-6xTT2jZiYbekaeCrd2xtDsAQl4fFR7U,85709
|
254
|
+
snowflake/ml/utils/connection_params.py,sha256=W_MwEw1xUARgrDehP_Kz5dmqt1sBXct80xQ7N56qFCc,6138
|
255
|
+
snowflake/ml/utils/sparse.py,sha256=1mI2lOm-nMQEwNfbDtHpkJ4SDkKKqsRFyGwSQJJZAiE,3893
|
256
|
+
snowflake/ml/version.py,sha256=YNTJssg_NQnP_MEsPYW475Gzld8FPxD_C1H5dD4ItLQ,16
|
257
|
+
snowflake_ml_python-1.0.3.dist-info/METADATA,sha256=7J7r_mqwjnPPoFgxubEvGmd2yKTsTvsJlYFIm42Rcp4,13340
|
258
|
+
snowflake_ml_python-1.0.3.dist-info/RECORD,,
|
259
|
+
snowflake_ml_python-1.0.3.dist-info/WHEEL,sha256=sobxWSyDDkdg_rinUth-jxhXHqoNqlmNMJY3aTZn2Us,91
|
@@ -1,246 +0,0 @@
|
|
1
|
-
snowflake/ml/_internal/env.py,sha256=kCrJTRnqQ97VGUVI1cWUPD8HuBWeL5vOOtwUR0NB9Mg,161
|
2
|
-
snowflake/ml/_internal/env_utils.py,sha256=tL-5IswRvbcuAZHvi1tIgGuuwg6_I0losgJSdAjfZPQ,14126
|
3
|
-
snowflake/ml/_internal/file_utils.py,sha256=y69XEpwGGI1vZwlcnhiLp37T3yPyG_pCK0Nhj1v0a_I,7535
|
4
|
-
snowflake/ml/_internal/init_utils.py,sha256=U-oPOtyVf22hCwDH_CH2uDr9yuN6Mr3kwQ_yRAs1mcM,2696
|
5
|
-
snowflake/ml/_internal/telemetry.py,sha256=CPcC6ZBbIVVkX6Ny3f4-EZ8s3A7O9u_S85H-qxJ6X4M,20238
|
6
|
-
snowflake/ml/_internal/type_utils.py,sha256=0AjimiQoAPHGnpLV_zCR6vlMR5lJ8CkZkKFwiUHYDCo,2168
|
7
|
-
snowflake/ml/_internal/utils/formatting.py,sha256=pz3dFq11BzeHVcZugrU5lQOmPeBKmfkggEsTnDm8ggw,3678
|
8
|
-
snowflake/ml/_internal/utils/identifier.py,sha256=sV_E4qYN1G-lyTX_H_s3ABHtIzq7nHJUmvTY1byPDY4,5358
|
9
|
-
snowflake/ml/_internal/utils/import_utils.py,sha256=eexwIe7auT17s4aVxAns7se0_K15rcq3O17MkIvDpPI,2068
|
10
|
-
snowflake/ml/_internal/utils/parallelize.py,sha256=zYtkYBq2_N7R49AvSzJynmvixNhUw3YBBZQ3uxVtTEA,4550
|
11
|
-
snowflake/ml/_internal/utils/pkg_version_utils.py,sha256=AMR97AZCOr26Je2Q4fIePJRMf7cASr910R5-wr7ANpM,3722
|
12
|
-
snowflake/ml/_internal/utils/query_result_checker.py,sha256=IrzUJ4fJvxjJ5ma-6mejWHpxoEtwnMKo9XTJ-YsECnk,12205
|
13
|
-
snowflake/ml/_internal/utils/temp_file_utils.py,sha256=77k4ZAZJfyJBMw0IOfn4aItW2mUFGIl_3RgCNS_U4f4,1400
|
14
|
-
snowflake/ml/_internal/utils/uri.py,sha256=wi5LTs306Prcs8tL1CR19b2nUto8U2FLlOyVQrUQcn0,1841
|
15
|
-
snowflake/ml/fileset/fileset.py,sha256=hwKtNENBiNpEeHKyNra2QM11TYklzjyB_PtIQ8x5r_g,26746
|
16
|
-
snowflake/ml/fileset/fileset_errors.py,sha256=ZJfkpeDgRIw3qA876fk9FIzxIrm-yZ8I9RXUbzaeM84,1040
|
17
|
-
snowflake/ml/fileset/parquet_parser.py,sha256=yTJdYFTzaTPsgb1rGMj_jv_wDjmuwJZzbVRRmk--yA8,5915
|
18
|
-
snowflake/ml/fileset/sfcfs.py,sha256=YWL2D8P-3KcSoGmz6_nvMjQgRNTKzXbwGRhIZYYVZQo,11536
|
19
|
-
snowflake/ml/fileset/stage_fs.py,sha256=deFiXBXqab_v2WG6-A0BaepWvNxh4afpDsGbYh0jNWA,14859
|
20
|
-
snowflake/ml/fileset/tf_dataset.py,sha256=MrFtGiFu1FX3MSjAjWnZcEa5Ow4fsAHlUXW-BLqFWus,3462
|
21
|
-
snowflake/ml/fileset/torch_datapipe.py,sha256=kjfUmAqEQ55Gd1nMUFP-3crp1XG46oJ4E74Euk4HEW8,2386
|
22
|
-
snowflake/ml/model/_core_requirements.py,sha256=cQ0hiZzfNRKk-h2BFLeTUdYfT79wLGTM1SCFpm2X_iA,223
|
23
|
-
snowflake/ml/model/_deploy_client/warehouse/deploy.py,sha256=vwnty3j78w3diMyzzpOpnCq-4SZIzvE5bWK64ulAI_Y,8959
|
24
|
-
snowflake/ml/model/_deploy_client/warehouse/infer_template.py,sha256=kFGKZbp_aTyumznxq9WRIYeR7_yev5NLiWtZC5cfcwI,2292
|
25
|
-
snowflake/ml/model/_deployer.py,sha256=c08kn3R6krNV0RaPGhFjQJAWxJ1zsM3kFMJ7VQ0O4OI,9548
|
26
|
-
snowflake/ml/model/_env.py,sha256=7vJHt77WusrMDDeKSRTyE-X9P1QICg-q68fxSx8scvg,4488
|
27
|
-
snowflake/ml/model/_handlers/_base.py,sha256=f8V8uPwqVko4h9tkn6vBkgfGYL0CP38GN8WQXJZq-mw,2189
|
28
|
-
snowflake/ml/model/_handlers/custom.py,sha256=Hjf_bg6LxhQWctkg6h35Knnu7-FHo2HWZLrPHRsEtWM,6084
|
29
|
-
snowflake/ml/model/_handlers/sklearn.py,sha256=nnbDE8EpbRieg_f1FL-zay837wmpUkbyOxX2IVfIIPE,7484
|
30
|
-
snowflake/ml/model/_handlers/snowmlmodel.py,sha256=P35oabm3ERwGjnrREVi35a1JS1o9wdTzFJLThHt_uT8,7711
|
31
|
-
snowflake/ml/model/_handlers/xgboost.py,sha256=WyrPHmErMDhW4C1haa3Vf9ftDV6L-LvkfrILbzk1lRw,7170
|
32
|
-
snowflake/ml/model/_model.py,sha256=8ttJ40S5Vswyymx6SvpblQA9YUqe6EXyA426ZroWBZ8,26376
|
33
|
-
snowflake/ml/model/_model_handler.py,sha256=a1upCULZlNuxUiFoJbK85nERGkA2VkEsn5-IIZn7pro,2101
|
34
|
-
snowflake/ml/model/_model_meta.py,sha256=hMXJWqWutBZ-QyIWREcFQeogMryrziRr-Zr86ji0SxA,16992
|
35
|
-
snowflake/ml/model/custom_model.py,sha256=8qEHi8myHcp02jcpFbG9Kqscn9YRv3QnzehCrTSI8ds,8016
|
36
|
-
snowflake/ml/model/model_signature.py,sha256=Q_n1mcetW5btVYCS4VWMef29TshctoZSPC8Gk3Xqv2U,43624
|
37
|
-
snowflake/ml/model/type_hints.py,sha256=-ZkPHuXKb_0v7AEcLMnmvbHFITrnSz2xxKFIbWln6CQ,4698
|
38
|
-
snowflake/ml/modeling/calibration/__init__.py,sha256=rY5qSOkHj59bHiTV6LhBiEhUA0StoCb0ACNR2vkV4v0,297
|
39
|
-
snowflake/ml/modeling/calibration/calibrated_classifier_cv.py,sha256=rSuydzSthj5Am6vZNLWUGqjOe9SyeYlvxeVO3QKAoFE,53589
|
40
|
-
snowflake/ml/modeling/cluster/__init__.py,sha256=rY5qSOkHj59bHiTV6LhBiEhUA0StoCb0ACNR2vkV4v0,297
|
41
|
-
snowflake/ml/modeling/cluster/affinity_propagation.py,sha256=S_0JgrVVO9TY9CjhNMcfDkBegbC9fwmtHOG5rFa-q18,51516
|
42
|
-
snowflake/ml/modeling/cluster/agglomerative_clustering.py,sha256=f5zah7n4GYbhKMPk6D8clHLzcBX4gxfPGAp2XVoP20U,53529
|
43
|
-
snowflake/ml/modeling/cluster/birch.py,sha256=9m4D_x7kaE9fCirrM4LNi1an_QEuHGXM70PjVvqGJhg,51354
|
44
|
-
snowflake/ml/modeling/cluster/bisecting_k_means.py,sha256=RWMJBqWxaGvdHVXRJGiaoLd5o0T6pb1kHvyfJrT9hhI,53736
|
45
|
-
snowflake/ml/modeling/cluster/dbscan.py,sha256=GlVERP86VAwVce2cscy9gMxBYgXFkF9WtFTjksp3mZQ,51695
|
46
|
-
snowflake/ml/modeling/cluster/feature_agglomeration.py,sha256=jPGZwz64gj42HJtanVk80kP8ukDtK9ElNpJ9N2Vgw4Y,54069
|
47
|
-
snowflake/ml/modeling/cluster/k_means.py,sha256=DpSU-dO5AQF5YD6O9YYrUz2Mxwjw3qbQsUYWacHAcsc,53323
|
48
|
-
snowflake/ml/modeling/cluster/mean_shift.py,sha256=ambjEjhmCCV2eHVguSBy62Ee60RxtYwllQ3Ohf8RSSA,51897
|
49
|
-
snowflake/ml/modeling/cluster/mini_batch_k_means.py,sha256=3QouCN6ZKFwt2KS1fAOUiR_mTMVf4E9Av4TYq7bA3VE,54598
|
50
|
-
snowflake/ml/modeling/cluster/optics.py,sha256=7LL9YLuX7lSNyPtNjnG6nub7FIhE7gYlwiM6RaVNpiQ,55029
|
51
|
-
snowflake/ml/modeling/cluster/spectral_biclustering.py,sha256=6mK-gqeTNNfmX1l0o694BNScbheFa2OiRRz8yEmK0pY,52087
|
52
|
-
snowflake/ml/modeling/cluster/spectral_clustering.py,sha256=a3fWLymIHgF9ZOvaW-gj4yPtj2JlOD7FufYbvCm0Hdk,55025
|
53
|
-
snowflake/ml/modeling/cluster/spectral_coclustering.py,sha256=Biopk-f0hyW4bklNM5S6TRmmnb3dv3GRxsT935_Kxso,51217
|
54
|
-
snowflake/ml/modeling/compose/__init__.py,sha256=rY5qSOkHj59bHiTV6LhBiEhUA0StoCb0ACNR2vkV4v0,297
|
55
|
-
snowflake/ml/modeling/compose/column_transformer.py,sha256=1ho7HRAFcnmI9JYmpqVvmGOAyn0crSd0vJOVf9c4iqc,53800
|
56
|
-
snowflake/ml/modeling/compose/transformed_target_regressor.py,sha256=VPaAQYF9aKXRct3ND5VIF2jN12fHnBNQC8JcEyJo5jc,51385
|
57
|
-
snowflake/ml/modeling/covariance/__init__.py,sha256=rY5qSOkHj59bHiTV6LhBiEhUA0StoCb0ACNR2vkV4v0,297
|
58
|
-
snowflake/ml/modeling/covariance/elliptic_envelope.py,sha256=o5DNXmVgfHLarDmHbrVUW-t4vW_YwKkTrvKqj2f7rLE,51357
|
59
|
-
snowflake/ml/modeling/covariance/empirical_covariance.py,sha256=L8vfUoeaqK9RnNBe6lp2MDqozkX3GRynPOjXADeUzj4,49633
|
60
|
-
snowflake/ml/modeling/covariance/graphical_lasso.py,sha256=nRV_TWhvaiv9vsI0dCDnhoEUcbI2daZqfw78RJsg2Cc,50907
|
61
|
-
snowflake/ml/modeling/covariance/graphical_lasso_cv.py,sha256=skNA0mVG2YuROZPvMfRyuzELCX0oZ2bhMddI-TDjUAQ,52371
|
62
|
-
snowflake/ml/modeling/covariance/ledoit_wolf.py,sha256=xoOFic2TH9Oso5akgMAM39cnotzhpDpwfM7-hOBtOqs,49835
|
63
|
-
snowflake/ml/modeling/covariance/min_cov_det.py,sha256=_hR6evVYLEW4drbqXCbJE1c2G-Q1rhAib8iOxY8cjRQ,50598
|
64
|
-
snowflake/ml/modeling/covariance/oas.py,sha256=vXs2qJBO4DI1kLQ8xrWjelSA_G-PdzqeSTu1qn3XrHE,49524
|
65
|
-
snowflake/ml/modeling/covariance/shrunk_covariance.py,sha256=L60jrpfgypCiCL5PSyHf4FujszUT3FSBvRtDNlH5IN4,49810
|
66
|
-
snowflake/ml/modeling/decomposition/__init__.py,sha256=rY5qSOkHj59bHiTV6LhBiEhUA0StoCb0ACNR2vkV4v0,297
|
67
|
-
snowflake/ml/modeling/decomposition/dictionary_learning.py,sha256=o_xej8vC3YfXoAWLz7wZq6r9GZ6vQdmSi01EE1JaIKg,54625
|
68
|
-
snowflake/ml/modeling/decomposition/factor_analysis.py,sha256=vCahfyRIkm7HI-jTbF63aYlNhyZgznTpwz0tCPmamPE,51997
|
69
|
-
snowflake/ml/modeling/decomposition/fast_ica.py,sha256=jTfdav8omBRqDMx1uL_CHdpP09NlE8ovJ8k3j7TwuV8,52459
|
70
|
-
snowflake/ml/modeling/decomposition/incremental_pca.py,sha256=_Pvp0CWFRMSCdpHBsicgQdBJNzcjQDGl3Kin3Ol5fGs,50794
|
71
|
-
snowflake/ml/modeling/decomposition/kernel_pca.py,sha256=XY0fPRm9HIqg-z1YPFsg3vPEBZ-n0iTbCPUD088HwSs,54825
|
72
|
-
snowflake/ml/modeling/decomposition/mini_batch_dictionary_learning.py,sha256=uHAc3BCYvpBid-fmFeQgGc7qZ8aHOwS17zocg6KyphU,55808
|
73
|
-
snowflake/ml/modeling/decomposition/mini_batch_sparse_pca.py,sha256=sR50mqcRPg8NCoVAN3HjdImXMSN9WX7GpcDosKHWQaI,53125
|
74
|
-
snowflake/ml/modeling/decomposition/pca.py,sha256=YqVI7VfaB6lopOaEQDsNOOULtxenkgDkQDWkpg9pPr0,53669
|
75
|
-
snowflake/ml/modeling/decomposition/sparse_pca.py,sha256=TNw287AwitPtIX502qIr6HdDBId4Lz8GPqony40Mn_k,51990
|
76
|
-
snowflake/ml/modeling/decomposition/truncated_svd.py,sha256=decwb2Tn4oBlK6HJN13vpPzX60dO8fEjcEI1cWkr5Mk,51562
|
77
|
-
snowflake/ml/modeling/discriminant_analysis/__init__.py,sha256=rY5qSOkHj59bHiTV6LhBiEhUA0StoCb0ACNR2vkV4v0,297
|
78
|
-
snowflake/ml/modeling/discriminant_analysis/linear_discriminant_analysis.py,sha256=ZObd4DKs3iKx3wY0_ReCPsjtTJVOV1c5Ha_kCuYbHXk,53810
|
79
|
-
snowflake/ml/modeling/discriminant_analysis/quadratic_discriminant_analysis.py,sha256=LcLUZr7PEuZLJ_0I_iNQ1sCxImDOdC3c3spVWyub_n0,51875
|
80
|
-
snowflake/ml/modeling/ensemble/__init__.py,sha256=rY5qSOkHj59bHiTV6LhBiEhUA0StoCb0ACNR2vkV4v0,297
|
81
|
-
snowflake/ml/modeling/ensemble/ada_boost_classifier.py,sha256=hdAoWWAS_Ud0fftyVrCFNryZ_ITUT7PZjTSy-b1AK70,52828
|
82
|
-
snowflake/ml/modeling/ensemble/ada_boost_regressor.py,sha256=KOD5LtcTOdAsRYCdkJexComyx7r5sybeUPcZ7Q40x_E,51727
|
83
|
-
snowflake/ml/modeling/ensemble/bagging_classifier.py,sha256=rinV_okW-9VYqW-Zf8LLw8cSGYdYUSUgTWhLxrLVZAQ,53752
|
84
|
-
snowflake/ml/modeling/ensemble/bagging_regressor.py,sha256=beubMYXp2wFQW_1MIkiA9j-6cJYQWaeG6mOci_RnW3s,52996
|
85
|
-
snowflake/ml/modeling/ensemble/extra_trees_classifier.py,sha256=j6Gge1zaYbzCVUa-8RXIn1iUxOmaUk-7dagrKCssRaM,58538
|
86
|
-
snowflake/ml/modeling/ensemble/extra_trees_regressor.py,sha256=XbJyhzeYUV__huUtmZkd9qFPNSoOA_QsA7ypgpP-RZE,57149
|
87
|
-
snowflake/ml/modeling/ensemble/gradient_boosting_classifier.py,sha256=jxeGLs61h0hHOgUjC7LykwHmnEWWyS-hTNkhmiZ8y-I,60147
|
88
|
-
snowflake/ml/modeling/ensemble/gradient_boosting_regressor.py,sha256=tYE2Z7NmuA1LkvftHfi7KMeuKHUh66p-7h5mIAfc98s,59731
|
89
|
-
snowflake/ml/modeling/ensemble/hist_gradient_boosting_classifier.py,sha256=PVClNfIodzL1tUGMaW-bemOu8svJW2KKFjmK0Ag9r5Y,59797
|
90
|
-
snowflake/ml/modeling/ensemble/hist_gradient_boosting_regressor.py,sha256=LcojSXaMd-QAjcLW8Wh6_XQO9pDxToQSE3kAy8Z-SDA,58119
|
91
|
-
snowflake/ml/modeling/ensemble/isolation_forest.py,sha256=ANxeR-5QzTry4Xn2GsAjn3IvdGSTy561KZHBJ7DTk1w,52773
|
92
|
-
snowflake/ml/modeling/ensemble/random_forest_classifier.py,sha256=aoVqyJp10b7fWXVHS5OTMwLv--w2s7GtCcbaa0WUdWY,58493
|
93
|
-
snowflake/ml/modeling/ensemble/random_forest_regressor.py,sha256=8Fy6qDn56DErIyBEZFyWZKAdf0i4znICsj8Mb3GgIYg,57092
|
94
|
-
snowflake/ml/modeling/ensemble/stacking_regressor.py,sha256=wBNwc3ifQG8pzwp7CvF74vaTPCm9ExkuPzBzcgbziOs,52680
|
95
|
-
snowflake/ml/modeling/ensemble/voting_classifier.py,sha256=VqyEnIoSnfIb3DJPfcCNxcLEFEhClYdUfs4mFgifGVA,52255
|
96
|
-
snowflake/ml/modeling/ensemble/voting_regressor.py,sha256=1ct1H15p-WWAuQ_aZCngs4tSXFFtIA7SCPyP4NNBr70,50790
|
97
|
-
snowflake/ml/modeling/feature_selection/__init__.py,sha256=rY5qSOkHj59bHiTV6LhBiEhUA0StoCb0ACNR2vkV4v0,297
|
98
|
-
snowflake/ml/modeling/feature_selection/generic_univariate_select.py,sha256=CpeKqY8m-KH3G7QttqeQEfuO3Xv-W1Qog48fug1TGIE,50303
|
99
|
-
snowflake/ml/modeling/feature_selection/select_fdr.py,sha256=S3qkzuT8vPnkbdnB_20VEa1r0bWLtLYa1_8i6Kl5l_I,50001
|
100
|
-
snowflake/ml/modeling/feature_selection/select_fpr.py,sha256=pmsUKVbfoHxyi_O7KUsLy34A8ugF5q4QP4OPUL5GlVQ,49995
|
101
|
-
snowflake/ml/modeling/feature_selection/select_fwe.py,sha256=le_joOpW3y6QshA7Dof1ygCJYgt-IiV3nUKN0G4nINg,50003
|
102
|
-
snowflake/ml/modeling/feature_selection/select_k_best.py,sha256=yZDhMBT_Ak2Pg3Au8dnQ7BDhXF_SE3VTLQG1AG1ISxo,50080
|
103
|
-
snowflake/ml/modeling/feature_selection/select_percentile.py,sha256=mygBmBRADxDv0BbVz8aaKMHvNSk84o_fa7beAX7viik,50100
|
104
|
-
snowflake/ml/modeling/feature_selection/sequential_feature_selector.py,sha256=H99sj8xzYGU9dSLQ2hsqanQ4Uxbqrcrkpr9LQg5JZo8,52753
|
105
|
-
snowflake/ml/modeling/feature_selection/variance_threshold.py,sha256=QpfxYlln8JPaD0KSX69IOERpF7EXz2u19aHfXJbmQjg,49732
|
106
|
-
snowflake/ml/modeling/framework/_utils.py,sha256=So72kQZXXP0U9D47rXx0U5mxbkkRujKwmCh-f2OVf3E,9110
|
107
|
-
snowflake/ml/modeling/framework/base.py,sha256=hxRwBOKQtQFVZtHopgj_bgBUIU5TK9vJj4p4ZDynFWc,21900
|
108
|
-
snowflake/ml/modeling/gaussian_process/__init__.py,sha256=rY5qSOkHj59bHiTV6LhBiEhUA0StoCb0ACNR2vkV4v0,297
|
109
|
-
snowflake/ml/modeling/gaussian_process/gaussian_process_classifier.py,sha256=kbdnvnfAoPKi41cDIL9k_hXU51fvqCcE0qJsaShf6JA,55298
|
110
|
-
snowflake/ml/modeling/gaussian_process/gaussian_process_regressor.py,sha256=zGJO9qVS06wUfxZxaT1-nQQKxnd0sgzouym8Dc4sx34,53990
|
111
|
-
snowflake/ml/modeling/impute/__init__.py,sha256=dYtqk_GD_hAAZjGfH1maWlZQ30h4hu_KGaf-_y9_AD8,298
|
112
|
-
snowflake/ml/modeling/impute/iterative_imputer.py,sha256=4yipO_6LFf-B8pVZz2IK3GDy-_OIpipiz4MrT98_Zz0,55853
|
113
|
-
snowflake/ml/modeling/impute/knn_imputer.py,sha256=uiO_2pndsh7dKlDgKwsocP1IeB0suIBVcBk20pUEvGU,52075
|
114
|
-
snowflake/ml/modeling/impute/missing_indicator.py,sha256=cYsxmqai9MVM2vc2fvSZm1ePjVfkdGvZ3D3UT9cxU-c,50872
|
115
|
-
snowflake/ml/modeling/impute/simple_imputer.py,sha256=AuqGFxRvVEuIdhTNhmk6T0Uz5K-k1RCKCTnQFCNQxWA,18118
|
116
|
-
snowflake/ml/modeling/kernel_approximation/__init__.py,sha256=rY5qSOkHj59bHiTV6LhBiEhUA0StoCb0ACNR2vkV4v0,297
|
117
|
-
snowflake/ml/modeling/kernel_approximation/additive_chi2_sampler.py,sha256=vEhkR9AYDI5G3L9_cSL1doBJR2sxOtgRFDBX1Bq3BAI,49816
|
118
|
-
snowflake/ml/modeling/kernel_approximation/nystroem.py,sha256=-AkVbSpFaqdfaVLnbJQioVBjTbcfEX9gP2KrZX1H0w8,51689
|
119
|
-
snowflake/ml/modeling/kernel_approximation/polynomial_count_sketch.py,sha256=jPtz-zwTaoRoSWOKH3RbRiAGsq5Ab_y0WTUKv28MVac,50843
|
120
|
-
snowflake/ml/modeling/kernel_approximation/rbf_sampler.py,sha256=aa_qp-H6bWcUXrPvm-XIxZJYaUvQxpgWfxsDhJRuhHc,50272
|
121
|
-
snowflake/ml/modeling/kernel_approximation/skewed_chi2_sampler.py,sha256=I8wu5J9Lx94gO9RuGF_zBt2Jaxd1WPzVsepr9epR0SA,50271
|
122
|
-
snowflake/ml/modeling/kernel_ridge/__init__.py,sha256=rY5qSOkHj59bHiTV6LhBiEhUA0StoCb0ACNR2vkV4v0,297
|
123
|
-
snowflake/ml/modeling/kernel_ridge/kernel_ridge.py,sha256=palzG-S69KMN1bAcrj_u3kfgIKaZFhRZBxs3Z5HbVFk,51789
|
124
|
-
snowflake/ml/modeling/lightgbm/__init__.py,sha256=rY5qSOkHj59bHiTV6LhBiEhUA0StoCb0ACNR2vkV4v0,297
|
125
|
-
snowflake/ml/modeling/lightgbm/lgbm_classifier.py,sha256=GtmSfEQFYrGhmiFcFL6ny0jhabQ5fwhM6uOOM0pzAyw,51311
|
126
|
-
snowflake/ml/modeling/lightgbm/lgbm_regressor.py,sha256=ESMXLdw0c4ZRzb2_fWRB3vcQpiUVHf4jKdTOAmHIeiU,50822
|
127
|
-
snowflake/ml/modeling/linear_model/__init__.py,sha256=rY5qSOkHj59bHiTV6LhBiEhUA0StoCb0ACNR2vkV4v0,297
|
128
|
-
snowflake/ml/modeling/linear_model/ard_regression.py,sha256=cCuh9k0VuPjr8veelH3z-ld4R3pW6zL-uCHddLs7VTA,51537
|
129
|
-
snowflake/ml/modeling/linear_model/bayesian_ridge.py,sha256=E2bNIDTRRYe600W-FnJRt9ZfF3XJHBdKDNgsvW5cIdM,51850
|
130
|
-
snowflake/ml/modeling/linear_model/elastic_net.py,sha256=oH0BQ30iCXEenf9a79g3WOsnKfDBzU1KU_YC-3-ZRZM,52734
|
131
|
-
snowflake/ml/modeling/linear_model/elastic_net_cv.py,sha256=arHRxIjksdg2Vt58t6asSI50Rx-rvcTmGosDq642yeA,53992
|
132
|
-
snowflake/ml/modeling/linear_model/gamma_regressor.py,sha256=OmRqJRNFL2Lg8sYg5LaFjEkXFGCjqEcxBsThMHxojes,51790
|
133
|
-
snowflake/ml/modeling/linear_model/huber_regressor.py,sha256=OMW3vODTBsKiGwQuQ9EQpcLAWX8cpBC6vvsGTJPPHcA,50978
|
134
|
-
snowflake/ml/modeling/linear_model/lars.py,sha256=1a51Qlp_lwTA3mkPhtAfCBqVp4Ofe3hVasQZzJ8zJ04,52275
|
135
|
-
snowflake/ml/modeling/linear_model/lars_cv.py,sha256=CWMO6-oYseqlD2tuogok3xnfNsKNpS9TZN5DMIWcYcc,52482
|
136
|
-
snowflake/ml/modeling/linear_model/lasso.py,sha256=ul_y0WW_n-auKTxpnrl4XO9dX8slCKI72VfSrzPQpxs,52374
|
137
|
-
snowflake/ml/modeling/linear_model/lasso_cv.py,sha256=5BqgXEPYdfKPgql8jY6vxEO6j5NkJPWEmfuTR7hiAzE,53149
|
138
|
-
snowflake/ml/modeling/linear_model/lasso_lars.py,sha256=BNsAXRJemcfimA1xtmb0Ii5Tf4pHPmjVHCPMLz-wRdM,53378
|
139
|
-
snowflake/ml/modeling/linear_model/lasso_lars_cv.py,sha256=0EIvy68z3YSemKwnSeuLu1L8T5M3TA0jCFRZ6Obvbq4,53324
|
140
|
-
snowflake/ml/modeling/linear_model/lasso_lars_ic.py,sha256=7KPoskNoiLgGsWygBwQFvJpEMofKILFHi-mrH-nkWbo,52669
|
141
|
-
snowflake/ml/modeling/linear_model/linear_regression.py,sha256=UYEJXKVoRaxVGcqHEMImZw1vOW6_CqNYUmhHmdFeQ-s,50504
|
142
|
-
snowflake/ml/modeling/linear_model/logistic_regression.py,sha256=2tlMiwnuEJJyJptJ7Qttc62BVshefNGTuDu1mbUbisA,56755
|
143
|
-
snowflake/ml/modeling/linear_model/logistic_regression_cv.py,sha256=EN9fyy904SCu6CcQ6E0oY4X0bIl1SVIsf7N08FLjLUA,57775
|
144
|
-
snowflake/ml/modeling/linear_model/multi_task_elastic_net.py,sha256=4kROq8sjpTBXTDNXh8he-mrcW_I9G2vOnk9cZT7Qxwk,51960
|
145
|
-
snowflake/ml/modeling/linear_model/multi_task_elastic_net_cv.py,sha256=Sc0akFkSIVPTlLwrogALpbZDFdUgSUDEn7LW3pWpO5Q,53588
|
146
|
-
snowflake/ml/modeling/linear_model/multi_task_lasso.py,sha256=zWSHdg-9nFy17DG2i9THRkN2qGe1p56P8W0HDdOv3Ns,51542
|
147
|
-
snowflake/ml/modeling/linear_model/multi_task_lasso_cv.py,sha256=5kOlXjV-VleR9JF95ZPkKn9A-JdvsXJCzAl4aRFMr4Y,52794
|
148
|
-
snowflake/ml/modeling/linear_model/orthogonal_matching_pursuit.py,sha256=jdJl4I0bvQH0MaFkOpelGBiHa2kzFSmpXhZ0Ef-8IK8,51069
|
149
|
-
snowflake/ml/modeling/linear_model/passive_aggressive_classifier.py,sha256=y0e5ZFhrbFWuFvQoJr2boyWEMw8gNQyJYKpndSwVRMI,54420
|
150
|
-
snowflake/ml/modeling/linear_model/passive_aggressive_regressor.py,sha256=EzLiGB3ssXfr6SncL-sds2cJVv33mpRgPFerWuXM6qE,53495
|
151
|
-
snowflake/ml/modeling/linear_model/perceptron.py,sha256=4is4haTNnI4F95kHeGqo0lNkxvkhdVDdwasnZ6_gO70,53925
|
152
|
-
snowflake/ml/modeling/linear_model/poisson_regressor.py,sha256=cqP3Zla7fGh0HTuKCC-R4x4w6yZHJTuOGGS-QM-oi1A,51821
|
153
|
-
snowflake/ml/modeling/linear_model/ransac_regressor.py,sha256=U-SKY1IXuf5C4K9pDibcK2j24osPc5rfjHRuFz8Du00,55295
|
154
|
-
snowflake/ml/modeling/linear_model/ridge.py,sha256=YnLDe4RU_2YyBZyOhvJ1iQ7VWC4EKELLyFOZxC34GTI,53355
|
155
|
-
snowflake/ml/modeling/linear_model/ridge_classifier.py,sha256=re4lZV9cO6p3nrGK_q3hIUaWeHAFZST-p_46qZvqiXA,53673
|
156
|
-
snowflake/ml/modeling/linear_model/ridge_classifier_cv.py,sha256=86Me4jzRBSXgpTPrlYgFkbxn5FPsc-nuh7OeiWLPeWk,52212
|
157
|
-
snowflake/ml/modeling/linear_model/ridge_cv.py,sha256=n1m67C1-KeKEjmCB1GRiYuN3xejSlvJAWHtwSut0qXs,52988
|
158
|
-
snowflake/ml/modeling/linear_model/sgd_classifier.py,sha256=1TS5Tvs8Nl-8ThXorV3zLhYgFWttA5UqDv3mmxFOhno,59341
|
159
|
-
snowflake/ml/modeling/linear_model/sgd_one_class_svm.py,sha256=x4o2cQGEvBG04AfYyyRw1YIfBK9zd7HovxAX5KXQBzY,53955
|
160
|
-
snowflake/ml/modeling/linear_model/sgd_regressor.py,sha256=_dsQajzzs9hNK1gfiS1oa6nbPdUUzkff99LHWosMKsg,56810
|
161
|
-
snowflake/ml/modeling/linear_model/theil_sen_regressor.py,sha256=BGTpGlLGYMq5DlA3CCW71xI7jJexUPFKGoyXxY00qN4,52243
|
162
|
-
snowflake/ml/modeling/linear_model/tweedie_regressor.py,sha256=Lh7HgW294gp2oqlndaZZdq0YMY3WwVVlmoOROJzH_CA,53214
|
163
|
-
snowflake/ml/modeling/manifold/__init__.py,sha256=rY5qSOkHj59bHiTV6LhBiEhUA0StoCb0ACNR2vkV4v0,297
|
164
|
-
snowflake/ml/modeling/manifold/isomap.py,sha256=QfApbKZorEoMc9-D69_NM9DdGfSeJFm4Y3oro7-Ikao,52609
|
165
|
-
snowflake/ml/modeling/manifold/mds.py,sha256=vLf1MKWbZTQk2dJiy8u_F2Iv017Yc_GapogfHWjqT8g,51827
|
166
|
-
snowflake/ml/modeling/manifold/spectral_embedding.py,sha256=YZkNEATa94lPBstItdrNeD5grwiAqW1g3_B0Lq3qsEw,52598
|
167
|
-
snowflake/ml/modeling/manifold/tsne.py,sha256=lD3MMOxNxMQdjiYZY3j19CKKlSbr-6Bszkv6hA-w5ZY,55870
|
168
|
-
snowflake/ml/modeling/metrics/__init__.py,sha256=wp2LehkoLtyt4u_HBhglrKrV6E-dKt5vr-0N3MkJFaY,304
|
169
|
-
snowflake/ml/modeling/metrics/classification.py,sha256=JPeFqd1B1D0LikIlJIRIxu4Oq1ezXD7pdnoYslwjHnI,39902
|
170
|
-
snowflake/ml/modeling/metrics/correlation.py,sha256=4cjKDl07C3PGcx_VPwOqSFYjuBEA266btKuw9wd5D7w,4921
|
171
|
-
snowflake/ml/modeling/metrics/covariance.py,sha256=hS_yILgo3OUjBVrPCL-NXR7cSyPjXOFftXlZJ1xaLus,4757
|
172
|
-
snowflake/ml/modeling/metrics/metrics_utils.py,sha256=jvjOabIwGi02I1aEiSo_3NfgXLAIU7ggShQXDAAjCFs,12037
|
173
|
-
snowflake/ml/modeling/metrics/ranking.py,sha256=KzRbI1bZf3G1U3wlSnvpX1GMTkddfGwy9y2gopxoW6E,15397
|
174
|
-
snowflake/ml/modeling/metrics/regression.py,sha256=jDSH6vqD5FqqaVpKBWK3ljMUljXtc1pXD6-Fs_zBQww,1880
|
175
|
-
snowflake/ml/modeling/mixture/__init__.py,sha256=rY5qSOkHj59bHiTV6LhBiEhUA0StoCb0ACNR2vkV4v0,297
|
176
|
-
snowflake/ml/modeling/mixture/bayesian_gaussian_mixture.py,sha256=2_dQsMOQ6j94M6ZhHi7KyP-gsR2Ot2oBlf7Y52_jHas,56514
|
177
|
-
snowflake/ml/modeling/mixture/gaussian_mixture.py,sha256=odZ9SUdNwLj6E0eZrn2m9611eCjYFZVZUCCLVxsCa4A,54516
|
178
|
-
snowflake/ml/modeling/model_selection/__init__.py,sha256=rY5qSOkHj59bHiTV6LhBiEhUA0StoCb0ACNR2vkV4v0,297
|
179
|
-
snowflake/ml/modeling/model_selection/grid_search_cv.py,sha256=xfE50IO0dqVc1IkZiynh8xbj18vGaHhgMipKqgNJeZ0,57065
|
180
|
-
snowflake/ml/modeling/model_selection/randomized_search_cv.py,sha256=n86LvX_HjE4B8N3AmqWGs707JGDnG5ecHbMdBultlPY,57909
|
181
|
-
snowflake/ml/modeling/multiclass/__init__.py,sha256=rY5qSOkHj59bHiTV6LhBiEhUA0StoCb0ACNR2vkV4v0,297
|
182
|
-
snowflake/ml/modeling/multiclass/one_vs_one_classifier.py,sha256=m864OqcqOo--S5cbUQn9y72xe38XjbfAgXO_MB1g3lo,50497
|
183
|
-
snowflake/ml/modeling/multiclass/one_vs_rest_classifier.py,sha256=ZIBYOb8tcifpwFvwUy3J1eM6XOPeRs8pXWs83gWACsw,51425
|
184
|
-
snowflake/ml/modeling/multiclass/output_code_classifier.py,sha256=Vlq7-d77BOB8I_PwQzllHhiP8yp7eUp6OZg-pVaZ5DQ,50755
|
185
|
-
snowflake/ml/modeling/naive_bayes/__init__.py,sha256=rY5qSOkHj59bHiTV6LhBiEhUA0StoCb0ACNR2vkV4v0,297
|
186
|
-
snowflake/ml/modeling/naive_bayes/bernoulli_nb.py,sha256=1Fyb_kiTw-s3ThrLNwwp4X6KKdWNXBok9vNlu9_uQ-I,51082
|
187
|
-
snowflake/ml/modeling/naive_bayes/categorical_nb.py,sha256=iWgawrka8FMyw8F7DewQefbh99Okr9ndk9-m_bwix1Y,51403
|
188
|
-
snowflake/ml/modeling/naive_bayes/complement_nb.py,sha256=xre1yFs4ZnU1coeGK_bSGXvDdgTPUvZbhECdwsPAgIM,51090
|
189
|
-
snowflake/ml/modeling/naive_bayes/gaussian_nb.py,sha256=CQORxYivsdOvmWJxu_owMBGpNiMookneMVSMp5-8zik,50230
|
190
|
-
snowflake/ml/modeling/naive_bayes/multinomial_nb.py,sha256=H4b_EtLTaC5v9bPh0QQG2Z_7AI1m6hW0cVesEOj3buk,50847
|
191
|
-
snowflake/ml/modeling/neighbors/__init__.py,sha256=rY5qSOkHj59bHiTV6LhBiEhUA0StoCb0ACNR2vkV4v0,297
|
192
|
-
snowflake/ml/modeling/neighbors/k_neighbors_classifier.py,sha256=ThFxBWquZeEYkWEuTySqWKHcD0Ayi9JMNFfSgMv2pPY,53634
|
193
|
-
snowflake/ml/modeling/neighbors/k_neighbors_regressor.py,sha256=rTZojmIiz0OA6qH4CYWHw5R5tkEY1qcRXdNA8gvDKMc,53116
|
194
|
-
snowflake/ml/modeling/neighbors/kernel_density.py,sha256=ylRMdgAYn4QfVTZydGRsoIWLEOpu3jo68K9QvVtS024,51593
|
195
|
-
snowflake/ml/modeling/neighbors/local_outlier_factor.py,sha256=-BsaDjDDYkagMaCBLjiCFAbwU7_DLaH9MNgstE19ZUU,53874
|
196
|
-
snowflake/ml/modeling/neighbors/nearest_centroid.py,sha256=dl4hqd_aU7E0lyQ12SMAesdOZlABgwbJEcT0NM_cvws,50397
|
197
|
-
snowflake/ml/modeling/neighbors/nearest_neighbors.py,sha256=1UrxBSafivNGN4mPkLMxPi_eGaHGYXezr0W4t3sDTMk,52306
|
198
|
-
snowflake/ml/modeling/neighbors/neighborhood_components_analysis.py,sha256=-nq9fOxZko93m_6Ajk56qPkxgNVdEH__8bgpAN3Wa84,53782
|
199
|
-
snowflake/ml/modeling/neighbors/radius_neighbors_classifier.py,sha256=ml2k9gMCfRbuZKnGhQuV_ZeWCjtRxwz0pkauvMB1CCM,54263
|
200
|
-
snowflake/ml/modeling/neighbors/radius_neighbors_regressor.py,sha256=H8IjYbVS4ElBKr-7w4aL_tkvwTEwMYewfJpGYCkNNLI,53149
|
201
|
-
snowflake/ml/modeling/neural_network/__init__.py,sha256=rY5qSOkHj59bHiTV6LhBiEhUA0StoCb0ACNR2vkV4v0,297
|
202
|
-
snowflake/ml/modeling/neural_network/bernoulli_rbm.py,sha256=bUiDQEw26KsXLZuchtFbzxh490wiwn2J01V-JUOAlfU,50798
|
203
|
-
snowflake/ml/modeling/neural_network/mlp_classifier.py,sha256=DvgZ2YPerZtjAQh3ypq9ecrkUem7Ye9Lt7-O5s_JyWk,58296
|
204
|
-
snowflake/ml/modeling/neural_network/mlp_regressor.py,sha256=VAmyYFWkPZHJP_4dHbZuA-iNWQLSiDPJTdvZk_gJ-Z8,57573
|
205
|
-
snowflake/ml/modeling/pipeline/__init__.py,sha256=dYtqk_GD_hAAZjGfH1maWlZQ30h4hu_KGaf-_y9_AD8,298
|
206
|
-
snowflake/ml/modeling/pipeline/pipeline.py,sha256=kVfKdC7zSmuCorPppIsS20yyH-fghYOUsHXjzgvbEaE,22173
|
207
|
-
snowflake/ml/modeling/preprocessing/__init__.py,sha256=dYtqk_GD_hAAZjGfH1maWlZQ30h4hu_KGaf-_y9_AD8,298
|
208
|
-
snowflake/ml/modeling/preprocessing/binarizer.py,sha256=IoGdiZwqsLYRSkifmxzfCqCeOy5ir5Gq_ls_gsPu54I,6092
|
209
|
-
snowflake/ml/modeling/preprocessing/k_bins_discretizer.py,sha256=upW9qxntwE0vZ8foc2J3BlVdKy61M7JBspZkKqAyKW0,20422
|
210
|
-
snowflake/ml/modeling/preprocessing/label_encoder.py,sha256=r3S_-G5OIqjeBttyIicSar_4FNO68MOvRSyAi_6gzeA,6285
|
211
|
-
snowflake/ml/modeling/preprocessing/max_abs_scaler.py,sha256=O2dXkX6PPJZaVbS7jIpC4DOfqUt85YFaDA-rLXz6pEc,8491
|
212
|
-
snowflake/ml/modeling/preprocessing/min_max_scaler.py,sha256=1LDaOp-OJU-79B36ZxBhAMQe5AXDEU5f71PNVXwtLXU,10716
|
213
|
-
snowflake/ml/modeling/preprocessing/normalizer.py,sha256=0pbgiOGqwC4Pv9MKnYfo_0vIUmBdyLFoPSd_Sr7Og4U,5951
|
214
|
-
snowflake/ml/modeling/preprocessing/one_hot_encoder.py,sha256=xEhHia5Gqr4RGq0WAAmrU8ci0vY1xNeqOEkV0z9vnBo,67083
|
215
|
-
snowflake/ml/modeling/preprocessing/ordinal_encoder.py,sha256=uryEQmMp45tHuuHI7k-D4CY9JCkFYJUuP6hWZcODoAQ,27848
|
216
|
-
snowflake/ml/modeling/preprocessing/polynomial_features.py,sha256=HfCRSatprXHA0b2AA2BZa5orXJnvix8uvQGyR3gUmyM,50932
|
217
|
-
snowflake/ml/modeling/preprocessing/robust_scaler.py,sha256=JGgkPZfgezS4X8YECSjeWDQIoLbU98j43qbwqP2RzZE,11981
|
218
|
-
snowflake/ml/modeling/preprocessing/standard_scaler.py,sha256=hu2VnATyizCz-QKv7aaGdATeU8Fyug8MeNxau3-CllQ,10672
|
219
|
-
snowflake/ml/modeling/semi_supervised/__init__.py,sha256=rY5qSOkHj59bHiTV6LhBiEhUA0StoCb0ACNR2vkV4v0,297
|
220
|
-
snowflake/ml/modeling/semi_supervised/label_propagation.py,sha256=I5ggE5jcbywFT_eV2aGKCXP66Gk7pAuDp0-RK1DLTx0,51269
|
221
|
-
snowflake/ml/modeling/semi_supervised/label_spreading.py,sha256=hd-HWf4B5oGCMMwso3NZK5wGmWC6y8XltfAvw4MOT_g,51633
|
222
|
-
snowflake/ml/modeling/svm/__init__.py,sha256=rY5qSOkHj59bHiTV6LhBiEhUA0StoCb0ACNR2vkV4v0,297
|
223
|
-
snowflake/ml/modeling/svm/linear_svc.py,sha256=UAwHLZhZ21Trzv784V8CoRLsGN7tmX2KxGFBYnlHjMU,53811
|
224
|
-
snowflake/ml/modeling/svm/linear_svr.py,sha256=KoFme6nQVa_ttso4EScQdEqe4llk65F80--r2oD1zn0,52226
|
225
|
-
snowflake/ml/modeling/svm/nu_svc.py,sha256=5FlnNUOPqwVPQbMQDWBqCyMVipBft3oWhlhfs5E0XjE,54525
|
226
|
-
snowflake/ml/modeling/svm/nu_svr.py,sha256=QWwfmZYXWiwrCVZ9J2hBALUtn8LAM-cVw9OKsMPtHc0,51601
|
227
|
-
snowflake/ml/modeling/svm/svc.py,sha256=S-9k38YwDYFXnwrQPZkGMGFK11N7qVwpI_E6bP1RwKc,54688
|
228
|
-
snowflake/ml/modeling/svm/svr.py,sha256=S3b7yWZG7c-REbbAt-HDHlxCEDqf3J3gSdFWYY3mJwA,51804
|
229
|
-
snowflake/ml/modeling/tree/__init__.py,sha256=rY5qSOkHj59bHiTV6LhBiEhUA0StoCb0ACNR2vkV4v0,297
|
230
|
-
snowflake/ml/modeling/tree/decision_tree_classifier.py,sha256=QjVTJ5M1zDyRc6hLfwS4gG2RnhQFdUTrpDNVeEXzR1Y,56887
|
231
|
-
snowflake/ml/modeling/tree/decision_tree_regressor.py,sha256=AmtFiREgYRafCuma2w2hAPIOQLFQeBQErhRtvZ6mqGU,55583
|
232
|
-
snowflake/ml/modeling/tree/extra_tree_classifier.py,sha256=QY5DWzpHVvuMzU4nXchPSzxVCxVbFNsAv8oW5-hR2vQ,56250
|
233
|
-
snowflake/ml/modeling/tree/extra_tree_regressor.py,sha256=o7LKwLdVx_qLL_5PiPj4ODoji3GOVWxZfZsYyMAlOIw,54955
|
234
|
-
snowflake/ml/modeling/xgboost/__init__.py,sha256=rY5qSOkHj59bHiTV6LhBiEhUA0StoCb0ACNR2vkV4v0,297
|
235
|
-
snowflake/ml/modeling/xgboost/xgb_classifier.py,sha256=ABpZxBV5odwIaLuPcd9DbqIoqIXy37NKaHFGnyAI0zM,60657
|
236
|
-
snowflake/ml/modeling/xgboost/xgb_regressor.py,sha256=tlIeNuUth21wXyJlIhqhOm1h8SWHIIYo3YzEAYSIbhg,60163
|
237
|
-
snowflake/ml/modeling/xgboost/xgbrf_classifier.py,sha256=KTTL52LCK9TW4dKDWbYdAKbMOTry0kJGfzutWsZPDHY,60821
|
238
|
-
snowflake/ml/modeling/xgboost/xgbrf_regressor.py,sha256=spFAmtcP9PMG6tLQPvQuquEMQ1FJvwKLgPgQFEjx7Ls,60354
|
239
|
-
snowflake/ml/registry/_schema.py,sha256=7NezDozAqdbOjB9dYHSQQpxapSTKuXqnGrl394bDohc,1381
|
240
|
-
snowflake/ml/registry/model_registry.py,sha256=hnOc0oNnxm9ODbcdzYNSNYfOq-gToeXEY_JkZ6573J8,85339
|
241
|
-
snowflake/ml/utils/connection_params.py,sha256=W_MwEw1xUARgrDehP_Kz5dmqt1sBXct80xQ7N56qFCc,6138
|
242
|
-
snowflake/ml/utils/sparse.py,sha256=1mI2lOm-nMQEwNfbDtHpkJ4SDkKKqsRFyGwSQJJZAiE,3893
|
243
|
-
snowflake/ml/version.py,sha256=tevytQN3Q9r0hFbXhoTW1fyqa59CqJHog4ENpyz0XDc,16
|
244
|
-
snowflake_ml_python-1.0.1.dist-info/METADATA,sha256=RwVimIZaEu28C-UaEo68GU9azg5QXAXsPi6nrU_Bx-k,10425
|
245
|
-
snowflake_ml_python-1.0.1.dist-info/RECORD,,
|
246
|
-
snowflake_ml_python-1.0.1.dist-info/WHEEL,sha256=sobxWSyDDkdg_rinUth-jxhXHqoNqlmNMJY3aTZn2Us,91
|
File without changes
|