snowflake-ml-python 1.8.3__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 (190) hide show
  1. snowflake/cortex/__init__.py +7 -1
  2. snowflake/ml/_internal/platform_capabilities.py +13 -11
  3. snowflake/ml/_internal/utils/identifier.py +2 -2
  4. snowflake/ml/jobs/_utils/constants.py +1 -1
  5. snowflake/ml/jobs/_utils/payload_utils.py +39 -30
  6. snowflake/ml/jobs/_utils/scripts/get_instance_ip.py +4 -4
  7. snowflake/ml/jobs/_utils/scripts/mljob_launcher.py +1 -1
  8. snowflake/ml/jobs/_utils/spec_utils.py +1 -1
  9. snowflake/ml/jobs/decorators.py +6 -0
  10. snowflake/ml/jobs/job.py +63 -16
  11. snowflake/ml/jobs/manager.py +50 -16
  12. snowflake/ml/model/_client/model/model_version_impl.py +1 -1
  13. snowflake/ml/model/_client/ops/service_ops.py +26 -14
  14. snowflake/ml/model/_client/service/model_deployment_spec.py +340 -170
  15. snowflake/ml/model/_client/service/model_deployment_spec_schema.py +25 -0
  16. snowflake/ml/model/_client/sql/service.py +4 -13
  17. snowflake/ml/model/_model_composer/model_composer.py +41 -18
  18. snowflake/ml/model/_packager/model_handlers/_utils.py +32 -2
  19. snowflake/ml/model/_packager/model_handlers/custom.py +1 -1
  20. snowflake/ml/model/_packager/model_handlers/pytorch.py +1 -2
  21. snowflake/ml/model/_packager/model_handlers/sklearn.py +100 -41
  22. snowflake/ml/model/_packager/model_handlers/tensorflow.py +7 -4
  23. snowflake/ml/model/_packager/model_handlers/torchscript.py +2 -2
  24. snowflake/ml/model/_packager/model_handlers/xgboost.py +16 -7
  25. snowflake/ml/model/_packager/model_meta/model_meta.py +2 -1
  26. snowflake/ml/model/_packager/model_meta/model_meta_schema.py +1 -0
  27. snowflake/ml/model/_packager/model_runtime/_snowml_inference_alternative_requirements.py +4 -4
  28. snowflake/ml/model/_signatures/dmatrix_handler.py +15 -2
  29. snowflake/ml/model/custom_model.py +17 -4
  30. snowflake/ml/model/model_signature.py +3 -3
  31. snowflake/ml/modeling/calibration/calibrated_classifier_cv.py +9 -1
  32. snowflake/ml/modeling/cluster/affinity_propagation.py +9 -1
  33. snowflake/ml/modeling/cluster/agglomerative_clustering.py +9 -1
  34. snowflake/ml/modeling/cluster/birch.py +9 -1
  35. snowflake/ml/modeling/cluster/bisecting_k_means.py +9 -1
  36. snowflake/ml/modeling/cluster/dbscan.py +9 -1
  37. snowflake/ml/modeling/cluster/feature_agglomeration.py +9 -1
  38. snowflake/ml/modeling/cluster/k_means.py +9 -1
  39. snowflake/ml/modeling/cluster/mean_shift.py +9 -1
  40. snowflake/ml/modeling/cluster/mini_batch_k_means.py +9 -1
  41. snowflake/ml/modeling/cluster/optics.py +9 -1
  42. snowflake/ml/modeling/cluster/spectral_biclustering.py +9 -1
  43. snowflake/ml/modeling/cluster/spectral_clustering.py +9 -1
  44. snowflake/ml/modeling/cluster/spectral_coclustering.py +9 -1
  45. snowflake/ml/modeling/compose/column_transformer.py +9 -1
  46. snowflake/ml/modeling/compose/transformed_target_regressor.py +9 -1
  47. snowflake/ml/modeling/covariance/elliptic_envelope.py +9 -1
  48. snowflake/ml/modeling/covariance/empirical_covariance.py +9 -1
  49. snowflake/ml/modeling/covariance/graphical_lasso.py +9 -1
  50. snowflake/ml/modeling/covariance/graphical_lasso_cv.py +9 -1
  51. snowflake/ml/modeling/covariance/ledoit_wolf.py +9 -1
  52. snowflake/ml/modeling/covariance/min_cov_det.py +9 -1
  53. snowflake/ml/modeling/covariance/oas.py +9 -1
  54. snowflake/ml/modeling/covariance/shrunk_covariance.py +9 -1
  55. snowflake/ml/modeling/decomposition/dictionary_learning.py +9 -1
  56. snowflake/ml/modeling/decomposition/factor_analysis.py +9 -1
  57. snowflake/ml/modeling/decomposition/fast_ica.py +9 -1
  58. snowflake/ml/modeling/decomposition/incremental_pca.py +9 -1
  59. snowflake/ml/modeling/decomposition/kernel_pca.py +9 -1
  60. snowflake/ml/modeling/decomposition/mini_batch_dictionary_learning.py +9 -1
  61. snowflake/ml/modeling/decomposition/mini_batch_sparse_pca.py +9 -1
  62. snowflake/ml/modeling/decomposition/pca.py +9 -1
  63. snowflake/ml/modeling/decomposition/sparse_pca.py +9 -1
  64. snowflake/ml/modeling/decomposition/truncated_svd.py +9 -1
  65. snowflake/ml/modeling/discriminant_analysis/linear_discriminant_analysis.py +9 -1
  66. snowflake/ml/modeling/discriminant_analysis/quadratic_discriminant_analysis.py +9 -1
  67. snowflake/ml/modeling/ensemble/ada_boost_classifier.py +9 -1
  68. snowflake/ml/modeling/ensemble/ada_boost_regressor.py +9 -1
  69. snowflake/ml/modeling/ensemble/bagging_classifier.py +9 -1
  70. snowflake/ml/modeling/ensemble/bagging_regressor.py +9 -1
  71. snowflake/ml/modeling/ensemble/extra_trees_classifier.py +9 -1
  72. snowflake/ml/modeling/ensemble/extra_trees_regressor.py +9 -1
  73. snowflake/ml/modeling/ensemble/gradient_boosting_classifier.py +9 -1
  74. snowflake/ml/modeling/ensemble/gradient_boosting_regressor.py +9 -1
  75. snowflake/ml/modeling/ensemble/hist_gradient_boosting_classifier.py +9 -1
  76. snowflake/ml/modeling/ensemble/hist_gradient_boosting_regressor.py +9 -1
  77. snowflake/ml/modeling/ensemble/isolation_forest.py +9 -1
  78. snowflake/ml/modeling/ensemble/random_forest_classifier.py +9 -1
  79. snowflake/ml/modeling/ensemble/random_forest_regressor.py +9 -1
  80. snowflake/ml/modeling/ensemble/stacking_regressor.py +9 -1
  81. snowflake/ml/modeling/ensemble/voting_classifier.py +9 -1
  82. snowflake/ml/modeling/ensemble/voting_regressor.py +9 -1
  83. snowflake/ml/modeling/feature_selection/generic_univariate_select.py +9 -1
  84. snowflake/ml/modeling/feature_selection/select_fdr.py +9 -1
  85. snowflake/ml/modeling/feature_selection/select_fpr.py +9 -1
  86. snowflake/ml/modeling/feature_selection/select_fwe.py +9 -1
  87. snowflake/ml/modeling/feature_selection/select_k_best.py +9 -1
  88. snowflake/ml/modeling/feature_selection/select_percentile.py +9 -1
  89. snowflake/ml/modeling/feature_selection/sequential_feature_selector.py +9 -1
  90. snowflake/ml/modeling/feature_selection/variance_threshold.py +9 -1
  91. snowflake/ml/modeling/gaussian_process/gaussian_process_classifier.py +9 -1
  92. snowflake/ml/modeling/gaussian_process/gaussian_process_regressor.py +9 -1
  93. snowflake/ml/modeling/impute/iterative_imputer.py +9 -1
  94. snowflake/ml/modeling/impute/knn_imputer.py +9 -1
  95. snowflake/ml/modeling/impute/missing_indicator.py +9 -1
  96. snowflake/ml/modeling/kernel_approximation/additive_chi2_sampler.py +9 -1
  97. snowflake/ml/modeling/kernel_approximation/nystroem.py +9 -1
  98. snowflake/ml/modeling/kernel_approximation/polynomial_count_sketch.py +9 -1
  99. snowflake/ml/modeling/kernel_approximation/rbf_sampler.py +9 -1
  100. snowflake/ml/modeling/kernel_approximation/skewed_chi2_sampler.py +9 -1
  101. snowflake/ml/modeling/kernel_ridge/kernel_ridge.py +9 -1
  102. snowflake/ml/modeling/lightgbm/lgbm_classifier.py +9 -1
  103. snowflake/ml/modeling/lightgbm/lgbm_regressor.py +9 -1
  104. snowflake/ml/modeling/linear_model/ard_regression.py +9 -1
  105. snowflake/ml/modeling/linear_model/bayesian_ridge.py +9 -1
  106. snowflake/ml/modeling/linear_model/elastic_net.py +9 -1
  107. snowflake/ml/modeling/linear_model/elastic_net_cv.py +9 -1
  108. snowflake/ml/modeling/linear_model/gamma_regressor.py +9 -1
  109. snowflake/ml/modeling/linear_model/huber_regressor.py +9 -1
  110. snowflake/ml/modeling/linear_model/lars.py +9 -1
  111. snowflake/ml/modeling/linear_model/lars_cv.py +9 -1
  112. snowflake/ml/modeling/linear_model/lasso.py +9 -1
  113. snowflake/ml/modeling/linear_model/lasso_cv.py +9 -1
  114. snowflake/ml/modeling/linear_model/lasso_lars.py +9 -1
  115. snowflake/ml/modeling/linear_model/lasso_lars_cv.py +9 -1
  116. snowflake/ml/modeling/linear_model/lasso_lars_ic.py +9 -1
  117. snowflake/ml/modeling/linear_model/linear_regression.py +9 -1
  118. snowflake/ml/modeling/linear_model/logistic_regression.py +9 -1
  119. snowflake/ml/modeling/linear_model/logistic_regression_cv.py +9 -1
  120. snowflake/ml/modeling/linear_model/multi_task_elastic_net.py +9 -1
  121. snowflake/ml/modeling/linear_model/multi_task_elastic_net_cv.py +9 -1
  122. snowflake/ml/modeling/linear_model/multi_task_lasso.py +9 -1
  123. snowflake/ml/modeling/linear_model/multi_task_lasso_cv.py +9 -1
  124. snowflake/ml/modeling/linear_model/orthogonal_matching_pursuit.py +9 -1
  125. snowflake/ml/modeling/linear_model/passive_aggressive_classifier.py +9 -1
  126. snowflake/ml/modeling/linear_model/passive_aggressive_regressor.py +9 -1
  127. snowflake/ml/modeling/linear_model/perceptron.py +9 -1
  128. snowflake/ml/modeling/linear_model/poisson_regressor.py +9 -1
  129. snowflake/ml/modeling/linear_model/ransac_regressor.py +9 -1
  130. snowflake/ml/modeling/linear_model/ridge.py +9 -1
  131. snowflake/ml/modeling/linear_model/ridge_classifier.py +9 -1
  132. snowflake/ml/modeling/linear_model/ridge_classifier_cv.py +9 -1
  133. snowflake/ml/modeling/linear_model/ridge_cv.py +9 -1
  134. snowflake/ml/modeling/linear_model/sgd_classifier.py +9 -1
  135. snowflake/ml/modeling/linear_model/sgd_one_class_svm.py +9 -1
  136. snowflake/ml/modeling/linear_model/sgd_regressor.py +9 -1
  137. snowflake/ml/modeling/linear_model/theil_sen_regressor.py +9 -1
  138. snowflake/ml/modeling/linear_model/tweedie_regressor.py +9 -1
  139. snowflake/ml/modeling/manifold/isomap.py +9 -1
  140. snowflake/ml/modeling/manifold/mds.py +9 -1
  141. snowflake/ml/modeling/manifold/spectral_embedding.py +9 -1
  142. snowflake/ml/modeling/manifold/tsne.py +9 -1
  143. snowflake/ml/modeling/mixture/bayesian_gaussian_mixture.py +9 -1
  144. snowflake/ml/modeling/mixture/gaussian_mixture.py +9 -1
  145. snowflake/ml/modeling/multiclass/one_vs_one_classifier.py +9 -1
  146. snowflake/ml/modeling/multiclass/one_vs_rest_classifier.py +9 -1
  147. snowflake/ml/modeling/multiclass/output_code_classifier.py +9 -1
  148. snowflake/ml/modeling/naive_bayes/bernoulli_nb.py +9 -1
  149. snowflake/ml/modeling/naive_bayes/categorical_nb.py +9 -1
  150. snowflake/ml/modeling/naive_bayes/complement_nb.py +9 -1
  151. snowflake/ml/modeling/naive_bayes/gaussian_nb.py +9 -1
  152. snowflake/ml/modeling/naive_bayes/multinomial_nb.py +9 -1
  153. snowflake/ml/modeling/neighbors/k_neighbors_classifier.py +9 -1
  154. snowflake/ml/modeling/neighbors/k_neighbors_regressor.py +9 -1
  155. snowflake/ml/modeling/neighbors/kernel_density.py +9 -1
  156. snowflake/ml/modeling/neighbors/local_outlier_factor.py +9 -1
  157. snowflake/ml/modeling/neighbors/nearest_centroid.py +9 -1
  158. snowflake/ml/modeling/neighbors/nearest_neighbors.py +9 -1
  159. snowflake/ml/modeling/neighbors/neighborhood_components_analysis.py +9 -1
  160. snowflake/ml/modeling/neighbors/radius_neighbors_classifier.py +9 -1
  161. snowflake/ml/modeling/neighbors/radius_neighbors_regressor.py +9 -1
  162. snowflake/ml/modeling/neural_network/bernoulli_rbm.py +9 -1
  163. snowflake/ml/modeling/neural_network/mlp_classifier.py +9 -1
  164. snowflake/ml/modeling/neural_network/mlp_regressor.py +9 -1
  165. snowflake/ml/modeling/preprocessing/polynomial_features.py +9 -1
  166. snowflake/ml/modeling/semi_supervised/label_propagation.py +9 -1
  167. snowflake/ml/modeling/semi_supervised/label_spreading.py +9 -1
  168. snowflake/ml/modeling/svm/linear_svc.py +9 -1
  169. snowflake/ml/modeling/svm/linear_svr.py +9 -1
  170. snowflake/ml/modeling/svm/nu_svc.py +9 -1
  171. snowflake/ml/modeling/svm/nu_svr.py +9 -1
  172. snowflake/ml/modeling/svm/svc.py +9 -1
  173. snowflake/ml/modeling/svm/svr.py +9 -1
  174. snowflake/ml/modeling/tree/decision_tree_classifier.py +9 -1
  175. snowflake/ml/modeling/tree/decision_tree_regressor.py +9 -1
  176. snowflake/ml/modeling/tree/extra_tree_classifier.py +9 -1
  177. snowflake/ml/modeling/tree/extra_tree_regressor.py +9 -1
  178. snowflake/ml/modeling/xgboost/xgb_classifier.py +9 -1
  179. snowflake/ml/modeling/xgboost/xgb_regressor.py +9 -1
  180. snowflake/ml/modeling/xgboost/xgbrf_classifier.py +9 -1
  181. snowflake/ml/modeling/xgboost/xgbrf_regressor.py +9 -1
  182. snowflake/ml/monitoring/explain_visualize.py +286 -0
  183. snowflake/ml/registry/_manager/model_manager.py +23 -2
  184. snowflake/ml/registry/registry.py +10 -9
  185. snowflake/ml/version.py +1 -1
  186. {snowflake_ml_python-1.8.3.dist-info → snowflake_ml_python-1.8.4.dist-info}/METADATA +40 -8
  187. {snowflake_ml_python-1.8.3.dist-info → snowflake_ml_python-1.8.4.dist-info}/RECORD +190 -189
  188. {snowflake_ml_python-1.8.3.dist-info → snowflake_ml_python-1.8.4.dist-info}/WHEEL +1 -1
  189. {snowflake_ml_python-1.8.3.dist-info → snowflake_ml_python-1.8.4.dist-info}/licenses/LICENSE.txt +0 -0
  190. {snowflake_ml_python-1.8.3.dist-info → snowflake_ml_python-1.8.4.dist-info}/top_level.txt +0 -0
@@ -148,11 +148,11 @@ class Registry:
148
148
  dependencies must be retrieved from Snowflake Anaconda Channel.
149
149
  artifact_repository_map: Specifies a mapping of package channels or platforms to custom artifact
150
150
  repositories. Defaults to None. Currently, the mapping applies only to warehouse execution.
151
- Note : This feature is currently in Private Preview; please contact your Snowflake account team
152
- to enable it.
151
+ Note : This feature is currently in Public Preview.
153
152
  Format: {channel_name: artifact_repository_name}, where:
154
- - channel_name: The name of the Conda package channel (e.g., 'condaforge') or 'pip' for pip packages.
155
- - artifact_repository_name: The name or URL of the repository to fetch packages from.
153
+ - channel_name: Currently must be 'pip'.
154
+ - artifact_repository_name: The identifier of the artifact repository to fetch packages from, e.g.
155
+ `snowflake.snowpark.pypi_shared_repository`.
156
156
  resource_constraint: Mapping of resource constraint keys and values, e.g. {"architecture": "x86"}.
157
157
  target_platforms: List of target platforms to run the model. The only acceptable inputs are a combination of
158
158
  {"WAREHOUSE", "SNOWPARK_CONTAINER_SERVICES"}. Defaults to None.
@@ -288,14 +288,15 @@ class Registry:
288
288
  dependencies must be retrieved from Snowflake Anaconda Channel.
289
289
  artifact_repository_map: Specifies a mapping of package channels or platforms to custom artifact
290
290
  repositories. Defaults to None. Currently, the mapping applies only to warehouse execution.
291
- Note : This feature is currently in Private Preview; please contact your Snowflake account team to
292
- enable it.
291
+ Note : This feature is currently in Public Preview.
293
292
  Format: {channel_name: artifact_repository_name}, where:
294
- - channel_name: The name of the Conda package channel (e.g., 'condaforge') or 'pip' for pip packages.
295
- - artifact_repository_name: The name or URL of the repository to fetch packages from.
293
+ - channel_name: Currently must be 'pip'.
294
+ - artifact_repository_name: The identifier of the artifact repository to fetch packages from, e.g.
295
+ `snowflake.snowpark.pypi_shared_repository`.
296
296
  resource_constraint: Mapping of resource constraint keys and values, e.g. {"architecture": "x86"}.
297
297
  target_platforms: List of target platforms to run the model. The only acceptable inputs are a combination of
298
- {"WAREHOUSE", "SNOWPARK_CONTAINER_SERVICES"}. Defaults to None.
298
+ ["WAREHOUSE", "SNOWPARK_CONTAINER_SERVICES"]. Defaults to None. When None, the target platforms will be
299
+ both.
299
300
  python_version: Python version in which the model is run. Defaults to None.
300
301
  signatures: Model data signatures for inputs and outputs for various target methods. If it is None,
301
302
  sample_input_data would be used to infer the signatures for those models that cannot automatically
snowflake/ml/version.py CHANGED
@@ -1,2 +1,2 @@
1
1
  # This is parsed by regex in conda recipe meta file. Make sure not to break it.
2
- VERSION = "1.8.3"
2
+ VERSION = "1.8.4"
@@ -1,6 +1,6 @@
1
1
  Metadata-Version: 2.4
2
2
  Name: snowflake-ml-python
3
- Version: 1.8.3
3
+ Version: 1.8.4
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:
@@ -236,7 +236,7 @@ License-File: LICENSE.txt
236
236
  Requires-Dist: absl-py<2,>=0.15
237
237
  Requires-Dist: anyio<5,>=3.5.0
238
238
  Requires-Dist: cachetools<6,>=3.1.1
239
- Requires-Dist: cloudpickle<3,>=2.0.0
239
+ Requires-Dist: cloudpickle>=2.0.0
240
240
  Requires-Dist: cryptography
241
241
  Requires-Dist: fsspec[http]<2026,>=2024.6.1
242
242
  Requires-Dist: importlib_resources<7,>=6.1.1
@@ -250,27 +250,31 @@ Requires-Dist: pytimeparse<2,>=1.1.8
250
250
  Requires-Dist: pyyaml<7,>=6.0
251
251
  Requires-Dist: retrying<2,>=1.3.3
252
252
  Requires-Dist: s3fs<2026,>=2024.6.1
253
- Requires-Dist: scikit-learn<1.6,>=1.4
253
+ Requires-Dist: scikit-learn<1.6
254
254
  Requires-Dist: scipy<2,>=1.9
255
- Requires-Dist: snowflake-connector-python[pandas]<4,>=3.12.0
255
+ Requires-Dist: shap<1,>=0.46.0
256
+ Requires-Dist: snowflake-connector-python[pandas]<4,>=3.14.0
256
257
  Requires-Dist: snowflake-snowpark-python!=1.26.0,<2,>=1.17.0
257
258
  Requires-Dist: snowflake.core<2,>=1.0.2
258
259
  Requires-Dist: sqlparse<1,>=0.4
259
260
  Requires-Dist: typing-extensions<5,>=4.1.0
260
- Requires-Dist: xgboost<3,>=1.7.3
261
261
  Provides-Extra: all
262
+ Requires-Dist: altair<6,>=5; extra == "all"
262
263
  Requires-Dist: catboost<2,>=1.2.0; extra == "all"
263
264
  Requires-Dist: keras<4,>=2.0.0; extra == "all"
264
265
  Requires-Dist: lightgbm<5,>=4.1.0; extra == "all"
265
266
  Requires-Dist: mlflow<3,>=2.16.0; extra == "all"
266
267
  Requires-Dist: sentence-transformers<4,>=2.7.0; extra == "all"
267
268
  Requires-Dist: sentencepiece<0.2.0,>=0.1.95; extra == "all"
268
- Requires-Dist: shap<1,>=0.46.0; extra == "all"
269
+ Requires-Dist: streamlit<2,>=1.44.0; extra == "all"
269
270
  Requires-Dist: tensorflow<3,>=2.17.0; extra == "all"
270
271
  Requires-Dist: tokenizers<1,>=0.15.1; extra == "all"
271
272
  Requires-Dist: torch<3,>=2.0.1; extra == "all"
272
273
  Requires-Dist: torchdata<1,>=0.4; extra == "all"
273
274
  Requires-Dist: transformers<5,>=4.39.3; extra == "all"
275
+ Requires-Dist: xgboost<3,>=1.7.3; extra == "all"
276
+ Provides-Extra: altair
277
+ Requires-Dist: altair<6,>=5; extra == "altair"
274
278
  Provides-Extra: catboost
275
279
  Requires-Dist: catboost<2,>=1.2.0; extra == "catboost"
276
280
  Provides-Extra: keras
@@ -281,8 +285,8 @@ Provides-Extra: lightgbm
281
285
  Requires-Dist: lightgbm<5,>=4.1.0; extra == "lightgbm"
282
286
  Provides-Extra: mlflow
283
287
  Requires-Dist: mlflow<3,>=2.16.0; extra == "mlflow"
284
- Provides-Extra: shap
285
- Requires-Dist: shap<1,>=0.46.0; extra == "shap"
288
+ Provides-Extra: streamlit
289
+ Requires-Dist: streamlit<2,>=1.44.0; extra == "streamlit"
286
290
  Provides-Extra: tensorflow
287
291
  Requires-Dist: tensorflow<3,>=2.17.0; extra == "tensorflow"
288
292
  Provides-Extra: torch
@@ -294,6 +298,8 @@ Requires-Dist: sentencepiece<0.2.0,>=0.1.95; extra == "transformers"
294
298
  Requires-Dist: tokenizers<1,>=0.15.1; extra == "transformers"
295
299
  Requires-Dist: torch<3,>=2.0.1; extra == "transformers"
296
300
  Requires-Dist: transformers<5,>=4.39.3; extra == "transformers"
301
+ Provides-Extra: xgboost
302
+ Requires-Dist: xgboost<3,>=1.7.3; extra == "xgboost"
297
303
  Dynamic: license-file
298
304
 
299
305
  # Snowpark ML
@@ -404,6 +410,31 @@ NOTE: Version 1.7.0 is used as example here. Please choose the the latest versio
404
410
 
405
411
  # Release History
406
412
 
413
+ ## 1.8.4
414
+
415
+ ### Bug Fixes
416
+
417
+ - Registry: Default `enable_explainability` to True when the model can be deployed to Warehouse.
418
+ - Registry: Add `custom_model.partitioned_api` decorator and deprecate `partitioned_inference_api`.
419
+ - Registry: Fixed a bug when logging pytroch and tensorflow models that caused
420
+ `UnboundLocalError: local variable 'multiple_inputs' referenced before assignment`.
421
+
422
+ ### Breaking change
423
+
424
+ - ML Job: Updated property `id` to be fully qualified name; Introduced new property `name` to represent the ML Job name
425
+ - ML Job: Modified `list_jobs()` to return ML Job `name` instead of `id`
426
+ - Registry: Error in `log_model` if `enable_explainability` is True and model is only deployed to
427
+ Snowpark Container Services, instead of just user warning.
428
+
429
+ ### New Features
430
+
431
+ - ML Job: Extend `@remote` function decorator, `submit_file()` and `submit_directory()` to accept `database` and
432
+ `schema` parameters
433
+ - ML Job: Support querying by fully qualified name in `get_job()`
434
+ - Explainability: Added visualization functions to `snowflake.ml.monitoring` to plot explanations in notebooks.
435
+ - Explainability: Support explain for categorical transforms for sklearn pipeline
436
+ - Support categorical type for `xgboost.DMatrix` inputs.
437
+
407
438
  ## 1.8.3
408
439
 
409
440
  ### Bug Fixes
@@ -417,6 +448,7 @@ NOTE: Version 1.7.0 is used as example here. Please choose the the latest versio
417
448
  as a list of strings
418
449
  - Registry: Support `ModelVersion.run_job` to run inference with a single-node Snowpark Container Services job.
419
450
  - DataConnector: Removed PrPr decorators
451
+ - Registry: Default the target platform to warehouse when logging a partitioned model.
420
452
 
421
453
  ## 1.8.2
422
454