snowflake-ml-python 1.6.1__py3-none-any.whl → 1.6.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.
Files changed (284) hide show
  1. snowflake/cortex/__init__.py +4 -0
  2. snowflake/cortex/_classify_text.py +2 -2
  3. snowflake/cortex/_embed_text_1024.py +37 -0
  4. snowflake/cortex/_embed_text_768.py +37 -0
  5. snowflake/cortex/_extract_answer.py +2 -2
  6. snowflake/cortex/_sentiment.py +2 -2
  7. snowflake/cortex/_summarize.py +2 -2
  8. snowflake/cortex/_translate.py +2 -2
  9. snowflake/cortex/_util.py +4 -4
  10. snowflake/ml/_internal/env_utils.py +5 -5
  11. snowflake/ml/_internal/exceptions/error_codes.py +2 -0
  12. snowflake/ml/_internal/telemetry.py +142 -20
  13. snowflake/ml/_internal/utils/db_utils.py +50 -0
  14. snowflake/ml/_internal/utils/identifier.py +48 -11
  15. snowflake/ml/_internal/utils/service_logger.py +63 -0
  16. snowflake/ml/_internal/utils/snowflake_env.py +23 -13
  17. snowflake/ml/_internal/utils/sql_identifier.py +26 -2
  18. snowflake/ml/_internal/utils/table_manager.py +19 -1
  19. snowflake/ml/data/_internal/arrow_ingestor.py +1 -11
  20. snowflake/ml/data/data_connector.py +33 -7
  21. snowflake/ml/data/ingestor_utils.py +20 -10
  22. snowflake/ml/data/torch_utils.py +68 -0
  23. snowflake/ml/dataset/dataset.py +1 -3
  24. snowflake/ml/feature_store/access_manager.py +3 -3
  25. snowflake/ml/feature_store/feature_store.py +60 -19
  26. snowflake/ml/feature_store/feature_view.py +84 -30
  27. snowflake/ml/fileset/embedded_stage_fs.py +1 -1
  28. snowflake/ml/fileset/fileset.py +1 -1
  29. snowflake/ml/fileset/sfcfs.py +9 -3
  30. snowflake/ml/fileset/stage_fs.py +2 -1
  31. snowflake/ml/lineage/lineage_node.py +7 -2
  32. snowflake/ml/model/__init__.py +1 -2
  33. snowflake/ml/model/_client/model/model_version_impl.py +96 -12
  34. snowflake/ml/model/_client/ops/model_ops.py +124 -6
  35. snowflake/ml/model/_client/ops/service_ops.py +309 -9
  36. snowflake/ml/model/_client/service/model_deployment_spec.py +8 -5
  37. snowflake/ml/model/_client/service/model_deployment_spec_schema.py +2 -2
  38. snowflake/ml/model/_client/sql/_base.py +5 -0
  39. snowflake/ml/model/_client/sql/model.py +1 -0
  40. snowflake/ml/model/_client/sql/model_version.py +9 -5
  41. snowflake/ml/model/_client/sql/service.py +121 -20
  42. snowflake/ml/model/_model_composer/model_composer.py +11 -39
  43. snowflake/ml/model/_model_composer/model_manifest/model_manifest.py +31 -11
  44. snowflake/ml/model/_packager/model_env/model_env.py +4 -38
  45. snowflake/ml/model/_packager/model_handlers/_utils.py +134 -28
  46. snowflake/ml/model/_packager/model_handlers/catboost.py +31 -30
  47. snowflake/ml/model/_packager/model_handlers/huggingface_pipeline.py +26 -18
  48. snowflake/ml/model/_packager/model_handlers/lightgbm.py +31 -58
  49. snowflake/ml/model/_packager/model_handlers/mlflow.py +3 -5
  50. snowflake/ml/model/_packager/model_handlers/model_objective_utils.py +169 -0
  51. snowflake/ml/model/_packager/model_handlers/sentence_transformers.py +15 -8
  52. snowflake/ml/model/_packager/model_handlers/sklearn.py +56 -60
  53. snowflake/ml/model/_packager/model_handlers/snowmlmodel.py +141 -9
  54. snowflake/ml/model/_packager/model_handlers/torchscript.py +2 -2
  55. snowflake/ml/model/_packager/model_handlers/xgboost.py +63 -48
  56. snowflake/ml/model/_packager/model_meta/model_meta.py +16 -42
  57. snowflake/ml/model/_packager/model_meta/model_meta_schema.py +1 -14
  58. snowflake/ml/model/_packager/model_packager.py +14 -8
  59. snowflake/ml/model/_packager/model_runtime/model_runtime.py +11 -0
  60. snowflake/ml/model/_signatures/pytorch_handler.py +1 -1
  61. snowflake/ml/model/_signatures/snowpark_handler.py +3 -2
  62. snowflake/ml/model/_signatures/utils.py +9 -0
  63. snowflake/ml/model/type_hints.py +12 -145
  64. snowflake/ml/modeling/_internal/constants.py +1 -0
  65. snowflake/ml/modeling/_internal/local_implementations/pandas_handlers.py +5 -5
  66. snowflake/ml/modeling/_internal/local_implementations/pandas_trainer.py +9 -6
  67. snowflake/ml/modeling/_internal/model_specifications.py +2 -0
  68. snowflake/ml/modeling/_internal/model_trainer.py +1 -0
  69. snowflake/ml/modeling/_internal/snowpark_implementations/distributed_hpo_trainer.py +2 -4
  70. snowflake/ml/modeling/_internal/snowpark_implementations/snowpark_handlers.py +5 -5
  71. snowflake/ml/modeling/_internal/snowpark_implementations/snowpark_trainer.py +130 -166
  72. snowflake/ml/modeling/_internal/snowpark_implementations/xgboost_external_memory_trainer.py +0 -1
  73. snowflake/ml/modeling/calibration/calibrated_classifier_cv.py +61 -21
  74. snowflake/ml/modeling/cluster/affinity_propagation.py +61 -21
  75. snowflake/ml/modeling/cluster/agglomerative_clustering.py +61 -21
  76. snowflake/ml/modeling/cluster/birch.py +61 -21
  77. snowflake/ml/modeling/cluster/bisecting_k_means.py +61 -21
  78. snowflake/ml/modeling/cluster/dbscan.py +61 -21
  79. snowflake/ml/modeling/cluster/feature_agglomeration.py +61 -21
  80. snowflake/ml/modeling/cluster/k_means.py +61 -21
  81. snowflake/ml/modeling/cluster/mean_shift.py +61 -21
  82. snowflake/ml/modeling/cluster/mini_batch_k_means.py +61 -21
  83. snowflake/ml/modeling/cluster/optics.py +61 -21
  84. snowflake/ml/modeling/cluster/spectral_biclustering.py +61 -21
  85. snowflake/ml/modeling/cluster/spectral_clustering.py +61 -21
  86. snowflake/ml/modeling/cluster/spectral_coclustering.py +61 -21
  87. snowflake/ml/modeling/compose/column_transformer.py +61 -21
  88. snowflake/ml/modeling/compose/transformed_target_regressor.py +61 -21
  89. snowflake/ml/modeling/covariance/elliptic_envelope.py +61 -21
  90. snowflake/ml/modeling/covariance/empirical_covariance.py +61 -21
  91. snowflake/ml/modeling/covariance/graphical_lasso.py +61 -21
  92. snowflake/ml/modeling/covariance/graphical_lasso_cv.py +61 -21
  93. snowflake/ml/modeling/covariance/ledoit_wolf.py +61 -21
  94. snowflake/ml/modeling/covariance/min_cov_det.py +61 -21
  95. snowflake/ml/modeling/covariance/oas.py +61 -21
  96. snowflake/ml/modeling/covariance/shrunk_covariance.py +61 -21
  97. snowflake/ml/modeling/decomposition/dictionary_learning.py +61 -21
  98. snowflake/ml/modeling/decomposition/factor_analysis.py +61 -21
  99. snowflake/ml/modeling/decomposition/fast_ica.py +61 -21
  100. snowflake/ml/modeling/decomposition/incremental_pca.py +61 -21
  101. snowflake/ml/modeling/decomposition/kernel_pca.py +61 -21
  102. snowflake/ml/modeling/decomposition/mini_batch_dictionary_learning.py +61 -21
  103. snowflake/ml/modeling/decomposition/mini_batch_sparse_pca.py +61 -21
  104. snowflake/ml/modeling/decomposition/pca.py +61 -21
  105. snowflake/ml/modeling/decomposition/sparse_pca.py +61 -21
  106. snowflake/ml/modeling/decomposition/truncated_svd.py +61 -21
  107. snowflake/ml/modeling/discriminant_analysis/linear_discriminant_analysis.py +61 -21
  108. snowflake/ml/modeling/discriminant_analysis/quadratic_discriminant_analysis.py +61 -21
  109. snowflake/ml/modeling/ensemble/ada_boost_classifier.py +61 -21
  110. snowflake/ml/modeling/ensemble/ada_boost_regressor.py +61 -21
  111. snowflake/ml/modeling/ensemble/bagging_classifier.py +61 -21
  112. snowflake/ml/modeling/ensemble/bagging_regressor.py +61 -21
  113. snowflake/ml/modeling/ensemble/extra_trees_classifier.py +61 -21
  114. snowflake/ml/modeling/ensemble/extra_trees_regressor.py +61 -21
  115. snowflake/ml/modeling/ensemble/gradient_boosting_classifier.py +61 -21
  116. snowflake/ml/modeling/ensemble/gradient_boosting_regressor.py +61 -21
  117. snowflake/ml/modeling/ensemble/hist_gradient_boosting_classifier.py +61 -21
  118. snowflake/ml/modeling/ensemble/hist_gradient_boosting_regressor.py +61 -21
  119. snowflake/ml/modeling/ensemble/isolation_forest.py +61 -21
  120. snowflake/ml/modeling/ensemble/random_forest_classifier.py +61 -21
  121. snowflake/ml/modeling/ensemble/random_forest_regressor.py +61 -21
  122. snowflake/ml/modeling/ensemble/stacking_regressor.py +61 -21
  123. snowflake/ml/modeling/ensemble/voting_classifier.py +61 -21
  124. snowflake/ml/modeling/ensemble/voting_regressor.py +61 -21
  125. snowflake/ml/modeling/feature_selection/generic_univariate_select.py +61 -21
  126. snowflake/ml/modeling/feature_selection/select_fdr.py +61 -21
  127. snowflake/ml/modeling/feature_selection/select_fpr.py +61 -21
  128. snowflake/ml/modeling/feature_selection/select_fwe.py +61 -21
  129. snowflake/ml/modeling/feature_selection/select_k_best.py +61 -21
  130. snowflake/ml/modeling/feature_selection/select_percentile.py +61 -21
  131. snowflake/ml/modeling/feature_selection/sequential_feature_selector.py +61 -21
  132. snowflake/ml/modeling/feature_selection/variance_threshold.py +61 -21
  133. snowflake/ml/modeling/gaussian_process/gaussian_process_classifier.py +61 -21
  134. snowflake/ml/modeling/gaussian_process/gaussian_process_regressor.py +61 -21
  135. snowflake/ml/modeling/impute/iterative_imputer.py +61 -21
  136. snowflake/ml/modeling/impute/knn_imputer.py +61 -21
  137. snowflake/ml/modeling/impute/missing_indicator.py +61 -21
  138. snowflake/ml/modeling/kernel_approximation/additive_chi2_sampler.py +61 -21
  139. snowflake/ml/modeling/kernel_approximation/nystroem.py +61 -21
  140. snowflake/ml/modeling/kernel_approximation/polynomial_count_sketch.py +61 -21
  141. snowflake/ml/modeling/kernel_approximation/rbf_sampler.py +61 -21
  142. snowflake/ml/modeling/kernel_approximation/skewed_chi2_sampler.py +61 -21
  143. snowflake/ml/modeling/kernel_ridge/kernel_ridge.py +61 -21
  144. snowflake/ml/modeling/lightgbm/lgbm_classifier.py +61 -21
  145. snowflake/ml/modeling/lightgbm/lgbm_regressor.py +61 -21
  146. snowflake/ml/modeling/linear_model/ard_regression.py +61 -21
  147. snowflake/ml/modeling/linear_model/bayesian_ridge.py +61 -21
  148. snowflake/ml/modeling/linear_model/elastic_net.py +61 -21
  149. snowflake/ml/modeling/linear_model/elastic_net_cv.py +61 -21
  150. snowflake/ml/modeling/linear_model/gamma_regressor.py +61 -21
  151. snowflake/ml/modeling/linear_model/huber_regressor.py +61 -21
  152. snowflake/ml/modeling/linear_model/lars.py +61 -21
  153. snowflake/ml/modeling/linear_model/lars_cv.py +61 -21
  154. snowflake/ml/modeling/linear_model/lasso.py +61 -21
  155. snowflake/ml/modeling/linear_model/lasso_cv.py +61 -21
  156. snowflake/ml/modeling/linear_model/lasso_lars.py +61 -21
  157. snowflake/ml/modeling/linear_model/lasso_lars_cv.py +61 -21
  158. snowflake/ml/modeling/linear_model/lasso_lars_ic.py +61 -21
  159. snowflake/ml/modeling/linear_model/linear_regression.py +61 -21
  160. snowflake/ml/modeling/linear_model/logistic_regression.py +61 -21
  161. snowflake/ml/modeling/linear_model/logistic_regression_cv.py +61 -21
  162. snowflake/ml/modeling/linear_model/multi_task_elastic_net.py +61 -21
  163. snowflake/ml/modeling/linear_model/multi_task_elastic_net_cv.py +61 -21
  164. snowflake/ml/modeling/linear_model/multi_task_lasso.py +61 -21
  165. snowflake/ml/modeling/linear_model/multi_task_lasso_cv.py +61 -21
  166. snowflake/ml/modeling/linear_model/orthogonal_matching_pursuit.py +61 -21
  167. snowflake/ml/modeling/linear_model/passive_aggressive_classifier.py +61 -21
  168. snowflake/ml/modeling/linear_model/passive_aggressive_regressor.py +61 -21
  169. snowflake/ml/modeling/linear_model/perceptron.py +61 -21
  170. snowflake/ml/modeling/linear_model/poisson_regressor.py +61 -21
  171. snowflake/ml/modeling/linear_model/ransac_regressor.py +61 -21
  172. snowflake/ml/modeling/linear_model/ridge.py +61 -21
  173. snowflake/ml/modeling/linear_model/ridge_classifier.py +61 -21
  174. snowflake/ml/modeling/linear_model/ridge_classifier_cv.py +61 -21
  175. snowflake/ml/modeling/linear_model/ridge_cv.py +61 -21
  176. snowflake/ml/modeling/linear_model/sgd_classifier.py +61 -21
  177. snowflake/ml/modeling/linear_model/sgd_one_class_svm.py +61 -21
  178. snowflake/ml/modeling/linear_model/sgd_regressor.py +61 -21
  179. snowflake/ml/modeling/linear_model/theil_sen_regressor.py +61 -21
  180. snowflake/ml/modeling/linear_model/tweedie_regressor.py +61 -21
  181. snowflake/ml/modeling/manifold/isomap.py +61 -21
  182. snowflake/ml/modeling/manifold/mds.py +61 -21
  183. snowflake/ml/modeling/manifold/spectral_embedding.py +61 -21
  184. snowflake/ml/modeling/manifold/tsne.py +61 -21
  185. snowflake/ml/modeling/metrics/metrics_utils.py +2 -2
  186. snowflake/ml/modeling/metrics/ranking.py +0 -3
  187. snowflake/ml/modeling/metrics/regression.py +0 -3
  188. snowflake/ml/modeling/mixture/bayesian_gaussian_mixture.py +61 -21
  189. snowflake/ml/modeling/mixture/gaussian_mixture.py +61 -21
  190. snowflake/ml/modeling/multiclass/one_vs_one_classifier.py +61 -21
  191. snowflake/ml/modeling/multiclass/one_vs_rest_classifier.py +61 -21
  192. snowflake/ml/modeling/multiclass/output_code_classifier.py +61 -21
  193. snowflake/ml/modeling/naive_bayes/bernoulli_nb.py +61 -21
  194. snowflake/ml/modeling/naive_bayes/categorical_nb.py +61 -21
  195. snowflake/ml/modeling/naive_bayes/complement_nb.py +61 -21
  196. snowflake/ml/modeling/naive_bayes/gaussian_nb.py +61 -21
  197. snowflake/ml/modeling/naive_bayes/multinomial_nb.py +61 -21
  198. snowflake/ml/modeling/neighbors/k_neighbors_classifier.py +61 -21
  199. snowflake/ml/modeling/neighbors/k_neighbors_regressor.py +61 -21
  200. snowflake/ml/modeling/neighbors/kernel_density.py +61 -21
  201. snowflake/ml/modeling/neighbors/local_outlier_factor.py +61 -21
  202. snowflake/ml/modeling/neighbors/nearest_centroid.py +61 -21
  203. snowflake/ml/modeling/neighbors/nearest_neighbors.py +61 -21
  204. snowflake/ml/modeling/neighbors/neighborhood_components_analysis.py +61 -21
  205. snowflake/ml/modeling/neighbors/radius_neighbors_classifier.py +61 -21
  206. snowflake/ml/modeling/neighbors/radius_neighbors_regressor.py +61 -21
  207. snowflake/ml/modeling/neural_network/bernoulli_rbm.py +61 -21
  208. snowflake/ml/modeling/neural_network/mlp_classifier.py +61 -21
  209. snowflake/ml/modeling/neural_network/mlp_regressor.py +61 -21
  210. snowflake/ml/modeling/parameters/disable_model_tracer.py +5 -0
  211. snowflake/ml/modeling/pipeline/pipeline.py +1 -13
  212. snowflake/ml/modeling/preprocessing/polynomial_features.py +61 -21
  213. snowflake/ml/modeling/semi_supervised/label_propagation.py +61 -21
  214. snowflake/ml/modeling/semi_supervised/label_spreading.py +61 -21
  215. snowflake/ml/modeling/svm/linear_svc.py +61 -21
  216. snowflake/ml/modeling/svm/linear_svr.py +61 -21
  217. snowflake/ml/modeling/svm/nu_svc.py +61 -21
  218. snowflake/ml/modeling/svm/nu_svr.py +61 -21
  219. snowflake/ml/modeling/svm/svc.py +61 -21
  220. snowflake/ml/modeling/svm/svr.py +61 -21
  221. snowflake/ml/modeling/tree/decision_tree_classifier.py +61 -21
  222. snowflake/ml/modeling/tree/decision_tree_regressor.py +61 -21
  223. snowflake/ml/modeling/tree/extra_tree_classifier.py +61 -21
  224. snowflake/ml/modeling/tree/extra_tree_regressor.py +61 -21
  225. snowflake/ml/modeling/xgboost/xgb_classifier.py +64 -23
  226. snowflake/ml/modeling/xgboost/xgb_regressor.py +64 -23
  227. snowflake/ml/modeling/xgboost/xgbrf_classifier.py +64 -23
  228. snowflake/ml/modeling/xgboost/xgbrf_regressor.py +64 -23
  229. snowflake/ml/monitoring/_client/model_monitor.py +126 -0
  230. snowflake/ml/monitoring/_client/model_monitor_manager.py +361 -0
  231. snowflake/ml/monitoring/_client/model_monitor_version.py +1 -0
  232. snowflake/ml/monitoring/_client/monitor_sql_client.py +1335 -0
  233. snowflake/ml/monitoring/_client/queries/record_count.ssql +14 -0
  234. snowflake/ml/monitoring/_client/queries/rmse.ssql +28 -0
  235. snowflake/ml/monitoring/entities/model_monitor_config.py +28 -0
  236. snowflake/ml/monitoring/entities/model_monitor_interval.py +46 -0
  237. snowflake/ml/monitoring/entities/output_score_type.py +90 -0
  238. snowflake/ml/registry/_manager/model_manager.py +4 -0
  239. snowflake/ml/registry/registry.py +166 -8
  240. snowflake/ml/version.py +1 -1
  241. {snowflake_ml_python-1.6.1.dist-info → snowflake_ml_python-1.6.3.dist-info}/METADATA +43 -9
  242. snowflake_ml_python-1.6.3.dist-info/RECORD +400 -0
  243. {snowflake_ml_python-1.6.1.dist-info → snowflake_ml_python-1.6.3.dist-info}/WHEEL +1 -1
  244. snowflake/ml/_internal/container_services/image_registry/credential.py +0 -84
  245. snowflake/ml/_internal/container_services/image_registry/http_client.py +0 -127
  246. snowflake/ml/_internal/container_services/image_registry/imagelib.py +0 -400
  247. snowflake/ml/_internal/container_services/image_registry/registry_client.py +0 -212
  248. snowflake/ml/_internal/utils/log_stream_processor.py +0 -30
  249. snowflake/ml/_internal/utils/session_token_manager.py +0 -46
  250. snowflake/ml/_internal/utils/spcs_attribution_utils.py +0 -122
  251. snowflake/ml/_internal/utils/uri.py +0 -77
  252. snowflake/ml/data/torch_dataset.py +0 -33
  253. snowflake/ml/model/_api.py +0 -568
  254. snowflake/ml/model/_deploy_client/image_builds/base_image_builder.py +0 -12
  255. snowflake/ml/model/_deploy_client/image_builds/client_image_builder.py +0 -249
  256. snowflake/ml/model/_deploy_client/image_builds/docker_context.py +0 -130
  257. snowflake/ml/model/_deploy_client/image_builds/gunicorn_run.sh +0 -36
  258. snowflake/ml/model/_deploy_client/image_builds/inference_server/main.py +0 -268
  259. snowflake/ml/model/_deploy_client/image_builds/server_image_builder.py +0 -215
  260. snowflake/ml/model/_deploy_client/image_builds/templates/dockerfile_template +0 -53
  261. snowflake/ml/model/_deploy_client/image_builds/templates/image_build_job_spec_template +0 -38
  262. snowflake/ml/model/_deploy_client/image_builds/templates/kaniko_shell_script_template +0 -105
  263. snowflake/ml/model/_deploy_client/snowservice/deploy.py +0 -611
  264. snowflake/ml/model/_deploy_client/snowservice/deploy_options.py +0 -116
  265. snowflake/ml/model/_deploy_client/snowservice/instance_types.py +0 -10
  266. snowflake/ml/model/_deploy_client/snowservice/templates/service_spec_template +0 -28
  267. snowflake/ml/model/_deploy_client/snowservice/templates/service_spec_template_with_model +0 -21
  268. snowflake/ml/model/_deploy_client/utils/constants.py +0 -48
  269. snowflake/ml/model/_deploy_client/utils/snowservice_client.py +0 -280
  270. snowflake/ml/model/_deploy_client/warehouse/deploy.py +0 -202
  271. snowflake/ml/model/_deploy_client/warehouse/infer_template.py +0 -99
  272. snowflake/ml/model/_packager/model_handlers/llm.py +0 -267
  273. snowflake/ml/model/_packager/model_meta/_core_requirements.py +0 -11
  274. snowflake/ml/model/deploy_platforms.py +0 -6
  275. snowflake/ml/model/models/llm.py +0 -104
  276. snowflake/ml/monitoring/monitor.py +0 -203
  277. snowflake/ml/registry/_initial_schema.py +0 -142
  278. snowflake/ml/registry/_schema.py +0 -82
  279. snowflake/ml/registry/_schema_upgrade_plans.py +0 -116
  280. snowflake/ml/registry/_schema_version_manager.py +0 -163
  281. snowflake/ml/registry/model_registry.py +0 -2048
  282. snowflake_ml_python-1.6.1.dist-info/RECORD +0 -422
  283. {snowflake_ml_python-1.6.1.dist-info → snowflake_ml_python-1.6.3.dist-info}/LICENSE.txt +0 -0
  284. {snowflake_ml_python-1.6.1.dist-info → snowflake_ml_python-1.6.3.dist-info}/top_level.txt +0 -0
@@ -1,422 +0,0 @@
1
- snowflake/cortex/__init__.py,sha256=Xw7skAa3Eeo0pq2q8gwekpvP_yZbHetNjB2mC1gqnsM,477
2
- snowflake/cortex/_classify_text.py,sha256=lKV_J0TMDgaDCytpHsi8zo2N-aiWW5I8t1PcYiuNovo,1297
3
- snowflake/cortex/_complete.py,sha256=UD9WB9w7VIpEfXu0iylYfcnmBxNScTZdLBbdA4Y3O64,11309
4
- snowflake/cortex/_extract_answer.py,sha256=-ZvpnI6i4QmCkgxIEC8QGPlOQzKMVO5abgouXMf6wTw,1301
5
- snowflake/cortex/_sentiment.py,sha256=yhV4T9GW-tcxkg_OYd-hbYHsbjHIYzRjbsmYuzXMPzU,1189
6
- snowflake/cortex/_sse_client.py,sha256=_GGmxskEQPVJ2bE3LHySnPFl29CP4YGM4_xmR_Kk-WA,2485
7
- snowflake/cortex/_summarize.py,sha256=raDFAb31penzEtOtqQv8wQS69MsRt_B75VQ5cDHegbE,1018
8
- snowflake/cortex/_translate.py,sha256=QqngDJ9ijB5wCObSVWMfY2FQzk4S02M85PEAKr_Alrk,1363
9
- snowflake/cortex/_util.py,sha256=5Y_hwZxW_Tygv8TNO7f5b3jvG9HeRwO8l9wv5sZOjCE,2150
10
- snowflake/ml/version.py,sha256=rQH70QeFNTuY0lzDGmsyz-fsdJFWxWUO1P1iJBAR12k,16
11
- snowflake/ml/_internal/env.py,sha256=kCrJTRnqQ97VGUVI1cWUPD8HuBWeL5vOOtwUR0NB9Mg,161
12
- snowflake/ml/_internal/env_utils.py,sha256=cNh9cMO1tEl2jf7VPIJy-st2O625DkDiELTH6dqqW3Y,28033
13
- snowflake/ml/_internal/file_utils.py,sha256=OyXHv-UcItiip1YgLnab6etonUQkYuyDtmplZA0CaoU,13622
14
- snowflake/ml/_internal/init_utils.py,sha256=U-oPOtyVf22hCwDH_CH2uDr9yuN6Mr3kwQ_yRAs1mcM,2696
15
- snowflake/ml/_internal/migrator_utils.py,sha256=k3erO8x3YJcX6nkKeyJAUNGg1qjE3RFmD-W6dtLzIH0,161
16
- snowflake/ml/_internal/telemetry.py,sha256=-1girD2luwy0PAfBtobuaRxQZr2YNW-bxYnAw2nFpe4,24702
17
- snowflake/ml/_internal/type_utils.py,sha256=0AjimiQoAPHGnpLV_zCR6vlMR5lJ8CkZkKFwiUHYDCo,2168
18
- snowflake/ml/_internal/container_services/image_registry/credential.py,sha256=nShNgIb2yNu9w6vceOY3aSgjpuOoi0spWWmvgEafPSk,3291
19
- snowflake/ml/_internal/container_services/image_registry/http_client.py,sha256=JAkZmI9szd3BeAB6bpSlfCWAmQOSGKVO3zrV_0QP6-I,5448
20
- snowflake/ml/_internal/container_services/image_registry/imagelib.py,sha256=362M5dCE4wYWEsHgWaIIvIu-SfUt42skb3bJVSr--5o,14883
21
- snowflake/ml/_internal/container_services/image_registry/registry_client.py,sha256=YngCY0U-m2adQai0XCS8jsJ9COIrMrtKJOLbjXfFeq8,9318
22
- snowflake/ml/_internal/exceptions/dataset_error_messages.py,sha256=h7uGJbxBM6se-TW_64LKGGGdBCbwflzbBnmijWKX3Gc,285
23
- snowflake/ml/_internal/exceptions/dataset_errors.py,sha256=TqESe8cDfWurJdv5X0DOwgzBfHCEqga_F3WQipYbdqg,741
24
- snowflake/ml/_internal/exceptions/error_codes.py,sha256=eMgsEfIYFQesK_pqLIsyxRZojz8Ke9DTlA5ni60RLv4,5453
25
- snowflake/ml/_internal/exceptions/error_messages.py,sha256=vF9XOWJoBuKvFxBkGcDelhXK1dipzTt-AdK4NkCbwTo,47
26
- snowflake/ml/_internal/exceptions/exceptions.py,sha256=ub0fthrNTVoKhpj1pXnKRfO1Gqnmbe7wY51vaoEOp5M,1653
27
- snowflake/ml/_internal/exceptions/fileset_error_messages.py,sha256=dqPpRu0cKyQA_0gahvbizgQBTwNhnwveN286JrJLvi8,419
28
- snowflake/ml/_internal/exceptions/fileset_errors.py,sha256=pHwY7f5c6JH-RZDtkiWy8nICHKy4T5vvWs5cq5rPD_4,1030
29
- snowflake/ml/_internal/exceptions/modeling_error_messages.py,sha256=M1s_PNHcOGlSDKD2kvSUQYsSaKHdHdnE74609LvF27c,749
30
- snowflake/ml/_internal/exceptions/sql_error_codes.py,sha256=aEI3-gW7FeNahoPncdOaGGRBmPJmkCHK-a1o2e3c3PI,206
31
- snowflake/ml/_internal/human_readable_id/adjectives.txt,sha256=5o4MbVeHoELAqyLpyuKleOKR47jPjC_nKoziOIZMwT0,804
32
- snowflake/ml/_internal/human_readable_id/animals.txt,sha256=GDLzMwzxiL07PhIMxw4t89bhYqqg0bQfPiuQT8VNeME,837
33
- snowflake/ml/_internal/human_readable_id/hrid_generator.py,sha256=LYWB86qZgsVBvnc6Q5VjfDOmnGSQU3cTRKfId_nJSPY,1341
34
- snowflake/ml/_internal/human_readable_id/hrid_generator_base.py,sha256=D1yoVG1vmAFUhWQ5xCRRU6HCCBPbXHpOXagFd0jK0O8,4519
35
- snowflake/ml/_internal/lineage/lineage_utils.py,sha256=kxWW7fkSf1HiUQSks3VlzWyntpt4o_pbptXcpQHtnk8,3432
36
- snowflake/ml/_internal/utils/formatting.py,sha256=PswZ6Xas7sx3Ok1MBLoH2o7nfXOxaJqpUPg_UqXrQb8,3676
37
- snowflake/ml/_internal/utils/identifier.py,sha256=jlvTl2mjzvuMgNgTU2jBlfQ6TR21t3Q1C-mujeO-Rtc,11375
38
- snowflake/ml/_internal/utils/import_utils.py,sha256=eexwIe7auT17s4aVxAns7se0_K15rcq3O17MkIvDpPI,2068
39
- snowflake/ml/_internal/utils/log_stream_processor.py,sha256=pBf8ycEamhHjEzUT55Rx_tFqSkYRpD5Dt71Mx9ZdaS8,1001
40
- snowflake/ml/_internal/utils/parallelize.py,sha256=Q6_-P2t4DoYNO8DyC1kOl7H3qNL-bUK6EgtlQ_b5ThY,4534
41
- snowflake/ml/_internal/utils/pkg_version_utils.py,sha256=FwdLHFhxi3CAQQduGjFavEBmkD9Ra6ZTkt6Eub-WoSA,5168
42
- snowflake/ml/_internal/utils/query_result_checker.py,sha256=h1nbUImdB9lSNCON3uIA0xCm8_JrS-TE-jQXJJs9WfU,10668
43
- snowflake/ml/_internal/utils/result.py,sha256=59Sz6MvhjakUNiONwg9oi2544AmORCJR3XyWTxY2vP0,2405
44
- snowflake/ml/_internal/utils/retryable_http.py,sha256=1GCuQkTGO4sX-VRbjy31e4_VgUjqsp5Lh2v5tSJjVK8,1321
45
- snowflake/ml/_internal/utils/session_token_manager.py,sha256=qXRlE7pyw-Gb0q_BmTdWZEu9pCq2oRNuJBoqfKD9QDQ,1727
46
- snowflake/ml/_internal/utils/snowflake_env.py,sha256=Mrov0v95pzVUeAe7r1e1PtlIco9ytj5SGAuUWORQaKs,2927
47
- snowflake/ml/_internal/utils/snowpark_dataframe_utils.py,sha256=ksWdVV2EUX4SOOcoeC00xZDEoOyukQOGqxO20_XxaMs,5981
48
- snowflake/ml/_internal/utils/spcs_attribution_utils.py,sha256=9XPKe1BDkWhnGuHDXBHE4FP-m3U22lTZnrQLsHGFhWU,4292
49
- snowflake/ml/_internal/utils/sql_identifier.py,sha256=ZcRjSfpovsqaY7S8bFB6z44z28XICncHGwOIzs8rLDI,3729
50
- snowflake/ml/_internal/utils/table_manager.py,sha256=jHGfl0YSqhFLL7DOOQkjUMzTmLkqFDIM7Gs0LBQw8BM,4384
51
- snowflake/ml/_internal/utils/temp_file_utils.py,sha256=0-HTjXdxVt0kE6XcgyvRvY0btflWlmotP2bMXVpFJPA,1553
52
- snowflake/ml/_internal/utils/uri.py,sha256=pvskcWoeS0M66DaU2XlJzK9wce55z4J5dn5kTy_-Tqs,2828
53
- snowflake/ml/data/data_connector.py,sha256=I_cFprDeT55MzJh6mVZHBvktMicHC33N4DU1kFcKklQ,7534
54
- snowflake/ml/data/data_ingestor.py,sha256=Nrj5l0cVnoXWI6Ilig-r_pGS902xkZATbqh3OsV53NI,1017
55
- snowflake/ml/data/data_source.py,sha256=dRemXGi_HHQdn6gaNkxxGJixnQPuUYFDP8NBjmB_ZMk,518
56
- snowflake/ml/data/ingestor_utils.py,sha256=oeUb631XgG7XBJxoqeGcY-ormEjyESj_Iu74Vc6GQqQ,2352
57
- snowflake/ml/data/torch_dataset.py,sha256=OFB0X-p121DT5VPy614_Vt5alfBP3Szj2zLiVFIPRC4,1190
58
- snowflake/ml/data/_internal/arrow_ingestor.py,sha256=hjk0jbf-QOGAr-PE9Vwu8MNVPd9lc8bAkM51QzyCNqE,12157
59
- snowflake/ml/dataset/__init__.py,sha256=nESj7YEI2u90Oxyit_hKCQMWb7N1BlEM3Ho2Fm0MfHo,274
60
- snowflake/ml/dataset/dataset.py,sha256=NNwEyfHwyZ0ZRwp6poBxZE982RjAFUfN645yDFTdmUI,21188
61
- snowflake/ml/dataset/dataset_factory.py,sha256=Fym4ICK-B1j6Om4ENwWxEvryq3ZKoCslBSZDBenmjOo,1615
62
- snowflake/ml/dataset/dataset_metadata.py,sha256=tWR3fa2WG3Kj2btKMbg51l5jX68qm1rfXRswU0IDYTg,4157
63
- snowflake/ml/dataset/dataset_reader.py,sha256=e-IRbxbxFfNbsglmqtzhV_wYFsEflBW6-U_krbfXPpw,4371
64
- snowflake/ml/feature_store/__init__.py,sha256=VKBVkS050WNF8rcqNqwFfNXa_B9GZjcUpuibOGsUSls,423
65
- snowflake/ml/feature_store/access_manager.py,sha256=WBRRzmUUB_K9_xX6duv4tFExb7d4RksO_7FZjzEtoww,10696
66
- snowflake/ml/feature_store/entity.py,sha256=A65FOGlljREUG8IRMSN84v1x2uTeVGCM4NqKXO2Ui8w,4059
67
- snowflake/ml/feature_store/feature_store.py,sha256=Yqpypd-Mn0SyyRXNZ69zPKu02wydDl3Yie78KD9Td-E,112134
68
- snowflake/ml/feature_store/feature_view.py,sha256=nUBO5niA-eZYkWe4-XrnMt5gIZ6MlGsqT_SKJX78HF4,34226
69
- snowflake/ml/feature_store/examples/example_helper.py,sha256=hVaPrjtMsMxJ804vTzjrI5cvyyPLx2ExZi2P9Qfg4z0,12248
70
- snowflake/ml/feature_store/examples/airline_features/entities.py,sha256=V2xVZpHFgGA92Kyd9hCWa2YoiRhH5m6HAgvnh126Nqo,463
71
- snowflake/ml/feature_store/examples/airline_features/source.yaml,sha256=kzl8ukOK8OuSPsxChEgJ9SPyPnzC-fPHqZC4O6aqd5o,247
72
- snowflake/ml/feature_store/examples/airline_features/features/plane_features.py,sha256=qVYEGKt7DMioZvf20b3-RNtJOQVYUyWANCdk-CdOyuU,1015
73
- snowflake/ml/feature_store/examples/airline_features/features/weather_features.py,sha256=A5hkWOQ3CTQfaJaUQ1VsB2Ne8LmIrM9DPyrMX0EOHvI,1634
74
- snowflake/ml/feature_store/examples/citibike_trip_features/entities.py,sha256=SE8Zx3xqFJk65Tqori4nh0KOPwEY3baMoFsVAYM1e7c,449
75
- snowflake/ml/feature_store/examples/citibike_trip_features/source.yaml,sha256=gutDfijhGkBu1w4r1286JnuO4EhbuRPKwoHisYlt8Yw,229
76
- snowflake/ml/feature_store/examples/citibike_trip_features/features/station_feature.py,sha256=3I95LMBEo5lXlaztPhjF_MVUmYXUZ9Xaz8ZmQpT0Cxk,1369
77
- snowflake/ml/feature_store/examples/citibike_trip_features/features/trip_feature.py,sha256=LChqltsCBwD8diJN-Qno7a_gOBTwz6qCPm6qTmYSICc,1194
78
- snowflake/ml/feature_store/examples/new_york_taxi_features/entities.py,sha256=J5oragmf6UvwruMjHhtrlzcBP-rA3Fyqv9VOJAT4goU,396
79
- snowflake/ml/feature_store/examples/new_york_taxi_features/source.yaml,sha256=0DShPCG972klJjHod0qkXrT7zkw45B3YCZs5U-x4Pv4,338
80
- snowflake/ml/feature_store/examples/new_york_taxi_features/features/location_features.py,sha256=ycjBkYxOnvpmToGsoTwohBEPgzzlZnm2wkDeYMUKJKY,1728
81
- snowflake/ml/feature_store/examples/new_york_taxi_features/features/trip_features.py,sha256=RgDl2KX0y8f3B_yKNg6Tf64CsG6_ItcWoCFWScXhjz4,1273
82
- snowflake/ml/feature_store/examples/source_data/airline.yaml,sha256=CZV416oTTM6hWCK2GPdb38Q8AR3CGIxAZwXrbP9KT_E,152
83
- snowflake/ml/feature_store/examples/source_data/citibike_trips.yaml,sha256=OaQwNzUHasgGgy8oIOHVRJ5tg7nnKs11hqDSZYs5-U0,923
84
- snowflake/ml/feature_store/examples/source_data/fraud_transactions.yaml,sha256=ENAIRcrRmdIplKJP8A5nhXdWSQRNTeQH4ghIT9boE8o,711
85
- snowflake/ml/feature_store/examples/source_data/nyc_yellow_trips.yaml,sha256=1PkEybh_ieP-HZme9YPuAf6-pL4D6-6dzNlqdZpH8fk,142
86
- snowflake/ml/feature_store/examples/source_data/winequality_red.yaml,sha256=03qIwx_7KA-56HwKqshSOFCGOvLnQibR_Iv2zprz_Vs,741
87
- snowflake/ml/feature_store/examples/wine_quality_features/entities.py,sha256=Hk593l6dqruvgcPRcSGKf2UGVQ9CPxmD547UuZ7QCnU,294
88
- snowflake/ml/feature_store/examples/wine_quality_features/source.yaml,sha256=dPs0nzf4poLhxDVEydb2Ff3mpRCWQ_L4jCoPO7HV4QA,241
89
- snowflake/ml/feature_store/examples/wine_quality_features/features/managed_wine_features.py,sha256=fqZWuCjVQ_AX0gIO-HCjzDMVwj749e23Lx2Mg25gX88,1432
90
- snowflake/ml/feature_store/examples/wine_quality_features/features/static_wine_features.py,sha256=xtq3BdvVqTkP17aw0aCizF2EHmmBVeZOD7UMul2z4hs,990
91
- snowflake/ml/fileset/embedded_stage_fs.py,sha256=AYa0vRiqQTvi1Z86tAeID_Mxl3kgxbhi35A0o_-DJF0,6003
92
- snowflake/ml/fileset/fileset.py,sha256=yfYFZL2b1vYqL0zs6m9_hmjzyP3TAGTINNz6hF1yalQ,26196
93
- snowflake/ml/fileset/parquet_parser.py,sha256=sjyRB59cGBzSzvbcYLvu_ApMPtrR-zwZsQkxekMR4FA,6884
94
- snowflake/ml/fileset/sfcfs.py,sha256=a77UJFz5Ve9s_26QpcOOoFNOBIKN91KmhYVTQkafn0c,15344
95
- snowflake/ml/fileset/snowfs.py,sha256=uF5QluYtiJ-HezGIhF55dONi3t0E6N7ByaVAIAlM3nk,5133
96
- snowflake/ml/fileset/stage_fs.py,sha256=9v6TybA8pbQ9n1vp6Sh4Ds2LwPW2M_EGoAhGsBEeLVs,20068
97
- snowflake/ml/fileset/tf_dataset.py,sha256=K8jafWBsyRaIYEmxaYAYNDj3dLApK82cg0Mlx52jX8I,3849
98
- snowflake/ml/fileset/torch_datapipe.py,sha256=O2irHckqLzPDnXemEbAEjc3ZCVnLufPdPbt9WKYiBp0,2386
99
- snowflake/ml/lineage/__init__.py,sha256=8p1YGynC-qOxAZ8jZX2z84Reg5bv1NoJMoJmNJCrzI4,65
100
- snowflake/ml/lineage/lineage_node.py,sha256=ac_TYngOt7Q_o_JgZQWysREyAzy12j3Q15xgMkAltgk,5576
101
- snowflake/ml/model/__init__.py,sha256=KgZmgLHXmkmEU5Q7pzYQlpfvIll4SRTSiT9s4RjeleI,393
102
- snowflake/ml/model/_api.py,sha256=u2VUcZ0OK4b8DtlqB_IMaT8EWt_onRVaw3VaWAm4OA4,22329
103
- snowflake/ml/model/custom_model.py,sha256=Nu9kNa9pDFXmLN1Ipv4bc_htG0lPeWKD0AQ2Ma2-wK0,9172
104
- snowflake/ml/model/deploy_platforms.py,sha256=r6cS3gTNWG9i4P00fHehY6Q8eBiNva6501OTyp_E5m0,144
105
- snowflake/ml/model/model_signature.py,sha256=Iwll4_VbcDtDX0otGS_NVd0gKSdcHQ_OJbZxNNGMRFg,29473
106
- snowflake/ml/model/type_hints.py,sha256=LD8BVvh6vJy9jvnDpzuBkHZFUXmwPqRNCwzFKVOriGM,14133
107
- snowflake/ml/model/_client/model/model_impl.py,sha256=pqjK8mSZIQJ_30tRWWFPIo8X35InSVoAunXlQNtSJEM,15369
108
- snowflake/ml/model/_client/model/model_version_impl.py,sha256=8C8PXBYZEp11ZjLxdEunzyHp6QKRTnz9cu95jERomuI,27873
109
- snowflake/ml/model/_client/ops/metadata_ops.py,sha256=7cGx8zYzye2_cvZnyGxoukPtT6Q-Kexd-s4yeZmpmj8,4890
110
- snowflake/ml/model/_client/ops/model_ops.py,sha256=_Mj9ULvXq8cRd65ELcvj08XIZ4uBa0Pv51K5rQI3Wdc,36749
111
- snowflake/ml/model/_client/ops/service_ops.py,sha256=U1-dHCXLZuiJFxfhpOGx_vsld4zfEYXqsJmYJ6x-Qak,4898
112
- snowflake/ml/model/_client/service/model_deployment_spec.py,sha256=vw9HQtAipGutgDZJ7JcBRrJg2ufL75qqSvNTplW230Q,4103
113
- snowflake/ml/model/_client/service/model_deployment_spec_schema.py,sha256=3LrA8UiLWkwzzaxzdo5RCHsY-3Az5dCXy_a8qBrPbTs,762
114
- snowflake/ml/model/_client/sql/_base.py,sha256=pN5hxyC0gGzEJgZh2FBHLU0Y6iIoLcebHoE7wTpoUZQ,1252
115
- snowflake/ml/model/_client/sql/model.py,sha256=kdglOjmrOsFZYoEu63-BfyLXgnWBe7RrwkknalDKDkQ,5783
116
- snowflake/ml/model/_client/sql/model_version.py,sha256=hkxmpUR0fiVcecnsJ3W-zkwREr6cV_AQggpMJap2os8,20366
117
- snowflake/ml/model/_client/sql/service.py,sha256=kpjjOVqhmY6N-24vIQ1ICxCAjcHYe0mbyG-IACqcUGk,5376
118
- snowflake/ml/model/_client/sql/stage.py,sha256=hrCh9P9F4l5R0hLr2r-wLDIEc4XYHMFdX1wNRveMVt0,819
119
- snowflake/ml/model/_client/sql/tag.py,sha256=pwwrcyPtSnkUfDzL3M8kqM0KSx7CaTtgty3HDhVC9vg,4345
120
- snowflake/ml/model/_deploy_client/image_builds/base_image_builder.py,sha256=clCaoO0DZam4X79UtQV1ZuMQtTezAJkhLu9ViAX18Xk,302
121
- snowflake/ml/model/_deploy_client/image_builds/client_image_builder.py,sha256=G74D9lV2B3d544YzFN-YrjPkaST7tbQeh-rM17dtoJc,10681
122
- snowflake/ml/model/_deploy_client/image_builds/docker_context.py,sha256=7uhAJsHsk7LbiZv_w3xOCE2O88rTUVnS3_B6OAz-JG4,6129
123
- snowflake/ml/model/_deploy_client/image_builds/gunicorn_run.sh,sha256=1pntXgqFthW4gdomqlyWx9CJF-Wqv8VMoLkgSiTHEJ0,1578
124
- snowflake/ml/model/_deploy_client/image_builds/server_image_builder.py,sha256=SNXqUBkI_tPAgdnLrQW10smG_7O_DGwAuK3dLFE-wJA,10095
125
- snowflake/ml/model/_deploy_client/image_builds/inference_server/main.py,sha256=dC-02DfGfij5IwnhuVxj-oN_a85n54o7txNLL2_r4Z4,10977
126
- snowflake/ml/model/_deploy_client/image_builds/templates/dockerfile_template,sha256=8jYNmQfGw7bJgHCEd3iK9Tj68ne_x5U0hWhgKqPxEXw,1783
127
- snowflake/ml/model/_deploy_client/image_builds/templates/image_build_job_spec_template,sha256=g8mEvpJmwQ9OnAkZomeErPQ6h4OJ5NdtRCoylyIp7f4,1225
128
- snowflake/ml/model/_deploy_client/image_builds/templates/kaniko_shell_script_template,sha256=nEK7fqo_XHJEVKLNe--EkES4oiDm7M5E9CacxGItFU0,3633
129
- snowflake/ml/model/_deploy_client/snowservice/deploy.py,sha256=3Jn--iC5_dP_lJLWVShPvivH7EccT9AUWBX2tOavjYU,29286
130
- snowflake/ml/model/_deploy_client/snowservice/deploy_options.py,sha256=X4ncWgcgS9DKaNDiauOR9aVC6D27yb3DNouXDEHEjMQ,5989
131
- snowflake/ml/model/_deploy_client/snowservice/instance_types.py,sha256=YHI5D7UXNlEbV_Bzk0Nq6nrzfv2VUJfxwchLe7hY-lA,232
132
- snowflake/ml/model/_deploy_client/snowservice/templates/service_spec_template,sha256=hZX8XYPAlEU2R6JhZLj46js91g7XSfe2pysflCYH4HM,734
133
- snowflake/ml/model/_deploy_client/snowservice/templates/service_spec_template_with_model,sha256=2SUfeKVOSuZJgY6HZLi0m80ZrOzofjABbnusUl_JT1U,540
134
- snowflake/ml/model/_deploy_client/utils/constants.py,sha256=Ip_2GgsCYRXj_mD4MUdktQRlYGkqOXoznE49oignd7Y,1696
135
- snowflake/ml/model/_deploy_client/utils/snowservice_client.py,sha256=k0SulzWdttRvJkyuXM59aluEVgQg8Qd7XZUUpEBKuO4,11671
136
- snowflake/ml/model/_deploy_client/warehouse/deploy.py,sha256=yZR9M76oh6JbPQJHb6t3wGO3wuD04w0zLEXiEyZW_tg,8358
137
- snowflake/ml/model/_deploy_client/warehouse/infer_template.py,sha256=1THMd6JX1nW-OozECyxXbn9HJXDgNBUIdhfC9ODPDWY,3011
138
- snowflake/ml/model/_model_composer/model_composer.py,sha256=U4n6S4J4YtLxkNVurOhziH6p1HacOCHjYgK__gAFtKQ,7850
139
- snowflake/ml/model/_model_composer/model_manifest/model_manifest.py,sha256=wrcEFMzybkVQZNsCwOKQ5HHVd0Q6_M9WnahPuJ4XvrY,6715
140
- snowflake/ml/model/_model_composer/model_manifest/model_manifest_schema.py,sha256=JF9IPpSrXoyCdFnqidCN67HUqo6MV0CchXzi3klURII,2675
141
- snowflake/ml/model/_model_composer/model_method/function_generator.py,sha256=2cE463GKWAJCrqEYD1s8IPzd3iPu0X0eQ12NnXQhGBM,2556
142
- snowflake/ml/model/_model_composer/model_method/infer_function.py_template,sha256=eQ-FLUGt5r0P9UtDwWFoqSJzGeLBvwEMoHAbe8aCNsE,1418
143
- snowflake/ml/model/_model_composer/model_method/infer_partitioned.py_template,sha256=L5R04QeoW6dH1PdEy3qo1LS478rTmvvRmrwlgqVwimg,1504
144
- snowflake/ml/model/_model_composer/model_method/infer_table_function.py_template,sha256=NUDSyFFAdEZEWtSkvYxkU9vB-NTjcTg6sjkrNpcmF6A,1418
145
- snowflake/ml/model/_model_composer/model_method/model_method.py,sha256=4RfjJ_0Y8NUmI9YpmBqxBT2xk_yQ0RIzznaKGHlS6jU,7076
146
- snowflake/ml/model/_packager/model_handler.py,sha256=wMPGOegXx5GgiSA81gbKpfODosdj2mvD1bFbeN4OmNc,2642
147
- snowflake/ml/model/_packager/model_packager.py,sha256=q0iQSeV5jRJyPC-3TKqqqRbxvKHFmPPuOPYSYtoMY5c,6090
148
- snowflake/ml/model/_packager/model_env/model_env.py,sha256=BXj-YTyWtj_g-8YLN-lqMVAhoS5jE-ZEVIIi8X1EKoc,18485
149
- snowflake/ml/model/_packager/model_handlers/_base.py,sha256=qQS1ZSz1Ikdj0TvyLU9n8K6KAj-PknL4s801qpnWodo,7164
150
- snowflake/ml/model/_packager/model_handlers/_utils.py,sha256=XpVZM8KjCjy7swfWFb0TpKC6uqAqTL1nZbFdJ8DM8ng,4653
151
- snowflake/ml/model/_packager/model_handlers/catboost.py,sha256=AcAu3MrqLTaqusocrH8B3S1Qd0UyBdxa6Wqbn9kn67k,10710
152
- snowflake/ml/model/_packager/model_handlers/custom.py,sha256=59IxqxXvaG3g6NlVEPv8Irw2tBK4k5yLNosXNZJGS4o,8059
153
- snowflake/ml/model/_packager/model_handlers/huggingface_pipeline.py,sha256=mIOJaiqxhRVAMl08X0cs_4KvkH2zDDR4MM2rJUllp0E,20552
154
- snowflake/ml/model/_packager/model_handlers/lightgbm.py,sha256=uE2SE7qvDcpIUZ8Il_ZBDVT6kpFOP9ED8l1dm7dRTJU,12098
155
- snowflake/ml/model/_packager/model_handlers/llm.py,sha256=_qzjoJna6yWcu1AVC8K8pFgkL1dxYQ5Sh2Ad8kT1fRY,11020
156
- snowflake/ml/model/_packager/model_handlers/mlflow.py,sha256=ZJ1Tb6hQhaYv5z2DZUm4d4QSzNf2uFScFy_sZFdjlVA,9280
157
- snowflake/ml/model/_packager/model_handlers/pytorch.py,sha256=DDcf85xisPLT1PyXdmPrjJpIIepkdmWNXCOpT_dCncw,8294
158
- snowflake/ml/model/_packager/model_handlers/sentence_transformers.py,sha256=bBqJxXPzF8COgprUPnujHKpPEjOVVNH1E1VG_h8-5V0,9351
159
- snowflake/ml/model/_packager/model_handlers/sklearn.py,sha256=Rk3Eiv44vBm2ng_Sjk_W1m3m_PLCxl8dJGniBxsylqo,12287
160
- snowflake/ml/model/_packager/model_handlers/snowmlmodel.py,sha256=IEOuUkNaJMn6c69Npa5yMHV_z1BW8cA-yJ4U8AIFsQM,8237
161
- snowflake/ml/model/_packager/model_handlers/tensorflow.py,sha256=OhqC4GcmDDz4IOgDITLnG7KFY3zVtzOJX3wAtLv0bI0,8448
162
- snowflake/ml/model/_packager/model_handlers/torchscript.py,sha256=V9nGa0DaS1jxqudwEhGZR-MhAHuXWQevTXX-gjJRT0c,8378
163
- snowflake/ml/model/_packager/model_handlers/xgboost.py,sha256=vI8ppGJQ46Bemq9vw_rOM-KvZwLzeGoHrPtSxbigolQ,12579
164
- snowflake/ml/model/_packager/model_handlers_migrator/base_migrator.py,sha256=BZo14UrywGZM1kTqzN4VFQcYjl7dggDp1U90ZBCMuOg,1409
165
- snowflake/ml/model/_packager/model_meta/_core_requirements.py,sha256=z0WnMVFR9RySEpldoPrDsMgSrSW8EOiTaylnTsBwhe4,265
166
- snowflake/ml/model/_packager/model_meta/_packaging_requirements.py,sha256=TfJNtrfyZoNiJZYFfmTbmiWMlXKM-QxkOBIJVFvPit0,44
167
- snowflake/ml/model/_packager/model_meta/model_blob_meta.py,sha256=GmiqqI-XVjrOX7cSa5GKerKhfHptlsg74MKqTGwJ5Jk,1949
168
- snowflake/ml/model/_packager/model_meta/model_meta.py,sha256=FggDJ-5zN_4kkFvq5_MLBq2HtrJ2HeIP9A6KM9e0f2M,19962
169
- snowflake/ml/model/_packager/model_meta/model_meta_schema.py,sha256=jbjagr5d04W4vco9Fh8BrcpDo_keFVm5DGn2iDs1Khs,3041
170
- snowflake/ml/model/_packager/model_meta_migrator/base_migrator.py,sha256=SORlqpPbOeBg6dvJ3DidHeLVi0w9YF0Zv4tC0Kbc20g,1311
171
- snowflake/ml/model/_packager/model_meta_migrator/migrator_plans.py,sha256=nf6PWDH_gvX_OiS4A-G6BzyCLFEG4dASU0t5JTsijM4,1041
172
- snowflake/ml/model/_packager/model_meta_migrator/migrator_v1.py,sha256=qEPzdCw_FzExMbPuyFHupeWlYD88yejLdcmkPwjJzDk,2070
173
- snowflake/ml/model/_packager/model_runtime/_snowml_inference_alternative_requirements.py,sha256=fRPGbrnq67PRo3e_uVk01TKZ7AZKYM-_lryePkNk5AY,239
174
- snowflake/ml/model/_packager/model_runtime/model_runtime.py,sha256=J9oS2x5ZSJb3dQM98xyBrxcsIwx1vyOu6lc0HQCzlFU,4790
175
- snowflake/ml/model/_signatures/base_handler.py,sha256=WwBfe-83Y0m-HcDx1YSYCGwanIe0fb2MWhTeXc1IeJI,1304
176
- snowflake/ml/model/_signatures/builtins_handler.py,sha256=nF-2ptQjeu7ikO72_d14jk1N6BVbmy-mjtZ9I1c7-Qg,2741
177
- snowflake/ml/model/_signatures/core.py,sha256=xj4QwfVixzpUjVMfN1-d2l8LMi7b6qH7QvnvD3oMxSw,18480
178
- snowflake/ml/model/_signatures/numpy_handler.py,sha256=wE9GNuNNmC-0jLmz8lI_UhyETNkKUvftIABAuNsSe94,5858
179
- snowflake/ml/model/_signatures/pandas_handler.py,sha256=E1Z7nkFX2toMxUOLx595Vv_7bMLK70IFdU9HZp7Z2-g,8219
180
- snowflake/ml/model/_signatures/pytorch_handler.py,sha256=QkSiWCBSRRCnsOaONvRPOyMIi4BfUv0zrirXMPmzUD4,4568
181
- snowflake/ml/model/_signatures/snowpark_handler.py,sha256=3WjPhkyUFuIQ8x8cgQMOMrjlqOhifn_g5amPoHM7FVk,6033
182
- snowflake/ml/model/_signatures/tensorflow_handler.py,sha256=VZcws6svwupulhDodRYTn6GmlWZRqY9fW_gLkT8slxA,6082
183
- snowflake/ml/model/_signatures/utils.py,sha256=aP5lkxiT4lY5gtN6vnupAJhXwRXFSlWFumIYNVH7AtU,12687
184
- snowflake/ml/model/models/huggingface_pipeline.py,sha256=62GpPZxBheqCnFNxNOggiDE1y9Dhst-v6D4IkGLuDeQ,10221
185
- snowflake/ml/model/models/llm.py,sha256=ofrdHH4LQEQmnxYAGwmHV2sWLPenf0WcgBLg9MPwSmY,3616
186
- snowflake/ml/modeling/_internal/constants.py,sha256=xI4ofa3ATQ2UszRPpkfUAxghV_gXmvxleqOew4UI1PM,45
187
- snowflake/ml/modeling/_internal/estimator_utils.py,sha256=XYwOcmhSc053mtItkymKiXk3a_Znxo9AjTep3tSTVzw,11323
188
- snowflake/ml/modeling/_internal/model_specifications.py,sha256=nAqgw7i1LcYMKRQq9mg2I50Kl0tsayh2_do5UMDXdT0,4801
189
- snowflake/ml/modeling/_internal/model_trainer.py,sha256=wLAfgWjwWXj3dqhyzZLCJVYSSgujq6zrYBa4q0pw_II,923
190
- snowflake/ml/modeling/_internal/model_trainer_builder.py,sha256=11cpEaxU1D7R7m79nVLcCA9dryUPsElS7YdlKZh850U,8422
191
- snowflake/ml/modeling/_internal/model_transformer_builder.py,sha256=Y6Y8XSr7X7xAy1FvjPuHTb9Opy7tnGoCuOUBc5WEBJ4,3364
192
- snowflake/ml/modeling/_internal/transformer_protocols.py,sha256=adbJH9BcD52Z1VbqoCE_9IexjIxERTXE8932Hz-gw3E,6482
193
- snowflake/ml/modeling/_internal/local_implementations/pandas_handlers.py,sha256=xrayZRLP8_qrnfLJE4uPZ1uz0z3xy4Y5HrJqM3c7MA4,7831
194
- snowflake/ml/modeling/_internal/local_implementations/pandas_trainer.py,sha256=MyTRkBV3zbDeO7HJaWrKYT3KkVqW51Q0AX2BbUtN4og,5737
195
- snowflake/ml/modeling/_internal/ml_runtime_implementations/ml_runtime_handlers.py,sha256=fgm1DpBBO0qUo2fXFwuN2uFAyTFhcIhT5_bC326VTVw,5544
196
- snowflake/ml/modeling/_internal/ml_runtime_implementations/ml_runtime_trainer.py,sha256=lM1vYwpJ1jgTh8vnuyMp4tnFibM6UFf50W1IpPWwUWE,2535
197
- snowflake/ml/modeling/_internal/snowpark_implementations/distributed_hpo_trainer.py,sha256=6U7rHVgn_RqDyuwJ4hkNpDwQ2sbp4CFv4UZ-Eis0kbM,54650
198
- snowflake/ml/modeling/_internal/snowpark_implementations/distributed_search_udf_file.py,sha256=HnsSmsXAeJrH9zVeq3CSziIaCUDxeWWx6kRyAK4qajM,6601
199
- snowflake/ml/modeling/_internal/snowpark_implementations/snowpark_handlers.py,sha256=Iqk8y4ltjfwDfrBOHmmvYRGyNzR3ZokQNukByUyH8NU,15516
200
- snowflake/ml/modeling/_internal/snowpark_implementations/snowpark_trainer.py,sha256=BVUHR4k5uQzVTddXvfDgzm9nZ_ZnkDg4SxTM69yV9a8,33588
201
- snowflake/ml/modeling/_internal/snowpark_implementations/xgboost_external_memory_trainer.py,sha256=JHAo8u7myo1ZF1g1Ia_E2GDnPJqGdunl7ezma9mtANI,17333
202
- snowflake/ml/modeling/calibration/__init__.py,sha256=rY5qSOkHj59bHiTV6LhBiEhUA0StoCb0ACNR2vkV4v0,297
203
- snowflake/ml/modeling/calibration/calibrated_classifier_cv.py,sha256=K9_iTZRo_XU7THcR6t51OcmHQxHj07CxdBkKHi-4FSY,51596
204
- snowflake/ml/modeling/cluster/__init__.py,sha256=rY5qSOkHj59bHiTV6LhBiEhUA0StoCb0ACNR2vkV4v0,297
205
- snowflake/ml/modeling/cluster/affinity_propagation.py,sha256=XGpuBMEU0CfXa3NumS5eBY1k2TA2nUXoDpbUlF8EZKg,49509
206
- snowflake/ml/modeling/cluster/agglomerative_clustering.py,sha256=YX5_3a4h-esiuO3h-IBNyQRETx8ROqjppxqseabxY1A,51546
207
- snowflake/ml/modeling/cluster/birch.py,sha256=JOhh4CekZQNVxU1hNf6eWLLM0g1t-LjBBsIgeC1z_JY,49436
208
- snowflake/ml/modeling/cluster/bisecting_k_means.py,sha256=XqzVUjQ6zcilP-PgslRYNRe3FTBDDkx85VTcaIB_YhU,52195
209
- snowflake/ml/modeling/cluster/dbscan.py,sha256=w-d3CY5KHTk0zm05Q0aYR15PaXa9tjTtmyC6xC_rtOg,49596
210
- snowflake/ml/modeling/cluster/feature_agglomeration.py,sha256=DRyJPbDYdvXCLM39VNWCh9V7Dsc4jgw4dz5lHWGP1ew,52311
211
- snowflake/ml/modeling/cluster/k_means.py,sha256=azFG8uEX5J6lS9PqKDgv1kQo7tyrUt4dBs0JmRr347c,51724
212
- snowflake/ml/modeling/cluster/mean_shift.py,sha256=EPXQI46vf3B7ky9PmDCK86Nl1m1JeGNo_O1oYSwrT04,49806
213
- snowflake/ml/modeling/cluster/mini_batch_k_means.py,sha256=n_A2V1HZRfkAPKG36by6305ghy7DMbZlfryUdRFZDEQ,53113
214
- snowflake/ml/modeling/cluster/optics.py,sha256=GoIOqcEu7V-y1C5lk3aK13CUrhdsx3r2Tweamci2vdY,52910
215
- snowflake/ml/modeling/cluster/spectral_biclustering.py,sha256=HpWYWZtAwWC_06XcBNIT1RUVW_8QklJw18Q0f3VjML0,49805
216
- snowflake/ml/modeling/cluster/spectral_clustering.py,sha256=DlL3--nc-R_ISnG4gV6MwB5KmMmOTV2m0xltRSO2OKE,52997
217
- snowflake/ml/modeling/cluster/spectral_coclustering.py,sha256=3mXD667Al2Z7LMT9hYP_0Ykp1XkGpOryWhMWjlQZkeA,48938
218
- snowflake/ml/modeling/compose/__init__.py,sha256=rY5qSOkHj59bHiTV6LhBiEhUA0StoCb0ACNR2vkV4v0,297
219
- snowflake/ml/modeling/compose/column_transformer.py,sha256=71LEirqv49TIUt3yMEjW_SpUdZeDLc6Eq2D0m3n_eMM,51776
220
- snowflake/ml/modeling/compose/transformed_target_regressor.py,sha256=1NwaWTVABvYhApdXJHSb7BLrOOnmGc2u-v0n_4Hv4IU,49408
221
- snowflake/ml/modeling/covariance/__init__.py,sha256=rY5qSOkHj59bHiTV6LhBiEhUA0StoCb0ACNR2vkV4v0,297
222
- snowflake/ml/modeling/covariance/elliptic_envelope.py,sha256=pXq9oGodQZvBcUHBk8BqWMAnTZHeSP_sKA5PSCllTBE,49830
223
- snowflake/ml/modeling/covariance/empirical_covariance.py,sha256=xnc9sqX5yYXTpCSXaKTM5MWvWSg1vLQUc3bxLNeYw2w,47638
224
- snowflake/ml/modeling/covariance/graphical_lasso.py,sha256=g9S1OFD8oDG8eFHdbxeRVRoXq51ZmY1gyEfGD7ZoOY4,49502
225
- snowflake/ml/modeling/covariance/graphical_lasso_cv.py,sha256=_LQa69Vms5LRZZfDFY2ZIs97I_NS5-fNUBX-fnHpymM,50667
226
- snowflake/ml/modeling/covariance/ledoit_wolf.py,sha256=Ic3JsS3FnKFOkqTyKl7hnJKBJ0f2QvVsxa0S2H-ozak,47776
227
- snowflake/ml/modeling/covariance/min_cov_det.py,sha256=_kBmsMyNcA_moBOvjucLfMp90y3YlU9HKZZImOxGbdw,48531
228
- snowflake/ml/modeling/covariance/oas.py,sha256=Zhdeao4qKP-QxSTVJEDGLSZfsfRlMw1SEaB7fU997Hg,47417
229
- snowflake/ml/modeling/covariance/shrunk_covariance.py,sha256=Gi2fFZj5UxmsKgLldV5GSSoLeAkcbAueEjaNnqc7ET0,47793
230
- snowflake/ml/modeling/decomposition/__init__.py,sha256=rY5qSOkHj59bHiTV6LhBiEhUA0StoCb0ACNR2vkV4v0,297
231
- snowflake/ml/modeling/decomposition/dictionary_learning.py,sha256=4VquBu3aa87sQc4t-bhb3Hzqh6rGUkNQACibKnMWHRI,52790
232
- snowflake/ml/modeling/decomposition/factor_analysis.py,sha256=xsf4a7lZyMq3xvu0zQ_M9iMlLbQgpUrypSS1HB8busg,50453
233
- snowflake/ml/modeling/decomposition/fast_ica.py,sha256=s9PfbTA8l5PTl0aIw54NrbznfusUQjao5zW9lXeZaFE,50387
234
- snowflake/ml/modeling/decomposition/incremental_pca.py,sha256=8S7WBdrn0n7wvQd9rJb4oVJ9mS5IKzhegpYokh6PTs0,48747
235
- snowflake/ml/modeling/decomposition/kernel_pca.py,sha256=3P91UeX8jksZB9QVXsjHTmCP7BR3Bug-r42KUFQBvQM,52745
236
- snowflake/ml/modeling/decomposition/mini_batch_dictionary_learning.py,sha256=zbOwmPz28O0XcgfkdoUFoQoIjllKq1Gs_1Lp-3ePKqw,53831
237
- snowflake/ml/modeling/decomposition/mini_batch_sparse_pca.py,sha256=-ZhoeMEb39KNk2pOKSCinQhnBFUNaxuTL4kJAyMafCI,51096
238
- snowflake/ml/modeling/decomposition/pca.py,sha256=lT0TUUGTp1TTmn3gRLIM3DDw_3qNu1rV-IsoZra9YNE,52014
239
- snowflake/ml/modeling/decomposition/sparse_pca.py,sha256=cGna3ORrGfpzDxjj6A7J5eQcakX-MTD-eLU3iGP8lAQ,49901
240
- snowflake/ml/modeling/decomposition/truncated_svd.py,sha256=T970CkfwOVxwqofaNc5BYTObXGN4SFuq1oP0q-ysPZ0,49524
241
- snowflake/ml/modeling/discriminant_analysis/__init__.py,sha256=rY5qSOkHj59bHiTV6LhBiEhUA0StoCb0ACNR2vkV4v0,297
242
- snowflake/ml/modeling/discriminant_analysis/linear_discriminant_analysis.py,sha256=aD4eyWhCJ0dtHnuiRdiMROYGa5pk1Ww5PSFtKZGcsTM,52195
243
- snowflake/ml/modeling/discriminant_analysis/quadratic_discriminant_analysis.py,sha256=I4zI7ebh8m4WbtTo5HIjQGY20RLeW4Yd-bwTTvRVhHg,49977
244
- snowflake/ml/modeling/ensemble/__init__.py,sha256=rY5qSOkHj59bHiTV6LhBiEhUA0StoCb0ACNR2vkV4v0,297
245
- snowflake/ml/modeling/ensemble/ada_boost_classifier.py,sha256=QSROCmhdBdQXL35Qo_58mgzklGFAFoMREBSlFSDKHRg,50795
246
- snowflake/ml/modeling/ensemble/ada_boost_regressor.py,sha256=sru0E3Jluo-xblOsiQu2i7uVq5Ii3NJy5qVOuYuphgE,49686
247
- snowflake/ml/modeling/ensemble/bagging_classifier.py,sha256=dfzXRYNMgFPRtKiHZJ2-sV7GnfuuYC5dXaxip4hooaU,51706
248
- snowflake/ml/modeling/ensemble/bagging_regressor.py,sha256=3Y9DXqe5CCRbpkAWFNdEshCHSfTr5b473kcPzHNpCI8,50942
249
- snowflake/ml/modeling/ensemble/extra_trees_classifier.py,sha256=4vwYcR0Gxm4dWlsLLxrDZIkb7yd5rBII3ICzVYAvdT8,56626
250
- snowflake/ml/modeling/ensemble/extra_trees_regressor.py,sha256=OY7vVz9GnevpLL6_vP_tj9uTYnRAU_VRfDLt-eBzV68,55230
251
- snowflake/ml/modeling/ensemble/gradient_boosting_classifier.py,sha256=jyjuwXiI-o_08lz1FEwbMo4Qvx8WFuYQJvfxEIh6NLk,58081
252
- snowflake/ml/modeling/ensemble/gradient_boosting_regressor.py,sha256=kzDj-tzK1Zh3hG8nslnZk-V6Yeudwi8TUe9_w0rJmgY,57674
253
- snowflake/ml/modeling/ensemble/hist_gradient_boosting_classifier.py,sha256=jFK9JOyTZq4VDRNuhYXJguqkHogM-mshxQhA-EYV5KQ,57915
254
- snowflake/ml/modeling/ensemble/hist_gradient_boosting_regressor.py,sha256=jlzEtA-Il_zcgrN2AsypiiUsbekGHKE90FNq2igIhIg,56400
255
- snowflake/ml/modeling/ensemble/isolation_forest.py,sha256=OtQ_grOT13s47YaB4fsgDwKcJTylExq5f_uL3jAFHdQ,50978
256
- snowflake/ml/modeling/ensemble/random_forest_classifier.py,sha256=iI_pjip7zCA70IBVZmIUX1wM84aw1BA0GfC6ATldGSg,56609
257
- snowflake/ml/modeling/ensemble/random_forest_regressor.py,sha256=XSb3MwsB4esvoZHx_XAPahF8ABjdeJNCdTOAKImT9y0,55201
258
- snowflake/ml/modeling/ensemble/stacking_regressor.py,sha256=cVydbNy2f7a2NBxvUCw9E46whcv7NMnfA-p7D0-FT5s,50920
259
- snowflake/ml/modeling/ensemble/voting_classifier.py,sha256=0uWv7Z5iOU5g24MhtxFYb-F6NzWcsE0Ef7IsV47SJZo,50473
260
- snowflake/ml/modeling/ensemble/voting_regressor.py,sha256=IFYsFGYI1tFa21MArt03HrX5JvddyRNm4hEzoEUlEXM,48999
261
- snowflake/ml/modeling/feature_selection/__init__.py,sha256=rY5qSOkHj59bHiTV6LhBiEhUA0StoCb0ACNR2vkV4v0,297
262
- snowflake/ml/modeling/feature_selection/generic_univariate_select.py,sha256=eS-igVAnxLlhBpn3GVTB9kzxOE9aSDom8tCI8kuxLnk,48336
263
- snowflake/ml/modeling/feature_selection/select_fdr.py,sha256=XQlFrwBMCt-2DrRNzGj7bJiWxlcyYRpAPXzzfMJ87LE,47937
264
- snowflake/ml/modeling/feature_selection/select_fpr.py,sha256=1OkuVewZQZg2qthlIOASK8XPZaeaJMyRK5Jwj4tDF7g,47931
265
- snowflake/ml/modeling/feature_selection/select_fwe.py,sha256=OyPeCIcUFypzdEhl3NRFBB7dDkSGQGlipV-UacRVeXU,47939
266
- snowflake/ml/modeling/feature_selection/select_k_best.py,sha256=zO_JGWE0U5iF_ruiJOS1xWbbJLKTDzlheEy3bHbR2rg,48030
267
- snowflake/ml/modeling/feature_selection/select_percentile.py,sha256=Uh_WEWjInPmaRCSh0JXuqSj3Ai2fVE1xRoaAtv3p0vc,48085
268
- snowflake/ml/modeling/feature_selection/sequential_feature_selector.py,sha256=EgCyX3pdkdVeOByVvgiqgfTlbmTmJdrxKEWCydrONg8,50789
269
- snowflake/ml/modeling/feature_selection/variance_threshold.py,sha256=KWlDhy65YXAyt3qS2nqOuAYVxtV8gnS1bSjEUFyazjI,47725
270
- snowflake/ml/modeling/framework/_utils.py,sha256=7k9iU5zAWa4ZpMZlg8KfSMi4vH3o69w5aAh5RTRNdZ4,10203
271
- snowflake/ml/modeling/framework/base.py,sha256=Q1Yq8SesnpVWdtRGc6rbuz9T3hcT0eRjl2ZiWGyWAeQ,31954
272
- snowflake/ml/modeling/gaussian_process/__init__.py,sha256=rY5qSOkHj59bHiTV6LhBiEhUA0StoCb0ACNR2vkV4v0,297
273
- snowflake/ml/modeling/gaussian_process/gaussian_process_classifier.py,sha256=04H5iTImclnaG3QYJRSfnRQfBl2EfNnheJXlhzeuu-c,53347
274
- snowflake/ml/modeling/gaussian_process/gaussian_process_regressor.py,sha256=I33qYg_R8NDieFBJvd12mpCpe6jxy-fNhqwelw8e5uQ,52412
275
- snowflake/ml/modeling/impute/__init__.py,sha256=dYtqk_GD_hAAZjGfH1maWlZQ30h4hu_KGaf-_y9_AD8,298
276
- snowflake/ml/modeling/impute/iterative_imputer.py,sha256=9RXx_881cjE1D_Ge-4XcCuL-PHs7w-PwhKyazd669lc,54249
277
- snowflake/ml/modeling/impute/knn_imputer.py,sha256=ok-sB6aF1Myilb7obFQFec4RoWv790E984yeup32cWQ,49965
278
- snowflake/ml/modeling/impute/missing_indicator.py,sha256=Teuf0BKOr3i6RmmW4K7UBMGIHOkg4-NPu-XOiyFp1-s,48822
279
- snowflake/ml/modeling/impute/simple_imputer.py,sha256=T1niXlhS2vWbhF5IQ2k7qlBXKmvYVC3y1aKq73dCaBs,20946
280
- snowflake/ml/modeling/kernel_approximation/__init__.py,sha256=rY5qSOkHj59bHiTV6LhBiEhUA0StoCb0ACNR2vkV4v0,297
281
- snowflake/ml/modeling/kernel_approximation/additive_chi2_sampler.py,sha256=iYAZ8PxMQ4yurlSYdk5v0daPSyo_bXBZBbbatm721jY,47853
282
- snowflake/ml/modeling/kernel_approximation/nystroem.py,sha256=ghFz9Tt3S4qSb2V7yG5Idzgf4leJNvovQO7JscUUSRQ,49624
283
- snowflake/ml/modeling/kernel_approximation/polynomial_count_sketch.py,sha256=KV-nopNzaNO5hY085EL2b1IGToCMYiAAkcfkLdIjDsI,48872
284
- snowflake/ml/modeling/kernel_approximation/rbf_sampler.py,sha256=CkfxVDFXH0g0bBHtj4YqqizleB5g-XQbvQbVkkaYeB4,48226
285
- snowflake/ml/modeling/kernel_approximation/skewed_chi2_sampler.py,sha256=V103IK-LVZV_GnNRKHRvf8SqtZzRf2z-humuv3Px-c4,48274
286
- snowflake/ml/modeling/kernel_ridge/__init__.py,sha256=rY5qSOkHj59bHiTV6LhBiEhUA0StoCb0ACNR2vkV4v0,297
287
- snowflake/ml/modeling/kernel_ridge/kernel_ridge.py,sha256=NBdl_aCcc78yYNSf31N-oeHycA_l-WTW0xluEgUMooA,49726
288
- snowflake/ml/modeling/lightgbm/__init__.py,sha256=rY5qSOkHj59bHiTV6LhBiEhUA0StoCb0ACNR2vkV4v0,297
289
- snowflake/ml/modeling/lightgbm/lgbm_classifier.py,sha256=L9Bih5uStC-Ta8oyjJR0jv9Q7k5yiEKCArjaySHCid0,49294
290
- snowflake/ml/modeling/lightgbm/lgbm_regressor.py,sha256=YU2A2Ewo99AL0oOqK5nYSKwA6hjaGYLo4DPBH9--Qm8,48797
291
- snowflake/ml/modeling/linear_model/__init__.py,sha256=rY5qSOkHj59bHiTV6LhBiEhUA0StoCb0ACNR2vkV4v0,297
292
- snowflake/ml/modeling/linear_model/ard_regression.py,sha256=XEYZvnaJJlElbUFJP_Zt6WBCbADd8tYYPDyoD_uAV8g,49671
293
- snowflake/ml/modeling/linear_model/bayesian_ridge.py,sha256=iZjGFwKoGVoMK7_KBFC3EoPVNnSeNQgv4pUz4Yt_AfQ,50087
294
- snowflake/ml/modeling/linear_model/elastic_net.py,sha256=EIAn_BBDDbpRq5GNhH3xLeernz3eXufnKZrK7ydWk_Q,50659
295
- snowflake/ml/modeling/linear_model/elastic_net_cv.py,sha256=OQrwzyFAhJCJS4kYDTXMYD3U0sLQt1QPNT_Svtd9JMk,51927
296
- snowflake/ml/modeling/linear_model/gamma_regressor.py,sha256=XNPXohb_s8-ZE04r3QmN3XS5z645M8EcZtWG7cqo5gE,49739
297
- snowflake/ml/modeling/linear_model/huber_regressor.py,sha256=hPdF84DJGnarFa3RD6pdiapqKTZ6jP6texhqMRHVtPc,48936
298
- snowflake/ml/modeling/linear_model/lars.py,sha256=7CQlfXJIc7Xz_97nKaD38LLydFEp3g4EurTudDPgvBY,50159
299
- snowflake/ml/modeling/linear_model/lars_cv.py,sha256=f4QPrnc2s5_olqNIauFLyBJJPnjCMiiBYl2lP2QPea0,50380
300
- snowflake/ml/modeling/linear_model/lasso.py,sha256=_LNtPWVKs5Ijqi5Vbyp9BBbJcbGCS30cXhHN0dkEQyI,50265
301
- snowflake/ml/modeling/linear_model/lasso_cv.py,sha256=mBoCFXehOaQM4jXZupM0BMAT6pZUbe6we90LV0sFN68,51050
302
- snowflake/ml/modeling/linear_model/lasso_lars.py,sha256=Cw049plEqVJA868QR47vHuTDive1sEExoQ3P6uBwncM,51295
303
- snowflake/ml/modeling/linear_model/lasso_lars_cv.py,sha256=_PO0Y4iZCwAOz7tJG2XbGUns5avUvQrilr-INJ9Ewv8,51256
304
- snowflake/ml/modeling/linear_model/lasso_lars_ic.py,sha256=gd1TJhxGctmsPmnxpL_jsvUNeL0WOygibM-OsRkfF8Q,50602
305
- snowflake/ml/modeling/linear_model/linear_regression.py,sha256=j5Xh-HAb_rIcQMfewhspu5w4M3eQLBrDHTDxaAw1fCA,48478
306
- snowflake/ml/modeling/linear_model/logistic_regression.py,sha256=JjeIgmCQjD5ScyfYFl42cag6jBI15n1XS37WvtNn5Ec,54733
307
- snowflake/ml/modeling/linear_model/logistic_regression_cv.py,sha256=2CzGvL-O0REYKTDalFrHuzDXjFvUX8oeB3KPyK2oMxc,55773
308
- snowflake/ml/modeling/linear_model/multi_task_elastic_net.py,sha256=ppjO4PZiZANuD9Aq9IkCmWG4HeQ-1KiHmnS3GGL_H0o,49950
309
- snowflake/ml/modeling/linear_model/multi_task_elastic_net_cv.py,sha256=-GnfKXcdfV2aL1JImYUhbdBmKJUrauo4K9m_hrB61QU,51588
310
- snowflake/ml/modeling/linear_model/multi_task_lasso.py,sha256=Hz2olnylyEZBsHjyoB1c1JtN7daGg_u3WavDt-vZDfI,49498
311
- snowflake/ml/modeling/linear_model/multi_task_lasso_cv.py,sha256=y20mLXkHbSWjtOaus5tXKrGlHazmWHg6GBExCEzI85s,50760
312
- snowflake/ml/modeling/linear_model/orthogonal_matching_pursuit.py,sha256=mZiCfvcu-c_d7aoyqrIKA0gBbsH6VKW8CZgem2mBrkQ,49105
313
- snowflake/ml/modeling/linear_model/passive_aggressive_classifier.py,sha256=2h6NzmbiDCYKq-oToc9sj425h_yUWuIdJHmfx3o96pQ,52461
314
- snowflake/ml/modeling/linear_model/passive_aggressive_regressor.py,sha256=C5O73iGAiAeWgS6_OvI0Y7yznCAfVNio7T_3maoU9nM,51528
315
- snowflake/ml/modeling/linear_model/perceptron.py,sha256=0txxyIYrP_TCFFtHCLT7ZZQY-KX2fsRyopSt1PaoJa8,51845
316
- snowflake/ml/modeling/linear_model/poisson_regressor.py,sha256=LUGDYcOJhj5J2w6LUvWdLRJW6ocjRhSqYAxewr-02W4,49784
317
- snowflake/ml/modeling/linear_model/ransac_regressor.py,sha256=XCa_uSPa-ufmlu-Cjxk7RC2vdbmXorZDNRKVIAgK2XM,52903
318
- snowflake/ml/modeling/linear_model/ridge.py,sha256=7PxOQSaNP_WoGWhyruKX0yaqJCkHd8nocJCs_pihfYU,51809
319
- snowflake/ml/modeling/linear_model/ridge_classifier.py,sha256=mphwSuzmQdfhmNyVMijXFifDLVLEkLDdhax1YnI5IO8,52197
320
- snowflake/ml/modeling/linear_model/ridge_classifier_cv.py,sha256=NLp1ih9pmk71OHWHdIvuOUnF8vr7tCTZtmrJCBpObjU,50192
321
- snowflake/ml/modeling/linear_model/ridge_cv.py,sha256=BlJLP44TG4M8Fd1ygQ6DTKpR6zzipvn10KzzafijSzE,50893
322
- snowflake/ml/modeling/linear_model/sgd_classifier.py,sha256=NSqWxj693EefNlIjH1NGjN0hITDzPOtBcGhIw2vTSu8,57270
323
- snowflake/ml/modeling/linear_model/sgd_one_class_svm.py,sha256=s46-agva7istln4N96cCt_iOEft-5ZAAdrcAY7zvq48,52152
324
- snowflake/ml/modeling/linear_model/sgd_regressor.py,sha256=LxbXjd-ZukPmvZ7dsOXp3XNIkxf02ESWrvbRC52DeEc,54741
325
- snowflake/ml/modeling/linear_model/theil_sen_regressor.py,sha256=RoupM8uJLO8Wei3a1Vtbz6LJv9UkYWyovjzQKkOPDeQ,50219
326
- snowflake/ml/modeling/linear_model/tweedie_regressor.py,sha256=j3WY7u3mxWQYIjBjh-8NeBFbUNF_OIWpQTrN8771iqg,51175
327
- snowflake/ml/modeling/manifold/__init__.py,sha256=rY5qSOkHj59bHiTV6LhBiEhUA0StoCb0ACNR2vkV4v0,297
328
- snowflake/ml/modeling/manifold/isomap.py,sha256=X78nMPqC7lRkgXr_QOESTmZVL3ofekECR2UqDiLX7O0,50486
329
- snowflake/ml/modeling/manifold/mds.py,sha256=eiouIDYVXFAUG0oiA-epAzwOiiJf2o-6jWwIyjuoldM,49706
330
- snowflake/ml/modeling/manifold/spectral_embedding.py,sha256=b-uNomRv_TZlIdGlITeaayUzYHagWgr5l4cs4yTvTsE,50557
331
- snowflake/ml/modeling/manifold/tsne.py,sha256=-PSot6jXJpnycXj_4TH6w2W5x9i-yiavmIz-9gd5BxM,53496
332
- snowflake/ml/modeling/metrics/__init__.py,sha256=pyZnmdcefErGbbhQPIo-_nGps7B09veZtjKZn4lI8Tg,524
333
- snowflake/ml/modeling/metrics/classification.py,sha256=5XbbpxYu9HXB7FUbBJfT7wVNMKBfzxwcaVzlMSyHAWg,66499
334
- snowflake/ml/modeling/metrics/correlation.py,sha256=Roi17Sx5F81VlJaLQTeBAe5qZ7sZYc31UkIuC6z4qkQ,4803
335
- snowflake/ml/modeling/metrics/covariance.py,sha256=HxJK1mwyt6lMSg8yonHFQ8IxAEa62MHeb1M3eHEtqlk,4672
336
- snowflake/ml/modeling/metrics/metrics_utils.py,sha256=NETSOkhP9m_GZSywiDydCQXKuXOp3qltNgbabROtJAw,13114
337
- snowflake/ml/modeling/metrics/ranking.py,sha256=J2o8cDhS2JmcwF8zTA6AclmIgOb4P3qRNSqTb0FWZuI,17656
338
- snowflake/ml/modeling/metrics/regression.py,sha256=FEr48UddRq5ToD4J9fiwZlo0NDB82oi_iaAtnBxJ56A,25932
339
- snowflake/ml/modeling/mixture/__init__.py,sha256=rY5qSOkHj59bHiTV6LhBiEhUA0StoCb0ACNR2vkV4v0,297
340
- snowflake/ml/modeling/mixture/bayesian_gaussian_mixture.py,sha256=t26TTCmcTbZ33uRpytCZofh9CHavg95qkhpl-4yW_kQ,55059
341
- snowflake/ml/modeling/mixture/gaussian_mixture.py,sha256=nwQ4O0rJtP2C4Iqtp36x8k6_kJ70-xM3umhbOgETowM,52960
342
- snowflake/ml/modeling/model_selection/__init__.py,sha256=dYtqk_GD_hAAZjGfH1maWlZQ30h4hu_KGaf-_y9_AD8,298
343
- snowflake/ml/modeling/model_selection/grid_search_cv.py,sha256=K8edz_VVGTWezSxeq5EeReKSrFkgZfmw-5fg5LuD_Bo,38021
344
- snowflake/ml/modeling/model_selection/randomized_search_cv.py,sha256=gPnJ3_YL_QasD6dx2YSDBltDErylZjYSKNKXBus448c,38763
345
- snowflake/ml/modeling/multiclass/__init__.py,sha256=rY5qSOkHj59bHiTV6LhBiEhUA0StoCb0ACNR2vkV4v0,297
346
- snowflake/ml/modeling/multiclass/one_vs_one_classifier.py,sha256=5_m8RqzkhdZh3-4N8SvgnmWwgXA1JkRUMSt2BDdsdlQ,48478
347
- snowflake/ml/modeling/multiclass/one_vs_rest_classifier.py,sha256=Q_wLk-JijO1IQt1gikXFctSSLLd8f1I9sGXqAJECHqU,49412
348
- snowflake/ml/modeling/multiclass/output_code_classifier.py,sha256=GYokPhI3RO_iwdgcYvp9eLRge8VygB4J8G-x4hQ1HpQ,48748
349
- snowflake/ml/modeling/naive_bayes/__init__.py,sha256=rY5qSOkHj59bHiTV6LhBiEhUA0StoCb0ACNR2vkV4v0,297
350
- snowflake/ml/modeling/naive_bayes/bernoulli_nb.py,sha256=m-sdAtV2kmpepve-JugFRDgcWBROvcIpk36oFO6MO04,49017
351
- snowflake/ml/modeling/naive_bayes/categorical_nb.py,sha256=z4HV6tyWp76OLO3OIsNYjzbkWbl7eZXYzF8ZiIPFlcc,49352
352
- snowflake/ml/modeling/naive_bayes/complement_nb.py,sha256=ZGwz9bjMxSEiHz5eawTh2gvwp6Iq_rzK4DBJHYhPQ74,49032
353
- snowflake/ml/modeling/naive_bayes/gaussian_nb.py,sha256=7J-AVaTK-z3iRgWLdSyWUGCJEyc5O8JZlOBv11cqaYU,48161
354
- snowflake/ml/modeling/naive_bayes/multinomial_nb.py,sha256=1t7DdWZXdHfbBJWukvyVf3KMAyQLpQ1ZZ9Oj6NIYLZY,48797
355
- snowflake/ml/modeling/neighbors/__init__.py,sha256=rY5qSOkHj59bHiTV6LhBiEhUA0StoCb0ACNR2vkV4v0,297
356
- snowflake/ml/modeling/neighbors/k_neighbors_classifier.py,sha256=Za3lXdpV1yltloLN1CjtU383s4Yz0kmUfWwSzxh5cSU,51866
357
- snowflake/ml/modeling/neighbors/k_neighbors_regressor.py,sha256=1QJLPrEGqCfbk5QyPzH3jMvWo1ds-is6qPXDRBMfXp4,51337
358
- snowflake/ml/modeling/neighbors/kernel_density.py,sha256=I_gVXJreNpuLVgT6I_ASgyxDcLjm-czpz6-eBOi80Dg,49779
359
- snowflake/ml/modeling/neighbors/local_outlier_factor.py,sha256=kKcBCH7K59OECYWrgsSWUu4qDbpkmtry14B_Ngso80s,52357
360
- snowflake/ml/modeling/neighbors/nearest_centroid.py,sha256=KPD4psFrwMu_2KaDV6zZiY_I8WxRRO62yv8VpykgREE,48355
361
- snowflake/ml/modeling/neighbors/nearest_neighbors.py,sha256=2bpzr1CbixQ_mrfZfn6YCSpWk20nkkjSMvAJlcCKir4,50248
362
- snowflake/ml/modeling/neighbors/neighborhood_components_analysis.py,sha256=ZRsEVMYQM3KzXKNkKz4wmCAj3Km4CBo-aEDzddZtoOo,51827
363
- snowflake/ml/modeling/neighbors/radius_neighbors_classifier.py,sha256=-ebpHawA51N0FZ_YWXDK5PquKZl8cu72b1dIlCQ8p1M,52279
364
- snowflake/ml/modeling/neighbors/radius_neighbors_regressor.py,sha256=LxkVr2eaPZzYM1FgUnnky8UYLb3Fw_JTv82kh4ZouSk,51160
365
- snowflake/ml/modeling/neural_network/__init__.py,sha256=rY5qSOkHj59bHiTV6LhBiEhUA0StoCb0ACNR2vkV4v0,297
366
- snowflake/ml/modeling/neural_network/bernoulli_rbm.py,sha256=HtRiANwEwCjpgbhj4klsCOUw6HHMRkXUBeSfz4ZboQA,48987
367
- snowflake/ml/modeling/neural_network/mlp_classifier.py,sha256=tfNfjBo2I5-l9hzN3qLTiZ3pAL89JTquebp_KLKLxM8,56239
368
- snowflake/ml/modeling/neural_network/mlp_regressor.py,sha256=gUa_VVRgGUhEhRTNHoDgmgFN8nI19SyjmxG4MC8SIjI,55508
369
- snowflake/ml/modeling/parameters/disable_distributed_hpo.py,sha256=jyjlLPrtnDSQxlTTM0ayMjWKVL_IP3snd--yeXK5htY,221
370
- snowflake/ml/modeling/parameters/enable_anonymous_sproc.py,sha256=7FUdfhLbEGEocdd5XZ-7MFYMzOva58qI1dPDurPt7fw,207
371
- snowflake/ml/modeling/pipeline/__init__.py,sha256=dYtqk_GD_hAAZjGfH1maWlZQ30h4hu_KGaf-_y9_AD8,298
372
- snowflake/ml/modeling/pipeline/pipeline.py,sha256=HMHGwBsRRRRsJCJwqTUmRei3f5Ipk8MxoI2xcdm66-M,46719
373
- snowflake/ml/modeling/preprocessing/__init__.py,sha256=dYtqk_GD_hAAZjGfH1maWlZQ30h4hu_KGaf-_y9_AD8,298
374
- snowflake/ml/modeling/preprocessing/binarizer.py,sha256=MrgSVTw9RpajyYe0dzai-qnpdOb3Zq0SfJRpHJjpnoY,7383
375
- snowflake/ml/modeling/preprocessing/k_bins_discretizer.py,sha256=FdIy8mpjsiMqWsUL07S27T-JNDVgE2bvNUJf4HcBik4,21533
376
- snowflake/ml/modeling/preprocessing/label_encoder.py,sha256=jQV2UgA-qtzxNxHzgyhfJtWYIT_8L81miwcQy4dxHIA,7802
377
- snowflake/ml/modeling/preprocessing/max_abs_scaler.py,sha256=P03PP907SbofOFv1cJhTe1R2_-lnFYHfGsvYsVFofWY,9146
378
- snowflake/ml/modeling/preprocessing/min_max_scaler.py,sha256=leLeIrVsXn08agPqL-N50ohrWlC9FVuztMleQ043H5o,12467
379
- snowflake/ml/modeling/preprocessing/normalizer.py,sha256=0VmTIwldr3F3KQC--6RsYkybWjWuiqtxn4PuWinH0ME,6997
380
- snowflake/ml/modeling/preprocessing/one_hot_encoder.py,sha256=DgV6eF4a-d4LtRqoYxC5H9ASx8EBlBVp6nZ2YaqqPQA,75081
381
- snowflake/ml/modeling/preprocessing/ordinal_encoder.py,sha256=ngdmbJiGXtiePfh_6TUM9LCxu22MJPzRXv3yQJXzSwA,35272
382
- snowflake/ml/modeling/preprocessing/polynomial_features.py,sha256=8m9zXUihjZdWp6Y0aiCA10-QNt16vOqP2WQ9dbUHdFg,48913
383
- snowflake/ml/modeling/preprocessing/robust_scaler.py,sha256=Dp58jHxBdGdiFQAYmFW39JUdaPHO7dKfMy3KREtKAy0,12653
384
- snowflake/ml/modeling/preprocessing/standard_scaler.py,sha256=ui5pWnt2dL2VTTzCWikY8siG3fh_R9J1Wk_VZCHU-rA,11773
385
- snowflake/ml/modeling/semi_supervised/__init__.py,sha256=rY5qSOkHj59bHiTV6LhBiEhUA0StoCb0ACNR2vkV4v0,297
386
- snowflake/ml/modeling/semi_supervised/label_propagation.py,sha256=JNqyn8_mBpFd2KNFw3yV73nf2OPCzzdc_2MiRS7vlkI,49254
387
- snowflake/ml/modeling/semi_supervised/label_spreading.py,sha256=xpqYChOh09EkR4JYoQHYAjQZCciayBwy10YfQLND-Ic,49603
388
- snowflake/ml/modeling/svm/__init__.py,sha256=rY5qSOkHj59bHiTV6LhBiEhUA0StoCb0ACNR2vkV4v0,297
389
- snowflake/ml/modeling/svm/linear_svc.py,sha256=V_TjCNEWxcYsVRH54BzTYQxXO_uZPS4guyNW4oKL9Zw,52064
390
- snowflake/ml/modeling/svm/linear_svr.py,sha256=WNUOPuV44w3a0DrocdTl5cmblyuMjMG1gHryqMY4k9Y,50417
391
- snowflake/ml/modeling/svm/nu_svc.py,sha256=2v328m5Hma68-BFyrn9-U0kH2fAyJJCxTTBhhW9yWSU,52376
392
- snowflake/ml/modeling/svm/nu_svr.py,sha256=WCR-dZGzFAXI_uU1H6zjvbDgPzQYQzlOd-hnH8cRqUw,49455
393
- snowflake/ml/modeling/svm/svc.py,sha256=zViOG2YXKJeigjfay0hUHcOOBK-Hsf5fJrkMlh1xI6g,52525
394
- snowflake/ml/modeling/svm/svr.py,sha256=WeJVanTur3gixpYQE1R4IEvHRdh1MG6_ukdw_euxmqA,49644
395
- snowflake/ml/modeling/tree/__init__.py,sha256=rY5qSOkHj59bHiTV6LhBiEhUA0StoCb0ACNR2vkV4v0,297
396
- snowflake/ml/modeling/tree/decision_tree_classifier.py,sha256=NKlBReihnRitvNcHWF_lnCawd1XjGYSEh4oMKnOT9lY,54801
397
- snowflake/ml/modeling/tree/decision_tree_regressor.py,sha256=XjZU24CGl4sw_FKGofqE8lR-gao-9x_bLfVeEbHdmZo,53500
398
- snowflake/ml/modeling/tree/extra_tree_classifier.py,sha256=IGCdc76GRioanYSBFfwr3-qRtJdrPje_E-EeGuNyn3k,54143
399
- snowflake/ml/modeling/tree/extra_tree_regressor.py,sha256=fveGEGkR__qFajfH0ULWb06c6vKoE4bLmd5wpn5DisA,52851
400
- snowflake/ml/modeling/xgboost/__init__.py,sha256=rY5qSOkHj59bHiTV6LhBiEhUA0StoCb0ACNR2vkV4v0,297
401
- snowflake/ml/modeling/xgboost/xgb_classifier.py,sha256=_seC-DVsdqi7Q5tk-xjT_zqluT7xfiyCdzkjmrHV8nU,59799
402
- snowflake/ml/modeling/xgboost/xgb_regressor.py,sha256=wAuZ__0CBwOznAWEXNCt4QrVTw9ZiG430xeObePwk9I,59298
403
- snowflake/ml/modeling/xgboost/xgbrf_classifier.py,sha256=52378Wq21gp7LXfZbFYhM8UxwBC0z6xY953p9yNWnS8,59975
404
- snowflake/ml/modeling/xgboost/xgbrf_regressor.py,sha256=EUwkEFWgeFWqNssI2eBrIJLKyqDe7RZoLYkEMGc9Z8I,59501
405
- snowflake/ml/monitoring/monitor.py,sha256=M9IRk6bnVwKNEvCexEJ5Rf95zEFap4O5qjbwfwdXGS0,7135
406
- snowflake/ml/monitoring/shap.py,sha256=Dp9nYquPEZjxMTW62YYA9g9qUdmCEFxcSk7ejvOP7PE,3597
407
- snowflake/ml/registry/__init__.py,sha256=XdPQK9ejYkSJVrSQ7HD3jKQO0hKq2mC4bPCB6qrtH3U,76
408
- snowflake/ml/registry/_initial_schema.py,sha256=KusBbu0vpgCh-dPHgC90xRSfP6Z79qC-eXTqT8GXpFI,5316
409
- snowflake/ml/registry/_schema.py,sha256=GOA427_mVKkq9RWRENHuqDimRS0SmmP4EWThNCu1Kz4,3166
410
- snowflake/ml/registry/_schema_upgrade_plans.py,sha256=LxZNXYGjGG-NmB7w7_SxgaJpZuXUO66XVMuh04oL6SI,4209
411
- snowflake/ml/registry/_schema_version_manager.py,sha256=-9wGH-7ELSZxp7-fW7hXTMqkJSIebXdSpwwgzdvnoYs,6922
412
- snowflake/ml/registry/model_registry.py,sha256=x42wR2lEyW99NnG8auNPOowg34bF87ksXQqrjMFd7Pw,84795
413
- snowflake/ml/registry/registry.py,sha256=cU-LLTkQuCz9iwaTEj6-oxDzn8f7_CRcrmbg5SX62i8,16812
414
- snowflake/ml/registry/_manager/model_manager.py,sha256=Ae3zN2QUUvRXj1AAW6OEz_LI9oCdKXq6mtT0lP6cl2w,11013
415
- snowflake/ml/utils/connection_params.py,sha256=JRpQppuWRk6bhdLzVDhMfz3Y6yInobFNLHmIBaXD7po,8005
416
- snowflake/ml/utils/sparse.py,sha256=XqDQkw39Ml6YIknswdkvFIwUwBk_GBXAbP8IACfPENg,3817
417
- snowflake/ml/utils/sql_client.py,sha256=z4Rhi7pQz3s9cyu_Uzfr3deCnrkCdFh9IYIvicsuwdc,692
418
- snowflake_ml_python-1.6.1.dist-info/LICENSE.txt,sha256=PdEp56Av5m3_kl21iFkVTX_EbHJKFGEdmYeIO1pL_Yk,11365
419
- snowflake_ml_python-1.6.1.dist-info/METADATA,sha256=3-jr4oyLTyw__yT1G2LFXNpX5uApvH0kdXCWFNWQd7c,59475
420
- snowflake_ml_python-1.6.1.dist-info/WHEEL,sha256=R0nc6qTxuoLk7ShA2_Y-UWkN8ZdfDBG2B6Eqpz2WXbs,91
421
- snowflake_ml_python-1.6.1.dist-info/top_level.txt,sha256=TY0gFSHKDdZy3THb0FGomyikWQasEGldIR1O0HGOHVw,10
422
- snowflake_ml_python-1.6.1.dist-info/RECORD,,