snowflake-ml-python 1.8.2__py3-none-any.whl → 1.8.4__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 (322) hide show
  1. snowflake/cortex/__init__.py +7 -1
  2. snowflake/cortex/_classify_text.py +3 -3
  3. snowflake/cortex/_complete.py +23 -24
  4. snowflake/cortex/_embed_text_1024.py +4 -4
  5. snowflake/cortex/_embed_text_768.py +4 -4
  6. snowflake/cortex/_finetune.py +8 -8
  7. snowflake/cortex/_util.py +8 -12
  8. snowflake/ml/_internal/env.py +4 -3
  9. snowflake/ml/_internal/env_utils.py +63 -34
  10. snowflake/ml/_internal/file_utils.py +10 -21
  11. snowflake/ml/_internal/human_readable_id/hrid_generator_base.py +5 -7
  12. snowflake/ml/_internal/init_utils.py +2 -3
  13. snowflake/ml/_internal/lineage/lineage_utils.py +6 -6
  14. snowflake/ml/_internal/platform_capabilities.py +18 -16
  15. snowflake/ml/_internal/telemetry.py +39 -52
  16. snowflake/ml/_internal/type_utils.py +3 -3
  17. snowflake/ml/_internal/utils/db_utils.py +2 -2
  18. snowflake/ml/_internal/utils/identifier.py +10 -10
  19. snowflake/ml/_internal/utils/import_utils.py +2 -2
  20. snowflake/ml/_internal/utils/parallelize.py +7 -7
  21. snowflake/ml/_internal/utils/pkg_version_utils.py +11 -11
  22. snowflake/ml/_internal/utils/query_result_checker.py +4 -4
  23. snowflake/ml/_internal/utils/snowflake_env.py +28 -6
  24. snowflake/ml/_internal/utils/snowpark_dataframe_utils.py +2 -2
  25. snowflake/ml/_internal/utils/sql_identifier.py +3 -3
  26. snowflake/ml/_internal/utils/table_manager.py +9 -9
  27. snowflake/ml/data/_internal/arrow_ingestor.py +7 -7
  28. snowflake/ml/data/data_connector.py +15 -36
  29. snowflake/ml/data/data_ingestor.py +4 -15
  30. snowflake/ml/data/data_source.py +2 -2
  31. snowflake/ml/data/ingestor_utils.py +3 -3
  32. snowflake/ml/data/torch_utils.py +5 -5
  33. snowflake/ml/dataset/dataset.py +11 -11
  34. snowflake/ml/dataset/dataset_metadata.py +8 -8
  35. snowflake/ml/dataset/dataset_reader.py +7 -7
  36. snowflake/ml/feature_store/__init__.py +1 -1
  37. snowflake/ml/feature_store/access_manager.py +7 -7
  38. snowflake/ml/feature_store/entity.py +6 -6
  39. snowflake/ml/feature_store/examples/airline_features/entities.py +1 -3
  40. snowflake/ml/feature_store/examples/airline_features/features/plane_features.py +1 -3
  41. snowflake/ml/feature_store/examples/airline_features/features/weather_features.py +1 -3
  42. snowflake/ml/feature_store/examples/citibike_trip_features/entities.py +1 -3
  43. snowflake/ml/feature_store/examples/citibike_trip_features/features/station_feature.py +1 -3
  44. snowflake/ml/feature_store/examples/citibike_trip_features/features/trip_feature.py +1 -3
  45. snowflake/ml/feature_store/examples/example_helper.py +16 -16
  46. snowflake/ml/feature_store/examples/new_york_taxi_features/entities.py +1 -3
  47. snowflake/ml/feature_store/examples/new_york_taxi_features/features/location_features.py +1 -3
  48. snowflake/ml/feature_store/examples/new_york_taxi_features/features/trip_features.py +1 -3
  49. snowflake/ml/feature_store/examples/wine_quality_features/entities.py +1 -3
  50. snowflake/ml/feature_store/examples/wine_quality_features/features/managed_wine_features.py +1 -3
  51. snowflake/ml/feature_store/examples/wine_quality_features/features/static_wine_features.py +1 -3
  52. snowflake/ml/feature_store/feature_store.py +52 -64
  53. snowflake/ml/feature_store/feature_view.py +24 -24
  54. snowflake/ml/fileset/embedded_stage_fs.py +5 -5
  55. snowflake/ml/fileset/fileset.py +5 -5
  56. snowflake/ml/fileset/sfcfs.py +13 -13
  57. snowflake/ml/fileset/stage_fs.py +15 -15
  58. snowflake/ml/jobs/_utils/constants.py +1 -1
  59. snowflake/ml/jobs/_utils/interop_utils.py +10 -10
  60. snowflake/ml/jobs/_utils/payload_utils.py +45 -46
  61. snowflake/ml/jobs/_utils/scripts/get_instance_ip.py +4 -4
  62. snowflake/ml/jobs/_utils/scripts/mljob_launcher.py +8 -5
  63. snowflake/ml/jobs/_utils/scripts/signal_workers.py +8 -8
  64. snowflake/ml/jobs/_utils/spec_utils.py +18 -29
  65. snowflake/ml/jobs/_utils/types.py +2 -2
  66. snowflake/ml/jobs/decorators.py +10 -5
  67. snowflake/ml/jobs/job.py +87 -30
  68. snowflake/ml/jobs/manager.py +86 -56
  69. snowflake/ml/lineage/lineage_node.py +5 -5
  70. snowflake/ml/model/_client/model/model_impl.py +3 -3
  71. snowflake/ml/model/_client/model/model_version_impl.py +103 -35
  72. snowflake/ml/model/_client/ops/metadata_ops.py +7 -7
  73. snowflake/ml/model/_client/ops/model_ops.py +41 -41
  74. snowflake/ml/model/_client/ops/service_ops.py +217 -32
  75. snowflake/ml/model/_client/service/model_deployment_spec.py +359 -65
  76. snowflake/ml/model/_client/service/model_deployment_spec_schema.py +69 -24
  77. snowflake/ml/model/_client/sql/model.py +8 -8
  78. snowflake/ml/model/_client/sql/model_version.py +26 -26
  79. snowflake/ml/model/_client/sql/service.py +17 -26
  80. snowflake/ml/model/_client/sql/stage.py +2 -2
  81. snowflake/ml/model/_client/sql/tag.py +6 -6
  82. snowflake/ml/model/_model_composer/model_composer.py +58 -32
  83. snowflake/ml/model/_model_composer/model_manifest/model_manifest.py +20 -16
  84. snowflake/ml/model/_model_composer/model_manifest/model_manifest_schema.py +14 -13
  85. snowflake/ml/model/_model_composer/model_method/model_method.py +3 -3
  86. snowflake/ml/model/_packager/model_env/model_env.py +28 -25
  87. snowflake/ml/model/_packager/model_handler.py +4 -4
  88. snowflake/ml/model/_packager/model_handlers/_base.py +2 -2
  89. snowflake/ml/model/_packager/model_handlers/_utils.py +47 -5
  90. snowflake/ml/model/_packager/model_handlers/catboost.py +5 -5
  91. snowflake/ml/model/_packager/model_handlers/custom.py +9 -5
  92. snowflake/ml/model/_packager/model_handlers/huggingface_pipeline.py +7 -21
  93. snowflake/ml/model/_packager/model_handlers/keras.py +4 -4
  94. snowflake/ml/model/_packager/model_handlers/lightgbm.py +4 -14
  95. snowflake/ml/model/_packager/model_handlers/mlflow.py +3 -3
  96. snowflake/ml/model/_packager/model_handlers/pytorch.py +5 -6
  97. snowflake/ml/model/_packager/model_handlers/sentence_transformers.py +5 -5
  98. snowflake/ml/model/_packager/model_handlers/sklearn.py +104 -46
  99. snowflake/ml/model/_packager/model_handlers/snowmlmodel.py +3 -3
  100. snowflake/ml/model/_packager/model_handlers/tensorflow.py +11 -8
  101. snowflake/ml/model/_packager/model_handlers/torchscript.py +6 -6
  102. snowflake/ml/model/_packager/model_handlers/xgboost.py +21 -22
  103. snowflake/ml/model/_packager/model_meta/model_blob_meta.py +2 -2
  104. snowflake/ml/model/_packager/model_meta/model_meta.py +39 -38
  105. snowflake/ml/model/_packager/model_meta/model_meta_schema.py +14 -11
  106. snowflake/ml/model/_packager/model_meta_migrator/base_migrator.py +3 -3
  107. snowflake/ml/model/_packager/model_meta_migrator/migrator_plans.py +3 -3
  108. snowflake/ml/model/_packager/model_meta_migrator/migrator_v1.py +4 -4
  109. snowflake/ml/model/_packager/model_packager.py +11 -9
  110. snowflake/ml/model/_packager/model_runtime/_snowml_inference_alternative_requirements.py +32 -1
  111. snowflake/ml/model/_packager/model_runtime/model_runtime.py +4 -2
  112. snowflake/ml/model/_signatures/core.py +16 -24
  113. snowflake/ml/model/_signatures/dmatrix_handler.py +17 -4
  114. snowflake/ml/model/_signatures/utils.py +6 -6
  115. snowflake/ml/model/custom_model.py +24 -11
  116. snowflake/ml/model/model_signature.py +12 -23
  117. snowflake/ml/model/models/huggingface_pipeline.py +7 -4
  118. snowflake/ml/model/type_hints.py +3 -3
  119. snowflake/ml/modeling/_internal/estimator_utils.py +7 -7
  120. snowflake/ml/modeling/_internal/local_implementations/pandas_handlers.py +6 -6
  121. snowflake/ml/modeling/_internal/local_implementations/pandas_trainer.py +7 -7
  122. snowflake/ml/modeling/_internal/model_specifications.py +8 -10
  123. snowflake/ml/modeling/_internal/model_trainer.py +5 -5
  124. snowflake/ml/modeling/_internal/model_trainer_builder.py +6 -6
  125. snowflake/ml/modeling/_internal/snowpark_implementations/distributed_hpo_trainer.py +30 -30
  126. snowflake/ml/modeling/_internal/snowpark_implementations/snowpark_handlers.py +13 -13
  127. snowflake/ml/modeling/_internal/snowpark_implementations/snowpark_trainer.py +31 -31
  128. snowflake/ml/modeling/_internal/snowpark_implementations/xgboost_external_memory_trainer.py +19 -19
  129. snowflake/ml/modeling/_internal/transformer_protocols.py +17 -17
  130. snowflake/ml/modeling/calibration/calibrated_classifier_cv.py +9 -1
  131. snowflake/ml/modeling/cluster/affinity_propagation.py +9 -1
  132. snowflake/ml/modeling/cluster/agglomerative_clustering.py +9 -1
  133. snowflake/ml/modeling/cluster/birch.py +9 -1
  134. snowflake/ml/modeling/cluster/bisecting_k_means.py +9 -1
  135. snowflake/ml/modeling/cluster/dbscan.py +9 -1
  136. snowflake/ml/modeling/cluster/feature_agglomeration.py +9 -1
  137. snowflake/ml/modeling/cluster/k_means.py +9 -1
  138. snowflake/ml/modeling/cluster/mean_shift.py +9 -1
  139. snowflake/ml/modeling/cluster/mini_batch_k_means.py +9 -1
  140. snowflake/ml/modeling/cluster/optics.py +9 -1
  141. snowflake/ml/modeling/cluster/spectral_biclustering.py +9 -1
  142. snowflake/ml/modeling/cluster/spectral_clustering.py +9 -1
  143. snowflake/ml/modeling/cluster/spectral_coclustering.py +9 -1
  144. snowflake/ml/modeling/compose/column_transformer.py +9 -1
  145. snowflake/ml/modeling/compose/transformed_target_regressor.py +9 -1
  146. snowflake/ml/modeling/covariance/elliptic_envelope.py +9 -1
  147. snowflake/ml/modeling/covariance/empirical_covariance.py +9 -1
  148. snowflake/ml/modeling/covariance/graphical_lasso.py +9 -1
  149. snowflake/ml/modeling/covariance/graphical_lasso_cv.py +9 -1
  150. snowflake/ml/modeling/covariance/ledoit_wolf.py +9 -1
  151. snowflake/ml/modeling/covariance/min_cov_det.py +9 -1
  152. snowflake/ml/modeling/covariance/oas.py +9 -1
  153. snowflake/ml/modeling/covariance/shrunk_covariance.py +9 -1
  154. snowflake/ml/modeling/decomposition/dictionary_learning.py +9 -1
  155. snowflake/ml/modeling/decomposition/factor_analysis.py +9 -1
  156. snowflake/ml/modeling/decomposition/fast_ica.py +9 -1
  157. snowflake/ml/modeling/decomposition/incremental_pca.py +9 -1
  158. snowflake/ml/modeling/decomposition/kernel_pca.py +9 -1
  159. snowflake/ml/modeling/decomposition/mini_batch_dictionary_learning.py +9 -1
  160. snowflake/ml/modeling/decomposition/mini_batch_sparse_pca.py +9 -1
  161. snowflake/ml/modeling/decomposition/pca.py +9 -1
  162. snowflake/ml/modeling/decomposition/sparse_pca.py +9 -1
  163. snowflake/ml/modeling/decomposition/truncated_svd.py +9 -1
  164. snowflake/ml/modeling/discriminant_analysis/linear_discriminant_analysis.py +9 -1
  165. snowflake/ml/modeling/discriminant_analysis/quadratic_discriminant_analysis.py +9 -1
  166. snowflake/ml/modeling/ensemble/ada_boost_classifier.py +9 -1
  167. snowflake/ml/modeling/ensemble/ada_boost_regressor.py +9 -1
  168. snowflake/ml/modeling/ensemble/bagging_classifier.py +9 -1
  169. snowflake/ml/modeling/ensemble/bagging_regressor.py +9 -1
  170. snowflake/ml/modeling/ensemble/extra_trees_classifier.py +9 -1
  171. snowflake/ml/modeling/ensemble/extra_trees_regressor.py +9 -1
  172. snowflake/ml/modeling/ensemble/gradient_boosting_classifier.py +9 -1
  173. snowflake/ml/modeling/ensemble/gradient_boosting_regressor.py +9 -1
  174. snowflake/ml/modeling/ensemble/hist_gradient_boosting_classifier.py +9 -1
  175. snowflake/ml/modeling/ensemble/hist_gradient_boosting_regressor.py +9 -1
  176. snowflake/ml/modeling/ensemble/isolation_forest.py +9 -1
  177. snowflake/ml/modeling/ensemble/random_forest_classifier.py +9 -1
  178. snowflake/ml/modeling/ensemble/random_forest_regressor.py +9 -1
  179. snowflake/ml/modeling/ensemble/stacking_regressor.py +9 -1
  180. snowflake/ml/modeling/ensemble/voting_classifier.py +9 -1
  181. snowflake/ml/modeling/ensemble/voting_regressor.py +9 -1
  182. snowflake/ml/modeling/feature_selection/generic_univariate_select.py +9 -1
  183. snowflake/ml/modeling/feature_selection/select_fdr.py +9 -1
  184. snowflake/ml/modeling/feature_selection/select_fpr.py +9 -1
  185. snowflake/ml/modeling/feature_selection/select_fwe.py +9 -1
  186. snowflake/ml/modeling/feature_selection/select_k_best.py +9 -1
  187. snowflake/ml/modeling/feature_selection/select_percentile.py +9 -1
  188. snowflake/ml/modeling/feature_selection/sequential_feature_selector.py +9 -1
  189. snowflake/ml/modeling/feature_selection/variance_threshold.py +9 -1
  190. snowflake/ml/modeling/framework/_utils.py +10 -10
  191. snowflake/ml/modeling/framework/base.py +32 -32
  192. snowflake/ml/modeling/gaussian_process/gaussian_process_classifier.py +9 -1
  193. snowflake/ml/modeling/gaussian_process/gaussian_process_regressor.py +9 -1
  194. snowflake/ml/modeling/impute/__init__.py +1 -1
  195. snowflake/ml/modeling/impute/iterative_imputer.py +9 -1
  196. snowflake/ml/modeling/impute/knn_imputer.py +9 -1
  197. snowflake/ml/modeling/impute/missing_indicator.py +9 -1
  198. snowflake/ml/modeling/impute/simple_imputer.py +5 -5
  199. snowflake/ml/modeling/kernel_approximation/additive_chi2_sampler.py +9 -1
  200. snowflake/ml/modeling/kernel_approximation/nystroem.py +9 -1
  201. snowflake/ml/modeling/kernel_approximation/polynomial_count_sketch.py +9 -1
  202. snowflake/ml/modeling/kernel_approximation/rbf_sampler.py +9 -1
  203. snowflake/ml/modeling/kernel_approximation/skewed_chi2_sampler.py +9 -1
  204. snowflake/ml/modeling/kernel_ridge/kernel_ridge.py +9 -1
  205. snowflake/ml/modeling/lightgbm/lgbm_classifier.py +9 -1
  206. snowflake/ml/modeling/lightgbm/lgbm_regressor.py +9 -1
  207. snowflake/ml/modeling/linear_model/ard_regression.py +9 -1
  208. snowflake/ml/modeling/linear_model/bayesian_ridge.py +9 -1
  209. snowflake/ml/modeling/linear_model/elastic_net.py +9 -1
  210. snowflake/ml/modeling/linear_model/elastic_net_cv.py +9 -1
  211. snowflake/ml/modeling/linear_model/gamma_regressor.py +9 -1
  212. snowflake/ml/modeling/linear_model/huber_regressor.py +9 -1
  213. snowflake/ml/modeling/linear_model/lars.py +9 -1
  214. snowflake/ml/modeling/linear_model/lars_cv.py +9 -1
  215. snowflake/ml/modeling/linear_model/lasso.py +9 -1
  216. snowflake/ml/modeling/linear_model/lasso_cv.py +9 -1
  217. snowflake/ml/modeling/linear_model/lasso_lars.py +9 -1
  218. snowflake/ml/modeling/linear_model/lasso_lars_cv.py +9 -1
  219. snowflake/ml/modeling/linear_model/lasso_lars_ic.py +9 -1
  220. snowflake/ml/modeling/linear_model/linear_regression.py +9 -1
  221. snowflake/ml/modeling/linear_model/logistic_regression.py +9 -1
  222. snowflake/ml/modeling/linear_model/logistic_regression_cv.py +9 -1
  223. snowflake/ml/modeling/linear_model/multi_task_elastic_net.py +9 -1
  224. snowflake/ml/modeling/linear_model/multi_task_elastic_net_cv.py +9 -1
  225. snowflake/ml/modeling/linear_model/multi_task_lasso.py +9 -1
  226. snowflake/ml/modeling/linear_model/multi_task_lasso_cv.py +9 -1
  227. snowflake/ml/modeling/linear_model/orthogonal_matching_pursuit.py +9 -1
  228. snowflake/ml/modeling/linear_model/passive_aggressive_classifier.py +9 -1
  229. snowflake/ml/modeling/linear_model/passive_aggressive_regressor.py +9 -1
  230. snowflake/ml/modeling/linear_model/perceptron.py +9 -1
  231. snowflake/ml/modeling/linear_model/poisson_regressor.py +9 -1
  232. snowflake/ml/modeling/linear_model/ransac_regressor.py +9 -1
  233. snowflake/ml/modeling/linear_model/ridge.py +9 -1
  234. snowflake/ml/modeling/linear_model/ridge_classifier.py +9 -1
  235. snowflake/ml/modeling/linear_model/ridge_classifier_cv.py +9 -1
  236. snowflake/ml/modeling/linear_model/ridge_cv.py +9 -1
  237. snowflake/ml/modeling/linear_model/sgd_classifier.py +9 -1
  238. snowflake/ml/modeling/linear_model/sgd_one_class_svm.py +9 -1
  239. snowflake/ml/modeling/linear_model/sgd_regressor.py +9 -1
  240. snowflake/ml/modeling/linear_model/theil_sen_regressor.py +9 -1
  241. snowflake/ml/modeling/linear_model/tweedie_regressor.py +9 -1
  242. snowflake/ml/modeling/manifold/isomap.py +9 -1
  243. snowflake/ml/modeling/manifold/mds.py +9 -1
  244. snowflake/ml/modeling/manifold/spectral_embedding.py +9 -1
  245. snowflake/ml/modeling/manifold/tsne.py +9 -1
  246. snowflake/ml/modeling/metrics/__init__.py +1 -1
  247. snowflake/ml/modeling/metrics/classification.py +39 -39
  248. snowflake/ml/modeling/metrics/metrics_utils.py +12 -12
  249. snowflake/ml/modeling/metrics/ranking.py +7 -7
  250. snowflake/ml/modeling/metrics/regression.py +13 -13
  251. snowflake/ml/modeling/mixture/bayesian_gaussian_mixture.py +9 -1
  252. snowflake/ml/modeling/mixture/gaussian_mixture.py +9 -1
  253. snowflake/ml/modeling/model_selection/__init__.py +1 -1
  254. snowflake/ml/modeling/model_selection/grid_search_cv.py +7 -7
  255. snowflake/ml/modeling/model_selection/randomized_search_cv.py +7 -7
  256. snowflake/ml/modeling/multiclass/one_vs_one_classifier.py +9 -1
  257. snowflake/ml/modeling/multiclass/one_vs_rest_classifier.py +9 -1
  258. snowflake/ml/modeling/multiclass/output_code_classifier.py +9 -1
  259. snowflake/ml/modeling/naive_bayes/bernoulli_nb.py +9 -1
  260. snowflake/ml/modeling/naive_bayes/categorical_nb.py +9 -1
  261. snowflake/ml/modeling/naive_bayes/complement_nb.py +9 -1
  262. snowflake/ml/modeling/naive_bayes/gaussian_nb.py +9 -1
  263. snowflake/ml/modeling/naive_bayes/multinomial_nb.py +9 -1
  264. snowflake/ml/modeling/neighbors/k_neighbors_classifier.py +9 -1
  265. snowflake/ml/modeling/neighbors/k_neighbors_regressor.py +9 -1
  266. snowflake/ml/modeling/neighbors/kernel_density.py +9 -1
  267. snowflake/ml/modeling/neighbors/local_outlier_factor.py +9 -1
  268. snowflake/ml/modeling/neighbors/nearest_centroid.py +9 -1
  269. snowflake/ml/modeling/neighbors/nearest_neighbors.py +9 -1
  270. snowflake/ml/modeling/neighbors/neighborhood_components_analysis.py +9 -1
  271. snowflake/ml/modeling/neighbors/radius_neighbors_classifier.py +9 -1
  272. snowflake/ml/modeling/neighbors/radius_neighbors_regressor.py +9 -1
  273. snowflake/ml/modeling/neural_network/bernoulli_rbm.py +9 -1
  274. snowflake/ml/modeling/neural_network/mlp_classifier.py +9 -1
  275. snowflake/ml/modeling/neural_network/mlp_regressor.py +9 -1
  276. snowflake/ml/modeling/pipeline/__init__.py +1 -1
  277. snowflake/ml/modeling/pipeline/pipeline.py +18 -18
  278. snowflake/ml/modeling/preprocessing/__init__.py +1 -1
  279. snowflake/ml/modeling/preprocessing/k_bins_discretizer.py +13 -13
  280. snowflake/ml/modeling/preprocessing/max_abs_scaler.py +4 -4
  281. snowflake/ml/modeling/preprocessing/min_max_scaler.py +8 -8
  282. snowflake/ml/modeling/preprocessing/normalizer.py +0 -1
  283. snowflake/ml/modeling/preprocessing/one_hot_encoder.py +28 -28
  284. snowflake/ml/modeling/preprocessing/ordinal_encoder.py +9 -9
  285. snowflake/ml/modeling/preprocessing/polynomial_features.py +9 -1
  286. snowflake/ml/modeling/preprocessing/robust_scaler.py +7 -7
  287. snowflake/ml/modeling/preprocessing/standard_scaler.py +5 -5
  288. snowflake/ml/modeling/semi_supervised/label_propagation.py +9 -1
  289. snowflake/ml/modeling/semi_supervised/label_spreading.py +9 -1
  290. snowflake/ml/modeling/svm/linear_svc.py +9 -1
  291. snowflake/ml/modeling/svm/linear_svr.py +9 -1
  292. snowflake/ml/modeling/svm/nu_svc.py +9 -1
  293. snowflake/ml/modeling/svm/nu_svr.py +9 -1
  294. snowflake/ml/modeling/svm/svc.py +9 -1
  295. snowflake/ml/modeling/svm/svr.py +9 -1
  296. snowflake/ml/modeling/tree/decision_tree_classifier.py +9 -1
  297. snowflake/ml/modeling/tree/decision_tree_regressor.py +9 -1
  298. snowflake/ml/modeling/tree/extra_tree_classifier.py +9 -1
  299. snowflake/ml/modeling/tree/extra_tree_regressor.py +9 -1
  300. snowflake/ml/modeling/xgboost/xgb_classifier.py +9 -1
  301. snowflake/ml/modeling/xgboost/xgb_regressor.py +9 -1
  302. snowflake/ml/modeling/xgboost/xgbrf_classifier.py +9 -1
  303. snowflake/ml/modeling/xgboost/xgbrf_regressor.py +9 -1
  304. snowflake/ml/monitoring/_client/model_monitor_sql_client.py +26 -26
  305. snowflake/ml/monitoring/_manager/model_monitor_manager.py +5 -5
  306. snowflake/ml/monitoring/entities/model_monitor_config.py +6 -6
  307. snowflake/ml/monitoring/explain_visualize.py +286 -0
  308. snowflake/ml/registry/_manager/model_manager.py +55 -32
  309. snowflake/ml/registry/registry.py +39 -31
  310. snowflake/ml/utils/authentication.py +2 -2
  311. snowflake/ml/utils/connection_params.py +5 -5
  312. snowflake/ml/utils/sparse.py +5 -4
  313. snowflake/ml/utils/sql_client.py +1 -2
  314. snowflake/ml/version.py +2 -1
  315. {snowflake_ml_python-1.8.2.dist-info → snowflake_ml_python-1.8.4.dist-info}/METADATA +55 -14
  316. snowflake_ml_python-1.8.4.dist-info/RECORD +419 -0
  317. {snowflake_ml_python-1.8.2.dist-info → snowflake_ml_python-1.8.4.dist-info}/WHEEL +1 -1
  318. snowflake/ml/model/_packager/model_meta/_packaging_requirements.py +0 -1
  319. snowflake/ml/modeling/_internal/constants.py +0 -2
  320. snowflake_ml_python-1.8.2.dist-info/RECORD +0 -420
  321. {snowflake_ml_python-1.8.2.dist-info → snowflake_ml_python-1.8.4.dist-info}/licenses/LICENSE.txt +0 -0
  322. {snowflake_ml_python-1.8.2.dist-info → snowflake_ml_python-1.8.4.dist-info}/top_level.txt +0 -0
@@ -0,0 +1,419 @@
1
+ snowflake/cortex/__init__.py,sha256=Z51KTLHGAC2L1DXYaKeDIoTjBEeRGNZHpHZ47vj6aBk,1101
2
+ snowflake/cortex/_classify_text.py,sha256=2AYJBABEn8pngFJ2eL7Vt6Ed0t1xEOVWfwb6SHLQKRY,1634
3
+ snowflake/cortex/_complete.py,sha256=1JRD9Ye1FX9cM6g4QfZn80EiY1X_9mQtM3zHU2tnHjU,19733
4
+ snowflake/cortex/_embed_text_1024.py,sha256=18DhgNj1zWbmGfEvZyIV8vIBGjF3DbwvlhCxMAxXFAw,1645
5
+ snowflake/cortex/_embed_text_768.py,sha256=UdsVuPsGeMRZAuk3aFa98xQrj-RsOgolNJKC9lQNhn8,1637
6
+ snowflake/cortex/_extract_answer.py,sha256=7C-23JytRKdZN9ZYY9w10RfAe_GzmvzKAqqUDl3T4aQ,1605
7
+ snowflake/cortex/_finetune.py,sha256=QMqFPwp1i96WaR4rerL7CTPkG7nM5oKYcUdfrXxkaGg,10940
8
+ snowflake/cortex/_sentiment.py,sha256=Zv2USbn-1SoHwYYuutI6uzgm1-indv54q4q5A6jegME,1454
9
+ snowflake/cortex/_sse_client.py,sha256=sLYgqAfTOPADCnaWH2RWAJi8KbU_7gSRsTUDcDD5Tl8,5239
10
+ snowflake/cortex/_summarize.py,sha256=7GH8zqfIdOiHA5w4b6EvJEKEWhaTrL4YA6iDGbn7BNM,1307
11
+ snowflake/cortex/_translate.py,sha256=9ZGjvAnJFisbzJ_bXnt4pyug5UzhHJRXW8AhGQEersM,1652
12
+ snowflake/cortex/_util.py,sha256=krNTpbkFLXwdFqy1bd0xi7ZmOzOHRnIfHdQCPiLZJxk,3288
13
+ snowflake/ml/version.py,sha256=Pkx24m7KhMPVK_ZwB4ji7pUldQWHlLDa1P_FQ18SSPU,98
14
+ snowflake/ml/_internal/env.py,sha256=EY_2KVe8oR3LgKWdaeRb5rRU-NDNXJppPDsFJmMZUUY,265
15
+ snowflake/ml/_internal/env_utils.py,sha256=tzz8BziiwJEnZwkzDEYCMO20Sb-mnXwDtSakGfgG--M,29364
16
+ snowflake/ml/_internal/file_utils.py,sha256=7sA6loOeSfmGP4yx16P4usT9ZtRqG3ycnXu7_Tk7dOs,14206
17
+ snowflake/ml/_internal/init_utils.py,sha256=WhrlvS-xcmKErSpwg6cUk6XDQ5lQcwDqPJnU7cooMIg,2672
18
+ snowflake/ml/_internal/migrator_utils.py,sha256=k3erO8x3YJcX6nkKeyJAUNGg1qjE3RFmD-W6dtLzIH0,161
19
+ snowflake/ml/_internal/platform_capabilities.py,sha256=2l3GeuKIbeoMh5m3z1mWx7niWsnPvNTSVrlK5bnRNpk,5290
20
+ snowflake/ml/_internal/relax_version_strategy.py,sha256=MYEIZrx1HfKNhl9Na3GN50ipX8c0MKIj9nwxjB0IC0Y,484
21
+ snowflake/ml/_internal/telemetry.py,sha256=IXHyD5XsCu9uaioO1gflyejAG4FgPCsjD2CCZ2NeRWs,30971
22
+ snowflake/ml/_internal/type_utils.py,sha256=fGnxGx9Tb9G1Fh9EaD23CxChx0Jfc4KnRZv-M-Dcblk,2197
23
+ snowflake/ml/_internal/exceptions/dataset_error_messages.py,sha256=h7uGJbxBM6se-TW_64LKGGGdBCbwflzbBnmijWKX3Gc,285
24
+ snowflake/ml/_internal/exceptions/dataset_errors.py,sha256=TqESe8cDfWurJdv5X0DOwgzBfHCEqga_F3WQipYbdqg,741
25
+ snowflake/ml/_internal/exceptions/error_codes.py,sha256=S1N9TvjKlAl3GppkcS8y8xnsOzD2b9kOHeLqWhJV0uk,5519
26
+ snowflake/ml/_internal/exceptions/error_messages.py,sha256=vF9XOWJoBuKvFxBkGcDelhXK1dipzTt-AdK4NkCbwTo,47
27
+ snowflake/ml/_internal/exceptions/exceptions.py,sha256=ub0fthrNTVoKhpj1pXnKRfO1Gqnmbe7wY51vaoEOp5M,1653
28
+ snowflake/ml/_internal/exceptions/fileset_error_messages.py,sha256=dqPpRu0cKyQA_0gahvbizgQBTwNhnwveN286JrJLvi8,419
29
+ snowflake/ml/_internal/exceptions/fileset_errors.py,sha256=pHwY7f5c6JH-RZDtkiWy8nICHKy4T5vvWs5cq5rPD_4,1030
30
+ snowflake/ml/_internal/exceptions/modeling_error_messages.py,sha256=M1s_PNHcOGlSDKD2kvSUQYsSaKHdHdnE74609LvF27c,749
31
+ snowflake/ml/_internal/exceptions/sql_error_codes.py,sha256=aEI3-gW7FeNahoPncdOaGGRBmPJmkCHK-a1o2e3c3PI,206
32
+ snowflake/ml/_internal/human_readable_id/adjectives.txt,sha256=5o4MbVeHoELAqyLpyuKleOKR47jPjC_nKoziOIZMwT0,804
33
+ snowflake/ml/_internal/human_readable_id/animals.txt,sha256=GDLzMwzxiL07PhIMxw4t89bhYqqg0bQfPiuQT8VNeME,837
34
+ snowflake/ml/_internal/human_readable_id/hrid_generator.py,sha256=LYWB86qZgsVBvnc6Q5VjfDOmnGSQU3cTRKfId_nJSPY,1341
35
+ snowflake/ml/_internal/human_readable_id/hrid_generator_base.py,sha256=_Egc-L0DKWgug1WaJebLCayKcljr2WdPuqH5uIoR1Kg,4469
36
+ snowflake/ml/_internal/lineage/lineage_utils.py,sha256=-_PKuznsL_w38rVj3wXgbPdm6XkcbnABrU4v4GwZQcg,3426
37
+ snowflake/ml/_internal/utils/db_utils.py,sha256=HlxdMrgV8UpnxvfKDM-ZR5N566eWZLC-mE291ByrPEQ,1662
38
+ snowflake/ml/_internal/utils/formatting.py,sha256=PswZ6Xas7sx3Ok1MBLoH2o7nfXOxaJqpUPg_UqXrQb8,3676
39
+ snowflake/ml/_internal/utils/identifier.py,sha256=0Tn07XNxyUFYdFIYNvZ0iA7k9jiyOFAqrVx5ZLvoDwQ,12582
40
+ snowflake/ml/_internal/utils/import_utils.py,sha256=msvUDaCcJpAcNCS-5Ynz4F1CvUhXjRsuZyOv1rN6Yhk,3213
41
+ snowflake/ml/_internal/utils/jwt_generator.py,sha256=bj7Ltnw68WjRcxtV9t5xrTRvV5ETnvovB-o3Y8QWNBg,5357
42
+ snowflake/ml/_internal/utils/parallelize.py,sha256=l8Zjo-hp8zqoLgHxBlpz9Zmn2Z-MRQ0fS_NnrR4jWR8,4522
43
+ snowflake/ml/_internal/utils/pkg_version_utils.py,sha256=EaY_3IsVOZ9BCH28F5VLjp-0AiEqDlL7L715vkPsgrY,5149
44
+ snowflake/ml/_internal/utils/query_result_checker.py,sha256=1PR41Xn9BUIXvp-UmJ9FgEbj8WfgU7RUhz3PqvvVQ5E,10656
45
+ snowflake/ml/_internal/utils/result.py,sha256=59Sz6MvhjakUNiONwg9oi2544AmORCJR3XyWTxY2vP0,2405
46
+ snowflake/ml/_internal/utils/service_logger.py,sha256=tSKz7SzC33Btu2QgerXJ__4jRhOvRepOSEvHXSy_FTs,1974
47
+ snowflake/ml/_internal/utils/snowflake_env.py,sha256=k4ddzs8iJpRpVvgbbOtU8j4fUvqa77Awk65EJ5j2uxk,4253
48
+ snowflake/ml/_internal/utils/snowpark_dataframe_utils.py,sha256=tm2leAu_oDTNUQZJ98UpKtS79k-A-c72pKxd-8AE-tg,6353
49
+ snowflake/ml/_internal/utils/sql_identifier.py,sha256=YHIwXpb8E1U6LVUVpT8q7s9ZygONAXKPVMD4IucwXx8,4669
50
+ snowflake/ml/_internal/utils/table_manager.py,sha256=Wf3JXLUzdCiffKF9PJj7edHY7usCXNNZf1P0jRWff-E,4963
51
+ snowflake/ml/_internal/utils/temp_file_utils.py,sha256=0-HTjXdxVt0kE6XcgyvRvY0btflWlmotP2bMXVpFJPA,1553
52
+ snowflake/ml/data/__init__.py,sha256=nm5VhN98Lzxr4kb679kglQfqbDbHhd9zYsnFJiQiThg,351
53
+ snowflake/ml/data/data_connector.py,sha256=2M4xZPkD1pfZiFCWsiYCT1zUUGiW5pXAVGmBvP9sIUs,10104
54
+ snowflake/ml/data/data_ingestor.py,sha256=w9PbcAKtAjP6TTzILOwwpFgF1qVYFhTDEryXBOsQq_o,972
55
+ snowflake/ml/data/data_source.py,sha256=HjBO1xqTyJfAvEAGESUIdke0KvSj5S5-FcI2D2zgejI,512
56
+ snowflake/ml/data/ingestor_utils.py,sha256=JOv7Kvs0DNhsXUjl940ZULDkeTjIcePCfQ9aL_NteV0,2721
57
+ snowflake/ml/data/torch_utils.py,sha256=70Gh9uoWCk6kj0bSW2cbepU3WefKfulpU1aXC45867I,3591
58
+ snowflake/ml/data/_internal/arrow_ingestor.py,sha256=F71VBseunpuDTYTKkNPiLTr-0ABUtkStJpll5Rq8Nto,12135
59
+ snowflake/ml/dataset/__init__.py,sha256=nESj7YEI2u90Oxyit_hKCQMWb7N1BlEM3Ho2Fm0MfHo,274
60
+ snowflake/ml/dataset/dataset.py,sha256=5QrW4RseV8XhtfByAcVah0-D2xCP4JLCsyfHWqL4tso,21022
61
+ snowflake/ml/dataset/dataset_factory.py,sha256=Fym4ICK-B1j6Om4ENwWxEvryq3ZKoCslBSZDBenmjOo,1615
62
+ snowflake/ml/dataset/dataset_metadata.py,sha256=lcNvugBkP8YEkGMQqaV8SlHs5mwUKsUS8GgaPGNm6wM,4145
63
+ snowflake/ml/dataset/dataset_reader.py,sha256=buPacuPsFspUvKtVQt1PaWEl-tGCu9GKXME18Xacbzs,4643
64
+ snowflake/ml/feature_store/__init__.py,sha256=MJr2Gp_EimDgDxD6DtenOEdLTzg6NYPfdNiPM-5rEtw,406
65
+ snowflake/ml/feature_store/access_manager.py,sha256=Q5ImMXRY8WA5X5dpBMzHnIJmeyKVShjNAlbn3cQb4N8,10654
66
+ snowflake/ml/feature_store/entity.py,sha256=ViOSlqCV17ouiO4iH-_KvkvJZqSzpf-nfsjijG6G1Uk,4047
67
+ snowflake/ml/feature_store/feature_store.py,sha256=kZOQ-ldcpN9C8oYQLmYJgI5YCDVKOb5ZySDn2r1HMfs,114217
68
+ snowflake/ml/feature_store/feature_view.py,sha256=VDvK5R-C5crxwACV9QsCeakX9oSzlRBgH6lqA2bzGb4,38979
69
+ snowflake/ml/feature_store/examples/example_helper.py,sha256=eaD2vLe7y4C5hMZQTeMXylbTtLacbq9gJcAluGHrkug,12470
70
+ snowflake/ml/feature_store/examples/airline_features/entities.py,sha256=mzHRS-InHpXON0eHds-QLmi7nK9ciOnCruhPZI4niLs,438
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=wFQcbnOqsnfez60psllfTtSLSa3r1_9AnbQ17CVWILc,1045
73
+ snowflake/ml/feature_store/examples/airline_features/features/weather_features.py,sha256=OqTiwUtPDJR_dd9CsKWvM9bOD3YJOkzdf23_R0lVo9U,1670
74
+ snowflake/ml/feature_store/examples/citibike_trip_features/entities.py,sha256=Wfl_YFT6LRALCt1DidzZ2OqwFrcGaR-NpNLFZlx6j3k,424
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=eqj-lGWYUY9m9r1lenxHKvSUzxJUro_6W9koh8Xo9bw,1398
77
+ snowflake/ml/feature_store/examples/citibike_trip_features/features/trip_feature.py,sha256=63j6wqRANsvoRgYDuuDDUKeriiGO7PTvgIsuR4uBHxg,1203
78
+ snowflake/ml/feature_store/examples/new_york_taxi_features/entities.py,sha256=sqh-7Z3SyzIFpMGzMLf7po6f64GC0lhsJ4hH608pAog,371
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=baejUk-YNBw4yZaVawhQMEjOd0jwUZTw1bj-jDFTk84,1757
81
+ snowflake/ml/feature_store/examples/new_york_taxi_features/features/trip_features.py,sha256=Vta6zpZcTRm2fNL0Csw3s-nGtsyKWYdjq3LGHS6OQLE,1302
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=urwCgiRr-lTJ-q4CPzsfRx5YYmezbekOCKeq7xxxZ4g,269
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=NBPBgAbunbHLKOrsbT8raM2WeEDwi1IfaToKitIATKI,1441
90
+ snowflake/ml/feature_store/examples/wine_quality_features/features/static_wine_features.py,sha256=unOrhGYhVCoEBOOj_giGwH4WKN3Rcsqw0G6eQ-llk0E,999
91
+ snowflake/ml/fileset/embedded_stage_fs.py,sha256=Cw1L3Ktd1g0nWeADH6xjIxR0VweBbVtXPiQV8OncWgc,5987
92
+ snowflake/ml/fileset/fileset.py,sha256=ApMpHiiyzGRkyxQfJPdXPuKtw_wOXbOfQCXSH6pDwWE,26333
93
+ snowflake/ml/fileset/sfcfs.py,sha256=FJFc9-gc0KXaNyc10ZovN_87aUCShb0WztVwa02t0io,15517
94
+ snowflake/ml/fileset/snowfs.py,sha256=uF5QluYtiJ-HezGIhF55dONi3t0E6N7ByaVAIAlM3nk,5133
95
+ snowflake/ml/fileset/stage_fs.py,sha256=V4pysouSKKDPLzuW3u_extxfvjkQa5OlwIRES9Srpzo,20151
96
+ snowflake/ml/jobs/__init__.py,sha256=ORX_0blPSpl9u5442R-i4e8cqWYfO_vVjFFtX3as184,420
97
+ snowflake/ml/jobs/decorators.py,sha256=Of0SsZsOTpjUzmwBWz_gOC4jzFNfD2m9XeVUOkzaLTg,3339
98
+ snowflake/ml/jobs/job.py,sha256=JQ4iWGMq6DrHUt8hbSJxjfO-GUNNmmgGoA_w5us9CKc,11548
99
+ snowflake/ml/jobs/manager.py,sha256=b6FfiOpCp0Ucv551EtYuEQYgoSUnIM61SXHQ8iI-FYk,15091
100
+ snowflake/ml/jobs/_utils/constants.py,sha256=tpw5JWtHIKNbPnWCAPYUL2B-oyDNSaS4elr8XJjr55w,3169
101
+ snowflake/ml/jobs/_utils/interop_utils.py,sha256=g1-sStVpGwK5wMbswuC8ejGVQjnIBCiw96ElfWK3jg0,18831
102
+ snowflake/ml/jobs/_utils/payload_utils.py,sha256=olsy2HfxkrTI1IHZEWeLezLnTsHTmOS35THaRv8mRCM,22307
103
+ snowflake/ml/jobs/_utils/spec_utils.py,sha256=H-deDR8lxJ5ygqtbSAM1L-qWlr_yBO8vxQuqFwKOIgU,12224
104
+ snowflake/ml/jobs/_utils/types.py,sha256=IRDZZAShUA_trwoSUFqbSRexvLefi2CFcBmQTYN11Yc,972
105
+ snowflake/ml/jobs/_utils/scripts/constants.py,sha256=YyIWZqQPYOTtgCY6SfyJjk2A98I5RQVmrOuLtET5Pqg,173
106
+ snowflake/ml/jobs/_utils/scripts/get_instance_ip.py,sha256=DmWs5cVpNmUcrqnwhrUvxE5PycDWFN88Pdut8vFDHPg,5293
107
+ snowflake/ml/jobs/_utils/scripts/mljob_launcher.py,sha256=SUm5yKliGcTNfd25v_hCwxfp5elHYtelR58mNbO3kGM,6950
108
+ snowflake/ml/jobs/_utils/scripts/signal_workers.py,sha256=AR1Pylkm4-FGh10WXfrCtcxaV0rI7IQ2ZiO0Li7zZ3U,7433
109
+ snowflake/ml/jobs/_utils/scripts/worker_shutdown_listener.py,sha256=SeJ8v5XDriwHAjIGpcQkwVP-f-lO9QIdVjVD7Fkgafs,7893
110
+ snowflake/ml/lineage/__init__.py,sha256=8p1YGynC-qOxAZ8jZX2z84Reg5bv1NoJMoJmNJCrzI4,65
111
+ snowflake/ml/lineage/lineage_node.py,sha256=jCxCwQRvUkH-5nyF1PvdKAyRombOjWDYs5ZJmw5RMT0,5789
112
+ snowflake/ml/model/__init__.py,sha256=EvPtblqPN6_T6dyVfaYUxCfo_M7D2CQ1OR5giIH4TsQ,314
113
+ snowflake/ml/model/custom_model.py,sha256=fDhMObqlyzD_qQG1Bq6HHkBN1w3Qzg9e81JWPiqRfc4,12249
114
+ snowflake/ml/model/model_signature.py,sha256=bVRdMx4JEj31gLe2dr10y7aVy9fPDfPlcKYlE1NBOeQ,32265
115
+ snowflake/ml/model/type_hints.py,sha256=oCyzLllloC_GZVddHSBQMg_fvWQfhLLXwJPxPKpwvtE,9574
116
+ snowflake/ml/model/_client/model/model_impl.py,sha256=I_bwFX1N7EVS1GdCTjHeyDJ7Ox4dyeqbZtQfl3v2Xzk,15357
117
+ snowflake/ml/model/_client/model/model_version_impl.py,sha256=Nk8J1iHLV0g68txvoQf8Wgfay8UXumOJs8BQBY_2bRg,43273
118
+ snowflake/ml/model/_client/ops/metadata_ops.py,sha256=qpK6PL3OyfuhyOmpvLCpHLy6vCxbZbp1HlEvakFGwv4,4884
119
+ snowflake/ml/model/_client/ops/model_ops.py,sha256=Olj5ccsAviHw3Kbhv-_c5JaPvXpAHj1qckOf2IpThu0,47978
120
+ snowflake/ml/model/_client/ops/service_ops.py,sha256=_ezoOLdCogL3ySAYVPjquP7p3iGiB9_PD5jGgjlG6F4,28264
121
+ snowflake/ml/model/_client/service/model_deployment_spec.py,sha256=qkLgwxxnVTCtRa7551wk4vSH5Lm2lDNSmpOe4SXNyjs,17177
122
+ snowflake/ml/model/_client/service/model_deployment_spec_schema.py,sha256=cr1yNVlbLzpHIDeyIIHb6m06-w3LfJc12DLQAqEHQqQ,1895
123
+ snowflake/ml/model/_client/sql/_base.py,sha256=Qrm8M92g3MHb-QnSLUlbd8iVKCRxLhG_zr5M2qmXwJ8,1473
124
+ snowflake/ml/model/_client/sql/model.py,sha256=nstZ8zR7MkXVEfhqLt7PWMik6dZr06nzq7VsF5NVNow,5840
125
+ snowflake/ml/model/_client/sql/model_version.py,sha256=_XRgG1-oAzRfwxEH7h_84azmP-_d32yb4nhew241xOQ,23524
126
+ snowflake/ml/model/_client/sql/service.py,sha256=l8Y_lp2DVzIoWAR2xUESJb3EIX5dkwK9xe664ZCXQPI,11204
127
+ snowflake/ml/model/_client/sql/stage.py,sha256=DIFP1m7Itt_FJR4GCt5CNngEHn9OcK-fshoQAYnkNOY,820
128
+ snowflake/ml/model/_client/sql/tag.py,sha256=9sI0VoldKmsfToWSjMQddozPPGCxYUI6n0gPBiqd6x8,4333
129
+ snowflake/ml/model/_model_composer/model_composer.py,sha256=42dhYHnXof787rSfYzooinOV44EkZ3mgkXXUlVlShkI,11476
130
+ snowflake/ml/model/_model_composer/model_manifest/model_manifest.py,sha256=0z0TKJ-qI1cGJ9gQOfmxAoWzo0-tBmMkl80bO-P0TKg,9157
131
+ snowflake/ml/model/_model_composer/model_manifest/model_manifest_schema.py,sha256=eqv-4-tvA9Lgrp7kQAQGS_CJVR9D6uOd8-SxADNOkeM,2887
132
+ snowflake/ml/model/_model_composer/model_method/constants.py,sha256=hoJwIopSdZiYn0fGq15_NiirC0l02d5LEs2D-4J_tPk,35
133
+ snowflake/ml/model/_model_composer/model_method/function_generator.py,sha256=nnUJki3bJVCTF3gZ-usZW3xQ6wwlJ08EfNsPAgsnI3s,2625
134
+ snowflake/ml/model/_model_composer/model_method/infer_function.py_template,sha256=olysEb_bE2C8CjIRAhm7qdr2mtgk77Tx45gnLRVQGFw,1511
135
+ snowflake/ml/model/_model_composer/model_method/infer_partitioned.py_template,sha256=8p8jkTOJA-mBt5cuGhcWSH4z7ySQ9xevC35UioCLkC8,1539
136
+ snowflake/ml/model/_model_composer/model_method/infer_table_function.py_template,sha256=QT32N6akQDutLh00cXp2OD4WI6Gb7IGG1snsnrXNih8,1453
137
+ snowflake/ml/model/_model_composer/model_method/model_method.py,sha256=NhTAkjRlfHqOEfDtm2U6LdkiVDUufwP9cC7sjsJiUwA,7167
138
+ snowflake/ml/model/_model_composer/model_user_file/model_user_file.py,sha256=dYNgg8P9p6nRH47-OLxZIbt_Ja3t1VPGNQ0qJtpGuAw,1018
139
+ snowflake/ml/model/_packager/model_handler.py,sha256=qZB5FVRWZD5wDdm6vuuoXnDFar7i2nHarbe8iZRCLPo,2630
140
+ snowflake/ml/model/_packager/model_packager.py,sha256=FBuepy_W8ZTd4gsQHLnCj-EhO0H2wvjL556YRKOKsO8,6061
141
+ snowflake/ml/model/_packager/model_env/model_env.py,sha256=D9NBAPSVxPiDl82Dw07OPSLlwtAJqs4fUxm3VSDbYCs,18924
142
+ snowflake/ml/model/_packager/model_handlers/_base.py,sha256=OZhGv7nyej3PqaoBz021uGa40T06d9rv-kDcKUY3VnM,7152
143
+ snowflake/ml/model/_packager/model_handlers/_utils.py,sha256=8y-LfiBfoj2txQD4Yh_GM0eEEOrm1S0R1149J5z31O0,12572
144
+ snowflake/ml/model/_packager/model_handlers/catboost.py,sha256=dbI2QizGZS04l6ehgXb3oy5YSXrlwRHz8YENVefEbms,10676
145
+ snowflake/ml/model/_packager/model_handlers/custom.py,sha256=fM_13N5ejT0Ta0-M_Uzsqr_TwGVk_3jSjsLJiMEfyR4,8514
146
+ snowflake/ml/model/_packager/model_handlers/huggingface_pipeline.py,sha256=dBxSqOJrZS9Fkk20TAQwY4OYKwaD66SrqWnrW_ZFq5I,22312
147
+ snowflake/ml/model/_packager/model_handlers/keras.py,sha256=JKBCiJEjc41zaoEhsen7rnlyPo2RBuEqG9Vq6JR_Cq0,8696
148
+ snowflake/ml/model/_packager/model_handlers/lightgbm.py,sha256=DAFMiqpXEUmKqeq5rgn5j6rtuwScNnuiMUBwS4OyC7Q,11074
149
+ snowflake/ml/model/_packager/model_handlers/mlflow.py,sha256=xSpoXO0UOfBUpzx2W1O8P2WF0Xi1vrZ_J-DdgzQG0o8,9177
150
+ snowflake/ml/model/_packager/model_handlers/pytorch.py,sha256=jHYRjPUlCpSU2yvrJwuKAYLbG6CethxQx4brQ5ZmiVM,9784
151
+ snowflake/ml/model/_packager/model_handlers/sentence_transformers.py,sha256=sKp-bt-fAnruDMZJ5cN6F_m9dJRY0G2FjJ4-KjNLgcg,11380
152
+ snowflake/ml/model/_packager/model_handlers/sklearn.py,sha256=buuJnOFHbxJKLEfyNMThfffutJCwG37h6CcgYO5nHTg,18095
153
+ snowflake/ml/model/_packager/model_handlers/snowmlmodel.py,sha256=4YKX6BktNIjRSSUOStOMx4NVmRBE0o9pes3wyKYZ1Y0,17173
154
+ snowflake/ml/model/_packager/model_handlers/tensorflow.py,sha256=2J2XWYOC70axWaoNJa9aQLMyjLAKIskrT31t_LgqcIk,11350
155
+ snowflake/ml/model/_packager/model_handlers/torchscript.py,sha256=3IbMoVGlBR-RsQAdYZxjAz1ST-jDMQIyhhdwM5e3NeE,9531
156
+ snowflake/ml/model/_packager/model_handlers/xgboost.py,sha256=Nj80oPwvg1Ng9Nfdtf1nRxyBdStoyz9CVe4jPqksxuk,12190
157
+ snowflake/ml/model/_packager/model_handlers_migrator/base_migrator.py,sha256=BZo14UrywGZM1kTqzN4VFQcYjl7dggDp1U90ZBCMuOg,1409
158
+ snowflake/ml/model/_packager/model_handlers_migrator/pytorch_migrator_2023_12_01.py,sha256=GVpfYllXa3Voxa54PGNsZ3Hea1kOJe3T_AoA9nrs60A,764
159
+ snowflake/ml/model/_packager/model_handlers_migrator/tensorflow_migrator_2023_12_01.py,sha256=dXIisQteU55QMw5OvC_1E_sGqFgE88WRhGCWFqUyauM,2239
160
+ snowflake/ml/model/_packager/model_handlers_migrator/tensorflow_migrator_2025_01_01.py,sha256=0DxwZtXFgXpxb5LQEAfTUfEFV7zgbG4j3F-oNHLkTgE,769
161
+ snowflake/ml/model/_packager/model_handlers_migrator/torchscript_migrator_2023_12_01.py,sha256=MDOAGV6kML9sJh_hnYjnrPH4GtECP5DDCjaRT7NmYpU,768
162
+ snowflake/ml/model/_packager/model_meta/model_blob_meta.py,sha256=CzY_MhiSshKi9dWzXc4lrC9PysU0FCdHG2oRlz1vCb8,1943
163
+ snowflake/ml/model/_packager/model_meta/model_meta.py,sha256=hX-gZzNxPyWDPBfGPWjhvnEWaPdKyNZcUcywONMndHg,19912
164
+ snowflake/ml/model/_packager/model_meta/model_meta_schema.py,sha256=e4TUbWl998xQOZUzEWvb9CrUyHwGHBGb0TNbtezAeQ0,3707
165
+ snowflake/ml/model/_packager/model_meta_migrator/base_migrator.py,sha256=8zTgq3n6TBXv7Vcwmf7b9wjK3m-9HHMsY0Qy1Rs-sZ4,1305
166
+ snowflake/ml/model/_packager/model_meta_migrator/migrator_plans.py,sha256=5butM-lyaDRhCAO2BaCOIQufpAxAfSAinsNuGqbbjMU,1029
167
+ snowflake/ml/model/_packager/model_meta_migrator/migrator_v1.py,sha256=cyZVvBGM3nF1IVqDKfYstLCchNO-ZhSkPvLM4aU7J5c,2066
168
+ snowflake/ml/model/_packager/model_runtime/_snowml_inference_alternative_requirements.py,sha256=F6tdtQgkaMeaL1rW7PDJQnwAVHGQQ31UYCR8DAanRUQ,868
169
+ snowflake/ml/model/_packager/model_runtime/model_runtime.py,sha256=CDjbfBvZNrW6AI5xapYPFSEEQInd3RVo7_08mru2xx4,5487
170
+ snowflake/ml/model/_packager/model_task/model_task_utils.py,sha256=_nm3Irl5W6Oa8_OnJyp3bLeA9QAbV9ygGCsgHI70GX4,6641
171
+ snowflake/ml/model/_signatures/base_handler.py,sha256=4CTZKKbg4WIz_CmXjyVy8tKZW-5OFcz0J8XVPHm2dfQ,1269
172
+ snowflake/ml/model/_signatures/builtins_handler.py,sha256=ItWb8xNDDvIhDlmfUFCHOnUllvKZSTsny7_mRwks_Lc,3135
173
+ snowflake/ml/model/_signatures/core.py,sha256=uWa_o7wZQGKQ84g8_LmfS9nyKyuFKeTcAVQROrTbF2w,21024
174
+ snowflake/ml/model/_signatures/dmatrix_handler.py,sha256=ldcWqadJ9fJp9cOaZ3Mn-hTSj8W_laXszlkWb0zpifw,4137
175
+ snowflake/ml/model/_signatures/numpy_handler.py,sha256=xy7mBEAs9U5eM8F51NLabLbWXRmyQUffhVweO6jmLBA,5461
176
+ snowflake/ml/model/_signatures/pandas_handler.py,sha256=rYgSaqdh8d-w22e_ZDt4kCFCkPWEhs-KwL9wyoLUacI,10704
177
+ snowflake/ml/model/_signatures/pytorch_handler.py,sha256=Xy-ITCCX_EgHcyIIqeYSDUIvE2kiqECa8swy1hmohyc,5036
178
+ snowflake/ml/model/_signatures/snowpark_handler.py,sha256=0SYtWnmJ_Nji52GZG1CDvfIGiLydTkPwpc0YUMs9aPQ,5396
179
+ snowflake/ml/model/_signatures/tensorflow_handler.py,sha256=_yrvMg-w_jJoYuyrGXKPX4Dv7Vt8z1e6xIKiWGuZcc4,5660
180
+ snowflake/ml/model/_signatures/utils.py,sha256=WLaHpb-4BPB7IBFg2sOkH2N7AojXt2PQR7M8hmtNkXA,17164
181
+ snowflake/ml/model/models/huggingface_pipeline.py,sha256=7tYyhcqLATtzidWBAnip0qSsUstqtLBaiCUO78qgMvY,10311
182
+ snowflake/ml/modeling/_internal/estimator_utils.py,sha256=oGi5qbZeV-1cM1Pl-rZLBvcr3YRoUzN_te_l-18apLI,11993
183
+ snowflake/ml/modeling/_internal/model_specifications.py,sha256=3wFMcKPCSoiEzU7Mx6RVem89BRlBBENpX__-Rd7GwdU,4851
184
+ snowflake/ml/modeling/_internal/model_trainer.py,sha256=5Ck1lbdyzcd-TpzAxEyovIN9fjaaVIqugyMHXt0wzH0,971
185
+ snowflake/ml/modeling/_internal/model_trainer_builder.py,sha256=Kye5l4_Y307Qa4ZcGGthtAO8cB9Mqg406phHByXZcYo,8056
186
+ snowflake/ml/modeling/_internal/model_transformer_builder.py,sha256=E7Psa14Z-Us5MD9yOdRbGTlR6r4Fq7BQSCcHwFlh1Ig,2815
187
+ snowflake/ml/modeling/_internal/transformer_protocols.py,sha256=CEWZXSc7QLZVRJmg3sC5yiNI-tN_wCZmZnySXZhLgto,6476
188
+ snowflake/ml/modeling/_internal/local_implementations/pandas_handlers.py,sha256=PAvVEoyEKTIH3bpRj9ddSd4xj5JC8Ft4orA8uUWAbFA,7983
189
+ snowflake/ml/modeling/_internal/local_implementations/pandas_trainer.py,sha256=40zepXyRA9lkzGTxGQs74fqcuCQAkFAfnzyIBi4-ozU,5947
190
+ snowflake/ml/modeling/_internal/snowpark_implementations/distributed_hpo_trainer.py,sha256=XfWSd1H5B6lcIb1eAapyODl6L6x1lbJ6jm0XtwM8-ag,54977
191
+ snowflake/ml/modeling/_internal/snowpark_implementations/distributed_search_udf_file.py,sha256=HnsSmsXAeJrH9zVeq3CSziIaCUDxeWWx6kRyAK4qajM,6601
192
+ snowflake/ml/modeling/_internal/snowpark_implementations/snowpark_handlers.py,sha256=oXumJxQFMokoxsrXZ03X8NKLWr3yGuUGB3OM8qTTH4E,16416
193
+ snowflake/ml/modeling/_internal/snowpark_implementations/snowpark_trainer.py,sha256=ckeh8plxm0sHIDheYwR4etBfZ9mNy0hySd9ApahUG-k,32240
194
+ snowflake/ml/modeling/_internal/snowpark_implementations/xgboost_external_memory_trainer.py,sha256=Cu_ywcFzlkflbUvJ5C8rNk1H3YwRDEhVdsyngNcjE2Q,17282
195
+ snowflake/ml/modeling/calibration/__init__.py,sha256=rY5qSOkHj59bHiTV6LhBiEhUA0StoCb0ACNR2vkV4v0,297
196
+ snowflake/ml/modeling/calibration/calibrated_classifier_cv.py,sha256=PN-fBoZIjD3Jl5yn7Av5BPveExrpJn3n2Y1xTGVC_b0,54177
197
+ snowflake/ml/modeling/cluster/__init__.py,sha256=rY5qSOkHj59bHiTV6LhBiEhUA0StoCb0ACNR2vkV4v0,297
198
+ snowflake/ml/modeling/cluster/affinity_propagation.py,sha256=XiphFPZDckJ_6bUWMO-8XatkTklUcjpdAH8lR00OuFo,52430
199
+ snowflake/ml/modeling/cluster/agglomerative_clustering.py,sha256=Mdsnf4kiEP3S_4WrjfykEw3eZWsSJoaewvWbzgqYXTQ,54343
200
+ snowflake/ml/modeling/cluster/birch.py,sha256=Jo6TkZfLD5aLs4eAJtcyZtwlgL9DpXz-P0t8e15Mvpw,52343
201
+ snowflake/ml/modeling/cluster/bisecting_k_means.py,sha256=BiuRlG8SgJZfb8uwc188PJsd5qSLWvRF3hdsvDIQADA,55112
202
+ snowflake/ml/modeling/cluster/dbscan.py,sha256=a_EVi5I77x-ieKwwILizlki_ofCoA_L7BwkgpNY1pEs,52684
203
+ snowflake/ml/modeling/cluster/feature_agglomeration.py,sha256=xqMUcExCDQQVjvl_ol23KHAz5uB7x7hxjGq8K4uYuA4,54637
204
+ snowflake/ml/modeling/cluster/k_means.py,sha256=OW5V0N2EtY7LQdbjcpVaW8pyUKTiNuwWWCjj-G7R7RA,54838
205
+ snowflake/ml/modeling/cluster/mean_shift.py,sha256=AlidvXHbUm0BQqCsqykcCI2xImCpCPR8ElLIXXWSlNk,52717
206
+ snowflake/ml/modeling/cluster/mini_batch_k_means.py,sha256=can2LP4Vvpl9yQt4neUrwRnAtwZAihBO-QF1xiU8IYg,56035
207
+ snowflake/ml/modeling/cluster/optics.py,sha256=uTFULCzoDgZ0adK4IX6mqgVAuMv0Gygd25o8zlf7HEE,55894
208
+ snowflake/ml/modeling/cluster/spectral_biclustering.py,sha256=DrEwe-67GQKZXEcHDaV38mRWKG9_deTBzq92ZfDk3rg,52727
209
+ snowflake/ml/modeling/cluster/spectral_clustering.py,sha256=gPwW_o2f9KcJfTkYKzrRbWbCR23Vk1n70Z0JjIHT-BU,56011
210
+ snowflake/ml/modeling/cluster/spectral_coclustering.py,sha256=mMQme1WyTGyK7WJmHrEIPaMY4xmUksXfFlBFBqE8FuM,51860
211
+ snowflake/ml/modeling/compose/__init__.py,sha256=rY5qSOkHj59bHiTV6LhBiEhUA0StoCb0ACNR2vkV4v0,297
212
+ snowflake/ml/modeling/compose/column_transformer.py,sha256=3OQQggsNoYpYbDewCUYuBi_qWWYRsV0w185LAwu2N2w,55185
213
+ snowflake/ml/modeling/compose/transformed_target_regressor.py,sha256=XPvXGr2Tlbn3OeDCDU_IGrPf-utPkE4jjXHsW9rGEeM,52472
214
+ snowflake/ml/modeling/covariance/__init__.py,sha256=rY5qSOkHj59bHiTV6LhBiEhUA0StoCb0ACNR2vkV4v0,297
215
+ snowflake/ml/modeling/covariance/elliptic_envelope.py,sha256=9LIpOcLW--RF25jrpoSSJsJM5asbh3gnAwsCFkC6Jvc,52761
216
+ snowflake/ml/modeling/covariance/empirical_covariance.py,sha256=G6fI9hevwGyr3cL14oqJVLdNvncoeiF2vkYjXpEukx8,50559
217
+ snowflake/ml/modeling/covariance/graphical_lasso.py,sha256=Uc35kzMzAZwIo15Y3qcRrvciaRMx2VJLxH64aFqwe-g,52418
218
+ snowflake/ml/modeling/covariance/graphical_lasso_cv.py,sha256=Q0V3LS0sAgJgLgRFNvdwwsRxxT592hlDJIIKQNwHmsI,53610
219
+ snowflake/ml/modeling/covariance/ledoit_wolf.py,sha256=xML2bb31xCUykM40bQELyItRMES-p03aoO9gPNEOeow,50688
220
+ snowflake/ml/modeling/covariance/min_cov_det.py,sha256=fBXLS8hEpY7Iyv7126bEXV_WBUz1sfwm9N_JY82EM48,51455
221
+ snowflake/ml/modeling/covariance/oas.py,sha256=K7lDGHpWELONnZmprN2YVHdWl-lE7n2UKRyGO5MmF08,50302
222
+ snowflake/ml/modeling/covariance/shrunk_covariance.py,sha256=yLfYUr1yhMGUnD1B8dNdjeYTCIWESOHsxrHrXophYFc,50711
223
+ snowflake/ml/modeling/decomposition/__init__.py,sha256=rY5qSOkHj59bHiTV6LhBiEhUA0StoCb0ACNR2vkV4v0,297
224
+ snowflake/ml/modeling/decomposition/dictionary_learning.py,sha256=sBg2xt7mT_SW4iaUHf2YMpLwSgIXlg2YoDB5jCo-AwI,55710
225
+ snowflake/ml/modeling/decomposition/factor_analysis.py,sha256=Ut-tYVcqMSXaaLE0putxSz8Aatdt9tbDD5BOtMnDe2Y,53369
226
+ snowflake/ml/modeling/decomposition/fast_ica.py,sha256=IxXCMNcvLb7j9QRK6pq37qhTV0h3u3sJrtS613rz9Xo,53296
227
+ snowflake/ml/modeling/decomposition/incremental_pca.py,sha256=qpiboaU7doR4Ak2RlSLpv5WiF0f0AMwmysZEsZ-zvLA,51663
228
+ snowflake/ml/modeling/decomposition/kernel_pca.py,sha256=hc9LRrdn3hlWsoLVaYtGkbIS9CKcZv7TtPycSKDixdk,55653
229
+ snowflake/ml/modeling/decomposition/mini_batch_dictionary_learning.py,sha256=4X7770WbECY94vsZyfLpjw9eLHHps5ftJaA55x1U-3Q,56442
230
+ snowflake/ml/modeling/decomposition/mini_batch_sparse_pca.py,sha256=cKmHEgNpAgAp2is0MRFDEi7FdXn_zETrDmG3eHj2l0U,53705
231
+ snowflake/ml/modeling/decomposition/pca.py,sha256=DL--DHcMxjoER-gYpKjyUCE3q5ZGi_0I7X8Y_-4tWu4,55873
232
+ snowflake/ml/modeling/decomposition/sparse_pca.py,sha256=dcaCTtxiTHBWqgry6w9ADQNvxP3bZ2N_DzBMxppPUhA,52812
233
+ snowflake/ml/modeling/decomposition/truncated_svd.py,sha256=UR5x27eWCbRwzz4y4gZa6zlc7wfWDrm5XiUvfEVMG18,52438
234
+ snowflake/ml/modeling/discriminant_analysis/__init__.py,sha256=rY5qSOkHj59bHiTV6LhBiEhUA0StoCb0ACNR2vkV4v0,297
235
+ snowflake/ml/modeling/discriminant_analysis/linear_discriminant_analysis.py,sha256=9qZc2XDOMQS-hVeDcSf7Gi7INnu2PczKF0NgB86Mez8,55329
236
+ snowflake/ml/modeling/discriminant_analysis/quadratic_discriminant_analysis.py,sha256=HzfQbabMIKkGZa975yKumqsOg0gloA5Vw6AX7DH0svQ,52908
237
+ snowflake/ml/modeling/ensemble/__init__.py,sha256=rY5qSOkHj59bHiTV6LhBiEhUA0StoCb0ACNR2vkV4v0,297
238
+ snowflake/ml/modeling/ensemble/ada_boost_classifier.py,sha256=rfOlUx4fc3zfc9YUop8UJh4UyKvL7zTgpK8EDhw77kc,53110
239
+ snowflake/ml/modeling/ensemble/ada_boost_regressor.py,sha256=u5V38S4XEc7PpgMywrLv9bBj8p2pmkPYHXBUFoPx6-w,52113
240
+ snowflake/ml/modeling/ensemble/bagging_classifier.py,sha256=ilghs_lbcCZ-UJx4WzgV7LRE8q2GTZaAUt4f9ORt-d0,54302
241
+ snowflake/ml/modeling/ensemble/bagging_regressor.py,sha256=NlBi6e1Ik9tSdb7AibiJR1VP8QIw7ST40SoaHuC3_yc,53537
242
+ snowflake/ml/modeling/ensemble/extra_trees_classifier.py,sha256=CaOG7EMFb9szt2wWql2bVtFQLOHDU8vg_cs_pHUrLD0,60351
243
+ snowflake/ml/modeling/ensemble/extra_trees_regressor.py,sha256=k9aK1uGdm9KEkHWerXoNsjZ710Ddp5fYBY_OIKlkGCs,58804
244
+ snowflake/ml/modeling/ensemble/gradient_boosting_classifier.py,sha256=uNcKO35j_pRJdyVu-qwmzzt_RHUQyl5f2Rq9J46a93c,61110
245
+ snowflake/ml/modeling/ensemble/gradient_boosting_regressor.py,sha256=a7O5iVOGSHjheqnKCVjnH5K9Ld-SmTWllhPBFqeMEv4,60702
246
+ snowflake/ml/modeling/ensemble/hist_gradient_boosting_classifier.py,sha256=SHSA_bYMRyTkdVaHc9-d2fGd4H_P7y8shWHbqFBrWVU,61596
247
+ snowflake/ml/modeling/ensemble/hist_gradient_boosting_regressor.py,sha256=4FbSw_o-7LWGNzcqweeB3UYIkvfJJGjLBbU_r66UmVU,59931
248
+ snowflake/ml/modeling/ensemble/isolation_forest.py,sha256=valmvjZxGeLzQuA7El-gGKLiW2Y6bymMlU6tjWT29XE,53895
249
+ snowflake/ml/modeling/ensemble/random_forest_classifier.py,sha256=jaD7spMP7ozsxdStwvlovUxx2VbVaf9fbo8ZwWKqPpo,60324
250
+ snowflake/ml/modeling/ensemble/random_forest_regressor.py,sha256=-arnzokzT_qmftZ-Vp-CFBHLcq07vpj4KFvAzFhm8kg,58777
251
+ snowflake/ml/modeling/ensemble/stacking_regressor.py,sha256=QLw56XDhTdNjHOgGbAHHbmRQNzuAUxp3rEdF5fncrg4,53839
252
+ snowflake/ml/modeling/ensemble/voting_classifier.py,sha256=v1ZztvpeqOmkStHQsmgOW3DGc2IPrtX5ritRwkDkCjQ,53391
253
+ snowflake/ml/modeling/ensemble/voting_regressor.py,sha256=Lcl6m5gAD8u7Oagu3_ZCzISU5QdygGiIkAfnehansRI,51916
254
+ snowflake/ml/modeling/feature_selection/__init__.py,sha256=rY5qSOkHj59bHiTV6LhBiEhUA0StoCb0ACNR2vkV4v0,297
255
+ snowflake/ml/modeling/feature_selection/generic_univariate_select.py,sha256=AOHtDD6nvoL0n-OR_bQToeRHTLwLFgv3y5cvnPhVz_k,51386
256
+ snowflake/ml/modeling/feature_selection/select_fdr.py,sha256=0MPBvzKLLq804ZHWOdubbUNZlyzue2WFMXZQE3PGtsA,50848
257
+ snowflake/ml/modeling/feature_selection/select_fpr.py,sha256=vVPZ2iN_EzbgHQLj5s7HIGb5a_DMvRw1d-i0cykIfqI,50842
258
+ snowflake/ml/modeling/feature_selection/select_fwe.py,sha256=MTUByQDm-T0FwvonKX1Q5XPMDKvLoBLWpK_8jUC1ePg,50850
259
+ snowflake/ml/modeling/feature_selection/select_k_best.py,sha256=CWBHTaR1k79NphpRemJTGaXSQH_8-v7HYXOoQwVyeFA,50943
260
+ snowflake/ml/modeling/feature_selection/select_percentile.py,sha256=J8tbZQpz2tJn-diy3S-O-MxCoak00pfOcTderrPtRwo,51003
261
+ snowflake/ml/modeling/feature_selection/sequential_feature_selector.py,sha256=Kyzf2jziMQp2Q5nq8ar5-JAEV9cRZX2axlN9orZMOBI,53782
262
+ snowflake/ml/modeling/feature_selection/variance_threshold.py,sha256=DombmnjBuNvDItNEXH_OMV-4wkOVAZmXCMTE9kW0j0Y,50644
263
+ snowflake/ml/modeling/framework/_utils.py,sha256=UvB9hlvvUl_N6qQM-xIDcbtMr0oJQnlV1aTZCRUveQg,10197
264
+ snowflake/ml/modeling/framework/base.py,sha256=i8DEdGoV9b_Ky8uDO2yzgPN_9YFmGtYOoT6RA11YgWM,31942
265
+ snowflake/ml/modeling/gaussian_process/__init__.py,sha256=rY5qSOkHj59bHiTV6LhBiEhUA0StoCb0ACNR2vkV4v0,297
266
+ snowflake/ml/modeling/gaussian_process/gaussian_process_classifier.py,sha256=53AOs2kSN7Y6humFHfzQ_b1UdsLKKyvFg3RmPe3jwys,56274
267
+ snowflake/ml/modeling/gaussian_process/gaussian_process_regressor.py,sha256=Gt3NvazKv-JN84mBCs40PmGWcJqo65hhJLZS1ZK1TIo,55338
268
+ snowflake/ml/modeling/impute/__init__.py,sha256=AUAyMIRsAF9Ocf7zDnGPYSvKgGfkR8LInyFvkC-7MiU,281
269
+ snowflake/ml/modeling/impute/iterative_imputer.py,sha256=O3H0l0c2eIOtlaXeI0YMIlNeABIJdfo6H1mkJlNtVzI,57167
270
+ snowflake/ml/modeling/impute/knn_imputer.py,sha256=GLYIS2aEcdYb73SQa7S-MHk5639yoCRGQSvSipTD_jE,52877
271
+ snowflake/ml/modeling/impute/missing_indicator.py,sha256=cjajFF4_f_ogSvmfNgvFCZZZWoxtxfZZi7z3LpQA3vs,51740
272
+ snowflake/ml/modeling/impute/simple_imputer.py,sha256=Tznj3hrPZQSy6nnaOAWoWYuMcz1AwtzmtToG2l5t-d4,20934
273
+ snowflake/ml/modeling/kernel_approximation/__init__.py,sha256=rY5qSOkHj59bHiTV6LhBiEhUA0StoCb0ACNR2vkV4v0,297
274
+ snowflake/ml/modeling/kernel_approximation/additive_chi2_sampler.py,sha256=kofj3unubKoZkk0hz9nkAdE889UWAWfS9giPXzSJewk,50774
275
+ snowflake/ml/modeling/kernel_approximation/nystroem.py,sha256=P1kBUm1RR85CsJuNXAdKl4O0g2tt0HVykEMqySH9K58,52534
276
+ snowflake/ml/modeling/kernel_approximation/polynomial_count_sketch.py,sha256=Fn2oMHNMRnvmhkfnSXOJyhE2lg6PCwSYsitQbshQyDk,51795
277
+ snowflake/ml/modeling/kernel_approximation/rbf_sampler.py,sha256=2xr8in9M9M4n_OFsQLr5PtbE1K_3M83ZFg6vq59eoU0,51138
278
+ snowflake/ml/modeling/kernel_approximation/skewed_chi2_sampler.py,sha256=u9qXtk-ZvCYKy6eotHZA0EWsNrbnhfqw_Hhp78VDGAg,51193
279
+ snowflake/ml/modeling/kernel_ridge/__init__.py,sha256=rY5qSOkHj59bHiTV6LhBiEhUA0StoCb0ACNR2vkV4v0,297
280
+ snowflake/ml/modeling/kernel_ridge/kernel_ridge.py,sha256=YzK3c6HcrbGykQ8hPa6pXJMsuVVHavRkjuNEyLavbm8,52642
281
+ snowflake/ml/modeling/lightgbm/__init__.py,sha256=rY5qSOkHj59bHiTV6LhBiEhUA0StoCb0ACNR2vkV4v0,297
282
+ snowflake/ml/modeling/lightgbm/lgbm_classifier.py,sha256=aqu_9wuJTO0b02jjwIa8Pa9AWJ7ZSjPJNGZjrhDBPFY,52145
283
+ snowflake/ml/modeling/lightgbm/lgbm_regressor.py,sha256=QM2wAK8olzrzI-q_dXv_kAc7CIvV7sGs32AKCTmJcPE,51647
284
+ snowflake/ml/modeling/linear_model/__init__.py,sha256=rY5qSOkHj59bHiTV6LhBiEhUA0StoCb0ACNR2vkV4v0,297
285
+ snowflake/ml/modeling/linear_model/ard_regression.py,sha256=W1gl4IGFaX_AXONDbA_gfC-LZHiAGf0DC6ELYp62pZk,52402
286
+ snowflake/ml/modeling/linear_model/bayesian_ridge.py,sha256=w-Pc6xF2ytch-HfPWIgAGadTf64J5e3lsWFHPUISR2Q,52772
287
+ snowflake/ml/modeling/linear_model/elastic_net.py,sha256=UOy7Pc3KIytN9gyRydt56uUoZ4oLc-ng09-uUMF8keA,53790
288
+ snowflake/ml/modeling/linear_model/elastic_net_cv.py,sha256=551rCj5fGimvmNhWHV7F-ug7x-BwkyHK2GbtRZcYRsg,54866
289
+ snowflake/ml/modeling/linear_model/gamma_regressor.py,sha256=HqjrLTaY4EROwp66xGCekuQ_kpHN8InKyf3PEhNML8M,52655
290
+ snowflake/ml/modeling/linear_model/huber_regressor.py,sha256=Rr7aGYwkaBpM-zYBPXeI6W2xXswA7-h77_VB0IzHD4E,51852
291
+ snowflake/ml/modeling/linear_model/lars.py,sha256=qszoPQvf2fPWBIee6CB-e8kij8gUoGGPpLAjaqzNkQk,52558
292
+ snowflake/ml/modeling/linear_model/lars_cv.py,sha256=om9N6A2L6AvNLN7ZGmLYyBkZ-2Vt_dYis6MimNkxW8I,52806
293
+ snowflake/ml/modeling/linear_model/lasso.py,sha256=_sI_TRshSX2nYl8HB0p5ogBtIOoi5crI4GrcJgBeqzQ,53172
294
+ snowflake/ml/modeling/linear_model/lasso_cv.py,sha256=C5TNLWaT3LH4XsSZ_THjWgKSasEEnzGbUEfhpEWBYZc,53984
295
+ snowflake/ml/modeling/linear_model/lasso_lars.py,sha256=knYCrHCOaXBf47AAdhJ9wDDELGSpudj6E-_AnHgMUlI,53699
296
+ snowflake/ml/modeling/linear_model/lasso_lars_cv.py,sha256=-F6A1QHVn6ULJG12ZrRkNZdGbwYm7YZIWG3Ejsr3J8A,53687
297
+ snowflake/ml/modeling/linear_model/lasso_lars_ic.py,sha256=SgdksEfanuFEXzaTSADndsvt99CrcKjhE0Gq-40o_y0,53008
298
+ snowflake/ml/modeling/linear_model/linear_regression.py,sha256=x6XurxKT0F-rSkpsog-kMH4dqf8IGkT7bS1oYz_fFfc,51396
299
+ snowflake/ml/modeling/linear_model/logistic_regression.py,sha256=IlDx28zrwblP-8DdZ5tN1CeaOfrHMunRMP-fbi8RosM,58161
300
+ snowflake/ml/modeling/linear_model/logistic_regression_cv.py,sha256=El5o3udl4EXCeqE3UQchb5TbrGXbApvRoktiMgc6_Vw,59225
301
+ snowflake/ml/modeling/linear_model/multi_task_elastic_net.py,sha256=j59Bb4DfPOPbvV3ekxCPaLlXyN_ZsDFH0VIUkBcKIVE,52871
302
+ snowflake/ml/modeling/linear_model/multi_task_elastic_net_cv.py,sha256=LmsFrKdIQrbTuhoxTo-Ta83IUuAZu85R6A0oHw7YAYc,54536
303
+ snowflake/ml/modeling/linear_model/multi_task_lasso.py,sha256=MnsTR1ZzNxEiOzPtJh5ClKcgKxzyeyDCxkuEZhC4cu0,52414
304
+ snowflake/ml/modeling/linear_model/multi_task_lasso_cv.py,sha256=8k8kpcFy48NDr0s3c3-BL4PjOHSkjly0dCMUkKXKmDg,53703
305
+ snowflake/ml/modeling/linear_model/orthogonal_matching_pursuit.py,sha256=JgWKwDHYI43j1A3GNCjS4NWo4hT0cibil0L-0gC9fA4,51619
306
+ snowflake/ml/modeling/linear_model/passive_aggressive_classifier.py,sha256=PcAHLuuFMDDOZL45yatHIWN61jw61msOXsNfMNGcjWg,55443
307
+ snowflake/ml/modeling/linear_model/passive_aggressive_regressor.py,sha256=NCfQHD9VJiIDl-eGCPQZ4492yTPZzZN5RYz72PCOWVQ,54505
308
+ snowflake/ml/modeling/linear_model/perceptron.py,sha256=hSpgHC4XO-08h2AXqnfTbScHUzRH460_V4FyPQ1siT0,54760
309
+ snowflake/ml/modeling/linear_model/poisson_regressor.py,sha256=2H46W-XbwX-8GwBh5Eca3kV5LioYIcwohYaLIpo3yGI,52702
310
+ snowflake/ml/modeling/linear_model/ransac_regressor.py,sha256=_cVkRspXP0ljSe7YdxYFRv-5JBeiamaibk509NTCDgw,55841
311
+ snowflake/ml/modeling/linear_model/ridge.py,sha256=L5Ajz3PwJteqcflPslez66NTr7IAKjbigUTHxMYpiDg,54716
312
+ snowflake/ml/modeling/linear_model/ridge_classifier.py,sha256=niM44vDmpoRMMGJ9g-5qIuUHqeDkrsOk5TJpHZMvlAU,55114
313
+ snowflake/ml/modeling/linear_model/ridge_classifier_cv.py,sha256=6sawX5avdKR0ZOStnFom-FbcjCRXySoTPtHksMnNaj0,53579
314
+ snowflake/ml/modeling/linear_model/ridge_cv.py,sha256=iiTABk8xZD1T3QY1WrmicduN2Jk3UZ_wutFHdGrXwUM,54186
315
+ snowflake/ml/modeling/linear_model/sgd_classifier.py,sha256=CGymVQuwdfbip_YfDqz-pniCGTFd7NI82UUDTGp1c_g,60171
316
+ snowflake/ml/modeling/linear_model/sgd_one_class_svm.py,sha256=mTAzO2gVL5TtDRExgpytgNEVxt7DvPTYPb6xNbxRYt8,55253
317
+ snowflake/ml/modeling/linear_model/sgd_regressor.py,sha256=ToIeH8C32chpaXf8v8DgqozfwwKa12-22shdBcmJ-QU,58148
318
+ snowflake/ml/modeling/linear_model/theil_sen_regressor.py,sha256=wEtbl-3q1w62qVnE-GRgjhTmq7ItQsR063Igm9k8QX0,53138
319
+ snowflake/ml/modeling/linear_model/tweedie_regressor.py,sha256=c0kO63RiGi1N8d_xtmROUgLX6edbRSbHw5byrA7aMY8,54093
320
+ snowflake/ml/modeling/manifold/__init__.py,sha256=rY5qSOkHj59bHiTV6LhBiEhUA0StoCb0ACNR2vkV4v0,297
321
+ snowflake/ml/modeling/manifold/isomap.py,sha256=aFdaFP0fRxXtHnWDxiyOdas2xjjTFB0JqFBSrXxbqEE,53396
322
+ snowflake/ml/modeling/manifold/mds.py,sha256=I_QuAmmAvR_XVhC02S1Id8_86onuZVDn3C2vmEIaskY,52612
323
+ snowflake/ml/modeling/manifold/spectral_embedding.py,sha256=WWXDnycP_jkLO5krDH_HkF8RGmvGbc0p5UcNpojImRs,53476
324
+ snowflake/ml/modeling/manifold/tsne.py,sha256=oSHMII0dVUst6ezVmfTlyP3wJywVJIt7Aj965a1p1PY,56599
325
+ snowflake/ml/modeling/metrics/__init__.py,sha256=1lc1DCVNeo7D-gvvCjmpI5tFIIrOsEdEZMrQiXJnQ8E,507
326
+ snowflake/ml/modeling/metrics/classification.py,sha256=E-Dx3xSmZQrF_MXf2BHAjrDstbCXVyU5g6x6CeizosQ,66411
327
+ snowflake/ml/modeling/metrics/correlation.py,sha256=Roi17Sx5F81VlJaLQTeBAe5qZ7sZYc31UkIuC6z4qkQ,4803
328
+ snowflake/ml/modeling/metrics/covariance.py,sha256=HxJK1mwyt6lMSg8yonHFQ8IxAEa62MHeb1M3eHEtqlk,4672
329
+ snowflake/ml/modeling/metrics/metrics_utils.py,sha256=MLqTN59F3NLkldhsUrJFAZsHmfo5CArmLeLGnui1RpI,13189
330
+ snowflake/ml/modeling/metrics/ranking.py,sha256=znjIIRkGqnGzid7BAGhBowGHbau7mTV5gc-RY_HVfoQ,17760
331
+ snowflake/ml/modeling/metrics/regression.py,sha256=TcqnADqfL9_1XY47HQeul09t3DMPBkPSVtHP5Z9SyV4,26043
332
+ snowflake/ml/modeling/mixture/__init__.py,sha256=rY5qSOkHj59bHiTV6LhBiEhUA0StoCb0ACNR2vkV4v0,297
333
+ snowflake/ml/modeling/mixture/bayesian_gaussian_mixture.py,sha256=vKF2eQnrB63KmDKv0uRytR9-1CYOYU52fr79q0Mfvp8,57984
334
+ snowflake/ml/modeling/mixture/gaussian_mixture.py,sha256=-RLbWrJUJTZ1GZwNn0yrZKwGQpSJZgof6iJpYJG0Wz0,55877
335
+ snowflake/ml/modeling/model_selection/__init__.py,sha256=AUAyMIRsAF9Ocf7zDnGPYSvKgGfkR8LInyFvkC-7MiU,281
336
+ snowflake/ml/modeling/model_selection/grid_search_cv.py,sha256=MN2ShNWFKDJYU8-ofhNfef3zAsGyPMAzfToC6EuQMs4,38358
337
+ snowflake/ml/modeling/model_selection/randomized_search_cv.py,sha256=E5i1AsL50HV9A25JkUUTEQZkX4EVJqrFP2T9EOW5B4U,39100
338
+ snowflake/ml/modeling/multiclass/__init__.py,sha256=rY5qSOkHj59bHiTV6LhBiEhUA0StoCb0ACNR2vkV4v0,297
339
+ snowflake/ml/modeling/multiclass/one_vs_one_classifier.py,sha256=Wfh4mMKFKbh82cZYSVSn1Ra0CrWdw1uplrpuUl9z3RU,51398
340
+ snowflake/ml/modeling/multiclass/one_vs_rest_classifier.py,sha256=-Hpcu72UIFh2TjPavGXl4GLfuQ6KBProKFc0omJvF54,52333
341
+ snowflake/ml/modeling/multiclass/output_code_classifier.py,sha256=qlTdJpZ_kG68l2suCDc2Q-lFhZAzof8DuH7Fpn2kxH4,51670
342
+ snowflake/ml/modeling/naive_bayes/__init__.py,sha256=rY5qSOkHj59bHiTV6LhBiEhUA0StoCb0ACNR2vkV4v0,297
343
+ snowflake/ml/modeling/naive_bayes/bernoulli_nb.py,sha256=KNaMA7jiWY1k2y1NJQti6DjHJDmNDjn9GNpmdik_EqY,51925
344
+ snowflake/ml/modeling/naive_bayes/categorical_nb.py,sha256=4y2cpGa7I49_yA8mUTnVk3yHFl8I02-5-C1zFSbPzwo,52262
345
+ snowflake/ml/modeling/naive_bayes/complement_nb.py,sha256=AIl4z8cJywDBWB9Aj77mWqwPQM2FXDJa3iZbX-HFFyg,51941
346
+ snowflake/ml/modeling/naive_bayes/gaussian_nb.py,sha256=J6jl4rFzTu3wXEXCE0gg_XHGKYMqKdsJrw7KEmEqGu4,51073
347
+ snowflake/ml/modeling/naive_bayes/multinomial_nb.py,sha256=J1-OnSpbELzx5N75mXU4DwoKQQVQV6cExx37E9YPBXI,51707
348
+ snowflake/ml/modeling/neighbors/__init__.py,sha256=rY5qSOkHj59bHiTV6LhBiEhUA0StoCb0ACNR2vkV4v0,297
349
+ snowflake/ml/modeling/neighbors/k_neighbors_classifier.py,sha256=_Yf9GV5V48Odh-xD4urNQKgtEisQz-V85RCAmdZDcS0,55039
350
+ snowflake/ml/modeling/neighbors/k_neighbors_regressor.py,sha256=KUAfOp5spxNgiy1sx_S9B8iugvRdCXwPOkgtK_pwrtM,54405
351
+ snowflake/ml/modeling/neighbors/kernel_density.py,sha256=PMX2ee5gmtnBk2Tn6QVe0tvLJWHtntAkvCbRqI07-9M,52694
352
+ snowflake/ml/modeling/neighbors/local_outlier_factor.py,sha256=C-BHWY1LTSUxet9Cq2RRNOuYp1PBAc8U9tEGmZOn1l0,55270
353
+ snowflake/ml/modeling/neighbors/nearest_centroid.py,sha256=54-5Z0s0UqOzgbW12mBrRLJXX-b2s1rLLE40zGJtqyA,50858
354
+ snowflake/ml/modeling/neighbors/nearest_neighbors.py,sha256=cT7OHKZZz3ZVBSCF2sEv3eigrJfdZ4ceXIJTbU6uk50,53177
355
+ snowflake/ml/modeling/neighbors/neighborhood_components_analysis.py,sha256=kmwYOcG7oEPRSYRACms6lnAwBbaTr5ZpLWRkI_qkILA,54759
356
+ snowflake/ml/modeling/neighbors/radius_neighbors_classifier.py,sha256=_n3tarqrvg-YrNOpOVuQIsgQL0YdPoJ2g-eXPVPoaTk,55488
357
+ snowflake/ml/modeling/neighbors/radius_neighbors_regressor.py,sha256=N1CaJ-AEcYnzcQg8XzKq-JDJIqvi01xxCAeTh7TJQPM,54088
358
+ snowflake/ml/modeling/neural_network/__init__.py,sha256=rY5qSOkHj59bHiTV6LhBiEhUA0StoCb0ACNR2vkV4v0,297
359
+ snowflake/ml/modeling/neural_network/bernoulli_rbm.py,sha256=e5iUpcB_ZHpHjtf2uZD5N0qwPKaIiy2sxdv9I6dr7tQ,51901
360
+ snowflake/ml/modeling/neural_network/mlp_classifier.py,sha256=DV9IQYwGTW-12O2tP2vEl5Y4lkB653sP4Bw6PEsZHho,59455
361
+ snowflake/ml/modeling/neural_network/mlp_regressor.py,sha256=evzApQusrUFssU6PDu4YXk3apyOGnTDKberoXANN1VU,58567
362
+ snowflake/ml/modeling/parameters/disable_distributed_hpo.py,sha256=jyjlLPrtnDSQxlTTM0ayMjWKVL_IP3snd--yeXK5htY,221
363
+ snowflake/ml/modeling/parameters/disable_model_tracer.py,sha256=uj6SZz7HQpThGLs90zfUDcNMChxf0C6DKRN2xOfjmvI,203
364
+ snowflake/ml/modeling/parameters/enable_anonymous_sproc.py,sha256=7FUdfhLbEGEocdd5XZ-7MFYMzOva58qI1dPDurPt7fw,207
365
+ snowflake/ml/modeling/pipeline/__init__.py,sha256=AUAyMIRsAF9Ocf7zDnGPYSvKgGfkR8LInyFvkC-7MiU,281
366
+ snowflake/ml/modeling/pipeline/pipeline.py,sha256=chsbUnZwg-4NV1mJdNoH4GkZ0aB_NQkG_wX__d9w9Bc,40566
367
+ snowflake/ml/modeling/preprocessing/__init__.py,sha256=AUAyMIRsAF9Ocf7zDnGPYSvKgGfkR8LInyFvkC-7MiU,281
368
+ snowflake/ml/modeling/preprocessing/binarizer.py,sha256=MrgSVTw9RpajyYe0dzai-qnpdOb3Zq0SfJRpHJjpnoY,7383
369
+ snowflake/ml/modeling/preprocessing/k_bins_discretizer.py,sha256=NwZHD5JCKqR_-psMFGxgf2vmpKLQU2WlJbjs9RinSto,21540
370
+ snowflake/ml/modeling/preprocessing/label_encoder.py,sha256=jQV2UgA-qtzxNxHzgyhfJtWYIT_8L81miwcQy4dxHIA,7802
371
+ snowflake/ml/modeling/preprocessing/max_abs_scaler.py,sha256=e-PPPxXd9odXU5vxyuhl7UBJoXTKuJTJCZ0z6zAS4hU,9134
372
+ snowflake/ml/modeling/preprocessing/min_max_scaler.py,sha256=NappHtB3aOPDstBFkc-Kb0yOkhlsQAT5DfBudw3iheg,12448
373
+ snowflake/ml/modeling/preprocessing/normalizer.py,sha256=rVlTClMkFz2N12vlV5pbKBMLJ14FU9XOd1p064Wv1lU,6984
374
+ snowflake/ml/modeling/preprocessing/one_hot_encoder.py,sha256=JWwBI5Ew1pwyMmJRmvEEnfkNn4zR-p4BbpgqGHQpFVQ,75160
375
+ snowflake/ml/modeling/preprocessing/ordinal_encoder.py,sha256=FLPX9ix3dWUe2_8GdEZ9v4MWPzoYfp8Ig6B5w4svPcQ,35307
376
+ snowflake/ml/modeling/preprocessing/polynomial_features.py,sha256=r22lF0Qw3ylUesyu4SDX0rqXzs4MYmdJoqlakCBz7_c,51843
377
+ snowflake/ml/modeling/preprocessing/robust_scaler.py,sha256=XW9d7z0JlQlmkcsNxfEgf78uOmb0T2uQd4B-vfyA8zY,12634
378
+ snowflake/ml/modeling/preprocessing/standard_scaler.py,sha256=V-9LbiD5G-RXGayLMnsC4wh9EQx0rw3bAou1gARWtIQ,11761
379
+ snowflake/ml/modeling/semi_supervised/__init__.py,sha256=rY5qSOkHj59bHiTV6LhBiEhUA0StoCb0ACNR2vkV4v0,297
380
+ snowflake/ml/modeling/semi_supervised/label_propagation.py,sha256=QvurssFENi7-aHTkLyyWxS9rQ_s_dmmxr7kjDmn7Ygg,52172
381
+ snowflake/ml/modeling/semi_supervised/label_spreading.py,sha256=4FsxD-Owdu_a7jr6lO3LPWEaRqtlODg-8MIokB-Avbo,52519
382
+ snowflake/ml/modeling/svm/__init__.py,sha256=rY5qSOkHj59bHiTV6LhBiEhUA0StoCb0ACNR2vkV4v0,297
383
+ snowflake/ml/modeling/svm/linear_svc.py,sha256=ccGMbftE9R49lKdZfBMlpT4B0LefdJSaNSP--8v8InU,55744
384
+ snowflake/ml/modeling/svm/linear_svr.py,sha256=1lI0VDv_huwEE0lBZaMhtJ3qi2ZJ3dNeKzvyVpE5PUo,53927
385
+ snowflake/ml/modeling/svm/nu_svc.py,sha256=qijEUvsgmjfStiyyvg8_TTMv_BVFq69R39M5olbLyHc,55412
386
+ snowflake/ml/modeling/svm/nu_svr.py,sha256=Fti-_OEaYxMlP_7KQnmSJ5J6JfPZowSrXQVeGxnPATE,52526
387
+ snowflake/ml/modeling/svm/svc.py,sha256=-6AL1e6eoReuwD34wiC3fKAEy7oXrLwSIAJLFPHYb1o,55726
388
+ snowflake/ml/modeling/svm/svr.py,sha256=-c39k9sfWZGOshzQDblh-IH_SM1AAywevOXw93G9GlI,52705
389
+ snowflake/ml/modeling/tree/__init__.py,sha256=rY5qSOkHj59bHiTV6LhBiEhUA0StoCb0ACNR2vkV4v0,297
390
+ snowflake/ml/modeling/tree/decision_tree_classifier.py,sha256=sikvjQMyaD0ji8cHERdCSvhY161wWpWzT8EYAEcoBl4,58512
391
+ snowflake/ml/modeling/tree/decision_tree_regressor.py,sha256=999NuwdM3ioYv6bgvtAA6RhSmUHj9fpwLEzigLQmWsg,57060
392
+ snowflake/ml/modeling/tree/extra_tree_classifier.py,sha256=4qCZ_LgKEn1CjJwe-jvYqYrEG03s89_AVBCevaR3zcc,57823
393
+ snowflake/ml/modeling/tree/extra_tree_regressor.py,sha256=1WP5zhhdXsNbFtZ38RLGj0THvMpVUF_zZr-j5qlEzds,56408
394
+ snowflake/ml/modeling/xgboost/__init__.py,sha256=rY5qSOkHj59bHiTV6LhBiEhUA0StoCb0ACNR2vkV4v0,297
395
+ snowflake/ml/modeling/xgboost/xgb_classifier.py,sha256=SF5F4elDdHmt8Wtth8BIH2Sc60l7ZgVen_XsGoKraIo,63977
396
+ snowflake/ml/modeling/xgboost/xgb_regressor.py,sha256=5x-N1Yym0OfF3D7lHNzLByaazc4aoDNVmCQ-TgbYOGg,63580
397
+ snowflake/ml/modeling/xgboost/xgbrf_classifier.py,sha256=H3SAtx-2mIwS3N_ltBXVHlbLeYun5TtdBBN_goeKrBg,64253
398
+ snowflake/ml/modeling/xgboost/xgbrf_regressor.py,sha256=Up3rbL7pfeglVKx920UpLhBzHxteXLTWHqIk5WX9iPY,63778
399
+ snowflake/ml/monitoring/explain_visualize.py,sha256=CJMH5W7m2iIAwUPXdBAOUVW8t97zLm1lLCagyUV-g88,10278
400
+ snowflake/ml/monitoring/model_monitor.py,sha256=8vJf1YROmJgBLUtpaH-lGKSSJv9R7PxPaQnOdr_j5YE,2200
401
+ snowflake/ml/monitoring/model_monitor_version.py,sha256=TlmDJZDE0lCVatRaBRgXIjzDF538nrMIc-zWj9MM_nk,46
402
+ snowflake/ml/monitoring/shap.py,sha256=Dp9nYquPEZjxMTW62YYA9g9qUdmCEFxcSk7ejvOP7PE,3597
403
+ snowflake/ml/monitoring/_client/model_monitor_sql_client.py,sha256=Ke1fsN4347APII-EETEBY7hTydY9MRgQubinCE6eI_U,12700
404
+ snowflake/ml/monitoring/_client/queries/record_count.ssql,sha256=Bd1uNMwhPKqPyrDd5ug8iY493t9KamJjrlo82OAfmjY,335
405
+ snowflake/ml/monitoring/_client/queries/rmse.ssql,sha256=OEJiSStRz9-qKoZaFvmubtY_n0xMUjyVU2uiQHCp7KU,822
406
+ snowflake/ml/monitoring/_manager/model_monitor_manager.py,sha256=0jpT1-aRU2tsxSM87I-C2kfJeLevCgM-a-OwU_-VUdI,10302
407
+ snowflake/ml/monitoring/entities/model_monitor_config.py,sha256=1W6TFTPicC6YAbjD7A0w8WMhWireyUxyuEy0RQXmqyY,1787
408
+ snowflake/ml/registry/__init__.py,sha256=XdPQK9ejYkSJVrSQ7HD3jKQO0hKq2mC4bPCB6qrtH3U,76
409
+ snowflake/ml/registry/registry.py,sha256=FImEpQghF9tiSVwKAH5w0ePo2HG9i5AZNJ_4dw_6J54,30634
410
+ snowflake/ml/registry/_manager/model_manager.py,sha256=5HMLGSEJK8uYD4OVlxJqa83g9OPvdj-K7j_UaW-dde8,18271
411
+ snowflake/ml/utils/authentication.py,sha256=E1at4TIAQRDZDsMXSbrKvSJaT6_kSYJBkkr37vU9P2s,2606
412
+ snowflake/ml/utils/connection_params.py,sha256=w3Ws1_rqSjqEzg1oehVCGXcyYdcNRpg-whiw4EyrvYM,7999
413
+ snowflake/ml/utils/sparse.py,sha256=zLBNh-ynhGpKH5TFtopk0YLkHGvv0yq1q-sV59YQKgg,3819
414
+ snowflake/ml/utils/sql_client.py,sha256=pSe2od6Pkh-8NwG3D-xqN76_uNf-ohOtVbT55HeQg1Y,668
415
+ snowflake_ml_python-1.8.4.dist-info/licenses/LICENSE.txt,sha256=PdEp56Av5m3_kl21iFkVTX_EbHJKFGEdmYeIO1pL_Yk,11365
416
+ snowflake_ml_python-1.8.4.dist-info/METADATA,sha256=C8w7DA8fDZ_y3aB7q55ezQ8kRTYpKU_HFFEhDg3Z8T0,84232
417
+ snowflake_ml_python-1.8.4.dist-info/WHEEL,sha256=DnLRTWE75wApRYVsjgc6wsVswC54sMSJhAEd4xhDpBk,91
418
+ snowflake_ml_python-1.8.4.dist-info/top_level.txt,sha256=TY0gFSHKDdZy3THb0FGomyikWQasEGldIR1O0HGOHVw,10
419
+ snowflake_ml_python-1.8.4.dist-info/RECORD,,
@@ -1,5 +1,5 @@
1
1
  Wheel-Version: 1.0
2
- Generator: setuptools (78.1.0)
2
+ Generator: setuptools (80.4.0)
3
3
  Root-Is-Purelib: true
4
4
  Tag: py3-none-any
5
5
 
@@ -1 +0,0 @@
1
- REQUIREMENTS = ['cloudpickle>=2.0.0,<3']
@@ -1,2 +0,0 @@
1
- IN_ML_RUNTIME_ENV_VAR = "IN_SPCS_ML_RUNTIME"
2
- USE_OPTIMIZED_DATA_INGESTOR = "USE_OPTIMIZED_DATA_INGESTOR"