snowflake-ml-python 1.7.3__py3-none-any.whl → 1.7.5__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 (208) hide show
  1. snowflake/cortex/_complete.py +19 -0
  2. snowflake/ml/_internal/env_utils.py +64 -21
  3. snowflake/ml/_internal/platform_capabilities.py +87 -0
  4. snowflake/ml/_internal/relax_version_strategy.py +16 -0
  5. snowflake/ml/_internal/telemetry.py +21 -0
  6. snowflake/ml/data/_internal/arrow_ingestor.py +1 -1
  7. snowflake/ml/dataset/dataset.py +0 -1
  8. snowflake/ml/feature_store/feature_store.py +18 -0
  9. snowflake/ml/feature_store/feature_view.py +46 -1
  10. snowflake/ml/fileset/fileset.py +6 -0
  11. snowflake/ml/jobs/__init__.py +21 -0
  12. snowflake/ml/jobs/_utils/constants.py +57 -0
  13. snowflake/ml/jobs/_utils/payload_utils.py +438 -0
  14. snowflake/ml/jobs/_utils/spec_utils.py +296 -0
  15. snowflake/ml/jobs/_utils/types.py +39 -0
  16. snowflake/ml/jobs/decorators.py +71 -0
  17. snowflake/ml/jobs/job.py +113 -0
  18. snowflake/ml/jobs/manager.py +298 -0
  19. snowflake/ml/model/_client/ops/model_ops.py +11 -2
  20. snowflake/ml/model/_client/ops/service_ops.py +1 -11
  21. snowflake/ml/model/_client/sql/service.py +13 -6
  22. snowflake/ml/model/_packager/model_env/model_env.py +45 -28
  23. snowflake/ml/model/_packager/model_handlers/_utils.py +19 -6
  24. snowflake/ml/model/_packager/model_handlers/custom.py +1 -2
  25. snowflake/ml/model/_packager/model_handlers/huggingface_pipeline.py +17 -0
  26. snowflake/ml/model/_packager/model_handlers/keras.py +230 -0
  27. snowflake/ml/model/_packager/model_handlers/pytorch.py +1 -0
  28. snowflake/ml/model/_packager/model_handlers/sklearn.py +28 -3
  29. snowflake/ml/model/_packager/model_handlers/snowmlmodel.py +74 -21
  30. snowflake/ml/model/_packager/model_handlers/tensorflow.py +27 -49
  31. snowflake/ml/model/_packager/model_handlers_migrator/tensorflow_migrator_2023_12_01.py +48 -0
  32. snowflake/ml/model/_packager/model_meta/model_meta.py +1 -1
  33. snowflake/ml/model/_packager/model_meta/model_meta_schema.py +3 -0
  34. snowflake/ml/model/_packager/model_runtime/_snowml_inference_alternative_requirements.py +2 -2
  35. snowflake/ml/model/_packager/model_runtime/model_runtime.py +4 -1
  36. snowflake/ml/model/_packager/model_task/model_task_utils.py +5 -1
  37. snowflake/ml/model/_signatures/base_handler.py +1 -2
  38. snowflake/ml/model/_signatures/builtins_handler.py +2 -2
  39. snowflake/ml/model/_signatures/core.py +2 -2
  40. snowflake/ml/model/_signatures/numpy_handler.py +11 -12
  41. snowflake/ml/model/_signatures/pandas_handler.py +11 -9
  42. snowflake/ml/model/_signatures/pytorch_handler.py +3 -6
  43. snowflake/ml/model/_signatures/snowpark_handler.py +3 -3
  44. snowflake/ml/model/_signatures/tensorflow_handler.py +2 -7
  45. snowflake/ml/model/model_signature.py +25 -4
  46. snowflake/ml/model/type_hints.py +15 -0
  47. snowflake/ml/modeling/_internal/snowpark_implementations/snowpark_handlers.py +14 -1
  48. snowflake/ml/modeling/calibration/calibrated_classifier_cv.py +6 -3
  49. snowflake/ml/modeling/cluster/affinity_propagation.py +6 -3
  50. snowflake/ml/modeling/cluster/agglomerative_clustering.py +6 -3
  51. snowflake/ml/modeling/cluster/birch.py +6 -3
  52. snowflake/ml/modeling/cluster/bisecting_k_means.py +6 -3
  53. snowflake/ml/modeling/cluster/dbscan.py +6 -3
  54. snowflake/ml/modeling/cluster/feature_agglomeration.py +6 -3
  55. snowflake/ml/modeling/cluster/k_means.py +6 -3
  56. snowflake/ml/modeling/cluster/mean_shift.py +6 -3
  57. snowflake/ml/modeling/cluster/mini_batch_k_means.py +6 -3
  58. snowflake/ml/modeling/cluster/optics.py +6 -3
  59. snowflake/ml/modeling/cluster/spectral_biclustering.py +6 -3
  60. snowflake/ml/modeling/cluster/spectral_clustering.py +6 -3
  61. snowflake/ml/modeling/cluster/spectral_coclustering.py +6 -3
  62. snowflake/ml/modeling/compose/column_transformer.py +6 -3
  63. snowflake/ml/modeling/compose/transformed_target_regressor.py +6 -3
  64. snowflake/ml/modeling/covariance/elliptic_envelope.py +6 -3
  65. snowflake/ml/modeling/covariance/empirical_covariance.py +6 -3
  66. snowflake/ml/modeling/covariance/graphical_lasso.py +6 -3
  67. snowflake/ml/modeling/covariance/graphical_lasso_cv.py +6 -3
  68. snowflake/ml/modeling/covariance/ledoit_wolf.py +6 -3
  69. snowflake/ml/modeling/covariance/min_cov_det.py +6 -3
  70. snowflake/ml/modeling/covariance/oas.py +6 -3
  71. snowflake/ml/modeling/covariance/shrunk_covariance.py +6 -3
  72. snowflake/ml/modeling/decomposition/dictionary_learning.py +6 -3
  73. snowflake/ml/modeling/decomposition/factor_analysis.py +6 -3
  74. snowflake/ml/modeling/decomposition/fast_ica.py +6 -3
  75. snowflake/ml/modeling/decomposition/incremental_pca.py +6 -3
  76. snowflake/ml/modeling/decomposition/kernel_pca.py +6 -3
  77. snowflake/ml/modeling/decomposition/mini_batch_dictionary_learning.py +6 -3
  78. snowflake/ml/modeling/decomposition/mini_batch_sparse_pca.py +6 -3
  79. snowflake/ml/modeling/decomposition/pca.py +6 -3
  80. snowflake/ml/modeling/decomposition/sparse_pca.py +6 -3
  81. snowflake/ml/modeling/decomposition/truncated_svd.py +6 -3
  82. snowflake/ml/modeling/discriminant_analysis/linear_discriminant_analysis.py +6 -3
  83. snowflake/ml/modeling/discriminant_analysis/quadratic_discriminant_analysis.py +6 -3
  84. snowflake/ml/modeling/ensemble/ada_boost_classifier.py +6 -3
  85. snowflake/ml/modeling/ensemble/ada_boost_regressor.py +6 -3
  86. snowflake/ml/modeling/ensemble/bagging_classifier.py +6 -3
  87. snowflake/ml/modeling/ensemble/bagging_regressor.py +6 -3
  88. snowflake/ml/modeling/ensemble/extra_trees_classifier.py +6 -3
  89. snowflake/ml/modeling/ensemble/extra_trees_regressor.py +6 -3
  90. snowflake/ml/modeling/ensemble/gradient_boosting_classifier.py +6 -3
  91. snowflake/ml/modeling/ensemble/gradient_boosting_regressor.py +6 -3
  92. snowflake/ml/modeling/ensemble/hist_gradient_boosting_classifier.py +6 -3
  93. snowflake/ml/modeling/ensemble/hist_gradient_boosting_regressor.py +6 -3
  94. snowflake/ml/modeling/ensemble/isolation_forest.py +6 -3
  95. snowflake/ml/modeling/ensemble/random_forest_classifier.py +6 -3
  96. snowflake/ml/modeling/ensemble/random_forest_regressor.py +6 -3
  97. snowflake/ml/modeling/ensemble/stacking_regressor.py +6 -3
  98. snowflake/ml/modeling/ensemble/voting_classifier.py +6 -3
  99. snowflake/ml/modeling/ensemble/voting_regressor.py +6 -3
  100. snowflake/ml/modeling/feature_selection/generic_univariate_select.py +6 -3
  101. snowflake/ml/modeling/feature_selection/select_fdr.py +6 -3
  102. snowflake/ml/modeling/feature_selection/select_fpr.py +6 -3
  103. snowflake/ml/modeling/feature_selection/select_fwe.py +6 -3
  104. snowflake/ml/modeling/feature_selection/select_k_best.py +6 -3
  105. snowflake/ml/modeling/feature_selection/select_percentile.py +6 -3
  106. snowflake/ml/modeling/feature_selection/sequential_feature_selector.py +6 -3
  107. snowflake/ml/modeling/feature_selection/variance_threshold.py +6 -3
  108. snowflake/ml/modeling/gaussian_process/gaussian_process_classifier.py +6 -3
  109. snowflake/ml/modeling/gaussian_process/gaussian_process_regressor.py +6 -3
  110. snowflake/ml/modeling/impute/iterative_imputer.py +6 -3
  111. snowflake/ml/modeling/impute/knn_imputer.py +6 -3
  112. snowflake/ml/modeling/impute/missing_indicator.py +6 -3
  113. snowflake/ml/modeling/kernel_approximation/additive_chi2_sampler.py +6 -3
  114. snowflake/ml/modeling/kernel_approximation/nystroem.py +6 -3
  115. snowflake/ml/modeling/kernel_approximation/polynomial_count_sketch.py +6 -3
  116. snowflake/ml/modeling/kernel_approximation/rbf_sampler.py +6 -3
  117. snowflake/ml/modeling/kernel_approximation/skewed_chi2_sampler.py +6 -3
  118. snowflake/ml/modeling/kernel_ridge/kernel_ridge.py +6 -3
  119. snowflake/ml/modeling/lightgbm/lgbm_classifier.py +6 -3
  120. snowflake/ml/modeling/lightgbm/lgbm_regressor.py +6 -3
  121. snowflake/ml/modeling/linear_model/ard_regression.py +6 -3
  122. snowflake/ml/modeling/linear_model/bayesian_ridge.py +6 -3
  123. snowflake/ml/modeling/linear_model/elastic_net.py +6 -3
  124. snowflake/ml/modeling/linear_model/elastic_net_cv.py +6 -3
  125. snowflake/ml/modeling/linear_model/gamma_regressor.py +6 -3
  126. snowflake/ml/modeling/linear_model/huber_regressor.py +6 -3
  127. snowflake/ml/modeling/linear_model/lars.py +6 -3
  128. snowflake/ml/modeling/linear_model/lars_cv.py +6 -3
  129. snowflake/ml/modeling/linear_model/lasso.py +6 -3
  130. snowflake/ml/modeling/linear_model/lasso_cv.py +6 -3
  131. snowflake/ml/modeling/linear_model/lasso_lars.py +6 -3
  132. snowflake/ml/modeling/linear_model/lasso_lars_cv.py +6 -3
  133. snowflake/ml/modeling/linear_model/lasso_lars_ic.py +6 -3
  134. snowflake/ml/modeling/linear_model/linear_regression.py +6 -3
  135. snowflake/ml/modeling/linear_model/logistic_regression.py +6 -3
  136. snowflake/ml/modeling/linear_model/logistic_regression_cv.py +6 -3
  137. snowflake/ml/modeling/linear_model/multi_task_elastic_net.py +6 -3
  138. snowflake/ml/modeling/linear_model/multi_task_elastic_net_cv.py +6 -3
  139. snowflake/ml/modeling/linear_model/multi_task_lasso.py +6 -3
  140. snowflake/ml/modeling/linear_model/multi_task_lasso_cv.py +6 -3
  141. snowflake/ml/modeling/linear_model/orthogonal_matching_pursuit.py +6 -3
  142. snowflake/ml/modeling/linear_model/passive_aggressive_classifier.py +6 -3
  143. snowflake/ml/modeling/linear_model/passive_aggressive_regressor.py +6 -3
  144. snowflake/ml/modeling/linear_model/perceptron.py +6 -3
  145. snowflake/ml/modeling/linear_model/poisson_regressor.py +6 -3
  146. snowflake/ml/modeling/linear_model/ransac_regressor.py +6 -3
  147. snowflake/ml/modeling/linear_model/ridge.py +6 -3
  148. snowflake/ml/modeling/linear_model/ridge_classifier.py +6 -3
  149. snowflake/ml/modeling/linear_model/ridge_classifier_cv.py +6 -3
  150. snowflake/ml/modeling/linear_model/ridge_cv.py +6 -3
  151. snowflake/ml/modeling/linear_model/sgd_classifier.py +6 -3
  152. snowflake/ml/modeling/linear_model/sgd_one_class_svm.py +6 -3
  153. snowflake/ml/modeling/linear_model/sgd_regressor.py +6 -3
  154. snowflake/ml/modeling/linear_model/theil_sen_regressor.py +6 -3
  155. snowflake/ml/modeling/linear_model/tweedie_regressor.py +6 -3
  156. snowflake/ml/modeling/manifold/isomap.py +6 -3
  157. snowflake/ml/modeling/manifold/mds.py +6 -3
  158. snowflake/ml/modeling/manifold/spectral_embedding.py +6 -3
  159. snowflake/ml/modeling/manifold/tsne.py +6 -3
  160. snowflake/ml/modeling/mixture/bayesian_gaussian_mixture.py +6 -3
  161. snowflake/ml/modeling/mixture/gaussian_mixture.py +6 -3
  162. snowflake/ml/modeling/model_selection/grid_search_cv.py +17 -2
  163. snowflake/ml/modeling/model_selection/randomized_search_cv.py +17 -2
  164. snowflake/ml/modeling/multiclass/one_vs_one_classifier.py +6 -3
  165. snowflake/ml/modeling/multiclass/one_vs_rest_classifier.py +6 -3
  166. snowflake/ml/modeling/multiclass/output_code_classifier.py +6 -3
  167. snowflake/ml/modeling/naive_bayes/bernoulli_nb.py +6 -3
  168. snowflake/ml/modeling/naive_bayes/categorical_nb.py +6 -3
  169. snowflake/ml/modeling/naive_bayes/complement_nb.py +6 -3
  170. snowflake/ml/modeling/naive_bayes/gaussian_nb.py +6 -3
  171. snowflake/ml/modeling/naive_bayes/multinomial_nb.py +6 -3
  172. snowflake/ml/modeling/neighbors/k_neighbors_classifier.py +6 -3
  173. snowflake/ml/modeling/neighbors/k_neighbors_regressor.py +6 -3
  174. snowflake/ml/modeling/neighbors/kernel_density.py +6 -3
  175. snowflake/ml/modeling/neighbors/local_outlier_factor.py +6 -3
  176. snowflake/ml/modeling/neighbors/nearest_centroid.py +6 -3
  177. snowflake/ml/modeling/neighbors/nearest_neighbors.py +6 -3
  178. snowflake/ml/modeling/neighbors/neighborhood_components_analysis.py +6 -3
  179. snowflake/ml/modeling/neighbors/radius_neighbors_classifier.py +6 -3
  180. snowflake/ml/modeling/neighbors/radius_neighbors_regressor.py +6 -3
  181. snowflake/ml/modeling/neural_network/bernoulli_rbm.py +6 -3
  182. snowflake/ml/modeling/neural_network/mlp_classifier.py +6 -3
  183. snowflake/ml/modeling/neural_network/mlp_regressor.py +6 -3
  184. snowflake/ml/modeling/pipeline/pipeline.py +28 -3
  185. snowflake/ml/modeling/preprocessing/polynomial_features.py +8 -5
  186. snowflake/ml/modeling/semi_supervised/label_propagation.py +6 -3
  187. snowflake/ml/modeling/semi_supervised/label_spreading.py +6 -3
  188. snowflake/ml/modeling/svm/linear_svc.py +6 -3
  189. snowflake/ml/modeling/svm/linear_svr.py +6 -3
  190. snowflake/ml/modeling/svm/nu_svc.py +6 -3
  191. snowflake/ml/modeling/svm/nu_svr.py +6 -3
  192. snowflake/ml/modeling/svm/svc.py +6 -3
  193. snowflake/ml/modeling/svm/svr.py +6 -3
  194. snowflake/ml/modeling/tree/decision_tree_classifier.py +6 -3
  195. snowflake/ml/modeling/tree/decision_tree_regressor.py +6 -3
  196. snowflake/ml/modeling/tree/extra_tree_classifier.py +6 -3
  197. snowflake/ml/modeling/tree/extra_tree_regressor.py +6 -3
  198. snowflake/ml/modeling/xgboost/xgb_classifier.py +6 -3
  199. snowflake/ml/modeling/xgboost/xgb_regressor.py +6 -3
  200. snowflake/ml/modeling/xgboost/xgbrf_classifier.py +6 -3
  201. snowflake/ml/modeling/xgboost/xgbrf_regressor.py +6 -3
  202. snowflake/ml/registry/registry.py +34 -4
  203. snowflake/ml/version.py +1 -1
  204. {snowflake_ml_python-1.7.3.dist-info → snowflake_ml_python-1.7.5.dist-info}/METADATA +81 -33
  205. {snowflake_ml_python-1.7.3.dist-info → snowflake_ml_python-1.7.5.dist-info}/RECORD +208 -196
  206. {snowflake_ml_python-1.7.3.dist-info → snowflake_ml_python-1.7.5.dist-info}/WHEEL +1 -1
  207. {snowflake_ml_python-1.7.3.dist-info → snowflake_ml_python-1.7.5.dist-info}/LICENSE.txt +0 -0
  208. {snowflake_ml_python-1.7.3.dist-info → snowflake_ml_python-1.7.5.dist-info}/top_level.txt +0 -0
@@ -1,6 +1,6 @@
1
1
  Metadata-Version: 2.2
2
2
  Name: snowflake-ml-python
3
- Version: 1.7.3
3
+ Version: 1.7.5
4
4
  Summary: The machine learning client library that is used for interacting with Snowflake to build machine learning solutions.
5
5
  Author-email: "Snowflake, Inc" <support@snowflake.com>
6
6
  License:
@@ -223,17 +223,18 @@ Classifier: Operating System :: OS Independent
223
223
  Classifier: Programming Language :: Python :: 3.9
224
224
  Classifier: Programming Language :: Python :: 3.10
225
225
  Classifier: Programming Language :: Python :: 3.11
226
+ Classifier: Programming Language :: Python :: 3.12
226
227
  Classifier: Topic :: Database
227
228
  Classifier: Topic :: Software Development
228
229
  Classifier: Topic :: Software Development :: Libraries
229
230
  Classifier: Topic :: Software Development :: Libraries :: Application Frameworks
230
231
  Classifier: Topic :: Software Development :: Libraries :: Python Modules
231
232
  Classifier: Topic :: Scientific/Engineering :: Information Analysis
232
- Requires-Python: <3.12,>=3.9
233
+ Requires-Python: <3.13,>=3.9
233
234
  Description-Content-Type: text/markdown
234
235
  License-File: LICENSE.txt
235
236
  Requires-Dist: absl-py<2,>=0.15
236
- Requires-Dist: anyio<4,>=3.5.0
237
+ Requires-Dist: anyio<5,>=3.5.0
237
238
  Requires-Dist: cachetools<6,>=3.1.1
238
239
  Requires-Dist: cloudpickle>=2.0.0
239
240
  Requires-Dist: cryptography
@@ -251,45 +252,46 @@ Requires-Dist: s3fs<2026,>=2024.6.1
251
252
  Requires-Dist: scikit-learn<1.6,>=1.4
252
253
  Requires-Dist: scipy<2,>=1.9
253
254
  Requires-Dist: snowflake-connector-python[pandas]<4,>=3.5.0
254
- Requires-Dist: snowflake-snowpark-python<2,>=1.17.0
255
+ Requires-Dist: snowflake-snowpark-python!=1.26.0,<2,>=1.17.0
255
256
  Requires-Dist: sqlparse<1,>=0.4
256
257
  Requires-Dist: typing-extensions<5,>=4.1.0
257
258
  Requires-Dist: xgboost<3,>=1.7.3
258
259
  Provides-Extra: all
259
260
  Requires-Dist: catboost<2,>=1.2.0; extra == "all"
260
- Requires-Dist: huggingface_hub<0.26; extra == "all"
261
+ Requires-Dist: keras<4,>=2.0.0; extra == "all"
261
262
  Requires-Dist: lightgbm<5,>=4.1.0; extra == "all"
262
263
  Requires-Dist: mlflow<3,>=2.16.0; extra == "all"
263
- Requires-Dist: peft<1,>=0.5.0; extra == "all"
264
- Requires-Dist: sentence-transformers<3,>=2.2.2; extra == "all"
265
- Requires-Dist: sentencepiece<1,>=0.1.95; extra == "all"
264
+ Requires-Dist: sentence-transformers<3,>=2.7.0; extra == "all"
265
+ Requires-Dist: sentencepiece<0.2.0,>=0.1.95; extra == "all"
266
266
  Requires-Dist: shap<1,>=0.46.0; extra == "all"
267
- Requires-Dist: tensorflow<3,>=2.12.0; extra == "all"
268
- Requires-Dist: tokenizers<1,>=0.10; extra == "all"
269
- Requires-Dist: torch<2.3.0,>=2.0.1; extra == "all"
267
+ Requires-Dist: tensorflow<3,>=2.17.0; extra == "all"
268
+ Requires-Dist: tokenizers<1,>=0.15.1; extra == "all"
269
+ Requires-Dist: torch<3,>=2.0.1; extra == "all"
270
270
  Requires-Dist: torchdata<1,>=0.4; extra == "all"
271
- Requires-Dist: transformers<5,>=4.32.1; extra == "all"
271
+ Requires-Dist: transformers<5,>=4.37.2; extra == "all"
272
272
  Provides-Extra: catboost
273
273
  Requires-Dist: catboost<2,>=1.2.0; extra == "catboost"
274
+ Provides-Extra: keras
275
+ Requires-Dist: keras<4,>=2.0.0; extra == "keras"
276
+ Requires-Dist: tensorflow<3,>=2.17.0; extra == "keras"
277
+ Requires-Dist: torch<3,>=2.0.1; extra == "keras"
274
278
  Provides-Extra: lightgbm
275
279
  Requires-Dist: lightgbm<5,>=4.1.0; extra == "lightgbm"
276
- Provides-Extra: llm
277
- Requires-Dist: peft<1,>=0.5.0; extra == "llm"
278
280
  Provides-Extra: mlflow
279
281
  Requires-Dist: mlflow<3,>=2.16.0; extra == "mlflow"
280
282
  Provides-Extra: shap
281
283
  Requires-Dist: shap<1,>=0.46.0; extra == "shap"
282
284
  Provides-Extra: tensorflow
283
- Requires-Dist: tensorflow<3,>=2.12.0; extra == "tensorflow"
285
+ Requires-Dist: tensorflow<3,>=2.17.0; extra == "tensorflow"
284
286
  Provides-Extra: torch
285
- Requires-Dist: torch<2.3.0,>=2.0.1; extra == "torch"
287
+ Requires-Dist: torch<3,>=2.0.1; extra == "torch"
286
288
  Requires-Dist: torchdata<1,>=0.4; extra == "torch"
287
289
  Provides-Extra: transformers
288
- Requires-Dist: huggingface_hub<0.26; extra == "transformers"
289
- Requires-Dist: sentence-transformers<3,>=2.2.2; extra == "transformers"
290
- Requires-Dist: sentencepiece<1,>=0.1.95; extra == "transformers"
291
- Requires-Dist: tokenizers<1,>=0.10; extra == "transformers"
292
- Requires-Dist: transformers<5,>=4.32.1; extra == "transformers"
290
+ Requires-Dist: sentence-transformers<3,>=2.7.0; extra == "transformers"
291
+ Requires-Dist: sentencepiece<0.2.0,>=0.1.95; extra == "transformers"
292
+ Requires-Dist: tokenizers<1,>=0.15.1; extra == "transformers"
293
+ Requires-Dist: torch<3,>=2.0.1; extra == "transformers"
294
+ Requires-Dist: transformers<5,>=4.37.2; extra == "transformers"
293
295
 
294
296
  # Snowpark ML
295
297
 
@@ -346,7 +348,7 @@ If you don't have a Snowflake account yet, you can [sign up for a 30-day free tr
346
348
  Follow the [installation instructions](https://docs.snowflake.com/en/developer-guide/snowpark-ml/index#installing-snowpark-ml)
347
349
  in the Snowflake documentation.
348
350
 
349
- Python versions 3.9 to 3.11 are supported. You can use [miniconda](https://docs.conda.io/en/latest/miniconda.html) or
351
+ Python versions 3.9 to 3.12 are supported. You can use [miniconda](https://docs.conda.io/en/latest/miniconda.html) or
350
352
  [anaconda](https://www.anaconda.com/) to create a Conda environment (recommended),
351
353
  or [virtualenv](https://docs.python.org/3/tutorial/venv.html) to create a virtual environment.
352
354
 
@@ -399,12 +401,62 @@ NOTE: Version 1.7.0 is used as example here. Please choose the the latest versio
399
401
 
400
402
  # Release History
401
403
 
402
- ## 1.7.3
404
+ ## 1.7.5
405
+
406
+ - Support Python 3.12.
407
+ - Explainability: Support native and snowml sklearn pipeline
408
+
409
+ ### Bug Fixes
410
+
411
+ - Registry: Fixed a compatibility issue when using `snowflake-ml-python` 1.7.0 or greater to save a `tensorflow.keras`
412
+ model with `keras` 2.x, if `relax_version` is set or default to True, and newer version of `snowflake-ml-python`
413
+ is available in Snowflake Anaconda Channel, model could not be run in Snowflake. If you have such model, you could
414
+ use the latest version of `snowflake-ml-python` and call `ModelVersion.load` to load it back, and re-log it.
415
+ Alternatively, you can prevent this issue by setting `relax_version=False` when saving the model.
416
+ - Registry: Removed the validation that disallows data that does not have non-null values being passed to
417
+ `ModelVersion.run`.
418
+ - ML Job (PrPr): No longer require CREATE STAGE privilege if `stage_name` points to an existing stage
419
+ - ML Job (PrPr): Fixed a bug causing some payload source and entrypoint path
420
+ combinations to be erroneously rejected with
421
+ `ValueError(f"{self.entrypoint} must be a subpath of {self.source}")`
422
+ - ML Job (PrPr): Fixed a bug in Ray cluster startup config which caused certain Runtime APIs to fail
423
+
424
+ ### Behavior Change
425
+
426
+ ### New Features
427
+
428
+ - Registry: Added support for handling Hugging Face model configurations with auto-mapping functionality.
429
+ - Registry: Added support for `keras` 3.x model with `tensorflow` and `pytorch` backend
430
+ - ML Job (PrPr): Support any serializable (pickleable) argument for `@remote` decorated functions
431
+
432
+ ## 1.7.4 (01-28-2025)
433
+
434
+ - FileSet: The `snowflake.ml.fileset.FileSet` has been deprecated and will be removed in a future version.
435
+ Use [snowflake.ml.dataset.Dataset](https://docs.snowflake.com/en/developer-guide/snowflake-ml/dataset) and
436
+ [snowflake.ml.data.DataConnector](https://docs.snowflake.com/en/developer-guide/snowpark-ml/reference/latest/api/data/snowflake.ml.data.data_connector.DataConnector)
437
+ instead.
438
+ - Registry: `ModelVersion.run` on a service would require redeploying the service once account opts into nested function.
439
+
440
+ ### Bug Fixes
441
+
442
+ - Registry: Fixed an issue that the hugging face pipeline is loaded using incorrect dtype.
443
+ - Registry: Fixed an issue that only 1 row is used when infer the model signature in the modeling model.
444
+
445
+ ### New Features
446
+
447
+ - Add new `snowflake.ml.jobs` preview API for running headless workloads on SPCS using
448
+ [Container Runtime for ML](https://docs.snowflake.com/en/developer-guide/snowflake-ml/container-runtime-ml)
449
+ - Added `guardrails` option to Cortex `complete` function, enabling
450
+ [Cortex Guard](https://docs.snowflake.com/en/user-guide/snowflake-cortex/llm-functions#cortex-guard) support
451
+ - Model Monitoring: Expose Model Monitoring Python API by default.
452
+
453
+ ## 1.7.3 (2025-01-08)
403
454
 
404
455
  - Added lowercase versions of Cortex functions, added deprecation warning to Capitalized versions.
405
456
  - Bumped the requirements of `fsspec` and `s3fs` to `>=2024.6.1,<2026`
406
457
  - Bumped the requirement of `mlflow` to `>=2.16.0, <3`
407
458
  - Registry: Support 500+ features for model registry
459
+ - Feature Store: Add support for `cluster_by` for feature views.
408
460
 
409
461
  ### Bug Fixes
410
462
 
@@ -417,13 +469,13 @@ NOTE: Version 1.7.0 is used as example here. Please choose the the latest versio
417
469
  - Registry: Fix error in log_model for any sklearn models with only data pre-processing including pre-processing only
418
470
  pipeline models due to default explainability enablement.
419
471
 
420
- ### Behavior Changes
421
-
422
472
  ### New Features
423
473
 
424
474
  - Added `user_files` argument to `Registry.log_model` for including images or any extra file with the model.
425
475
  - Registry: Added support for handling Hugging Face model configurations with auto-mapping functionality
426
476
  - DataConnector: Add new `DataConnector.from_sql()` constructor
477
+ - Registry: Provided new arguments to `snowflake.ml.model.model_signature.infer_signature` method to specify rows limit
478
+ to be used when inferring the signature.
427
479
 
428
480
  ## 1.7.2 (2024-11-21)
429
481
 
@@ -432,8 +484,6 @@ NOTE: Version 1.7.0 is used as example here. Please choose the the latest versio
432
484
  - Model Explainability: Fix issue that explain is enabled for scikit-learn pipeline
433
485
  whose task is UNKNOWN and fails later when invoked.
434
486
 
435
- ### Behavior Changes
436
-
437
487
  ### New Features
438
488
 
439
489
  - Registry: Support asynchronous model inference service creation with the `block` option
@@ -453,8 +503,6 @@ signature inference.
453
503
  - Dataset: Fix missing `snowflake.ml.dataset.*` module exports in wheel.
454
504
  - Registry: Fix the issue that `tf_keras.Model` is not recognized as keras model when logging.
455
505
 
456
- ### Behavior Changes
457
-
458
506
  ### New Features
459
507
 
460
508
  - Registry: Option to `enable_monitoring` set to False by default. This will gate access to preview features of Model Monitoring.
@@ -526,6 +574,10 @@ class ExamplePipelineModel(custom_model.CustomModel):
526
574
  - Data Connector: Add the option of passing a `None` sized batch to `to_torch_dataset` for better
527
575
  interoperability with PyTorch DataLoader.
528
576
  - Model Registry: Support [pandas.CategoricalDtype](https://pandas.pydata.org/docs/reference/api/pandas.CategoricalDtype.html#pandas-categoricaldtype)
577
+ - Limitations:
578
+ - The native categorical data handling handling by XGBoost using `enable_categorical=True` is not supported.
579
+ Instead please use [`sklearn.pipeline`](https://scikit-learn.org/stable/modules/generated/sklearn.pipeline.Pipeline.html)
580
+ to preprocess the categorical datatype and log the pipeline with the XGBoost model.
529
581
  - Registry: It is now possible to pass `signatures` and `sample_input_data` at the same time to capture background
530
582
  data from explainablity and data lineage.
531
583
 
@@ -703,10 +755,6 @@ data from explainablity and data lineage.
703
755
  - Modeling: Quick fix `import snowflake.ml.modeling.parameters.enable_anonymous_sproc` cannot be imported due to package
704
756
  dependency error.
705
757
 
706
- ### Behavior Changes
707
-
708
- ### New Features
709
-
710
758
  ## 1.5.1 (05-22-2024)
711
759
 
712
760
  ### Bug Fixes