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
@@ -1,420 +0,0 @@
1
- snowflake/cortex/__init__.py,sha256=gboUvJBYzJIq11AK_Qa0ipOUbKctHahNXe1p1Z7j8xY,1032
2
- snowflake/cortex/_classify_text.py,sha256=zlAUJXPgcEwmh9KtkqafAD0NRP3UBboCJGVzMylW4Lk,1640
3
- snowflake/cortex/_complete.py,sha256=FBdO3ylXcp3TBvUj2dRnL339za4qFBWuFwCkFVZ38FM,19750
4
- snowflake/cortex/_embed_text_1024.py,sha256=P3oMsrMol_rTK0lZxDmEBx7XSA9HB2y3AMjaD66LrgY,1651
5
- snowflake/cortex/_embed_text_768.py,sha256=_WMt_FHu3n-CKXj8yiposDSi763Sd-NHV9UeGQ7YHaE,1643
6
- snowflake/cortex/_extract_answer.py,sha256=7C-23JytRKdZN9ZYY9w10RfAe_GzmvzKAqqUDl3T4aQ,1605
7
- snowflake/cortex/_finetune.py,sha256=V-cb1M-TDurjO-F25E1CwviXp2r-QCcu6NjsVE6icOg,10952
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=cwRGgrcUo3E05ZaIDT9436vXLQ7GfuBVAjR0QeQ2bDE,3320
13
- snowflake/ml/version.py,sha256=2JIOu22NGQEnRBBjazfkoim0b-FI0TFKadK5Q0ff7EQ,16
14
- snowflake/ml/_internal/env.py,sha256=kCrJTRnqQ97VGUVI1cWUPD8HuBWeL5vOOtwUR0NB9Mg,161
15
- snowflake/ml/_internal/env_utils.py,sha256=5ps0v7c655lXsFVfnASxIyEwiVSGxZXke-VjeAWDs0A,27866
16
- snowflake/ml/_internal/file_utils.py,sha256=R3GRaKzJPLOa1yq9E55rhxUr59DztZlIqAnaqcZ1HfE,14275
17
- snowflake/ml/_internal/init_utils.py,sha256=U-oPOtyVf22hCwDH_CH2uDr9yuN6Mr3kwQ_yRAs1mcM,2696
18
- snowflake/ml/_internal/migrator_utils.py,sha256=k3erO8x3YJcX6nkKeyJAUNGg1qjE3RFmD-W6dtLzIH0,161
19
- snowflake/ml/_internal/platform_capabilities.py,sha256=X6c27VCIhZxxiSVBMb2bqR_zUtF8sper718x5muXWcY,5224
20
- snowflake/ml/_internal/relax_version_strategy.py,sha256=MYEIZrx1HfKNhl9Na3GN50ipX8c0MKIj9nwxjB0IC0Y,484
21
- snowflake/ml/_internal/telemetry.py,sha256=D2ZgVdibSYKvPg0CZhf4lW3QQot7cgOPhex7a0CXsao,30996
22
- snowflake/ml/_internal/type_utils.py,sha256=x0sm7lhpDyjdA1G7KvJb06z4PEGsogWiMwFrskPTWkA,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=D1yoVG1vmAFUhWQ5xCRRU6HCCBPbXHpOXagFd0jK0O8,4519
36
- snowflake/ml/_internal/lineage/lineage_utils.py,sha256=kxWW7fkSf1HiUQSks3VlzWyntpt4o_pbptXcpQHtnk8,3432
37
- snowflake/ml/_internal/utils/db_utils.py,sha256=HBAY0-XHzCP4ai5q3Yqd8O19Ar_Q9J3xD4jO6Fe7Zek,1668
38
- snowflake/ml/_internal/utils/formatting.py,sha256=PswZ6Xas7sx3Ok1MBLoH2o7nfXOxaJqpUPg_UqXrQb8,3676
39
- snowflake/ml/_internal/utils/identifier.py,sha256=A7TCY2o-VzZr_pV_mwG7e_DS1zHZdlVlRIQOg9bgOt8,12585
40
- snowflake/ml/_internal/utils/import_utils.py,sha256=iUIROZdiTGy73UCGpG0N-dKtK54H0ymNVge_QNQYY3A,3220
41
- snowflake/ml/_internal/utils/jwt_generator.py,sha256=bj7Ltnw68WjRcxtV9t5xrTRvV5ETnvovB-o3Y8QWNBg,5357
42
- snowflake/ml/_internal/utils/parallelize.py,sha256=Q6_-P2t4DoYNO8DyC1kOl7H3qNL-bUK6EgtlQ_b5ThY,4534
43
- snowflake/ml/_internal/utils/pkg_version_utils.py,sha256=FwdLHFhxi3CAQQduGjFavEBmkD9Ra6ZTkt6Eub-WoSA,5168
44
- snowflake/ml/_internal/utils/query_result_checker.py,sha256=h1nbUImdB9lSNCON3uIA0xCm8_JrS-TE-jQXJJs9WfU,10668
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=WY9KgMcXEydpWObHQCQhvxcSZXMwC-2OHc894njmXEg,3346
48
- snowflake/ml/_internal/utils/snowpark_dataframe_utils.py,sha256=pV8m0d4xfG2_Cl25T5nZb1HCXH375EKSOCgwYWfQVac,6359
49
- snowflake/ml/_internal/utils/sql_identifier.py,sha256=A5mfeDuz4z6VuUYG3EBpDyQQQCNiRtjVS1WNWAoiqq8,4682
50
- snowflake/ml/_internal/utils/table_manager.py,sha256=pU7v8Cx-jGObf6RtTmfCmALfhbpJD-lL45T1gWX1nSY,4982
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=wTD6qBMd9aBJKP1tV_wVa-vubzgbQBKkia0BAjRpwic,10496
54
- snowflake/ml/data/data_ingestor.py,sha256=mH1_DBDS_XwxYsOoWI3EGQpBzr8j8jBgH2t2S1V1eGM,1035
55
- snowflake/ml/data/data_source.py,sha256=dRemXGi_HHQdn6gaNkxxGJixnQPuUYFDP8NBjmB_ZMk,518
56
- snowflake/ml/data/ingestor_utils.py,sha256=--nEwJHbYqYHpAzR1APgoeVF9CMgq_fDX81X29HAB4w,2727
57
- snowflake/ml/data/torch_utils.py,sha256=6ywrp1BKrkuhmDQLatgT5pRb6bJNKLKbAQNRV6HDEhY,3603
58
- snowflake/ml/data/_internal/arrow_ingestor.py,sha256=fTfrcspjitDnTzsHeVIJGKYOTrJU5QH61vqXue7dy2Y,12147
59
- snowflake/ml/dataset/__init__.py,sha256=nESj7YEI2u90Oxyit_hKCQMWb7N1BlEM3Ho2Fm0MfHo,274
60
- snowflake/ml/dataset/dataset.py,sha256=eN9hStlwLlWXU3bp7RSruzIgSPEXNunpagCUDRbtz54,21041
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=uYOK8e0f_cDctPLCATkWR8dWC5zoco2GpWVEYvVxU1s,4655
64
- snowflake/ml/feature_store/__init__.py,sha256=VKBVkS050WNF8rcqNqwFfNXa_B9GZjcUpuibOGsUSls,423
65
- snowflake/ml/feature_store/access_manager.py,sha256=LcsfBKsZzfERQQ_pqZG0W-XbpVGx9jkZOI-7nbfryhg,10666
66
- snowflake/ml/feature_store/entity.py,sha256=A65FOGlljREUG8IRMSN84v1x2uTeVGCM4NqKXO2Ui8w,4059
67
- snowflake/ml/feature_store/feature_store.py,sha256=ejfeXcpO4uaKi-7Yur8sy-8tCGyA0oXO8q__q_K-dDw,114281
68
- snowflake/ml/feature_store/feature_view.py,sha256=JenAd-62y77m7UPo27BL9vthh6GdbFByqMiMro3BB9A,38991
69
- snowflake/ml/feature_store/examples/example_helper.py,sha256=qW6Pu_hQyeSQ3K4OKmiE5AkdvFqDU9OGHNP9RnN6xVE,12482
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=dLZlKOUsI-NvBdaBeoole0mIUrHfbqTexFSbCDGjlGw,1070
73
- snowflake/ml/feature_store/examples/airline_features/features/weather_features.py,sha256=RG_Nrjyx8mn9ACzW7nKHUTn36ZnuEueNF5QeGsWe9rk,1695
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=nfmgp6KD2ACaqxSClGGjY-Eqk83bTAa0M8yokT98e6E,1423
77
- snowflake/ml/feature_store/examples/citibike_trip_features/features/trip_feature.py,sha256=bJe3J-fgdVbPdjAgtPpreh6ZPJKmSqkvSxO9Rpe0Eu4,1228
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=n08DTAKWoSwu3jMa1Bl5Iae4-NBlBV7IIyCrUc6qpGM,1782
81
- snowflake/ml/feature_store/examples/new_york_taxi_features/features/trip_features.py,sha256=CsZ4Qe4nrsY39L5E1CX2k3lHD_afdiPDOiJ8VpVq5wk,1327
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=W58pGmIKV1iehou4Knw_yWJRWKKt_80ZiiMi3C_vwOw,1466
90
- snowflake/ml/feature_store/examples/wine_quality_features/features/static_wine_features.py,sha256=ej1_DxD_W4TyqwOJ9T5C6s0S8rE5UPaP-KFzKi5MDWM,1024
91
- snowflake/ml/fileset/embedded_stage_fs.py,sha256=fmt8IoYbHtBMjyIC3K87ng-i5uYwE_2XKFQogNkP-nM,6000
92
- snowflake/ml/fileset/fileset.py,sha256=B-mIStgFHtQn1TbQO3ZSURAFyxYn4m54NuBUdThM-Bc,26339
93
- snowflake/ml/fileset/sfcfs.py,sha256=uPn8v5jlC3h_FrNqb4UMRAZjRZLn0I3tzu0sfi5RHik,15542
94
- snowflake/ml/fileset/snowfs.py,sha256=uF5QluYtiJ-HezGIhF55dONi3t0E6N7ByaVAIAlM3nk,5133
95
- snowflake/ml/fileset/stage_fs.py,sha256=IEVZ6imH77JiSOIRlRHNWalwafoACRgHFr8RAaICSP8,20170
96
- snowflake/ml/jobs/__init__.py,sha256=ORX_0blPSpl9u5442R-i4e8cqWYfO_vVjFFtX3as184,420
97
- snowflake/ml/jobs/decorators.py,sha256=MCdVLyz_hv_GOqT89c3NxKORS1xmSCmo5VknMcffzM0,3176
98
- snowflake/ml/jobs/job.py,sha256=-zgtg_hC8PjFz2KL3c8l9VejvmcZsJQMZtVpcfRDk4k,9448
99
- snowflake/ml/jobs/manager.py,sha256=kkJDD9EaBNppnF0-QGTUiOnkPmCtChRJ53-wZMpTAtc,13411
100
- snowflake/ml/jobs/_utils/constants.py,sha256=5P_hKBg2JpV_yh1SH97DHjTLa2nZftKd05EJiXELriU,3169
101
- snowflake/ml/jobs/_utils/interop_utils.py,sha256=cmZWpvhiqk8nnS63LseO2ZLV7U0HktGtJiFxcSquBmE,18861
102
- snowflake/ml/jobs/_utils/payload_utils.py,sha256=ZvvuRcsQSdmqd8_WOuWwKEBhfCqchTazbbD9yttV9rI,21631
103
- snowflake/ml/jobs/_utils/spec_utils.py,sha256=fH_XAs2tLny4abWoghBETxVGdQd06cDe7AQi_eWurQ8,12643
104
- snowflake/ml/jobs/_utils/types.py,sha256=yW9A7su6gHDRsOSgpdgdjjdElYaz6aHhN2uMtYsM5oU,978
105
- snowflake/ml/jobs/_utils/scripts/constants.py,sha256=YyIWZqQPYOTtgCY6SfyJjk2A98I5RQVmrOuLtET5Pqg,173
106
- snowflake/ml/jobs/_utils/scripts/get_instance_ip.py,sha256=bh23hn1mVebiU7CytzlMVTgfYBlpXHrwjyHLSlfEJB8,5259
107
- snowflake/ml/jobs/_utils/scripts/mljob_launcher.py,sha256=gKps2uicKksFSeKWz_elrzLUMNunjgjtNZ9VxargR2Y,6747
108
- snowflake/ml/jobs/_utils/scripts/signal_workers.py,sha256=6dr2GWGSJOLxKHCDkcbJn7unWGN4xm7cgB2kmrmSpRs,7450
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=e6L4bdYDSVgTv0BEfqgPQWNoDiTiuI7HmfJ6n-WmNLE,5812
112
- snowflake/ml/model/__init__.py,sha256=EvPtblqPN6_T6dyVfaYUxCfo_M7D2CQ1OR5giIH4TsQ,314
113
- snowflake/ml/model/custom_model.py,sha256=Dmf9oLf71BQtakSagaGG_8xfr3oXoEuW_Jzpt2RqIis,11780
114
- snowflake/ml/model/model_signature.py,sha256=FJnLn6XtlaYWOgwMPRFb__QY3BQCeYGHWGHEFcySbT0,32302
115
- snowflake/ml/model/type_hints.py,sha256=DbCC6JXJuiGob8hohxUxP8LikE-IppHYp2mW-CXbfmQ,9580
116
- snowflake/ml/model/_client/model/model_impl.py,sha256=pqjK8mSZIQJ_30tRWWFPIo8X35InSVoAunXlQNtSJEM,15369
117
- snowflake/ml/model/_client/model/model_version_impl.py,sha256=kslv-oOyh5OvoG8BjNBl_t4mqRjMn-kLpla6CdJRBaA,40272
118
- snowflake/ml/model/_client/ops/metadata_ops.py,sha256=7cGx8zYzye2_cvZnyGxoukPtT6Q-Kexd-s4yeZmpmj8,4890
119
- snowflake/ml/model/_client/ops/model_ops.py,sha256=N6xuikPmuK7jpag3CluKyz4bu00oJbMC3_266T2nBLQ,47990
120
- snowflake/ml/model/_client/ops/service_ops.py,sha256=7i4nzXjLlwyYXvT75UNbsmNMpFmQHE4Vppw_9K77p_A,19804
121
- snowflake/ml/model/_client/service/model_deployment_spec.py,sha256=3CZmXXePQHpWNUdiNtdBzxJCqOEHwop8izK6O0yGKRk,4749
122
- snowflake/ml/model/_client/service/model_deployment_spec_schema.py,sha256=eaulF6OFNuDfQz3oPYlDjP26Ww2jWWatm81dCbg602E,825
123
- snowflake/ml/model/_client/sql/_base.py,sha256=Qrm8M92g3MHb-QnSLUlbd8iVKCRxLhG_zr5M2qmXwJ8,1473
124
- snowflake/ml/model/_client/sql/model.py,sha256=o36oPq4aU9TwahqY2uODYvICxmj1orLztijJ0yMbWnM,5852
125
- snowflake/ml/model/_client/sql/model_version.py,sha256=R0TnsRta7tSmd7RBphERzBKXpYBxOhec1CefW6VWrVE,23543
126
- snowflake/ml/model/_client/sql/service.py,sha256=EFCTukL0ng8Fcle0eusBxJYw2DaEYNshBi812LxBf2w,11757
127
- snowflake/ml/model/_client/sql/stage.py,sha256=165vyAtrScSQWJB8wLXKRUO1QvHTWDmPykeWOyxrDRg,826
128
- snowflake/ml/model/_client/sql/tag.py,sha256=pwwrcyPtSnkUfDzL3M8kqM0KSx7CaTtgty3HDhVC9vg,4345
129
- snowflake/ml/model/_model_composer/model_composer.py,sha256=rXQDGEjhbXIWJm0RJf9PhGLDTayRiuLn6sehUInG_g8,10226
130
- snowflake/ml/model/_model_composer/model_manifest/model_manifest.py,sha256=d3Ej_OzQkfSugx15m5zrheBktKVod5ZDtjrd3O5bTU8,8984
131
- snowflake/ml/model/_model_composer/model_manifest/model_manifest_schema.py,sha256=s71r-JGI-9aPpA7dDiic5bF2y-7m18UgHipqNhn9aS4,2836
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=Yxmr3uLpxFFuYdJ5f9MQLIXP3yfbL-ym2rxl1hUIRRM,7173
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=wMPGOegXx5GgiSA81gbKpfODosdj2mvD1bFbeN4OmNc,2642
140
- snowflake/ml/model/_packager/model_packager.py,sha256=Gr2ENRgs9_qQevI-V5vSKDr5Lywx9hyyzuzc3VMinl4,5958
141
- snowflake/ml/model/_packager/model_env/model_env.py,sha256=9ifFoFyqqRaRlOwhSlnuqAjrY7qsQYNoyiioJgDO1VE,18730
142
- snowflake/ml/model/_packager/model_handlers/_base.py,sha256=qQS1ZSz1Ikdj0TvyLU9n8K6KAj-PknL4s801qpnWodo,7164
143
- snowflake/ml/model/_packager/model_handlers/_utils.py,sha256=6c7xsQqDIlI07NgQRnhAGIZqyeuwoR1T4wFYFvpEKpE,10770
144
- snowflake/ml/model/_packager/model_handlers/catboost.py,sha256=vwlKuXwJGYrna7wkXDgEu8-nUNegNhHMCaNQdhL5p44,10677
145
- snowflake/ml/model/_packager/model_handlers/custom.py,sha256=Atp6QP_ksRBNXYUEHGe4FykPjEDBR6Fb6E3hWvpsjQI,8302
146
- snowflake/ml/model/_packager/model_handlers/huggingface_pipeline.py,sha256=GaB_zJe8bhqKS5BsMoGtb74I4Sy3eLUsEnkjlRkhbWg,22693
147
- snowflake/ml/model/_packager/model_handlers/keras.py,sha256=h7iXxEUFvcuOnFvstZxLmsy4CGYqosV2BIeoenBGbUQ,8697
148
- snowflake/ml/model/_packager/model_handlers/lightgbm.py,sha256=qm_Q7FxD19r1fFnSt25pZJw9sU-jE0Yu2h2qUvOl_qs,11127
149
- snowflake/ml/model/_packager/model_handlers/mlflow.py,sha256=A3HnCa065jtHsRM40ZxfLv5alk0RYhVmsU4Jt2klRwQ,9189
150
- snowflake/ml/model/_packager/model_handlers/pytorch.py,sha256=FamqiwFhtIwlPeb6CoQD2Xkout7f5wKVugvWFX98DV0,9790
151
- snowflake/ml/model/_packager/model_handlers/sentence_transformers.py,sha256=EKgpN6e4c8bi0znnV-pWzAR3cwDvORcsL72x6o-JPqA,11381
152
- snowflake/ml/model/_packager/model_handlers/sklearn.py,sha256=v2ZSQ_MWrORiKvUpdjY_SwzhpY4vxOyARJQJuQnxKdw,15443
153
- snowflake/ml/model/_packager/model_handlers/snowmlmodel.py,sha256=Jx6MnlfNGdPcBUcLcSs-E1yaWCB4hM3OroeGZb2kE2I,17185
154
- snowflake/ml/model/_packager/model_handlers/tensorflow.py,sha256=Fr_iqjJf69_az7uUSagt9qB0ipkq4f1AkjeEGw7PcI4,11205
155
- snowflake/ml/model/_packager/model_handlers/torchscript.py,sha256=Tmkpj_4RAlz3r8YvEQvtTTcB_q30UpeLymPGkHmQ390,9536
156
- snowflake/ml/model/_packager/model_handlers/xgboost.py,sha256=Vv6OIDmzX07F1bAznP6JTBqp0EBGSOuHUaYLR5fKXDw,11587
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/_packaging_requirements.py,sha256=E8LiAHewa-lsm6_SL6d9AcpO0m23fYdsKPXOevmHjB8,41
163
- snowflake/ml/model/_packager/model_meta/model_blob_meta.py,sha256=GmiqqI-XVjrOX7cSa5GKerKhfHptlsg74MKqTGwJ5Jk,1949
164
- snowflake/ml/model/_packager/model_meta/model_meta.py,sha256=TPHi9qxfSUmcVQQ2x0LrtF1IYl2aIuykgSCmh0j-XpI,19650
165
- snowflake/ml/model/_packager/model_meta/model_meta_schema.py,sha256=xWMbdWcDBzC-ZwFgA_hPK60o91AserkR-DpXEEKYK_w,3551
166
- snowflake/ml/model/_packager/model_meta_migrator/base_migrator.py,sha256=SORlqpPbOeBg6dvJ3DidHeLVi0w9YF0Zv4tC0Kbc20g,1311
167
- snowflake/ml/model/_packager/model_meta_migrator/migrator_plans.py,sha256=nf6PWDH_gvX_OiS4A-G6BzyCLFEG4dASU0t5JTsijM4,1041
168
- snowflake/ml/model/_packager/model_meta_migrator/migrator_v1.py,sha256=qEPzdCw_FzExMbPuyFHupeWlYD88yejLdcmkPwjJzDk,2070
169
- snowflake/ml/model/_packager/model_runtime/_snowml_inference_alternative_requirements.py,sha256=OiFGM-wDeGxFtmm5MSeehNp2g4fgNXn0eaUAujto6Po,637
170
- snowflake/ml/model/_packager/model_runtime/model_runtime.py,sha256=0l8mgrfmpvTn516Id6xgIG4jIqxSy9nN2PFlnqOljiI,5365
171
- snowflake/ml/model/_packager/model_task/model_task_utils.py,sha256=_nm3Irl5W6Oa8_OnJyp3bLeA9QAbV9ygGCsgHI70GX4,6641
172
- snowflake/ml/model/_signatures/base_handler.py,sha256=4CTZKKbg4WIz_CmXjyVy8tKZW-5OFcz0J8XVPHm2dfQ,1269
173
- snowflake/ml/model/_signatures/builtins_handler.py,sha256=ItWb8xNDDvIhDlmfUFCHOnUllvKZSTsny7_mRwks_Lc,3135
174
- snowflake/ml/model/_signatures/core.py,sha256=Y6IUquohNcUL8LWTpVvU842UFv8oNxQnk3HUwp34xME,21117
175
- snowflake/ml/model/_signatures/dmatrix_handler.py,sha256=HPEj_MF0Qiw-eeX-0JKIMKzhyQVvtn3kQetNsXH0-jo,3665
176
- snowflake/ml/model/_signatures/numpy_handler.py,sha256=xy7mBEAs9U5eM8F51NLabLbWXRmyQUffhVweO6jmLBA,5461
177
- snowflake/ml/model/_signatures/pandas_handler.py,sha256=rYgSaqdh8d-w22e_ZDt4kCFCkPWEhs-KwL9wyoLUacI,10704
178
- snowflake/ml/model/_signatures/pytorch_handler.py,sha256=Xy-ITCCX_EgHcyIIqeYSDUIvE2kiqECa8swy1hmohyc,5036
179
- snowflake/ml/model/_signatures/snowpark_handler.py,sha256=0SYtWnmJ_Nji52GZG1CDvfIGiLydTkPwpc0YUMs9aPQ,5396
180
- snowflake/ml/model/_signatures/tensorflow_handler.py,sha256=_yrvMg-w_jJoYuyrGXKPX4Dv7Vt8z1e6xIKiWGuZcc4,5660
181
- snowflake/ml/model/_signatures/utils.py,sha256=gHEU2u8VCil0wvmd9C61ZNB-KiNz4QazpC7-0XQPHd8,17176
182
- snowflake/ml/model/models/huggingface_pipeline.py,sha256=62GpPZxBheqCnFNxNOggiDE1y9Dhst-v6D4IkGLuDeQ,10221
183
- snowflake/ml/modeling/_internal/constants.py,sha256=aJGngY599w3KqN8cDZCYrjbWe6UwYIbgv0gx0Ukdtc0,105
184
- snowflake/ml/modeling/_internal/estimator_utils.py,sha256=jpiq6h6mJfPa1yZbEjrP1tEFdw-1f_XBxDRHgdH3hps,12017
185
- snowflake/ml/modeling/_internal/model_specifications.py,sha256=P9duVMP9-X7us_RZFPyXvWxOrm5K30sWDVYwSMEzG1M,4876
186
- snowflake/ml/modeling/_internal/model_trainer.py,sha256=RxpZ5ARy_3sfRMCvArkdK-KmsdbNXxEZTbXoaJ4c1ag,984
187
- snowflake/ml/modeling/_internal/model_trainer_builder.py,sha256=n1l9i9LFLcdbMFRvxkWNIs7kYnNNlUJnaToRvFBEjls,8062
188
- snowflake/ml/modeling/_internal/model_transformer_builder.py,sha256=E7Psa14Z-Us5MD9yOdRbGTlR6r4Fq7BQSCcHwFlh1Ig,2815
189
- snowflake/ml/modeling/_internal/transformer_protocols.py,sha256=adbJH9BcD52Z1VbqoCE_9IexjIxERTXE8932Hz-gw3E,6482
190
- snowflake/ml/modeling/_internal/local_implementations/pandas_handlers.py,sha256=UN-23TJ4Usf6N9ZTXcU4IfJmI-uJXOsfdslOAax7d2I,7989
191
- snowflake/ml/modeling/_internal/local_implementations/pandas_trainer.py,sha256=h3Zsw9tpBB7WEUyIGy35VYNNR8y_XwiRHyR3mULyxIE,5960
192
- snowflake/ml/modeling/_internal/snowpark_implementations/distributed_hpo_trainer.py,sha256=Jypb-EH4iCOTtFRfF_wUNlm3yMR2WTUrV0YZnuYz_QA,54996
193
- snowflake/ml/modeling/_internal/snowpark_implementations/distributed_search_udf_file.py,sha256=HnsSmsXAeJrH9zVeq3CSziIaCUDxeWWx6kRyAK4qajM,6601
194
- snowflake/ml/modeling/_internal/snowpark_implementations/snowpark_handlers.py,sha256=x-7OOtPP-apV3utHTpJU-jAIBRpQzTmJeSQDarrCbgI,16428
195
- snowflake/ml/modeling/_internal/snowpark_implementations/snowpark_trainer.py,sha256=D4tZY-Fg9U6yY4mkznzzFuf6GmmemS5ZQCUu2yZgDTQ,32259
196
- snowflake/ml/modeling/_internal/snowpark_implementations/xgboost_external_memory_trainer.py,sha256=4WP1QVqfSVvziVlQ7k9nWQNCM0GN5kTk4Xnd-9jWTXc,17300
197
- snowflake/ml/modeling/calibration/__init__.py,sha256=rY5qSOkHj59bHiTV6LhBiEhUA0StoCb0ACNR2vkV4v0,297
198
- snowflake/ml/modeling/calibration/calibrated_classifier_cv.py,sha256=JniApR5y_vYUT4vgugsYiOWsXsknIA6uDa5xZohnEr8,53780
199
- snowflake/ml/modeling/cluster/__init__.py,sha256=rY5qSOkHj59bHiTV6LhBiEhUA0StoCb0ACNR2vkV4v0,297
200
- snowflake/ml/modeling/cluster/affinity_propagation.py,sha256=CqRDwR5AxWtJOc2cJ1NYdwoC-kPq14Ag4hAHbc29fFg,52033
201
- snowflake/ml/modeling/cluster/agglomerative_clustering.py,sha256=ms167mkw1TxaQ40RIvOkVCKXnYWZ8T66XOyrq061Wxs,53946
202
- snowflake/ml/modeling/cluster/birch.py,sha256=WC_bTyytjC0_awNUt6oJianpeJKQPpsgOUZJ1Pzdj5k,51946
203
- snowflake/ml/modeling/cluster/bisecting_k_means.py,sha256=dv3gctgYmzCk1NhKHx__AlhUvSwE2tprnmc3XV66118,54715
204
- snowflake/ml/modeling/cluster/dbscan.py,sha256=GaeNT3w4yxFPKXj4wg0o24VMc2TlBXbtMuw-Y3awExY,52287
205
- snowflake/ml/modeling/cluster/feature_agglomeration.py,sha256=LVYxbuhcpUD0NAcY-cLp4iW4xNGu3vAQtwCuefAO-gA,54240
206
- snowflake/ml/modeling/cluster/k_means.py,sha256=lJPWARJRd9TKuj7MSmdwFB1fPXh4Bzx4YuBVe07qLU8,54441
207
- snowflake/ml/modeling/cluster/mean_shift.py,sha256=zVlmKd_5dwhATXcxmTxtmW83kAJO1tBpqZY9WNlyZAY,52320
208
- snowflake/ml/modeling/cluster/mini_batch_k_means.py,sha256=Ta4Mk8WvWsmnwAOQhQdV0gi-5S2G6v3X0JgCgMiKYqg,55638
209
- snowflake/ml/modeling/cluster/optics.py,sha256=Ar1GQGlmjx3ielzstafhTnKL1Fd3WG34AX0TCIFfJx0,55497
210
- snowflake/ml/modeling/cluster/spectral_biclustering.py,sha256=Xyq1AJeJp6tHlYHuF4cqsE2VIHIdk6B0sAalgx9MyzY,52330
211
- snowflake/ml/modeling/cluster/spectral_clustering.py,sha256=IoHmeovo0ndflgra5WmDL5i26OdFjc6MH76b90mzk2k,55614
212
- snowflake/ml/modeling/cluster/spectral_coclustering.py,sha256=L0FtG9mzUil-5C5bjkCjZaIPFadZ18Ijep3WVDkTvO0,51463
213
- snowflake/ml/modeling/compose/__init__.py,sha256=rY5qSOkHj59bHiTV6LhBiEhUA0StoCb0ACNR2vkV4v0,297
214
- snowflake/ml/modeling/compose/column_transformer.py,sha256=2ipCSOw5v7cFpDNvw2AnxombJFC4cbkW4Hb8_32Z9HY,54788
215
- snowflake/ml/modeling/compose/transformed_target_regressor.py,sha256=Lfa3bfdCvvGaaoZFN39zs-knO-dacR5ifz4JiRhQxtI,52075
216
- snowflake/ml/modeling/covariance/__init__.py,sha256=rY5qSOkHj59bHiTV6LhBiEhUA0StoCb0ACNR2vkV4v0,297
217
- snowflake/ml/modeling/covariance/elliptic_envelope.py,sha256=RaKo_LRGkl4cY0qHDuk8F2MjMIY3FriHL-iIRaoi6YA,52364
218
- snowflake/ml/modeling/covariance/empirical_covariance.py,sha256=2zXGrOTA2acEJeed-TNnv4SsKYQmUtuZWaJ7vUKPbCA,50162
219
- snowflake/ml/modeling/covariance/graphical_lasso.py,sha256=05yYxExMUixdKmBVxUa3TEnukdruMzwagXCQT1ln75Y,52021
220
- snowflake/ml/modeling/covariance/graphical_lasso_cv.py,sha256=8blX9csdbbUJEBmQA_IN31LuGdbKinFoR1MTayffSQI,53213
221
- snowflake/ml/modeling/covariance/ledoit_wolf.py,sha256=M5FLiV8fm9qZhEQXVoEh2N97p6LT05zuXSrrfWMW96A,50291
222
- snowflake/ml/modeling/covariance/min_cov_det.py,sha256=DAFJ5PkON4D1fKgnF7ExKqPzbOCrn01K8N8we6p03wM,51058
223
- snowflake/ml/modeling/covariance/oas.py,sha256=yxUj8dkixKhkCBCc3LhtfqDwactxHnGBX_KaC1jfIuI,49905
224
- snowflake/ml/modeling/covariance/shrunk_covariance.py,sha256=nD7ShDojIk4iAf_YCSKxnl-_kvbL9Zl0FRLtQzcJ3UM,50314
225
- snowflake/ml/modeling/decomposition/__init__.py,sha256=rY5qSOkHj59bHiTV6LhBiEhUA0StoCb0ACNR2vkV4v0,297
226
- snowflake/ml/modeling/decomposition/dictionary_learning.py,sha256=Fkg_HYbxx1N5vZ6Jf-dMq-4Q9IGjMmKzGQad8LPsrPg,55313
227
- snowflake/ml/modeling/decomposition/factor_analysis.py,sha256=xucG_8znJNtZu06tT5G8NoHfPcokXt0XuTuePotydWc,52972
228
- snowflake/ml/modeling/decomposition/fast_ica.py,sha256=hnRksLrvlhKzUa4TDDvd01UFea5N21iJDornOrjhKrc,52899
229
- snowflake/ml/modeling/decomposition/incremental_pca.py,sha256=IFuUgpqxdPcUBCb5vMiNigZ854eJ6Ab4m3h_4qcFvpw,51266
230
- snowflake/ml/modeling/decomposition/kernel_pca.py,sha256=LqilurNUpzQpfQ5lRe142uX6pemDuSlh6hm_JX_PB6I,55256
231
- snowflake/ml/modeling/decomposition/mini_batch_dictionary_learning.py,sha256=V0jSC1ujjq3Wrn0BA6kvCOFZ9QBVF11Dit02L2k8Eys,56045
232
- snowflake/ml/modeling/decomposition/mini_batch_sparse_pca.py,sha256=ycjHdaNG5HTIDDH7XoIiY36-MFDYglo_-Ci8IPC0Fz0,53308
233
- snowflake/ml/modeling/decomposition/pca.py,sha256=EZNn5_LjbbgjXVjx_dlBY-Pn3IP0JAZJDftZgY37caM,55476
234
- snowflake/ml/modeling/decomposition/sparse_pca.py,sha256=qbHSoABVm_R-SUTky0lNhOYW4WaN6vK5CchYd6Y8mP8,52415
235
- snowflake/ml/modeling/decomposition/truncated_svd.py,sha256=-ashOOOhiX17jiDsc4EIx6vkSC3TD2wgH-KzzS3Djvs,52041
236
- snowflake/ml/modeling/discriminant_analysis/__init__.py,sha256=rY5qSOkHj59bHiTV6LhBiEhUA0StoCb0ACNR2vkV4v0,297
237
- snowflake/ml/modeling/discriminant_analysis/linear_discriminant_analysis.py,sha256=gv1DuoypM4rJa_W6Fv27x6B8dTP6fX8Z3MykXicb8u8,54932
238
- snowflake/ml/modeling/discriminant_analysis/quadratic_discriminant_analysis.py,sha256=90IxGXiskt9SNoRJzR8AvFQnrdDFaDXdKu-6_C87Mys,52511
239
- snowflake/ml/modeling/ensemble/__init__.py,sha256=rY5qSOkHj59bHiTV6LhBiEhUA0StoCb0ACNR2vkV4v0,297
240
- snowflake/ml/modeling/ensemble/ada_boost_classifier.py,sha256=IaX1u3qjLCrTz0-xqEG651M7mMChwzwYg9Yxrn9GRT4,52713
241
- snowflake/ml/modeling/ensemble/ada_boost_regressor.py,sha256=5LER9dyYnkIDzMTasn66LxpR97HPGb8yxuVkKRNT7x4,51716
242
- snowflake/ml/modeling/ensemble/bagging_classifier.py,sha256=b93ddAeS6Zk_TlbOO8Vov7g3TWccm641uQeC6ydz0IU,53905
243
- snowflake/ml/modeling/ensemble/bagging_regressor.py,sha256=Fj8KZ81GmUDlwpNeIHjD5t_J9BPvAWd53RZiBlQuuPE,53140
244
- snowflake/ml/modeling/ensemble/extra_trees_classifier.py,sha256=yqHN3SIPg2AJ-6etymTbO2K7qn0RRXBUBoz3VYkLJ6c,59954
245
- snowflake/ml/modeling/ensemble/extra_trees_regressor.py,sha256=YR6O27rGbZvYOEqzBUphnUopk_A4VufI4vtZuGNAj-M,58407
246
- snowflake/ml/modeling/ensemble/gradient_boosting_classifier.py,sha256=_ph-9VAnsyRvCM0I2DLQotbuM3K2NKBYCc9N6agIi3Q,60713
247
- snowflake/ml/modeling/ensemble/gradient_boosting_regressor.py,sha256=_i7Px76XlOY1Yh-vz8O4xDibc00LaCqOoQLPjf4qb64,60305
248
- snowflake/ml/modeling/ensemble/hist_gradient_boosting_classifier.py,sha256=Kzp78g-bMxFIdvQKzqoe2jOAvyGyNSXnaaxscITPVGU,61199
249
- snowflake/ml/modeling/ensemble/hist_gradient_boosting_regressor.py,sha256=Mf2cTmLgENtF-iy4vCDe_AX59rYRIDrGijraOvbWodU,59534
250
- snowflake/ml/modeling/ensemble/isolation_forest.py,sha256=UydWp5KrT8_FgG29rG_bzr6HOILeykq-3SE_dcIcc_M,53498
251
- snowflake/ml/modeling/ensemble/random_forest_classifier.py,sha256=9eWLXEeRem1XDJjEcty7bZV2mT0Akfe76sPDiPvddag,59927
252
- snowflake/ml/modeling/ensemble/random_forest_regressor.py,sha256=V4jRwqelQXSfBIYGHkVh2uKCKinHNLa1ssi6icGB_ts,58380
253
- snowflake/ml/modeling/ensemble/stacking_regressor.py,sha256=Z-HTdCSQLTuOdwpe_4ScGHPIcqHTcBDiD80KGep6x00,53442
254
- snowflake/ml/modeling/ensemble/voting_classifier.py,sha256=NZKRVdo9ZRrvqNspXU_H8KxzqayU6rrBJCrTR__YFjc,52994
255
- snowflake/ml/modeling/ensemble/voting_regressor.py,sha256=0kwAKXYHJk0REhhAMe0FhYBShd_ysurDV7qP4CWGjOo,51519
256
- snowflake/ml/modeling/feature_selection/__init__.py,sha256=rY5qSOkHj59bHiTV6LhBiEhUA0StoCb0ACNR2vkV4v0,297
257
- snowflake/ml/modeling/feature_selection/generic_univariate_select.py,sha256=Y_qauoRdTYV1xMCDTGtCjQ_Gevp9vlxFBygGeE1fQ-I,50989
258
- snowflake/ml/modeling/feature_selection/select_fdr.py,sha256=ysMpv5h0vjwRP86b96Um69L7YaHdlLhstsYTfO2YkcA,50451
259
- snowflake/ml/modeling/feature_selection/select_fpr.py,sha256=M328iFSomFmUC1tUwgbS6nqb2QL9lLV7I2N12eIvWVk,50445
260
- snowflake/ml/modeling/feature_selection/select_fwe.py,sha256=Oi8E53i9ooXZ7aRYGi7y9eCUZQXHupcq7VvQBIHVVDE,50453
261
- snowflake/ml/modeling/feature_selection/select_k_best.py,sha256=YEYfdIktGtaXEkjo2t2FUHgv274H8qzY6RBXericyAg,50546
262
- snowflake/ml/modeling/feature_selection/select_percentile.py,sha256=taAIIkUGudZnLDDvyS3Bb59NozewAK60u9etVRRltI4,50606
263
- snowflake/ml/modeling/feature_selection/sequential_feature_selector.py,sha256=W5-NOY5fkDPCXmQoDUTn7t6Up4ayh3PWtf7-35OjfLw,53385
264
- snowflake/ml/modeling/feature_selection/variance_threshold.py,sha256=NcQxu3aTqkZD-DAxalJeGeOlUB6M0XwYtWaQd8zwPB8,50247
265
- snowflake/ml/modeling/framework/_utils.py,sha256=7k9iU5zAWa4ZpMZlg8KfSMi4vH3o69w5aAh5RTRNdZ4,10203
266
- snowflake/ml/modeling/framework/base.py,sha256=Q1Yq8SesnpVWdtRGc6rbuz9T3hcT0eRjl2ZiWGyWAeQ,31954
267
- snowflake/ml/modeling/gaussian_process/__init__.py,sha256=rY5qSOkHj59bHiTV6LhBiEhUA0StoCb0ACNR2vkV4v0,297
268
- snowflake/ml/modeling/gaussian_process/gaussian_process_classifier.py,sha256=xkWHEGfuQ4ePw1lhEIOpSa4AHrfPehBrbpE0U6GEbP8,55877
269
- snowflake/ml/modeling/gaussian_process/gaussian_process_regressor.py,sha256=K0g7VbDw8WjiECflDVJqsxDemLiH0cmIdm7Rr7A6xEI,54941
270
- snowflake/ml/modeling/impute/__init__.py,sha256=dYtqk_GD_hAAZjGfH1maWlZQ30h4hu_KGaf-_y9_AD8,298
271
- snowflake/ml/modeling/impute/iterative_imputer.py,sha256=ArB7_BNQ1yS13uiFzMaNUbHAEsnBHyafedIFu4UNPiM,56770
272
- snowflake/ml/modeling/impute/knn_imputer.py,sha256=EJAwTGACFByvJgb-EG2jEFEZ5_GOjDCSmltsQ6QsNg4,52480
273
- snowflake/ml/modeling/impute/missing_indicator.py,sha256=P-4XgNFt6jnHwIv65joaU-yy2aLysIjOQoQemXh7JOU,51343
274
- snowflake/ml/modeling/impute/simple_imputer.py,sha256=T1niXlhS2vWbhF5IQ2k7qlBXKmvYVC3y1aKq73dCaBs,20946
275
- snowflake/ml/modeling/kernel_approximation/__init__.py,sha256=rY5qSOkHj59bHiTV6LhBiEhUA0StoCb0ACNR2vkV4v0,297
276
- snowflake/ml/modeling/kernel_approximation/additive_chi2_sampler.py,sha256=EmJpDmbQTcsde9lEHCtSmPIrsfGL1ywV1jw-hDvMPzU,50377
277
- snowflake/ml/modeling/kernel_approximation/nystroem.py,sha256=Hw-3MSysDlLLcfh5RaKs2IlvvXgait5dJRdZIy4lQx0,52137
278
- snowflake/ml/modeling/kernel_approximation/polynomial_count_sketch.py,sha256=GVfBpS486ZXYc6AUyTksz19AToDHKFFabiG1-YW82Kg,51398
279
- snowflake/ml/modeling/kernel_approximation/rbf_sampler.py,sha256=I3G5D_64zEypbYywnLcsuXU6MkB6GktdtEDBFHM0QY8,50741
280
- snowflake/ml/modeling/kernel_approximation/skewed_chi2_sampler.py,sha256=id6MHaqQd2XRJZtct7FJWgbwWID0Jj4Q-4Cmk0_RNmw,50796
281
- snowflake/ml/modeling/kernel_ridge/__init__.py,sha256=rY5qSOkHj59bHiTV6LhBiEhUA0StoCb0ACNR2vkV4v0,297
282
- snowflake/ml/modeling/kernel_ridge/kernel_ridge.py,sha256=mgIqlhdIeDwM1KZvUhuCnq3amSvG-BJ4pByjTTW9uLc,52245
283
- snowflake/ml/modeling/lightgbm/__init__.py,sha256=rY5qSOkHj59bHiTV6LhBiEhUA0StoCb0ACNR2vkV4v0,297
284
- snowflake/ml/modeling/lightgbm/lgbm_classifier.py,sha256=bIWtW2FfW5liDQ_sNQ3DqydbAc0-SFTRr-92WW2iFvI,51748
285
- snowflake/ml/modeling/lightgbm/lgbm_regressor.py,sha256=SC5xBwFNmaHAoZGLiQZGW5Hyhp3LA-WZVg7XDoW97t8,51250
286
- snowflake/ml/modeling/linear_model/__init__.py,sha256=rY5qSOkHj59bHiTV6LhBiEhUA0StoCb0ACNR2vkV4v0,297
287
- snowflake/ml/modeling/linear_model/ard_regression.py,sha256=W6SyRk2kvzWiN-0RhNVVMk_1GkhRT9Jat3kxzz5wJcw,52005
288
- snowflake/ml/modeling/linear_model/bayesian_ridge.py,sha256=vZh4blm7vn5F8z-mVtMNeR-xLJpGAHL3P-ewwhRsED8,52375
289
- snowflake/ml/modeling/linear_model/elastic_net.py,sha256=Dyn5umhvXZkC0uI-VyoffP117Lqlr-1FEOkq3jJ21JA,53393
290
- snowflake/ml/modeling/linear_model/elastic_net_cv.py,sha256=IyPiRLxt5af6Uu7yZuPBZY5KDGM4o5e2wffN3_HdZ3M,54469
291
- snowflake/ml/modeling/linear_model/gamma_regressor.py,sha256=McjqipVmPyorLES6iMFNF10yobOG7vA8eiZNurlyrYY,52258
292
- snowflake/ml/modeling/linear_model/huber_regressor.py,sha256=6NHnX8MDh-FAhvLjX-TubKE5WAEFu6Mb7NcUn7OPq6s,51455
293
- snowflake/ml/modeling/linear_model/lars.py,sha256=1xB2sbv34CMgKYAcWXyBkAN2mpVaLVFgFT94UdrjLbM,52161
294
- snowflake/ml/modeling/linear_model/lars_cv.py,sha256=vJuyOfcR_A696KArAVV5jl7oyI9NEmYZzRyw_iYDWeM,52409
295
- snowflake/ml/modeling/linear_model/lasso.py,sha256=d76NzkhiSD4j5kSbb4xdlj1nPQP2ER-QixoNavwe2k4,52775
296
- snowflake/ml/modeling/linear_model/lasso_cv.py,sha256=8phiWXGY7KjL2m935jpbW4qHd5JJCv7OQ67sgZsMSoE,53587
297
- snowflake/ml/modeling/linear_model/lasso_lars.py,sha256=coX9bBN0neDpWLUJSs8_Zs9ubWNS5BempBKnIJAofrQ,53302
298
- snowflake/ml/modeling/linear_model/lasso_lars_cv.py,sha256=59oby9-ru7oxiPbZfOaher9B7ZchNjc0sl79k8Z2RE8,53290
299
- snowflake/ml/modeling/linear_model/lasso_lars_ic.py,sha256=2oXUE3-lDogfiUI6T4vNukOQBxHmMkJ70tspc4y3kao,52611
300
- snowflake/ml/modeling/linear_model/linear_regression.py,sha256=acHXbvXwxbscaoZPEs6Ub30Ed65XjH5tcHgaBXb7gxg,50999
301
- snowflake/ml/modeling/linear_model/logistic_regression.py,sha256=OyxunEwnb_cFeZ5nmeatKd86csPQTO_JTZV4O-8qDEY,57764
302
- snowflake/ml/modeling/linear_model/logistic_regression_cv.py,sha256=MDJS8GlgMc6YrtAfTonM5p_FmhVJyp7M35lb2by8f1s,58828
303
- snowflake/ml/modeling/linear_model/multi_task_elastic_net.py,sha256=DBZtxHsVoHNrW1_N0Nfd0fQN0rrSpYoqSkguSncqs5Q,52474
304
- snowflake/ml/modeling/linear_model/multi_task_elastic_net_cv.py,sha256=X6839FIO3uc9ss6D1a9Mt-zKE2FBI4HsIuaO0-oEgDs,54139
305
- snowflake/ml/modeling/linear_model/multi_task_lasso.py,sha256=Fxkx3JNOONdxNONxxKMyATYlJ6ZdvLOBJLBgj1ADcVM,52017
306
- snowflake/ml/modeling/linear_model/multi_task_lasso_cv.py,sha256=pBNV_Ki7WDLu6K2XqPGtreSM6Yq7wXne2RZi5_lGNQ8,53306
307
- snowflake/ml/modeling/linear_model/orthogonal_matching_pursuit.py,sha256=Pv0GnwY66yeMAxzVNM2255Qy57Rhb9y9i0rXWR86I0g,51222
308
- snowflake/ml/modeling/linear_model/passive_aggressive_classifier.py,sha256=fPEAy-fc6SU3hgHMaKTmdgMIJj6jf4-W0tU0POl7_fQ,55046
309
- snowflake/ml/modeling/linear_model/passive_aggressive_regressor.py,sha256=INRSP-tdqg2c4pyszqapNXfFj24zwUNUxp4a64KvrC0,54108
310
- snowflake/ml/modeling/linear_model/perceptron.py,sha256=AC3OuZlOx9R0sXlUzRW1-R-6i9S4gQv5k3hS3ZUr_As,54363
311
- snowflake/ml/modeling/linear_model/poisson_regressor.py,sha256=Q6LsupHo14hEmSWaRFLp9j52EiiY3kMfi2mu-6oUq24,52305
312
- snowflake/ml/modeling/linear_model/ransac_regressor.py,sha256=WO8UB74kp_4X35zSn-vjM2axKNh_n3ErsFJLX5zXPH4,55444
313
- snowflake/ml/modeling/linear_model/ridge.py,sha256=qazKXGMSPby5CkD_hNQ5YjJ-__roQoAmlPf5wu9W7-U,54319
314
- snowflake/ml/modeling/linear_model/ridge_classifier.py,sha256=UlHCBQ23BwxujKIYzgfMYZ6d5qcC9T1lITkhW3uhk8c,54717
315
- snowflake/ml/modeling/linear_model/ridge_classifier_cv.py,sha256=mP7wndBMpMwSlyheKq_mOvMvk6yUkjvid_zYasqQMbw,53182
316
- snowflake/ml/modeling/linear_model/ridge_cv.py,sha256=RkjQXV9dpZCXQqON_dZ7DCtef9DNkmXixVxVETH4ehA,53789
317
- snowflake/ml/modeling/linear_model/sgd_classifier.py,sha256=_uM9aLbRU4UEGbXmK-YV1E6v0H1T96QZ9zcbHoit7_w,59774
318
- snowflake/ml/modeling/linear_model/sgd_one_class_svm.py,sha256=3v6_WrIeV4mtUzz4Go8o05XgiyEKqtBgC2rJj1zfjeg,54856
319
- snowflake/ml/modeling/linear_model/sgd_regressor.py,sha256=AEcu_eOtTx5okgvf_KLsETmuTF7G6hpRKEBk1cs2_AY,57751
320
- snowflake/ml/modeling/linear_model/theil_sen_regressor.py,sha256=EEghjoAWCuFuIIy2y4E-ydXhEPNKq9WbpBlQpXbPRvY,52741
321
- snowflake/ml/modeling/linear_model/tweedie_regressor.py,sha256=y6DNiZ_aE__t9UicC-saQPjooTL86Rg8uFNzukM9-Gc,53696
322
- snowflake/ml/modeling/manifold/__init__.py,sha256=rY5qSOkHj59bHiTV6LhBiEhUA0StoCb0ACNR2vkV4v0,297
323
- snowflake/ml/modeling/manifold/isomap.py,sha256=6vV6UxfDtG6XdfuRHP7RuFy5z5JVhmx-uF4Vx370rEE,52999
324
- snowflake/ml/modeling/manifold/mds.py,sha256=R8Vcoq6Pil8rIMa4rfP7fWQJ4rGO5_VyqA8OAF6ttn4,52215
325
- snowflake/ml/modeling/manifold/spectral_embedding.py,sha256=Eq4Qlti2yur3shm-WtmA4X8_NrqXHLUujXDEXPdzyys,53079
326
- snowflake/ml/modeling/manifold/tsne.py,sha256=ufxDqlE1lwEAYY6n8n8ESCg8bw5n1DL9bz-RLYXenvY,56202
327
- snowflake/ml/modeling/metrics/__init__.py,sha256=pyZnmdcefErGbbhQPIo-_nGps7B09veZtjKZn4lI8Tg,524
328
- snowflake/ml/modeling/metrics/classification.py,sha256=MrEHOQ6EmfeDl_5t4n1fcE_SQOm8i5jbRSaxcN9s-II,66435
329
- snowflake/ml/modeling/metrics/correlation.py,sha256=Roi17Sx5F81VlJaLQTeBAe5qZ7sZYc31UkIuC6z4qkQ,4803
330
- snowflake/ml/modeling/metrics/covariance.py,sha256=HxJK1mwyt6lMSg8yonHFQ8IxAEa62MHeb1M3eHEtqlk,4672
331
- snowflake/ml/modeling/metrics/metrics_utils.py,sha256=9tZQ_Mu6jTWHztwqkPSrFWY_LP551W7FmQrXYwbSlso,13208
332
- snowflake/ml/modeling/metrics/ranking.py,sha256=DFpD6VusYzUMCqA9U_1gvmslnHuvgWTchinRN6dDHjg,17773
333
- snowflake/ml/modeling/metrics/regression.py,sha256=SP8CQ_jkavOVyqeWm9kKK5eznti64tE1jAd6LzgKW78,26049
334
- snowflake/ml/modeling/mixture/__init__.py,sha256=rY5qSOkHj59bHiTV6LhBiEhUA0StoCb0ACNR2vkV4v0,297
335
- snowflake/ml/modeling/mixture/bayesian_gaussian_mixture.py,sha256=qT01m49GVLSA0YgK7uFCWj9ivacr-X50dtZA6uhotKk,57587
336
- snowflake/ml/modeling/mixture/gaussian_mixture.py,sha256=Qd2WXZIzwhJKxISyMR58uln30TPtKj-VI3IS1eoRKyM,55480
337
- snowflake/ml/modeling/model_selection/__init__.py,sha256=dYtqk_GD_hAAZjGfH1maWlZQ30h4hu_KGaf-_y9_AD8,298
338
- snowflake/ml/modeling/model_selection/grid_search_cv.py,sha256=KYbdVlluEErygi2cIrO7NnfVLHBDsd-pj35B-qPBRRI,38375
339
- snowflake/ml/modeling/model_selection/randomized_search_cv.py,sha256=iQ6vlOWyVs74hPMsiYlvqMC0Gq_2kDxEah2af7jsrIA,39117
340
- snowflake/ml/modeling/multiclass/__init__.py,sha256=rY5qSOkHj59bHiTV6LhBiEhUA0StoCb0ACNR2vkV4v0,297
341
- snowflake/ml/modeling/multiclass/one_vs_one_classifier.py,sha256=d-rMWrJgFc8FQDczE7jhL1EqWzn7cw-P0wvF2Ouke1A,51001
342
- snowflake/ml/modeling/multiclass/one_vs_rest_classifier.py,sha256=NxHBfHMH4e1u_P0oLb_5SBpSOoP05WX2SsSc9Ke14NY,51936
343
- snowflake/ml/modeling/multiclass/output_code_classifier.py,sha256=MU20m10b4TbgsGiLXTc0i2Mx3R8_it-qg58BSvN4OqA,51273
344
- snowflake/ml/modeling/naive_bayes/__init__.py,sha256=rY5qSOkHj59bHiTV6LhBiEhUA0StoCb0ACNR2vkV4v0,297
345
- snowflake/ml/modeling/naive_bayes/bernoulli_nb.py,sha256=NknEgL-CJXBTcFhqZcl6B-QCM-82tbebdmPjsBcGTfE,51528
346
- snowflake/ml/modeling/naive_bayes/categorical_nb.py,sha256=aOcI4oZ55BUJ9E8HaTVH6W0GTlfWH3EBnHe8kZNYN34,51865
347
- snowflake/ml/modeling/naive_bayes/complement_nb.py,sha256=2pkgOKdf4NWEFplAAD8eZAWgPBSp0Z1wIATYhvoL7j4,51544
348
- snowflake/ml/modeling/naive_bayes/gaussian_nb.py,sha256=d_CO11bj35yvC9lPQKhIaHb5KVR_sIb7iwI0uRIJ0i4,50676
349
- snowflake/ml/modeling/naive_bayes/multinomial_nb.py,sha256=1TxZJMhpeoWf5AcEF6dRWL6wo3tRjGB8vL-2ektgbPs,51310
350
- snowflake/ml/modeling/neighbors/__init__.py,sha256=rY5qSOkHj59bHiTV6LhBiEhUA0StoCb0ACNR2vkV4v0,297
351
- snowflake/ml/modeling/neighbors/k_neighbors_classifier.py,sha256=-Lw3Tj1YksHExlOz694PInABD0j5tMmwh4fMOWZSTLY,54642
352
- snowflake/ml/modeling/neighbors/k_neighbors_regressor.py,sha256=6DAR9iSF2D8lgQ7YM8112Ec0UW05iFNFnwqddkcU7rc,54008
353
- snowflake/ml/modeling/neighbors/kernel_density.py,sha256=XIVWCoS0wPaibTfwUmFVszbK3YeI65AYsWMch1mcNjI,52297
354
- snowflake/ml/modeling/neighbors/local_outlier_factor.py,sha256=Lm1WQBljRWI2dfC47u8kVGwqyQK3muwSIjSGodAZPaU,54873
355
- snowflake/ml/modeling/neighbors/nearest_centroid.py,sha256=Bik3QQh5SA4g7TE0k8h9BUo5X2EYR3NU1loJJ7loMDI,50461
356
- snowflake/ml/modeling/neighbors/nearest_neighbors.py,sha256=1JYMwd3S__GF5IyC7lSKh6O2gZn_pkhp7sFN4AGWNqQ,52780
357
- snowflake/ml/modeling/neighbors/neighborhood_components_analysis.py,sha256=fW5eoEljvwjcCYn6aUc1NKIXCgeyIBJY4XzvKbCMMfw,54362
358
- snowflake/ml/modeling/neighbors/radius_neighbors_classifier.py,sha256=neVDWJ8V1xZdF0gntrjvSjPZPkf9dS8oe0KpFk2yJTg,55091
359
- snowflake/ml/modeling/neighbors/radius_neighbors_regressor.py,sha256=NTGYoDVdM8ICki2y5q45ARHKlRWpvMuqgQyfQiuWUUc,53691
360
- snowflake/ml/modeling/neural_network/__init__.py,sha256=rY5qSOkHj59bHiTV6LhBiEhUA0StoCb0ACNR2vkV4v0,297
361
- snowflake/ml/modeling/neural_network/bernoulli_rbm.py,sha256=U0Q9HMcZK2NTzBO-POL7wjmf68uUQz7-oiPbe0PIrmU,51504
362
- snowflake/ml/modeling/neural_network/mlp_classifier.py,sha256=CeIglosQLNRE9uk00qw7KQfroHQpTJBEuKMi9CPtia0,59058
363
- snowflake/ml/modeling/neural_network/mlp_regressor.py,sha256=1qWTOJni734BzrPvbmVpBvpSWKrspyvookgOdisAo74,58170
364
- snowflake/ml/modeling/parameters/disable_distributed_hpo.py,sha256=jyjlLPrtnDSQxlTTM0ayMjWKVL_IP3snd--yeXK5htY,221
365
- snowflake/ml/modeling/parameters/disable_model_tracer.py,sha256=uj6SZz7HQpThGLs90zfUDcNMChxf0C6DKRN2xOfjmvI,203
366
- snowflake/ml/modeling/parameters/enable_anonymous_sproc.py,sha256=7FUdfhLbEGEocdd5XZ-7MFYMzOva58qI1dPDurPt7fw,207
367
- snowflake/ml/modeling/pipeline/__init__.py,sha256=dYtqk_GD_hAAZjGfH1maWlZQ30h4hu_KGaf-_y9_AD8,298
368
- snowflake/ml/modeling/pipeline/pipeline.py,sha256=a5XRXe14eX_H-ej5AruMaBIDp3GATTyizBw0zWFNKbc,40590
369
- snowflake/ml/modeling/preprocessing/__init__.py,sha256=dYtqk_GD_hAAZjGfH1maWlZQ30h4hu_KGaf-_y9_AD8,298
370
- snowflake/ml/modeling/preprocessing/binarizer.py,sha256=MrgSVTw9RpajyYe0dzai-qnpdOb3Zq0SfJRpHJjpnoY,7383
371
- snowflake/ml/modeling/preprocessing/k_bins_discretizer.py,sha256=EfQClqSR3PvhhmEpvwWmvM8XSp__UqD89ugqDlTWxfA,21552
372
- snowflake/ml/modeling/preprocessing/label_encoder.py,sha256=jQV2UgA-qtzxNxHzgyhfJtWYIT_8L81miwcQy4dxHIA,7802
373
- snowflake/ml/modeling/preprocessing/max_abs_scaler.py,sha256=P03PP907SbofOFv1cJhTe1R2_-lnFYHfGsvYsVFofWY,9146
374
- snowflake/ml/modeling/preprocessing/min_max_scaler.py,sha256=leLeIrVsXn08agPqL-N50ohrWlC9FVuztMleQ043H5o,12467
375
- snowflake/ml/modeling/preprocessing/normalizer.py,sha256=0VmTIwldr3F3KQC--6RsYkybWjWuiqtxn4PuWinH0ME,6997
376
- snowflake/ml/modeling/preprocessing/one_hot_encoder.py,sha256=BW4T4u7EnN62jBOd9pc5UsNVT1_7HzIJJtnUYFLRYtA,75172
377
- snowflake/ml/modeling/preprocessing/ordinal_encoder.py,sha256=CfY50IV-akM1hhmt9A05IlgXEdMuRQsHE8PLkOxKUsM,35319
378
- snowflake/ml/modeling/preprocessing/polynomial_features.py,sha256=fvALEVPkko_dPaM1BKHOyizz6UNlDg_-OAEmDIr0JoE,51446
379
- snowflake/ml/modeling/preprocessing/robust_scaler.py,sha256=Dp58jHxBdGdiFQAYmFW39JUdaPHO7dKfMy3KREtKAy0,12653
380
- snowflake/ml/modeling/preprocessing/standard_scaler.py,sha256=ui5pWnt2dL2VTTzCWikY8siG3fh_R9J1Wk_VZCHU-rA,11773
381
- snowflake/ml/modeling/semi_supervised/__init__.py,sha256=rY5qSOkHj59bHiTV6LhBiEhUA0StoCb0ACNR2vkV4v0,297
382
- snowflake/ml/modeling/semi_supervised/label_propagation.py,sha256=1dZ1FdTslUwnXlztJJF8wQsUo5u743OLtinsFDLU7aM,51775
383
- snowflake/ml/modeling/semi_supervised/label_spreading.py,sha256=s3-pdgqAAH0PKBCF2z_J6_iext2QrQoFsEbdszQ5DK4,52122
384
- snowflake/ml/modeling/svm/__init__.py,sha256=rY5qSOkHj59bHiTV6LhBiEhUA0StoCb0ACNR2vkV4v0,297
385
- snowflake/ml/modeling/svm/linear_svc.py,sha256=mgwUa_S2F8bCzYYiMvv5lwL2DwEJSJ6pHErAMrab8MQ,55347
386
- snowflake/ml/modeling/svm/linear_svr.py,sha256=bksG2eKvC4usWMOPUx_6-sYuSQ1zYaVeFOUe7n39k74,53530
387
- snowflake/ml/modeling/svm/nu_svc.py,sha256=8KRVjB1dtwVBQ_ese9LaCIO9UH16d9tTZFCwTWuJuRI,55015
388
- snowflake/ml/modeling/svm/nu_svr.py,sha256=8J1huYpx9hMkNeRGGKwpJet8WmJbV_r99T_g3NaWNZU,52129
389
- snowflake/ml/modeling/svm/svc.py,sha256=Rw5sqJUZZOTpExLYUBow9xG5G2tBEG7ZxANTWzLdAl4,55329
390
- snowflake/ml/modeling/svm/svr.py,sha256=8RLXSgSCdrcny5zdZAxFIwbDxVu6HwX1_jjWeec_Ra0,52308
391
- snowflake/ml/modeling/tree/__init__.py,sha256=rY5qSOkHj59bHiTV6LhBiEhUA0StoCb0ACNR2vkV4v0,297
392
- snowflake/ml/modeling/tree/decision_tree_classifier.py,sha256=SuXlnQA8BJezz5BTAthaFYtMnclXXYQxfQgsBTxcoVc,58115
393
- snowflake/ml/modeling/tree/decision_tree_regressor.py,sha256=Q1ngJLdJAsy5Q_PCiPtlLW9ZBkF0eodvU5F6rWEx7k0,56663
394
- snowflake/ml/modeling/tree/extra_tree_classifier.py,sha256=LmCt0EUXYWsGYC7D2djxphHZW01xyLOx8JUsaEO3yPM,57426
395
- snowflake/ml/modeling/tree/extra_tree_regressor.py,sha256=O2syhYHAZfd6LzO3HtAb_kPk6KFj3SZUmcKd8phF-GY,56011
396
- snowflake/ml/modeling/xgboost/__init__.py,sha256=rY5qSOkHj59bHiTV6LhBiEhUA0StoCb0ACNR2vkV4v0,297
397
- snowflake/ml/modeling/xgboost/xgb_classifier.py,sha256=a3Fb1QquZ-jAlHA89duy9f3Z43kMcYoiN2d1eNF5r0g,63580
398
- snowflake/ml/modeling/xgboost/xgb_regressor.py,sha256=O5e6nJEGyEBgEfSIeuKJ2MwIiyVRJzoKrZM-tfUBtJs,63183
399
- snowflake/ml/modeling/xgboost/xgbrf_classifier.py,sha256=PskavP_1rg-bzi8naADViV3alnLEBa7phtYHMwSWGkA,63856
400
- snowflake/ml/modeling/xgboost/xgbrf_regressor.py,sha256=8umj4GSb8Txu5RmvWjjYb_qYd0cPe7vDb8jg6NB0As0,63381
401
- snowflake/ml/monitoring/model_monitor.py,sha256=8vJf1YROmJgBLUtpaH-lGKSSJv9R7PxPaQnOdr_j5YE,2200
402
- snowflake/ml/monitoring/model_monitor_version.py,sha256=TlmDJZDE0lCVatRaBRgXIjzDF538nrMIc-zWj9MM_nk,46
403
- snowflake/ml/monitoring/shap.py,sha256=Dp9nYquPEZjxMTW62YYA9g9qUdmCEFxcSk7ejvOP7PE,3597
404
- snowflake/ml/monitoring/_client/model_monitor_sql_client.py,sha256=XhTcLNehHOwEKGpqJdYnL1-esYm3KWM5E8CvH9pF5Ms,12712
405
- snowflake/ml/monitoring/_client/queries/record_count.ssql,sha256=Bd1uNMwhPKqPyrDd5ug8iY493t9KamJjrlo82OAfmjY,335
406
- snowflake/ml/monitoring/_client/queries/rmse.ssql,sha256=OEJiSStRz9-qKoZaFvmubtY_n0xMUjyVU2uiQHCp7KU,822
407
- snowflake/ml/monitoring/_manager/model_monitor_manager.py,sha256=_-vxqnHqohTHTrwfURjPXijyAeh1mTRdHCG436GaBik,10314
408
- snowflake/ml/monitoring/entities/model_monitor_config.py,sha256=IxEiee1HfBXCQGzJOZbrDrvoV8J1tDNk43ygNuN00Io,1793
409
- snowflake/ml/registry/__init__.py,sha256=XdPQK9ejYkSJVrSQ7HD3jKQO0hKq2mC4bPCB6qrtH3U,76
410
- snowflake/ml/registry/registry.py,sha256=QPiv52G6v2SuJsifcnRBotJjr8gB1PteoFXkihVgEco,30225
411
- snowflake/ml/registry/_manager/model_manager.py,sha256=XTvlxDdXujYsV4REwsVIkzmFFIiWSFY0UKJKwLpRKp8,16983
412
- snowflake/ml/utils/authentication.py,sha256=Wx1kVBZ9XBDuKkRHpPEB2pBxpiJepVLFAirDMx4m5Gk,2612
413
- snowflake/ml/utils/connection_params.py,sha256=JRpQppuWRk6bhdLzVDhMfz3Y6yInobFNLHmIBaXD7po,8005
414
- snowflake/ml/utils/sparse.py,sha256=XqDQkw39Ml6YIknswdkvFIwUwBk_GBXAbP8IACfPENg,3817
415
- snowflake/ml/utils/sql_client.py,sha256=z4Rhi7pQz3s9cyu_Uzfr3deCnrkCdFh9IYIvicsuwdc,692
416
- snowflake_ml_python-1.8.2.dist-info/licenses/LICENSE.txt,sha256=PdEp56Av5m3_kl21iFkVTX_EbHJKFGEdmYeIO1pL_Yk,11365
417
- snowflake_ml_python-1.8.2.dist-info/METADATA,sha256=-nSrqa3EXDuUaByFhQHhOp4BuOGY_XGfzwVX4VFaAgg,82231
418
- snowflake_ml_python-1.8.2.dist-info/WHEEL,sha256=CmyFI0kx5cdEMTLiONQRbGQwjIoR1aIYB7eCAQ4KPJ0,91
419
- snowflake_ml_python-1.8.2.dist-info/top_level.txt,sha256=TY0gFSHKDdZy3THb0FGomyikWQasEGldIR1O0HGOHVw,10
420
- snowflake_ml_python-1.8.2.dist-info/RECORD,,