snowflake-ml-python 1.7.3__tar.gz → 1.7.4__tar.gz

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 (414) hide show
  1. {snowflake_ml_python-1.7.3 → snowflake_ml_python-1.7.4}/CHANGELOG.md +26 -11
  2. {snowflake_ml_python-1.7.3 → snowflake_ml_python-1.7.4}/PKG-INFO +29 -14
  3. {snowflake_ml_python-1.7.3 → snowflake_ml_python-1.7.4}/pyproject.toml +1 -1
  4. {snowflake_ml_python-1.7.3 → snowflake_ml_python-1.7.4}/snowflake/cortex/_complete.py +19 -0
  5. snowflake_ml_python-1.7.4/snowflake/ml/_internal/platform_capabilities.py +87 -0
  6. {snowflake_ml_python-1.7.3 → snowflake_ml_python-1.7.4}/snowflake/ml/dataset/dataset.py +0 -1
  7. {snowflake_ml_python-1.7.3 → snowflake_ml_python-1.7.4}/snowflake/ml/fileset/fileset.py +6 -0
  8. snowflake_ml_python-1.7.4/snowflake/ml/jobs/__init__.py +21 -0
  9. snowflake_ml_python-1.7.4/snowflake/ml/jobs/_utils/constants.py +51 -0
  10. snowflake_ml_python-1.7.4/snowflake/ml/jobs/_utils/payload_utils.py +352 -0
  11. snowflake_ml_python-1.7.4/snowflake/ml/jobs/_utils/spec_utils.py +298 -0
  12. snowflake_ml_python-1.7.4/snowflake/ml/jobs/_utils/types.py +39 -0
  13. snowflake_ml_python-1.7.4/snowflake/ml/jobs/decorators.py +91 -0
  14. snowflake_ml_python-1.7.4/snowflake/ml/jobs/job.py +113 -0
  15. snowflake_ml_python-1.7.4/snowflake/ml/jobs/manager.py +298 -0
  16. {snowflake_ml_python-1.7.3 → snowflake_ml_python-1.7.4}/snowflake/ml/model/_client/ops/model_ops.py +11 -2
  17. {snowflake_ml_python-1.7.3 → snowflake_ml_python-1.7.4}/snowflake/ml/model/_client/ops/service_ops.py +1 -11
  18. {snowflake_ml_python-1.7.3 → snowflake_ml_python-1.7.4}/snowflake/ml/model/_client/sql/service.py +13 -6
  19. {snowflake_ml_python-1.7.3 → snowflake_ml_python-1.7.4}/snowflake/ml/model/_packager/model_handlers/_utils.py +12 -3
  20. {snowflake_ml_python-1.7.3 → snowflake_ml_python-1.7.4}/snowflake/ml/model/_packager/model_handlers/custom.py +1 -2
  21. {snowflake_ml_python-1.7.3 → snowflake_ml_python-1.7.4}/snowflake/ml/model/_packager/model_handlers/huggingface_pipeline.py +1 -0
  22. {snowflake_ml_python-1.7.3 → snowflake_ml_python-1.7.4}/snowflake/ml/model/_packager/model_runtime/_snowml_inference_alternative_requirements.py +2 -2
  23. {snowflake_ml_python-1.7.3 → snowflake_ml_python-1.7.4}/snowflake/ml/model/_signatures/base_handler.py +1 -2
  24. {snowflake_ml_python-1.7.3 → snowflake_ml_python-1.7.4}/snowflake/ml/model/_signatures/builtins_handler.py +2 -2
  25. {snowflake_ml_python-1.7.3 → snowflake_ml_python-1.7.4}/snowflake/ml/model/_signatures/numpy_handler.py +6 -7
  26. {snowflake_ml_python-1.7.3 → snowflake_ml_python-1.7.4}/snowflake/ml/model/_signatures/pandas_handler.py +2 -2
  27. {snowflake_ml_python-1.7.3 → snowflake_ml_python-1.7.4}/snowflake/ml/model/_signatures/pytorch_handler.py +2 -5
  28. {snowflake_ml_python-1.7.3 → snowflake_ml_python-1.7.4}/snowflake/ml/model/_signatures/snowpark_handler.py +3 -3
  29. {snowflake_ml_python-1.7.3 → snowflake_ml_python-1.7.4}/snowflake/ml/model/_signatures/tensorflow_handler.py +2 -7
  30. {snowflake_ml_python-1.7.3 → snowflake_ml_python-1.7.4}/snowflake/ml/model/model_signature.py +17 -4
  31. {snowflake_ml_python-1.7.3 → snowflake_ml_python-1.7.4}/snowflake/ml/modeling/calibration/calibrated_classifier_cv.py +6 -3
  32. {snowflake_ml_python-1.7.3 → snowflake_ml_python-1.7.4}/snowflake/ml/modeling/cluster/affinity_propagation.py +6 -3
  33. {snowflake_ml_python-1.7.3 → snowflake_ml_python-1.7.4}/snowflake/ml/modeling/cluster/agglomerative_clustering.py +6 -3
  34. {snowflake_ml_python-1.7.3 → snowflake_ml_python-1.7.4}/snowflake/ml/modeling/cluster/birch.py +6 -3
  35. {snowflake_ml_python-1.7.3 → snowflake_ml_python-1.7.4}/snowflake/ml/modeling/cluster/bisecting_k_means.py +6 -3
  36. {snowflake_ml_python-1.7.3 → snowflake_ml_python-1.7.4}/snowflake/ml/modeling/cluster/dbscan.py +6 -3
  37. {snowflake_ml_python-1.7.3 → snowflake_ml_python-1.7.4}/snowflake/ml/modeling/cluster/feature_agglomeration.py +6 -3
  38. {snowflake_ml_python-1.7.3 → snowflake_ml_python-1.7.4}/snowflake/ml/modeling/cluster/k_means.py +6 -3
  39. {snowflake_ml_python-1.7.3 → snowflake_ml_python-1.7.4}/snowflake/ml/modeling/cluster/mean_shift.py +6 -3
  40. {snowflake_ml_python-1.7.3 → snowflake_ml_python-1.7.4}/snowflake/ml/modeling/cluster/mini_batch_k_means.py +6 -3
  41. {snowflake_ml_python-1.7.3 → snowflake_ml_python-1.7.4}/snowflake/ml/modeling/cluster/optics.py +6 -3
  42. {snowflake_ml_python-1.7.3 → snowflake_ml_python-1.7.4}/snowflake/ml/modeling/cluster/spectral_biclustering.py +6 -3
  43. {snowflake_ml_python-1.7.3 → snowflake_ml_python-1.7.4}/snowflake/ml/modeling/cluster/spectral_clustering.py +6 -3
  44. {snowflake_ml_python-1.7.3 → snowflake_ml_python-1.7.4}/snowflake/ml/modeling/cluster/spectral_coclustering.py +6 -3
  45. {snowflake_ml_python-1.7.3 → snowflake_ml_python-1.7.4}/snowflake/ml/modeling/compose/column_transformer.py +6 -3
  46. {snowflake_ml_python-1.7.3 → snowflake_ml_python-1.7.4}/snowflake/ml/modeling/compose/transformed_target_regressor.py +6 -3
  47. {snowflake_ml_python-1.7.3 → snowflake_ml_python-1.7.4}/snowflake/ml/modeling/covariance/elliptic_envelope.py +6 -3
  48. {snowflake_ml_python-1.7.3 → snowflake_ml_python-1.7.4}/snowflake/ml/modeling/covariance/empirical_covariance.py +6 -3
  49. {snowflake_ml_python-1.7.3 → snowflake_ml_python-1.7.4}/snowflake/ml/modeling/covariance/graphical_lasso.py +6 -3
  50. {snowflake_ml_python-1.7.3 → snowflake_ml_python-1.7.4}/snowflake/ml/modeling/covariance/graphical_lasso_cv.py +6 -3
  51. {snowflake_ml_python-1.7.3 → snowflake_ml_python-1.7.4}/snowflake/ml/modeling/covariance/ledoit_wolf.py +6 -3
  52. {snowflake_ml_python-1.7.3 → snowflake_ml_python-1.7.4}/snowflake/ml/modeling/covariance/min_cov_det.py +6 -3
  53. {snowflake_ml_python-1.7.3 → snowflake_ml_python-1.7.4}/snowflake/ml/modeling/covariance/oas.py +6 -3
  54. {snowflake_ml_python-1.7.3 → snowflake_ml_python-1.7.4}/snowflake/ml/modeling/covariance/shrunk_covariance.py +6 -3
  55. {snowflake_ml_python-1.7.3 → snowflake_ml_python-1.7.4}/snowflake/ml/modeling/decomposition/dictionary_learning.py +6 -3
  56. {snowflake_ml_python-1.7.3 → snowflake_ml_python-1.7.4}/snowflake/ml/modeling/decomposition/factor_analysis.py +6 -3
  57. {snowflake_ml_python-1.7.3 → snowflake_ml_python-1.7.4}/snowflake/ml/modeling/decomposition/fast_ica.py +6 -3
  58. {snowflake_ml_python-1.7.3 → snowflake_ml_python-1.7.4}/snowflake/ml/modeling/decomposition/incremental_pca.py +6 -3
  59. {snowflake_ml_python-1.7.3 → snowflake_ml_python-1.7.4}/snowflake/ml/modeling/decomposition/kernel_pca.py +6 -3
  60. {snowflake_ml_python-1.7.3 → snowflake_ml_python-1.7.4}/snowflake/ml/modeling/decomposition/mini_batch_dictionary_learning.py +6 -3
  61. {snowflake_ml_python-1.7.3 → snowflake_ml_python-1.7.4}/snowflake/ml/modeling/decomposition/mini_batch_sparse_pca.py +6 -3
  62. {snowflake_ml_python-1.7.3 → snowflake_ml_python-1.7.4}/snowflake/ml/modeling/decomposition/pca.py +6 -3
  63. {snowflake_ml_python-1.7.3 → snowflake_ml_python-1.7.4}/snowflake/ml/modeling/decomposition/sparse_pca.py +6 -3
  64. {snowflake_ml_python-1.7.3 → snowflake_ml_python-1.7.4}/snowflake/ml/modeling/decomposition/truncated_svd.py +6 -3
  65. {snowflake_ml_python-1.7.3 → snowflake_ml_python-1.7.4}/snowflake/ml/modeling/discriminant_analysis/linear_discriminant_analysis.py +6 -3
  66. {snowflake_ml_python-1.7.3 → snowflake_ml_python-1.7.4}/snowflake/ml/modeling/discriminant_analysis/quadratic_discriminant_analysis.py +6 -3
  67. {snowflake_ml_python-1.7.3 → snowflake_ml_python-1.7.4}/snowflake/ml/modeling/ensemble/ada_boost_classifier.py +6 -3
  68. {snowflake_ml_python-1.7.3 → snowflake_ml_python-1.7.4}/snowflake/ml/modeling/ensemble/ada_boost_regressor.py +6 -3
  69. {snowflake_ml_python-1.7.3 → snowflake_ml_python-1.7.4}/snowflake/ml/modeling/ensemble/bagging_classifier.py +6 -3
  70. {snowflake_ml_python-1.7.3 → snowflake_ml_python-1.7.4}/snowflake/ml/modeling/ensemble/bagging_regressor.py +6 -3
  71. {snowflake_ml_python-1.7.3 → snowflake_ml_python-1.7.4}/snowflake/ml/modeling/ensemble/extra_trees_classifier.py +6 -3
  72. {snowflake_ml_python-1.7.3 → snowflake_ml_python-1.7.4}/snowflake/ml/modeling/ensemble/extra_trees_regressor.py +6 -3
  73. {snowflake_ml_python-1.7.3 → snowflake_ml_python-1.7.4}/snowflake/ml/modeling/ensemble/gradient_boosting_classifier.py +6 -3
  74. {snowflake_ml_python-1.7.3 → snowflake_ml_python-1.7.4}/snowflake/ml/modeling/ensemble/gradient_boosting_regressor.py +6 -3
  75. {snowflake_ml_python-1.7.3 → snowflake_ml_python-1.7.4}/snowflake/ml/modeling/ensemble/hist_gradient_boosting_classifier.py +6 -3
  76. {snowflake_ml_python-1.7.3 → snowflake_ml_python-1.7.4}/snowflake/ml/modeling/ensemble/hist_gradient_boosting_regressor.py +6 -3
  77. {snowflake_ml_python-1.7.3 → snowflake_ml_python-1.7.4}/snowflake/ml/modeling/ensemble/isolation_forest.py +6 -3
  78. {snowflake_ml_python-1.7.3 → snowflake_ml_python-1.7.4}/snowflake/ml/modeling/ensemble/random_forest_classifier.py +6 -3
  79. {snowflake_ml_python-1.7.3 → snowflake_ml_python-1.7.4}/snowflake/ml/modeling/ensemble/random_forest_regressor.py +6 -3
  80. {snowflake_ml_python-1.7.3 → snowflake_ml_python-1.7.4}/snowflake/ml/modeling/ensemble/stacking_regressor.py +6 -3
  81. {snowflake_ml_python-1.7.3 → snowflake_ml_python-1.7.4}/snowflake/ml/modeling/ensemble/voting_classifier.py +6 -3
  82. {snowflake_ml_python-1.7.3 → snowflake_ml_python-1.7.4}/snowflake/ml/modeling/ensemble/voting_regressor.py +6 -3
  83. {snowflake_ml_python-1.7.3 → snowflake_ml_python-1.7.4}/snowflake/ml/modeling/feature_selection/generic_univariate_select.py +6 -3
  84. {snowflake_ml_python-1.7.3 → snowflake_ml_python-1.7.4}/snowflake/ml/modeling/feature_selection/select_fdr.py +6 -3
  85. {snowflake_ml_python-1.7.3 → snowflake_ml_python-1.7.4}/snowflake/ml/modeling/feature_selection/select_fpr.py +6 -3
  86. {snowflake_ml_python-1.7.3 → snowflake_ml_python-1.7.4}/snowflake/ml/modeling/feature_selection/select_fwe.py +6 -3
  87. {snowflake_ml_python-1.7.3 → snowflake_ml_python-1.7.4}/snowflake/ml/modeling/feature_selection/select_k_best.py +6 -3
  88. {snowflake_ml_python-1.7.3 → snowflake_ml_python-1.7.4}/snowflake/ml/modeling/feature_selection/select_percentile.py +6 -3
  89. {snowflake_ml_python-1.7.3 → snowflake_ml_python-1.7.4}/snowflake/ml/modeling/feature_selection/sequential_feature_selector.py +6 -3
  90. {snowflake_ml_python-1.7.3 → snowflake_ml_python-1.7.4}/snowflake/ml/modeling/feature_selection/variance_threshold.py +6 -3
  91. {snowflake_ml_python-1.7.3 → snowflake_ml_python-1.7.4}/snowflake/ml/modeling/gaussian_process/gaussian_process_classifier.py +6 -3
  92. {snowflake_ml_python-1.7.3 → snowflake_ml_python-1.7.4}/snowflake/ml/modeling/gaussian_process/gaussian_process_regressor.py +6 -3
  93. {snowflake_ml_python-1.7.3 → snowflake_ml_python-1.7.4}/snowflake/ml/modeling/impute/iterative_imputer.py +6 -3
  94. {snowflake_ml_python-1.7.3 → snowflake_ml_python-1.7.4}/snowflake/ml/modeling/impute/knn_imputer.py +6 -3
  95. {snowflake_ml_python-1.7.3 → snowflake_ml_python-1.7.4}/snowflake/ml/modeling/impute/missing_indicator.py +6 -3
  96. {snowflake_ml_python-1.7.3 → snowflake_ml_python-1.7.4}/snowflake/ml/modeling/kernel_approximation/additive_chi2_sampler.py +6 -3
  97. {snowflake_ml_python-1.7.3 → snowflake_ml_python-1.7.4}/snowflake/ml/modeling/kernel_approximation/nystroem.py +6 -3
  98. {snowflake_ml_python-1.7.3 → snowflake_ml_python-1.7.4}/snowflake/ml/modeling/kernel_approximation/polynomial_count_sketch.py +6 -3
  99. {snowflake_ml_python-1.7.3 → snowflake_ml_python-1.7.4}/snowflake/ml/modeling/kernel_approximation/rbf_sampler.py +6 -3
  100. {snowflake_ml_python-1.7.3 → snowflake_ml_python-1.7.4}/snowflake/ml/modeling/kernel_approximation/skewed_chi2_sampler.py +6 -3
  101. {snowflake_ml_python-1.7.3 → snowflake_ml_python-1.7.4}/snowflake/ml/modeling/kernel_ridge/kernel_ridge.py +6 -3
  102. {snowflake_ml_python-1.7.3 → snowflake_ml_python-1.7.4}/snowflake/ml/modeling/lightgbm/lgbm_classifier.py +6 -3
  103. {snowflake_ml_python-1.7.3 → snowflake_ml_python-1.7.4}/snowflake/ml/modeling/lightgbm/lgbm_regressor.py +6 -3
  104. {snowflake_ml_python-1.7.3 → snowflake_ml_python-1.7.4}/snowflake/ml/modeling/linear_model/ard_regression.py +6 -3
  105. {snowflake_ml_python-1.7.3 → snowflake_ml_python-1.7.4}/snowflake/ml/modeling/linear_model/bayesian_ridge.py +6 -3
  106. {snowflake_ml_python-1.7.3 → snowflake_ml_python-1.7.4}/snowflake/ml/modeling/linear_model/elastic_net.py +6 -3
  107. {snowflake_ml_python-1.7.3 → snowflake_ml_python-1.7.4}/snowflake/ml/modeling/linear_model/elastic_net_cv.py +6 -3
  108. {snowflake_ml_python-1.7.3 → snowflake_ml_python-1.7.4}/snowflake/ml/modeling/linear_model/gamma_regressor.py +6 -3
  109. {snowflake_ml_python-1.7.3 → snowflake_ml_python-1.7.4}/snowflake/ml/modeling/linear_model/huber_regressor.py +6 -3
  110. {snowflake_ml_python-1.7.3 → snowflake_ml_python-1.7.4}/snowflake/ml/modeling/linear_model/lars.py +6 -3
  111. {snowflake_ml_python-1.7.3 → snowflake_ml_python-1.7.4}/snowflake/ml/modeling/linear_model/lars_cv.py +6 -3
  112. {snowflake_ml_python-1.7.3 → snowflake_ml_python-1.7.4}/snowflake/ml/modeling/linear_model/lasso.py +6 -3
  113. {snowflake_ml_python-1.7.3 → snowflake_ml_python-1.7.4}/snowflake/ml/modeling/linear_model/lasso_cv.py +6 -3
  114. {snowflake_ml_python-1.7.3 → snowflake_ml_python-1.7.4}/snowflake/ml/modeling/linear_model/lasso_lars.py +6 -3
  115. {snowflake_ml_python-1.7.3 → snowflake_ml_python-1.7.4}/snowflake/ml/modeling/linear_model/lasso_lars_cv.py +6 -3
  116. {snowflake_ml_python-1.7.3 → snowflake_ml_python-1.7.4}/snowflake/ml/modeling/linear_model/lasso_lars_ic.py +6 -3
  117. {snowflake_ml_python-1.7.3 → snowflake_ml_python-1.7.4}/snowflake/ml/modeling/linear_model/linear_regression.py +6 -3
  118. {snowflake_ml_python-1.7.3 → snowflake_ml_python-1.7.4}/snowflake/ml/modeling/linear_model/logistic_regression.py +6 -3
  119. {snowflake_ml_python-1.7.3 → snowflake_ml_python-1.7.4}/snowflake/ml/modeling/linear_model/logistic_regression_cv.py +6 -3
  120. {snowflake_ml_python-1.7.3 → snowflake_ml_python-1.7.4}/snowflake/ml/modeling/linear_model/multi_task_elastic_net.py +6 -3
  121. {snowflake_ml_python-1.7.3 → snowflake_ml_python-1.7.4}/snowflake/ml/modeling/linear_model/multi_task_elastic_net_cv.py +6 -3
  122. {snowflake_ml_python-1.7.3 → snowflake_ml_python-1.7.4}/snowflake/ml/modeling/linear_model/multi_task_lasso.py +6 -3
  123. {snowflake_ml_python-1.7.3 → snowflake_ml_python-1.7.4}/snowflake/ml/modeling/linear_model/multi_task_lasso_cv.py +6 -3
  124. {snowflake_ml_python-1.7.3 → snowflake_ml_python-1.7.4}/snowflake/ml/modeling/linear_model/orthogonal_matching_pursuit.py +6 -3
  125. {snowflake_ml_python-1.7.3 → snowflake_ml_python-1.7.4}/snowflake/ml/modeling/linear_model/passive_aggressive_classifier.py +6 -3
  126. {snowflake_ml_python-1.7.3 → snowflake_ml_python-1.7.4}/snowflake/ml/modeling/linear_model/passive_aggressive_regressor.py +6 -3
  127. {snowflake_ml_python-1.7.3 → snowflake_ml_python-1.7.4}/snowflake/ml/modeling/linear_model/perceptron.py +6 -3
  128. {snowflake_ml_python-1.7.3 → snowflake_ml_python-1.7.4}/snowflake/ml/modeling/linear_model/poisson_regressor.py +6 -3
  129. {snowflake_ml_python-1.7.3 → snowflake_ml_python-1.7.4}/snowflake/ml/modeling/linear_model/ransac_regressor.py +6 -3
  130. {snowflake_ml_python-1.7.3 → snowflake_ml_python-1.7.4}/snowflake/ml/modeling/linear_model/ridge.py +6 -3
  131. {snowflake_ml_python-1.7.3 → snowflake_ml_python-1.7.4}/snowflake/ml/modeling/linear_model/ridge_classifier.py +6 -3
  132. {snowflake_ml_python-1.7.3 → snowflake_ml_python-1.7.4}/snowflake/ml/modeling/linear_model/ridge_classifier_cv.py +6 -3
  133. {snowflake_ml_python-1.7.3 → snowflake_ml_python-1.7.4}/snowflake/ml/modeling/linear_model/ridge_cv.py +6 -3
  134. {snowflake_ml_python-1.7.3 → snowflake_ml_python-1.7.4}/snowflake/ml/modeling/linear_model/sgd_classifier.py +6 -3
  135. {snowflake_ml_python-1.7.3 → snowflake_ml_python-1.7.4}/snowflake/ml/modeling/linear_model/sgd_one_class_svm.py +6 -3
  136. {snowflake_ml_python-1.7.3 → snowflake_ml_python-1.7.4}/snowflake/ml/modeling/linear_model/sgd_regressor.py +6 -3
  137. {snowflake_ml_python-1.7.3 → snowflake_ml_python-1.7.4}/snowflake/ml/modeling/linear_model/theil_sen_regressor.py +6 -3
  138. {snowflake_ml_python-1.7.3 → snowflake_ml_python-1.7.4}/snowflake/ml/modeling/linear_model/tweedie_regressor.py +6 -3
  139. {snowflake_ml_python-1.7.3 → snowflake_ml_python-1.7.4}/snowflake/ml/modeling/manifold/isomap.py +6 -3
  140. {snowflake_ml_python-1.7.3 → snowflake_ml_python-1.7.4}/snowflake/ml/modeling/manifold/mds.py +6 -3
  141. {snowflake_ml_python-1.7.3 → snowflake_ml_python-1.7.4}/snowflake/ml/modeling/manifold/spectral_embedding.py +6 -3
  142. {snowflake_ml_python-1.7.3 → snowflake_ml_python-1.7.4}/snowflake/ml/modeling/manifold/tsne.py +6 -3
  143. {snowflake_ml_python-1.7.3 → snowflake_ml_python-1.7.4}/snowflake/ml/modeling/mixture/bayesian_gaussian_mixture.py +6 -3
  144. {snowflake_ml_python-1.7.3 → snowflake_ml_python-1.7.4}/snowflake/ml/modeling/mixture/gaussian_mixture.py +6 -3
  145. {snowflake_ml_python-1.7.3 → snowflake_ml_python-1.7.4}/snowflake/ml/modeling/model_selection/grid_search_cv.py +17 -2
  146. {snowflake_ml_python-1.7.3 → snowflake_ml_python-1.7.4}/snowflake/ml/modeling/model_selection/randomized_search_cv.py +17 -2
  147. {snowflake_ml_python-1.7.3 → snowflake_ml_python-1.7.4}/snowflake/ml/modeling/multiclass/one_vs_one_classifier.py +6 -3
  148. {snowflake_ml_python-1.7.3 → snowflake_ml_python-1.7.4}/snowflake/ml/modeling/multiclass/one_vs_rest_classifier.py +6 -3
  149. {snowflake_ml_python-1.7.3 → snowflake_ml_python-1.7.4}/snowflake/ml/modeling/multiclass/output_code_classifier.py +6 -3
  150. {snowflake_ml_python-1.7.3 → snowflake_ml_python-1.7.4}/snowflake/ml/modeling/naive_bayes/bernoulli_nb.py +6 -3
  151. {snowflake_ml_python-1.7.3 → snowflake_ml_python-1.7.4}/snowflake/ml/modeling/naive_bayes/categorical_nb.py +6 -3
  152. {snowflake_ml_python-1.7.3 → snowflake_ml_python-1.7.4}/snowflake/ml/modeling/naive_bayes/complement_nb.py +6 -3
  153. {snowflake_ml_python-1.7.3 → snowflake_ml_python-1.7.4}/snowflake/ml/modeling/naive_bayes/gaussian_nb.py +6 -3
  154. {snowflake_ml_python-1.7.3 → snowflake_ml_python-1.7.4}/snowflake/ml/modeling/naive_bayes/multinomial_nb.py +6 -3
  155. {snowflake_ml_python-1.7.3 → snowflake_ml_python-1.7.4}/snowflake/ml/modeling/neighbors/k_neighbors_classifier.py +6 -3
  156. {snowflake_ml_python-1.7.3 → snowflake_ml_python-1.7.4}/snowflake/ml/modeling/neighbors/k_neighbors_regressor.py +6 -3
  157. {snowflake_ml_python-1.7.3 → snowflake_ml_python-1.7.4}/snowflake/ml/modeling/neighbors/kernel_density.py +6 -3
  158. {snowflake_ml_python-1.7.3 → snowflake_ml_python-1.7.4}/snowflake/ml/modeling/neighbors/local_outlier_factor.py +6 -3
  159. {snowflake_ml_python-1.7.3 → snowflake_ml_python-1.7.4}/snowflake/ml/modeling/neighbors/nearest_centroid.py +6 -3
  160. {snowflake_ml_python-1.7.3 → snowflake_ml_python-1.7.4}/snowflake/ml/modeling/neighbors/nearest_neighbors.py +6 -3
  161. {snowflake_ml_python-1.7.3 → snowflake_ml_python-1.7.4}/snowflake/ml/modeling/neighbors/neighborhood_components_analysis.py +6 -3
  162. {snowflake_ml_python-1.7.3 → snowflake_ml_python-1.7.4}/snowflake/ml/modeling/neighbors/radius_neighbors_classifier.py +6 -3
  163. {snowflake_ml_python-1.7.3 → snowflake_ml_python-1.7.4}/snowflake/ml/modeling/neighbors/radius_neighbors_regressor.py +6 -3
  164. {snowflake_ml_python-1.7.3 → snowflake_ml_python-1.7.4}/snowflake/ml/modeling/neural_network/bernoulli_rbm.py +6 -3
  165. {snowflake_ml_python-1.7.3 → snowflake_ml_python-1.7.4}/snowflake/ml/modeling/neural_network/mlp_classifier.py +6 -3
  166. {snowflake_ml_python-1.7.3 → snowflake_ml_python-1.7.4}/snowflake/ml/modeling/neural_network/mlp_regressor.py +6 -3
  167. {snowflake_ml_python-1.7.3 → snowflake_ml_python-1.7.4}/snowflake/ml/modeling/pipeline/pipeline.py +10 -2
  168. {snowflake_ml_python-1.7.3 → snowflake_ml_python-1.7.4}/snowflake/ml/modeling/preprocessing/polynomial_features.py +6 -3
  169. {snowflake_ml_python-1.7.3 → snowflake_ml_python-1.7.4}/snowflake/ml/modeling/semi_supervised/label_propagation.py +6 -3
  170. {snowflake_ml_python-1.7.3 → snowflake_ml_python-1.7.4}/snowflake/ml/modeling/semi_supervised/label_spreading.py +6 -3
  171. {snowflake_ml_python-1.7.3 → snowflake_ml_python-1.7.4}/snowflake/ml/modeling/svm/linear_svc.py +6 -3
  172. {snowflake_ml_python-1.7.3 → snowflake_ml_python-1.7.4}/snowflake/ml/modeling/svm/linear_svr.py +6 -3
  173. {snowflake_ml_python-1.7.3 → snowflake_ml_python-1.7.4}/snowflake/ml/modeling/svm/nu_svc.py +6 -3
  174. {snowflake_ml_python-1.7.3 → snowflake_ml_python-1.7.4}/snowflake/ml/modeling/svm/nu_svr.py +6 -3
  175. {snowflake_ml_python-1.7.3 → snowflake_ml_python-1.7.4}/snowflake/ml/modeling/svm/svc.py +6 -3
  176. {snowflake_ml_python-1.7.3 → snowflake_ml_python-1.7.4}/snowflake/ml/modeling/svm/svr.py +6 -3
  177. {snowflake_ml_python-1.7.3 → snowflake_ml_python-1.7.4}/snowflake/ml/modeling/tree/decision_tree_classifier.py +6 -3
  178. {snowflake_ml_python-1.7.3 → snowflake_ml_python-1.7.4}/snowflake/ml/modeling/tree/decision_tree_regressor.py +6 -3
  179. {snowflake_ml_python-1.7.3 → snowflake_ml_python-1.7.4}/snowflake/ml/modeling/tree/extra_tree_classifier.py +6 -3
  180. {snowflake_ml_python-1.7.3 → snowflake_ml_python-1.7.4}/snowflake/ml/modeling/tree/extra_tree_regressor.py +6 -3
  181. {snowflake_ml_python-1.7.3 → snowflake_ml_python-1.7.4}/snowflake/ml/modeling/xgboost/xgb_classifier.py +6 -3
  182. {snowflake_ml_python-1.7.3 → snowflake_ml_python-1.7.4}/snowflake/ml/modeling/xgboost/xgb_regressor.py +6 -3
  183. {snowflake_ml_python-1.7.3 → snowflake_ml_python-1.7.4}/snowflake/ml/modeling/xgboost/xgbrf_classifier.py +6 -3
  184. {snowflake_ml_python-1.7.3 → snowflake_ml_python-1.7.4}/snowflake/ml/modeling/xgboost/xgbrf_regressor.py +6 -3
  185. snowflake_ml_python-1.7.4/snowflake/ml/version.py +1 -0
  186. {snowflake_ml_python-1.7.3 → snowflake_ml_python-1.7.4}/snowflake_ml_python.egg-info/PKG-INFO +29 -14
  187. {snowflake_ml_python-1.7.3 → snowflake_ml_python-1.7.4}/snowflake_ml_python.egg-info/SOURCES.txt +9 -0
  188. {snowflake_ml_python-1.7.3 → snowflake_ml_python-1.7.4}/snowflake_ml_python.egg-info/requires.txt +2 -2
  189. snowflake_ml_python-1.7.3/snowflake/ml/version.py +0 -1
  190. {snowflake_ml_python-1.7.3 → snowflake_ml_python-1.7.4}/LICENSE.txt +0 -0
  191. {snowflake_ml_python-1.7.3 → snowflake_ml_python-1.7.4}/README.md +0 -0
  192. {snowflake_ml_python-1.7.3 → snowflake_ml_python-1.7.4}/setup.cfg +0 -0
  193. {snowflake_ml_python-1.7.3 → snowflake_ml_python-1.7.4}/snowflake/cortex/__init__.py +0 -0
  194. {snowflake_ml_python-1.7.3 → snowflake_ml_python-1.7.4}/snowflake/cortex/_classify_text.py +0 -0
  195. {snowflake_ml_python-1.7.3 → snowflake_ml_python-1.7.4}/snowflake/cortex/_embed_text_1024.py +0 -0
  196. {snowflake_ml_python-1.7.3 → snowflake_ml_python-1.7.4}/snowflake/cortex/_embed_text_768.py +0 -0
  197. {snowflake_ml_python-1.7.3 → snowflake_ml_python-1.7.4}/snowflake/cortex/_extract_answer.py +0 -0
  198. {snowflake_ml_python-1.7.3 → snowflake_ml_python-1.7.4}/snowflake/cortex/_finetune.py +0 -0
  199. {snowflake_ml_python-1.7.3 → snowflake_ml_python-1.7.4}/snowflake/cortex/_sentiment.py +0 -0
  200. {snowflake_ml_python-1.7.3 → snowflake_ml_python-1.7.4}/snowflake/cortex/_sse_client.py +0 -0
  201. {snowflake_ml_python-1.7.3 → snowflake_ml_python-1.7.4}/snowflake/cortex/_summarize.py +0 -0
  202. {snowflake_ml_python-1.7.3 → snowflake_ml_python-1.7.4}/snowflake/cortex/_translate.py +0 -0
  203. {snowflake_ml_python-1.7.3 → snowflake_ml_python-1.7.4}/snowflake/cortex/_util.py +0 -0
  204. {snowflake_ml_python-1.7.3 → snowflake_ml_python-1.7.4}/snowflake/ml/_internal/env.py +0 -0
  205. {snowflake_ml_python-1.7.3 → snowflake_ml_python-1.7.4}/snowflake/ml/_internal/env_utils.py +0 -0
  206. {snowflake_ml_python-1.7.3 → snowflake_ml_python-1.7.4}/snowflake/ml/_internal/exceptions/dataset_error_messages.py +0 -0
  207. {snowflake_ml_python-1.7.3 → snowflake_ml_python-1.7.4}/snowflake/ml/_internal/exceptions/dataset_errors.py +0 -0
  208. {snowflake_ml_python-1.7.3 → snowflake_ml_python-1.7.4}/snowflake/ml/_internal/exceptions/error_codes.py +0 -0
  209. {snowflake_ml_python-1.7.3 → snowflake_ml_python-1.7.4}/snowflake/ml/_internal/exceptions/error_messages.py +0 -0
  210. {snowflake_ml_python-1.7.3 → snowflake_ml_python-1.7.4}/snowflake/ml/_internal/exceptions/exceptions.py +0 -0
  211. {snowflake_ml_python-1.7.3 → snowflake_ml_python-1.7.4}/snowflake/ml/_internal/exceptions/fileset_error_messages.py +0 -0
  212. {snowflake_ml_python-1.7.3 → snowflake_ml_python-1.7.4}/snowflake/ml/_internal/exceptions/fileset_errors.py +0 -0
  213. {snowflake_ml_python-1.7.3 → snowflake_ml_python-1.7.4}/snowflake/ml/_internal/exceptions/modeling_error_messages.py +0 -0
  214. {snowflake_ml_python-1.7.3 → snowflake_ml_python-1.7.4}/snowflake/ml/_internal/exceptions/sql_error_codes.py +0 -0
  215. {snowflake_ml_python-1.7.3 → snowflake_ml_python-1.7.4}/snowflake/ml/_internal/file_utils.py +0 -0
  216. {snowflake_ml_python-1.7.3 → snowflake_ml_python-1.7.4}/snowflake/ml/_internal/human_readable_id/adjectives.txt +0 -0
  217. {snowflake_ml_python-1.7.3 → snowflake_ml_python-1.7.4}/snowflake/ml/_internal/human_readable_id/animals.txt +0 -0
  218. {snowflake_ml_python-1.7.3 → snowflake_ml_python-1.7.4}/snowflake/ml/_internal/human_readable_id/hrid_generator.py +0 -0
  219. {snowflake_ml_python-1.7.3 → snowflake_ml_python-1.7.4}/snowflake/ml/_internal/human_readable_id/hrid_generator_base.py +0 -0
  220. {snowflake_ml_python-1.7.3 → snowflake_ml_python-1.7.4}/snowflake/ml/_internal/init_utils.py +0 -0
  221. {snowflake_ml_python-1.7.3 → snowflake_ml_python-1.7.4}/snowflake/ml/_internal/lineage/lineage_utils.py +0 -0
  222. {snowflake_ml_python-1.7.3 → snowflake_ml_python-1.7.4}/snowflake/ml/_internal/migrator_utils.py +0 -0
  223. {snowflake_ml_python-1.7.3 → snowflake_ml_python-1.7.4}/snowflake/ml/_internal/telemetry.py +0 -0
  224. {snowflake_ml_python-1.7.3 → snowflake_ml_python-1.7.4}/snowflake/ml/_internal/type_utils.py +0 -0
  225. {snowflake_ml_python-1.7.3 → snowflake_ml_python-1.7.4}/snowflake/ml/_internal/utils/db_utils.py +0 -0
  226. {snowflake_ml_python-1.7.3 → snowflake_ml_python-1.7.4}/snowflake/ml/_internal/utils/formatting.py +0 -0
  227. {snowflake_ml_python-1.7.3 → snowflake_ml_python-1.7.4}/snowflake/ml/_internal/utils/identifier.py +0 -0
  228. {snowflake_ml_python-1.7.3 → snowflake_ml_python-1.7.4}/snowflake/ml/_internal/utils/import_utils.py +0 -0
  229. {snowflake_ml_python-1.7.3 → snowflake_ml_python-1.7.4}/snowflake/ml/_internal/utils/jwt_generator.py +0 -0
  230. {snowflake_ml_python-1.7.3 → snowflake_ml_python-1.7.4}/snowflake/ml/_internal/utils/parallelize.py +0 -0
  231. {snowflake_ml_python-1.7.3 → snowflake_ml_python-1.7.4}/snowflake/ml/_internal/utils/pkg_version_utils.py +0 -0
  232. {snowflake_ml_python-1.7.3 → snowflake_ml_python-1.7.4}/snowflake/ml/_internal/utils/query_result_checker.py +0 -0
  233. {snowflake_ml_python-1.7.3 → snowflake_ml_python-1.7.4}/snowflake/ml/_internal/utils/result.py +0 -0
  234. {snowflake_ml_python-1.7.3 → snowflake_ml_python-1.7.4}/snowflake/ml/_internal/utils/service_logger.py +0 -0
  235. {snowflake_ml_python-1.7.3 → snowflake_ml_python-1.7.4}/snowflake/ml/_internal/utils/snowflake_env.py +0 -0
  236. {snowflake_ml_python-1.7.3 → snowflake_ml_python-1.7.4}/snowflake/ml/_internal/utils/snowpark_dataframe_utils.py +0 -0
  237. {snowflake_ml_python-1.7.3 → snowflake_ml_python-1.7.4}/snowflake/ml/_internal/utils/sql_identifier.py +0 -0
  238. {snowflake_ml_python-1.7.3 → snowflake_ml_python-1.7.4}/snowflake/ml/_internal/utils/table_manager.py +0 -0
  239. {snowflake_ml_python-1.7.3 → snowflake_ml_python-1.7.4}/snowflake/ml/_internal/utils/temp_file_utils.py +0 -0
  240. {snowflake_ml_python-1.7.3 → snowflake_ml_python-1.7.4}/snowflake/ml/data/__init__.py +0 -0
  241. {snowflake_ml_python-1.7.3 → snowflake_ml_python-1.7.4}/snowflake/ml/data/_internal/arrow_ingestor.py +0 -0
  242. {snowflake_ml_python-1.7.3 → snowflake_ml_python-1.7.4}/snowflake/ml/data/data_connector.py +0 -0
  243. {snowflake_ml_python-1.7.3 → snowflake_ml_python-1.7.4}/snowflake/ml/data/data_ingestor.py +0 -0
  244. {snowflake_ml_python-1.7.3 → snowflake_ml_python-1.7.4}/snowflake/ml/data/data_source.py +0 -0
  245. {snowflake_ml_python-1.7.3 → snowflake_ml_python-1.7.4}/snowflake/ml/data/ingestor_utils.py +0 -0
  246. {snowflake_ml_python-1.7.3 → snowflake_ml_python-1.7.4}/snowflake/ml/data/torch_utils.py +0 -0
  247. {snowflake_ml_python-1.7.3 → snowflake_ml_python-1.7.4}/snowflake/ml/dataset/__init__.py +0 -0
  248. {snowflake_ml_python-1.7.3 → snowflake_ml_python-1.7.4}/snowflake/ml/dataset/dataset_factory.py +0 -0
  249. {snowflake_ml_python-1.7.3 → snowflake_ml_python-1.7.4}/snowflake/ml/dataset/dataset_metadata.py +0 -0
  250. {snowflake_ml_python-1.7.3 → snowflake_ml_python-1.7.4}/snowflake/ml/dataset/dataset_reader.py +0 -0
  251. {snowflake_ml_python-1.7.3 → snowflake_ml_python-1.7.4}/snowflake/ml/feature_store/__init__.py +0 -0
  252. {snowflake_ml_python-1.7.3 → snowflake_ml_python-1.7.4}/snowflake/ml/feature_store/access_manager.py +0 -0
  253. {snowflake_ml_python-1.7.3 → snowflake_ml_python-1.7.4}/snowflake/ml/feature_store/entity.py +0 -0
  254. {snowflake_ml_python-1.7.3 → snowflake_ml_python-1.7.4}/snowflake/ml/feature_store/examples/airline_features/entities.py +0 -0
  255. {snowflake_ml_python-1.7.3 → snowflake_ml_python-1.7.4}/snowflake/ml/feature_store/examples/airline_features/features/plane_features.py +0 -0
  256. {snowflake_ml_python-1.7.3 → snowflake_ml_python-1.7.4}/snowflake/ml/feature_store/examples/airline_features/features/weather_features.py +0 -0
  257. {snowflake_ml_python-1.7.3 → snowflake_ml_python-1.7.4}/snowflake/ml/feature_store/examples/airline_features/source.yaml +0 -0
  258. {snowflake_ml_python-1.7.3 → snowflake_ml_python-1.7.4}/snowflake/ml/feature_store/examples/citibike_trip_features/entities.py +0 -0
  259. {snowflake_ml_python-1.7.3 → snowflake_ml_python-1.7.4}/snowflake/ml/feature_store/examples/citibike_trip_features/features/station_feature.py +0 -0
  260. {snowflake_ml_python-1.7.3 → snowflake_ml_python-1.7.4}/snowflake/ml/feature_store/examples/citibike_trip_features/features/trip_feature.py +0 -0
  261. {snowflake_ml_python-1.7.3 → snowflake_ml_python-1.7.4}/snowflake/ml/feature_store/examples/citibike_trip_features/source.yaml +0 -0
  262. {snowflake_ml_python-1.7.3 → snowflake_ml_python-1.7.4}/snowflake/ml/feature_store/examples/example_helper.py +0 -0
  263. {snowflake_ml_python-1.7.3 → snowflake_ml_python-1.7.4}/snowflake/ml/feature_store/examples/new_york_taxi_features/entities.py +0 -0
  264. {snowflake_ml_python-1.7.3 → snowflake_ml_python-1.7.4}/snowflake/ml/feature_store/examples/new_york_taxi_features/features/location_features.py +0 -0
  265. {snowflake_ml_python-1.7.3 → snowflake_ml_python-1.7.4}/snowflake/ml/feature_store/examples/new_york_taxi_features/features/trip_features.py +0 -0
  266. {snowflake_ml_python-1.7.3 → snowflake_ml_python-1.7.4}/snowflake/ml/feature_store/examples/new_york_taxi_features/source.yaml +0 -0
  267. {snowflake_ml_python-1.7.3 → snowflake_ml_python-1.7.4}/snowflake/ml/feature_store/examples/source_data/airline.yaml +0 -0
  268. {snowflake_ml_python-1.7.3 → snowflake_ml_python-1.7.4}/snowflake/ml/feature_store/examples/source_data/citibike_trips.yaml +0 -0
  269. {snowflake_ml_python-1.7.3 → snowflake_ml_python-1.7.4}/snowflake/ml/feature_store/examples/source_data/fraud_transactions.yaml +0 -0
  270. {snowflake_ml_python-1.7.3 → snowflake_ml_python-1.7.4}/snowflake/ml/feature_store/examples/source_data/nyc_yellow_trips.yaml +0 -0
  271. {snowflake_ml_python-1.7.3 → snowflake_ml_python-1.7.4}/snowflake/ml/feature_store/examples/source_data/winequality_red.yaml +0 -0
  272. {snowflake_ml_python-1.7.3 → snowflake_ml_python-1.7.4}/snowflake/ml/feature_store/examples/wine_quality_features/entities.py +0 -0
  273. {snowflake_ml_python-1.7.3 → snowflake_ml_python-1.7.4}/snowflake/ml/feature_store/examples/wine_quality_features/features/managed_wine_features.py +0 -0
  274. {snowflake_ml_python-1.7.3 → snowflake_ml_python-1.7.4}/snowflake/ml/feature_store/examples/wine_quality_features/features/static_wine_features.py +0 -0
  275. {snowflake_ml_python-1.7.3 → snowflake_ml_python-1.7.4}/snowflake/ml/feature_store/examples/wine_quality_features/source.yaml +0 -0
  276. {snowflake_ml_python-1.7.3 → snowflake_ml_python-1.7.4}/snowflake/ml/feature_store/feature_store.py +0 -0
  277. {snowflake_ml_python-1.7.3 → snowflake_ml_python-1.7.4}/snowflake/ml/feature_store/feature_view.py +0 -0
  278. {snowflake_ml_python-1.7.3 → snowflake_ml_python-1.7.4}/snowflake/ml/fileset/embedded_stage_fs.py +0 -0
  279. {snowflake_ml_python-1.7.3 → snowflake_ml_python-1.7.4}/snowflake/ml/fileset/sfcfs.py +0 -0
  280. {snowflake_ml_python-1.7.3 → snowflake_ml_python-1.7.4}/snowflake/ml/fileset/snowfs.py +0 -0
  281. {snowflake_ml_python-1.7.3 → snowflake_ml_python-1.7.4}/snowflake/ml/fileset/stage_fs.py +0 -0
  282. {snowflake_ml_python-1.7.3 → snowflake_ml_python-1.7.4}/snowflake/ml/lineage/__init__.py +0 -0
  283. {snowflake_ml_python-1.7.3 → snowflake_ml_python-1.7.4}/snowflake/ml/lineage/lineage_node.py +0 -0
  284. {snowflake_ml_python-1.7.3 → snowflake_ml_python-1.7.4}/snowflake/ml/model/__init__.py +0 -0
  285. {snowflake_ml_python-1.7.3 → snowflake_ml_python-1.7.4}/snowflake/ml/model/_client/model/model_impl.py +0 -0
  286. {snowflake_ml_python-1.7.3 → snowflake_ml_python-1.7.4}/snowflake/ml/model/_client/model/model_version_impl.py +0 -0
  287. {snowflake_ml_python-1.7.3 → snowflake_ml_python-1.7.4}/snowflake/ml/model/_client/ops/metadata_ops.py +0 -0
  288. {snowflake_ml_python-1.7.3 → snowflake_ml_python-1.7.4}/snowflake/ml/model/_client/service/model_deployment_spec.py +0 -0
  289. {snowflake_ml_python-1.7.3 → snowflake_ml_python-1.7.4}/snowflake/ml/model/_client/service/model_deployment_spec_schema.py +0 -0
  290. {snowflake_ml_python-1.7.3 → snowflake_ml_python-1.7.4}/snowflake/ml/model/_client/sql/_base.py +0 -0
  291. {snowflake_ml_python-1.7.3 → snowflake_ml_python-1.7.4}/snowflake/ml/model/_client/sql/model.py +0 -0
  292. {snowflake_ml_python-1.7.3 → snowflake_ml_python-1.7.4}/snowflake/ml/model/_client/sql/model_version.py +0 -0
  293. {snowflake_ml_python-1.7.3 → snowflake_ml_python-1.7.4}/snowflake/ml/model/_client/sql/stage.py +0 -0
  294. {snowflake_ml_python-1.7.3 → snowflake_ml_python-1.7.4}/snowflake/ml/model/_client/sql/tag.py +0 -0
  295. {snowflake_ml_python-1.7.3 → snowflake_ml_python-1.7.4}/snowflake/ml/model/_model_composer/model_composer.py +0 -0
  296. {snowflake_ml_python-1.7.3 → snowflake_ml_python-1.7.4}/snowflake/ml/model/_model_composer/model_manifest/model_manifest.py +0 -0
  297. {snowflake_ml_python-1.7.3 → snowflake_ml_python-1.7.4}/snowflake/ml/model/_model_composer/model_manifest/model_manifest_schema.py +0 -0
  298. {snowflake_ml_python-1.7.3 → snowflake_ml_python-1.7.4}/snowflake/ml/model/_model_composer/model_method/constants.py +0 -0
  299. {snowflake_ml_python-1.7.3 → snowflake_ml_python-1.7.4}/snowflake/ml/model/_model_composer/model_method/function_generator.py +0 -0
  300. {snowflake_ml_python-1.7.3 → snowflake_ml_python-1.7.4}/snowflake/ml/model/_model_composer/model_method/infer_function.py_template +0 -0
  301. {snowflake_ml_python-1.7.3 → snowflake_ml_python-1.7.4}/snowflake/ml/model/_model_composer/model_method/infer_partitioned.py_template +0 -0
  302. {snowflake_ml_python-1.7.3 → snowflake_ml_python-1.7.4}/snowflake/ml/model/_model_composer/model_method/infer_table_function.py_template +0 -0
  303. {snowflake_ml_python-1.7.3 → snowflake_ml_python-1.7.4}/snowflake/ml/model/_model_composer/model_method/model_method.py +0 -0
  304. {snowflake_ml_python-1.7.3 → snowflake_ml_python-1.7.4}/snowflake/ml/model/_model_composer/model_user_file/model_user_file.py +0 -0
  305. {snowflake_ml_python-1.7.3 → snowflake_ml_python-1.7.4}/snowflake/ml/model/_packager/model_env/model_env.py +0 -0
  306. {snowflake_ml_python-1.7.3 → snowflake_ml_python-1.7.4}/snowflake/ml/model/_packager/model_handler.py +0 -0
  307. {snowflake_ml_python-1.7.3 → snowflake_ml_python-1.7.4}/snowflake/ml/model/_packager/model_handlers/_base.py +0 -0
  308. {snowflake_ml_python-1.7.3 → snowflake_ml_python-1.7.4}/snowflake/ml/model/_packager/model_handlers/catboost.py +0 -0
  309. {snowflake_ml_python-1.7.3 → snowflake_ml_python-1.7.4}/snowflake/ml/model/_packager/model_handlers/lightgbm.py +0 -0
  310. {snowflake_ml_python-1.7.3 → snowflake_ml_python-1.7.4}/snowflake/ml/model/_packager/model_handlers/mlflow.py +0 -0
  311. {snowflake_ml_python-1.7.3 → snowflake_ml_python-1.7.4}/snowflake/ml/model/_packager/model_handlers/pytorch.py +0 -0
  312. {snowflake_ml_python-1.7.3 → snowflake_ml_python-1.7.4}/snowflake/ml/model/_packager/model_handlers/sentence_transformers.py +0 -0
  313. {snowflake_ml_python-1.7.3 → snowflake_ml_python-1.7.4}/snowflake/ml/model/_packager/model_handlers/sklearn.py +0 -0
  314. {snowflake_ml_python-1.7.3 → snowflake_ml_python-1.7.4}/snowflake/ml/model/_packager/model_handlers/snowmlmodel.py +0 -0
  315. {snowflake_ml_python-1.7.3 → snowflake_ml_python-1.7.4}/snowflake/ml/model/_packager/model_handlers/tensorflow.py +0 -0
  316. {snowflake_ml_python-1.7.3 → snowflake_ml_python-1.7.4}/snowflake/ml/model/_packager/model_handlers/torchscript.py +0 -0
  317. {snowflake_ml_python-1.7.3 → snowflake_ml_python-1.7.4}/snowflake/ml/model/_packager/model_handlers/xgboost.py +0 -0
  318. {snowflake_ml_python-1.7.3 → snowflake_ml_python-1.7.4}/snowflake/ml/model/_packager/model_handlers_migrator/base_migrator.py +0 -0
  319. {snowflake_ml_python-1.7.3 → snowflake_ml_python-1.7.4}/snowflake/ml/model/_packager/model_meta/_packaging_requirements.py +0 -0
  320. {snowflake_ml_python-1.7.3 → snowflake_ml_python-1.7.4}/snowflake/ml/model/_packager/model_meta/model_blob_meta.py +0 -0
  321. {snowflake_ml_python-1.7.3 → snowflake_ml_python-1.7.4}/snowflake/ml/model/_packager/model_meta/model_meta.py +0 -0
  322. {snowflake_ml_python-1.7.3 → snowflake_ml_python-1.7.4}/snowflake/ml/model/_packager/model_meta/model_meta_schema.py +0 -0
  323. {snowflake_ml_python-1.7.3 → snowflake_ml_python-1.7.4}/snowflake/ml/model/_packager/model_meta_migrator/base_migrator.py +0 -0
  324. {snowflake_ml_python-1.7.3 → snowflake_ml_python-1.7.4}/snowflake/ml/model/_packager/model_meta_migrator/migrator_plans.py +0 -0
  325. {snowflake_ml_python-1.7.3 → snowflake_ml_python-1.7.4}/snowflake/ml/model/_packager/model_meta_migrator/migrator_v1.py +0 -0
  326. {snowflake_ml_python-1.7.3 → snowflake_ml_python-1.7.4}/snowflake/ml/model/_packager/model_packager.py +0 -0
  327. {snowflake_ml_python-1.7.3 → snowflake_ml_python-1.7.4}/snowflake/ml/model/_packager/model_runtime/model_runtime.py +0 -0
  328. {snowflake_ml_python-1.7.3 → snowflake_ml_python-1.7.4}/snowflake/ml/model/_packager/model_task/model_task_utils.py +0 -0
  329. {snowflake_ml_python-1.7.3 → snowflake_ml_python-1.7.4}/snowflake/ml/model/_signatures/core.py +0 -0
  330. {snowflake_ml_python-1.7.3 → snowflake_ml_python-1.7.4}/snowflake/ml/model/_signatures/utils.py +0 -0
  331. {snowflake_ml_python-1.7.3 → snowflake_ml_python-1.7.4}/snowflake/ml/model/custom_model.py +0 -0
  332. {snowflake_ml_python-1.7.3 → snowflake_ml_python-1.7.4}/snowflake/ml/model/models/huggingface_pipeline.py +0 -0
  333. {snowflake_ml_python-1.7.3 → snowflake_ml_python-1.7.4}/snowflake/ml/model/type_hints.py +0 -0
  334. {snowflake_ml_python-1.7.3 → snowflake_ml_python-1.7.4}/snowflake/ml/modeling/_internal/constants.py +0 -0
  335. {snowflake_ml_python-1.7.3 → snowflake_ml_python-1.7.4}/snowflake/ml/modeling/_internal/estimator_utils.py +0 -0
  336. {snowflake_ml_python-1.7.3 → snowflake_ml_python-1.7.4}/snowflake/ml/modeling/_internal/local_implementations/pandas_handlers.py +0 -0
  337. {snowflake_ml_python-1.7.3 → snowflake_ml_python-1.7.4}/snowflake/ml/modeling/_internal/local_implementations/pandas_trainer.py +0 -0
  338. {snowflake_ml_python-1.7.3 → snowflake_ml_python-1.7.4}/snowflake/ml/modeling/_internal/model_specifications.py +0 -0
  339. {snowflake_ml_python-1.7.3 → snowflake_ml_python-1.7.4}/snowflake/ml/modeling/_internal/model_trainer.py +0 -0
  340. {snowflake_ml_python-1.7.3 → snowflake_ml_python-1.7.4}/snowflake/ml/modeling/_internal/model_trainer_builder.py +0 -0
  341. {snowflake_ml_python-1.7.3 → snowflake_ml_python-1.7.4}/snowflake/ml/modeling/_internal/model_transformer_builder.py +0 -0
  342. {snowflake_ml_python-1.7.3 → snowflake_ml_python-1.7.4}/snowflake/ml/modeling/_internal/snowpark_implementations/distributed_hpo_trainer.py +0 -0
  343. {snowflake_ml_python-1.7.3 → snowflake_ml_python-1.7.4}/snowflake/ml/modeling/_internal/snowpark_implementations/distributed_search_udf_file.py +0 -0
  344. {snowflake_ml_python-1.7.3 → snowflake_ml_python-1.7.4}/snowflake/ml/modeling/_internal/snowpark_implementations/snowpark_handlers.py +0 -0
  345. {snowflake_ml_python-1.7.3 → snowflake_ml_python-1.7.4}/snowflake/ml/modeling/_internal/snowpark_implementations/snowpark_trainer.py +0 -0
  346. {snowflake_ml_python-1.7.3 → snowflake_ml_python-1.7.4}/snowflake/ml/modeling/_internal/snowpark_implementations/xgboost_external_memory_trainer.py +0 -0
  347. {snowflake_ml_python-1.7.3 → snowflake_ml_python-1.7.4}/snowflake/ml/modeling/_internal/transformer_protocols.py +0 -0
  348. {snowflake_ml_python-1.7.3 → snowflake_ml_python-1.7.4}/snowflake/ml/modeling/calibration/__init__.py +0 -0
  349. {snowflake_ml_python-1.7.3 → snowflake_ml_python-1.7.4}/snowflake/ml/modeling/cluster/__init__.py +0 -0
  350. {snowflake_ml_python-1.7.3 → snowflake_ml_python-1.7.4}/snowflake/ml/modeling/compose/__init__.py +0 -0
  351. {snowflake_ml_python-1.7.3 → snowflake_ml_python-1.7.4}/snowflake/ml/modeling/covariance/__init__.py +0 -0
  352. {snowflake_ml_python-1.7.3 → snowflake_ml_python-1.7.4}/snowflake/ml/modeling/decomposition/__init__.py +0 -0
  353. {snowflake_ml_python-1.7.3 → snowflake_ml_python-1.7.4}/snowflake/ml/modeling/discriminant_analysis/__init__.py +0 -0
  354. {snowflake_ml_python-1.7.3 → snowflake_ml_python-1.7.4}/snowflake/ml/modeling/ensemble/__init__.py +0 -0
  355. {snowflake_ml_python-1.7.3 → snowflake_ml_python-1.7.4}/snowflake/ml/modeling/feature_selection/__init__.py +0 -0
  356. {snowflake_ml_python-1.7.3 → snowflake_ml_python-1.7.4}/snowflake/ml/modeling/framework/_utils.py +0 -0
  357. {snowflake_ml_python-1.7.3 → snowflake_ml_python-1.7.4}/snowflake/ml/modeling/framework/base.py +0 -0
  358. {snowflake_ml_python-1.7.3 → snowflake_ml_python-1.7.4}/snowflake/ml/modeling/gaussian_process/__init__.py +0 -0
  359. {snowflake_ml_python-1.7.3 → snowflake_ml_python-1.7.4}/snowflake/ml/modeling/impute/__init__.py +0 -0
  360. {snowflake_ml_python-1.7.3 → snowflake_ml_python-1.7.4}/snowflake/ml/modeling/impute/simple_imputer.py +0 -0
  361. {snowflake_ml_python-1.7.3 → snowflake_ml_python-1.7.4}/snowflake/ml/modeling/kernel_approximation/__init__.py +0 -0
  362. {snowflake_ml_python-1.7.3 → snowflake_ml_python-1.7.4}/snowflake/ml/modeling/kernel_ridge/__init__.py +0 -0
  363. {snowflake_ml_python-1.7.3 → snowflake_ml_python-1.7.4}/snowflake/ml/modeling/lightgbm/__init__.py +0 -0
  364. {snowflake_ml_python-1.7.3 → snowflake_ml_python-1.7.4}/snowflake/ml/modeling/linear_model/__init__.py +0 -0
  365. {snowflake_ml_python-1.7.3 → snowflake_ml_python-1.7.4}/snowflake/ml/modeling/manifold/__init__.py +0 -0
  366. {snowflake_ml_python-1.7.3 → snowflake_ml_python-1.7.4}/snowflake/ml/modeling/metrics/__init__.py +0 -0
  367. {snowflake_ml_python-1.7.3 → snowflake_ml_python-1.7.4}/snowflake/ml/modeling/metrics/classification.py +0 -0
  368. {snowflake_ml_python-1.7.3 → snowflake_ml_python-1.7.4}/snowflake/ml/modeling/metrics/correlation.py +0 -0
  369. {snowflake_ml_python-1.7.3 → snowflake_ml_python-1.7.4}/snowflake/ml/modeling/metrics/covariance.py +0 -0
  370. {snowflake_ml_python-1.7.3 → snowflake_ml_python-1.7.4}/snowflake/ml/modeling/metrics/metrics_utils.py +0 -0
  371. {snowflake_ml_python-1.7.3 → snowflake_ml_python-1.7.4}/snowflake/ml/modeling/metrics/ranking.py +0 -0
  372. {snowflake_ml_python-1.7.3 → snowflake_ml_python-1.7.4}/snowflake/ml/modeling/metrics/regression.py +0 -0
  373. {snowflake_ml_python-1.7.3 → snowflake_ml_python-1.7.4}/snowflake/ml/modeling/mixture/__init__.py +0 -0
  374. {snowflake_ml_python-1.7.3 → snowflake_ml_python-1.7.4}/snowflake/ml/modeling/model_selection/__init__.py +0 -0
  375. {snowflake_ml_python-1.7.3 → snowflake_ml_python-1.7.4}/snowflake/ml/modeling/multiclass/__init__.py +0 -0
  376. {snowflake_ml_python-1.7.3 → snowflake_ml_python-1.7.4}/snowflake/ml/modeling/naive_bayes/__init__.py +0 -0
  377. {snowflake_ml_python-1.7.3 → snowflake_ml_python-1.7.4}/snowflake/ml/modeling/neighbors/__init__.py +0 -0
  378. {snowflake_ml_python-1.7.3 → snowflake_ml_python-1.7.4}/snowflake/ml/modeling/neural_network/__init__.py +0 -0
  379. {snowflake_ml_python-1.7.3 → snowflake_ml_python-1.7.4}/snowflake/ml/modeling/parameters/disable_distributed_hpo.py +0 -0
  380. {snowflake_ml_python-1.7.3 → snowflake_ml_python-1.7.4}/snowflake/ml/modeling/parameters/disable_model_tracer.py +0 -0
  381. {snowflake_ml_python-1.7.3 → snowflake_ml_python-1.7.4}/snowflake/ml/modeling/parameters/enable_anonymous_sproc.py +0 -0
  382. {snowflake_ml_python-1.7.3 → snowflake_ml_python-1.7.4}/snowflake/ml/modeling/pipeline/__init__.py +0 -0
  383. {snowflake_ml_python-1.7.3 → snowflake_ml_python-1.7.4}/snowflake/ml/modeling/preprocessing/__init__.py +0 -0
  384. {snowflake_ml_python-1.7.3 → snowflake_ml_python-1.7.4}/snowflake/ml/modeling/preprocessing/binarizer.py +0 -0
  385. {snowflake_ml_python-1.7.3 → snowflake_ml_python-1.7.4}/snowflake/ml/modeling/preprocessing/k_bins_discretizer.py +0 -0
  386. {snowflake_ml_python-1.7.3 → snowflake_ml_python-1.7.4}/snowflake/ml/modeling/preprocessing/label_encoder.py +0 -0
  387. {snowflake_ml_python-1.7.3 → snowflake_ml_python-1.7.4}/snowflake/ml/modeling/preprocessing/max_abs_scaler.py +0 -0
  388. {snowflake_ml_python-1.7.3 → snowflake_ml_python-1.7.4}/snowflake/ml/modeling/preprocessing/min_max_scaler.py +0 -0
  389. {snowflake_ml_python-1.7.3 → snowflake_ml_python-1.7.4}/snowflake/ml/modeling/preprocessing/normalizer.py +0 -0
  390. {snowflake_ml_python-1.7.3 → snowflake_ml_python-1.7.4}/snowflake/ml/modeling/preprocessing/one_hot_encoder.py +0 -0
  391. {snowflake_ml_python-1.7.3 → snowflake_ml_python-1.7.4}/snowflake/ml/modeling/preprocessing/ordinal_encoder.py +0 -0
  392. {snowflake_ml_python-1.7.3 → snowflake_ml_python-1.7.4}/snowflake/ml/modeling/preprocessing/robust_scaler.py +0 -0
  393. {snowflake_ml_python-1.7.3 → snowflake_ml_python-1.7.4}/snowflake/ml/modeling/preprocessing/standard_scaler.py +0 -0
  394. {snowflake_ml_python-1.7.3 → snowflake_ml_python-1.7.4}/snowflake/ml/modeling/semi_supervised/__init__.py +0 -0
  395. {snowflake_ml_python-1.7.3 → snowflake_ml_python-1.7.4}/snowflake/ml/modeling/svm/__init__.py +0 -0
  396. {snowflake_ml_python-1.7.3 → snowflake_ml_python-1.7.4}/snowflake/ml/modeling/tree/__init__.py +0 -0
  397. {snowflake_ml_python-1.7.3 → snowflake_ml_python-1.7.4}/snowflake/ml/modeling/xgboost/__init__.py +0 -0
  398. {snowflake_ml_python-1.7.3 → snowflake_ml_python-1.7.4}/snowflake/ml/monitoring/_client/model_monitor_sql_client.py +0 -0
  399. {snowflake_ml_python-1.7.3 → snowflake_ml_python-1.7.4}/snowflake/ml/monitoring/_client/queries/record_count.ssql +0 -0
  400. {snowflake_ml_python-1.7.3 → snowflake_ml_python-1.7.4}/snowflake/ml/monitoring/_client/queries/rmse.ssql +0 -0
  401. {snowflake_ml_python-1.7.3 → snowflake_ml_python-1.7.4}/snowflake/ml/monitoring/_manager/model_monitor_manager.py +0 -0
  402. {snowflake_ml_python-1.7.3 → snowflake_ml_python-1.7.4}/snowflake/ml/monitoring/entities/model_monitor_config.py +0 -0
  403. {snowflake_ml_python-1.7.3 → snowflake_ml_python-1.7.4}/snowflake/ml/monitoring/model_monitor.py +0 -0
  404. {snowflake_ml_python-1.7.3 → snowflake_ml_python-1.7.4}/snowflake/ml/monitoring/model_monitor_version.py +0 -0
  405. {snowflake_ml_python-1.7.3 → snowflake_ml_python-1.7.4}/snowflake/ml/monitoring/shap.py +0 -0
  406. {snowflake_ml_python-1.7.3 → snowflake_ml_python-1.7.4}/snowflake/ml/registry/__init__.py +0 -0
  407. {snowflake_ml_python-1.7.3 → snowflake_ml_python-1.7.4}/snowflake/ml/registry/_manager/model_manager.py +0 -0
  408. {snowflake_ml_python-1.7.3 → snowflake_ml_python-1.7.4}/snowflake/ml/registry/registry.py +0 -0
  409. {snowflake_ml_python-1.7.3 → snowflake_ml_python-1.7.4}/snowflake/ml/utils/authentication.py +0 -0
  410. {snowflake_ml_python-1.7.3 → snowflake_ml_python-1.7.4}/snowflake/ml/utils/connection_params.py +0 -0
  411. {snowflake_ml_python-1.7.3 → snowflake_ml_python-1.7.4}/snowflake/ml/utils/sparse.py +0 -0
  412. {snowflake_ml_python-1.7.3 → snowflake_ml_python-1.7.4}/snowflake/ml/utils/sql_client.py +0 -0
  413. {snowflake_ml_python-1.7.3 → snowflake_ml_python-1.7.4}/snowflake_ml_python.egg-info/dependency_links.txt +0 -0
  414. {snowflake_ml_python-1.7.3 → snowflake_ml_python-1.7.4}/snowflake_ml_python.egg-info/top_level.txt +0 -0
@@ -1,6 +1,29 @@
1
1
  # Release History
2
2
 
3
- ## 1.7.3
3
+ ## 1.7.4
4
+
5
+ - FileSet: The `snowflake.ml.fileset.FileSet` has been deprecated and will be removed in a future version.
6
+ Use [snowflake.ml.dataset.Dataset](https://docs.snowflake.com/en/developer-guide/snowflake-ml/dataset) and
7
+ [snowflake.ml.data.DataConnector](https://docs.snowflake.com/en/developer-guide/snowpark-ml/reference/latest/api/data/snowflake.ml.data.data_connector.DataConnector)
8
+ instead.
9
+
10
+ ### Bug Fixes
11
+
12
+ - Registry: Fixed an issue that the hugging face pipeline is loaded using incorrect dtype.
13
+ - Registry: Fixed an issue that only 1 row is used when infer the model signature in the modeling model.
14
+
15
+ ### Behavior Changes
16
+
17
+ - Registry: `ModelVersion.run` on a service would require redeploying the service once account opts into nested function.
18
+
19
+ ### New Features
20
+
21
+ - Add new `snowflake.ml.jobs` preview API for running headless workloads on SPCS using
22
+ [Container Runtime for ML](https://docs.snowflake.com/en/developer-guide/snowflake-ml/container-runtime-ml)
23
+ - Added `guardrails` option to Cortex `complete` function, enabling
24
+ [Cortex Guard](https://docs.snowflake.com/en/user-guide/snowflake-cortex/llm-functions#cortex-guard) support
25
+
26
+ ## 1.7.3 (2025-01-08)
4
27
 
5
28
  - Added lowercase versions of Cortex functions, added deprecation warning to Capitalized versions.
6
29
  - Bumped the requirements of `fsspec` and `s3fs` to `>=2024.6.1,<2026`
@@ -18,13 +41,13 @@
18
41
  - Registry: Fix error in log_model for any sklearn models with only data pre-processing including pre-processing only
19
42
  pipeline models due to default explainability enablement.
20
43
 
21
- ### Behavior Changes
22
-
23
44
  ### New Features
24
45
 
25
46
  - Added `user_files` argument to `Registry.log_model` for including images or any extra file with the model.
26
47
  - Registry: Added support for handling Hugging Face model configurations with auto-mapping functionality
27
48
  - DataConnector: Add new `DataConnector.from_sql()` constructor
49
+ - Registry: Provided new arguments to `snowflake.ml.model.model_signature.infer_signature` method to specify rows limit
50
+ to be used when inferring the signature.
28
51
 
29
52
  ## 1.7.2 (2024-11-21)
30
53
 
@@ -33,8 +56,6 @@
33
56
  - Model Explainability: Fix issue that explain is enabled for scikit-learn pipeline
34
57
  whose task is UNKNOWN and fails later when invoked.
35
58
 
36
- ### Behavior Changes
37
-
38
59
  ### New Features
39
60
 
40
61
  - Registry: Support asynchronous model inference service creation with the `block` option
@@ -54,8 +75,6 @@ signature inference.
54
75
  - Dataset: Fix missing `snowflake.ml.dataset.*` module exports in wheel.
55
76
  - Registry: Fix the issue that `tf_keras.Model` is not recognized as keras model when logging.
56
77
 
57
- ### Behavior Changes
58
-
59
78
  ### New Features
60
79
 
61
80
  - Registry: Option to `enable_monitoring` set to False by default. This will gate access to preview features of Model Monitoring.
@@ -304,10 +323,6 @@ data from explainablity and data lineage.
304
323
  - Modeling: Quick fix `import snowflake.ml.modeling.parameters.enable_anonymous_sproc` cannot be imported due to package
305
324
  dependency error.
306
325
 
307
- ### Behavior Changes
308
-
309
- ### New Features
310
-
311
326
  ## 1.5.1 (05-22-2024)
312
327
 
313
328
  ### Bug Fixes
@@ -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.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:
@@ -233,7 +233,7 @@ Requires-Python: <3.12,>=3.9
233
233
  Description-Content-Type: text/markdown
234
234
  License-File: LICENSE.txt
235
235
  Requires-Dist: absl-py<2,>=0.15
236
- Requires-Dist: anyio<4,>=3.5.0
236
+ Requires-Dist: anyio<5,>=3.5.0
237
237
  Requires-Dist: cachetools<6,>=3.1.1
238
238
  Requires-Dist: cloudpickle>=2.0.0
239
239
  Requires-Dist: cryptography
@@ -251,7 +251,7 @@ Requires-Dist: s3fs<2026,>=2024.6.1
251
251
  Requires-Dist: scikit-learn<1.6,>=1.4
252
252
  Requires-Dist: scipy<2,>=1.9
253
253
  Requires-Dist: snowflake-connector-python[pandas]<4,>=3.5.0
254
- Requires-Dist: snowflake-snowpark-python<2,>=1.17.0
254
+ Requires-Dist: snowflake-snowpark-python!=1.26.0,<2,>=1.17.0
255
255
  Requires-Dist: sqlparse<1,>=0.4
256
256
  Requires-Dist: typing-extensions<5,>=4.1.0
257
257
  Requires-Dist: xgboost<3,>=1.7.3
@@ -399,7 +399,30 @@ NOTE: Version 1.7.0 is used as example here. Please choose the the latest versio
399
399
 
400
400
  # Release History
401
401
 
402
- ## 1.7.3
402
+ ## 1.7.4
403
+
404
+ - FileSet: The `snowflake.ml.fileset.FileSet` has been deprecated and will be removed in a future version.
405
+ Use [snowflake.ml.dataset.Dataset](https://docs.snowflake.com/en/developer-guide/snowflake-ml/dataset) and
406
+ [snowflake.ml.data.DataConnector](https://docs.snowflake.com/en/developer-guide/snowpark-ml/reference/latest/api/data/snowflake.ml.data.data_connector.DataConnector)
407
+ instead.
408
+
409
+ ### Bug Fixes
410
+
411
+ - Registry: Fixed an issue that the hugging face pipeline is loaded using incorrect dtype.
412
+ - Registry: Fixed an issue that only 1 row is used when infer the model signature in the modeling model.
413
+
414
+ ### Behavior Changes
415
+
416
+ - Registry: `ModelVersion.run` on a service would require redeploying the service once account opts into nested function.
417
+
418
+ ### New Features
419
+
420
+ - Add new `snowflake.ml.jobs` preview API for running headless workloads on SPCS using
421
+ [Container Runtime for ML](https://docs.snowflake.com/en/developer-guide/snowflake-ml/container-runtime-ml)
422
+ - Added `guardrails` option to Cortex `complete` function, enabling
423
+ [Cortex Guard](https://docs.snowflake.com/en/user-guide/snowflake-cortex/llm-functions#cortex-guard) support
424
+
425
+ ## 1.7.3 (2025-01-08)
403
426
 
404
427
  - Added lowercase versions of Cortex functions, added deprecation warning to Capitalized versions.
405
428
  - Bumped the requirements of `fsspec` and `s3fs` to `>=2024.6.1,<2026`
@@ -417,13 +440,13 @@ NOTE: Version 1.7.0 is used as example here. Please choose the the latest versio
417
440
  - Registry: Fix error in log_model for any sklearn models with only data pre-processing including pre-processing only
418
441
  pipeline models due to default explainability enablement.
419
442
 
420
- ### Behavior Changes
421
-
422
443
  ### New Features
423
444
 
424
445
  - Added `user_files` argument to `Registry.log_model` for including images or any extra file with the model.
425
446
  - Registry: Added support for handling Hugging Face model configurations with auto-mapping functionality
426
447
  - DataConnector: Add new `DataConnector.from_sql()` constructor
448
+ - Registry: Provided new arguments to `snowflake.ml.model.model_signature.infer_signature` method to specify rows limit
449
+ to be used when inferring the signature.
427
450
 
428
451
  ## 1.7.2 (2024-11-21)
429
452
 
@@ -432,8 +455,6 @@ NOTE: Version 1.7.0 is used as example here. Please choose the the latest versio
432
455
  - Model Explainability: Fix issue that explain is enabled for scikit-learn pipeline
433
456
  whose task is UNKNOWN and fails later when invoked.
434
457
 
435
- ### Behavior Changes
436
-
437
458
  ### New Features
438
459
 
439
460
  - Registry: Support asynchronous model inference service creation with the `block` option
@@ -453,8 +474,6 @@ signature inference.
453
474
  - Dataset: Fix missing `snowflake.ml.dataset.*` module exports in wheel.
454
475
  - Registry: Fix the issue that `tf_keras.Model` is not recognized as keras model when logging.
455
476
 
456
- ### Behavior Changes
457
-
458
477
  ### New Features
459
478
 
460
479
  - Registry: Option to `enable_monitoring` set to False by default. This will gate access to preview features of Model Monitoring.
@@ -703,10 +722,6 @@ data from explainablity and data lineage.
703
722
  - Modeling: Quick fix `import snowflake.ml.modeling.parameters.enable_anonymous_sproc` cannot be imported due to package
704
723
  dependency error.
705
724
 
706
- ### Behavior Changes
707
-
708
- ### New Features
709
-
710
725
  ## 1.5.1 (05-22-2024)
711
726
 
712
727
  ### Bug Fixes
@@ -8,7 +8,7 @@ description = "The machine learning client library that is used for interacting
8
8
  classifiers = [ "Development Status :: 5 - Production/Stable", "Environment :: Console", "Environment :: Other Environment", "Intended Audience :: Developers", "Intended Audience :: Education", "Intended Audience :: Information Technology", "Intended Audience :: System Administrators", "License :: OSI Approved :: Apache Software License", "Operating System :: OS Independent", "Programming Language :: Python :: 3.9", "Programming Language :: Python :: 3.10", "Programming Language :: Python :: 3.11", "Topic :: Database", "Topic :: Software Development", "Topic :: Software Development :: Libraries", "Topic :: Software Development :: Libraries :: Application Frameworks", "Topic :: Software Development :: Libraries :: Python Modules", "Topic :: Scientific/Engineering :: Information Analysis",]
9
9
  requires-python = ">=3.9, <3.12"
10
10
  dynamic = [ "version", "readme",]
11
- dependencies = [ "absl-py>=0.15,<2", "anyio>=3.5.0,<4", "cachetools>=3.1.1,<6", "cloudpickle>=2.0.0", "cryptography", "fsspec[http]>=2024.6.1,<2026", "importlib_resources>=6.1.1, <7", "numpy>=1.23,<2", "packaging>=20.9,<25", "pandas>=1.0.0,<3", "pyarrow", "pyjwt>=2.0.0, <3", "pytimeparse>=1.1.8,<2", "pyyaml>=6.0,<7", "retrying>=1.3.3,<2", "s3fs>=2024.6.1,<2026", "scikit-learn>=1.4,<1.6", "scipy>=1.9,<2", "snowflake-connector-python[pandas]>=3.5.0,<4", "snowflake-snowpark-python>=1.17.0,<2", "sqlparse>=0.4,<1", "typing-extensions>=4.1.0,<5", "xgboost>=1.7.3,<3",]
11
+ dependencies = [ "absl-py>=0.15,<2", "anyio>=3.5.0,<5", "cachetools>=3.1.1,<6", "cloudpickle>=2.0.0", "cryptography", "fsspec[http]>=2024.6.1,<2026", "importlib_resources>=6.1.1, <7", "numpy>=1.23,<2", "packaging>=20.9,<25", "pandas>=1.0.0,<3", "pyarrow", "pyjwt>=2.0.0, <3", "pytimeparse>=1.1.8,<2", "pyyaml>=6.0,<7", "retrying>=1.3.3,<2", "s3fs>=2024.6.1,<2026", "scikit-learn>=1.4,<1.6", "scipy>=1.9,<2", "snowflake-connector-python[pandas]>=3.5.0,<4", "snowflake-snowpark-python>=1.17.0,<2,!=1.26.0", "sqlparse>=0.4,<1", "typing-extensions>=4.1.0,<5", "xgboost>=1.7.3,<3",]
12
12
  [[project.authors]]
13
13
  name = "Snowflake, Inc"
14
14
  email = "support@snowflake.com"
@@ -49,6 +49,10 @@ class CompleteOptions(TypedDict):
49
49
  generally used as an alternative to temperature. The difference is that top_p restricts the set of possible tokens
50
50
  that the model outputs, while temperature influences which tokens are chosen at each step. """
51
51
 
52
+ guardrails: NotRequired[bool]
53
+ """ A boolean value that controls whether Cortex Guard filters unsafe or harmful responses
54
+ from the language model. """
55
+
52
56
 
53
57
  class ResponseParseException(Exception):
54
58
  """This exception is raised when the server response cannot be parsed."""
@@ -56,6 +60,15 @@ class ResponseParseException(Exception):
56
60
  pass
57
61
 
58
62
 
63
+ class GuardrailsOptions(TypedDict):
64
+ enabled: bool
65
+ """A boolean value that controls whether Cortex Guard filters unsafe or harmful responses
66
+ from the language model."""
67
+
68
+ response_when_unsafe: str
69
+ """The response to return when the language model generates unsafe or harmful content."""
70
+
71
+
59
72
  _MAX_RETRY_SECONDS = 30
60
73
 
61
74
 
@@ -117,6 +130,12 @@ def _make_request_body(
117
130
  data["temperature"] = options["temperature"]
118
131
  if "top_p" in options:
119
132
  data["top_p"] = options["top_p"]
133
+ if "guardrails" in options and options["guardrails"]:
134
+ guardrails_options: GuardrailsOptions = {
135
+ "enabled": True,
136
+ "response_when_unsafe": "Response filtered by Cortex Guard",
137
+ }
138
+ data["guardrails"] = guardrails_options
120
139
  return data
121
140
 
122
141
 
@@ -0,0 +1,87 @@
1
+ import json
2
+ from typing import Any, Dict, Optional
3
+
4
+ from absl import logging
5
+
6
+ from snowflake.ml._internal.exceptions import error_codes, exceptions
7
+ from snowflake.ml._internal.utils import query_result_checker
8
+ from snowflake.snowpark import (
9
+ exceptions as snowpark_exceptions,
10
+ session as snowpark_session,
11
+ )
12
+
13
+
14
+ class PlatformCapabilities:
15
+ """Class that retrieves platform feature values for the currently running server.
16
+
17
+ Example usage:
18
+ ```
19
+ pc = PlatformCapabilities.get_instance(session)
20
+ if pc.is_nested_function_enabled():
21
+ # Nested functions are enabled.
22
+ print("Nested functions are enabled.")
23
+ else:
24
+ # Nested functions are disabled.
25
+ print("Nested functions are disabled or not supported.")
26
+ ```
27
+ """
28
+
29
+ _instance: Optional["PlatformCapabilities"] = None
30
+
31
+ @classmethod
32
+ def get_instance(cls, session: Optional[snowpark_session.Session] = None) -> "PlatformCapabilities":
33
+ if not cls._instance:
34
+ cls._instance = cls(session)
35
+ return cls._instance
36
+
37
+ def is_nested_function_enabled(self) -> bool:
38
+ return self._get_bool_feature("SPCS_MODEL_ENABLE_EMBEDDED_SERVICE_FUNCTIONS", False)
39
+
40
+ @staticmethod
41
+ def _get_features(session: snowpark_session.Session) -> Dict[str, Any]:
42
+ try:
43
+ result = (
44
+ query_result_checker.SqlResultValidator(
45
+ session=session,
46
+ query="SELECT SYSTEM$ML_PLATFORM_CAPABILITIES() AS FEATURES;",
47
+ )
48
+ .has_dimensions(expected_rows=1, expected_cols=1)
49
+ .has_column("FEATURES")
50
+ .validate()[0]
51
+ )
52
+ if "FEATURES" in result:
53
+ capabilities_json: str = result["FEATURES"]
54
+ try:
55
+ parsed_json = json.loads(capabilities_json)
56
+ assert isinstance(parsed_json, dict), f"Expected JSON object, got {type(parsed_json)}"
57
+ return parsed_json
58
+ except json.JSONDecodeError as e:
59
+ message = f"""Unable to parse JSON from: "{capabilities_json}"; Error="{e}"."""
60
+ raise exceptions.SnowflakeMLException(
61
+ error_code=error_codes.INTERNAL_SNOWML_ERROR, original_exception=RuntimeError(message)
62
+ )
63
+ except snowpark_exceptions.SnowparkSQLException as e:
64
+ logging.debug(f"Failed to retrieve platform capabilities: {e}")
65
+ # This can happen is server side is older than 9.2. That is fine.
66
+ return {}
67
+
68
+ def __init__(self, session: Optional[snowpark_session.Session] = None) -> None:
69
+ if not session:
70
+ session = next(iter(snowpark_session._get_active_sessions()))
71
+ assert session, "Missing active session object"
72
+ self.features: Dict[str, Any] = PlatformCapabilities._get_features(session)
73
+
74
+ def _get_bool_feature(self, feature_name: str, default_value: bool) -> bool:
75
+ value = self.features.get(feature_name, default_value)
76
+ if isinstance(value, bool):
77
+ return value
78
+ if isinstance(value, int) and value in [0, 1]:
79
+ return value == 1
80
+ if isinstance(value, str):
81
+ if value.lower() in ["true", "1"]:
82
+ return True
83
+ elif value.lower() in ["false", "0"]:
84
+ return False
85
+ else:
86
+ raise ValueError(f"Invalid boolean string: {value} for feature {feature_name}")
87
+ raise ValueError(f"Invalid boolean feature value: {value} for feature {feature_name}")
@@ -419,7 +419,6 @@ class Dataset(lineage_node.LineageNode):
419
419
  @telemetry.send_api_usage_telemetry(project=_PROJECT)
420
420
  def delete(self) -> None:
421
421
  """Delete Dataset and all contained versions"""
422
- # TODO: Check and warn if any versions exist
423
422
  self._session.sql(f"DROP DATASET {self.fully_qualified_name}").collect(
424
423
  statement_params=_TELEMETRY_STATEMENT_PARAMS
425
424
  )
@@ -2,6 +2,8 @@ import functools
2
2
  import inspect
3
3
  from typing import Any, Callable, List, Optional
4
4
 
5
+ from typing_extensions import deprecated
6
+
5
7
  from snowflake import snowpark
6
8
  from snowflake.connector import connection
7
9
  from snowflake.ml._internal import telemetry
@@ -42,6 +44,10 @@ def _raise_if_deleted(func: Callable[..., Any]) -> Callable[..., Any]:
42
44
  return raise_if_deleted_helper
43
45
 
44
46
 
47
+ @deprecated(
48
+ "FileSet is deprecated and will be removed in a future release."
49
+ " Use snowflake.ml.dataset.Dataset and snowflake.ml.data.DataConnector instead"
50
+ )
45
51
  class FileSet:
46
52
  """A FileSet represents an immutable snapshot of the result of a query in the form of files."""
47
53
 
@@ -0,0 +1,21 @@
1
+ from snowflake.ml.jobs._utils.types import JOB_STATUS
2
+ from snowflake.ml.jobs.decorators import remote
3
+ from snowflake.ml.jobs.job import MLJob
4
+ from snowflake.ml.jobs.manager import (
5
+ delete_job,
6
+ get_job,
7
+ list_jobs,
8
+ submit_directory,
9
+ submit_file,
10
+ )
11
+
12
+ __all__ = [
13
+ "remote",
14
+ "submit_file",
15
+ "submit_directory",
16
+ "list_jobs",
17
+ "get_job",
18
+ "delete_job",
19
+ "MLJob",
20
+ "JOB_STATUS",
21
+ ]
@@ -0,0 +1,51 @@
1
+ from snowflake.ml._internal.utils.snowflake_env import SnowflakeCloudType
2
+ from snowflake.ml.jobs._utils.types import ComputeResources
3
+
4
+ # SPCS specification constants
5
+ DEFAULT_CONTAINER_NAME = "main"
6
+ PAYLOAD_DIR_ENV_VAR = "MLRS_PAYLOAD_DIR"
7
+
8
+ # Default container image information
9
+ DEFAULT_IMAGE_REPO = "/snowflake/images/snowflake_images"
10
+ DEFAULT_IMAGE_CPU = "st_plat/runtime/x86/runtime_image/snowbooks"
11
+ DEFAULT_IMAGE_GPU = "st_plat/runtime/x86/generic_gpu/runtime_image/snowbooks"
12
+ DEFAULT_IMAGE_TAG = "0.8.0"
13
+ DEFAULT_ENTRYPOINT_PATH = "func.py"
14
+
15
+ # Percent of container memory to allocate for /dev/shm volume
16
+ MEMORY_VOLUME_SIZE = 0.3
17
+
18
+ # Job status polling constants
19
+ JOB_POLL_INITIAL_DELAY_SECONDS = 0.1
20
+ JOB_POLL_MAX_DELAY_SECONDS = 1
21
+
22
+ # Compute pool resource information
23
+ # TODO: Query Snowflake for resource information instead of relying on this hardcoded
24
+ # table from https://docs.snowflake.com/en/sql-reference/sql/create-compute-pool
25
+ COMMON_INSTANCE_FAMILIES = {
26
+ "CPU_X64_XS": ComputeResources(cpu=1, memory=6),
27
+ "CPU_X64_S": ComputeResources(cpu=3, memory=13),
28
+ "CPU_X64_M": ComputeResources(cpu=6, memory=28),
29
+ "CPU_X64_L": ComputeResources(cpu=28, memory=116),
30
+ "HIGHMEM_X64_S": ComputeResources(cpu=6, memory=58),
31
+ }
32
+ AWS_INSTANCE_FAMILIES = {
33
+ "HIGHMEM_X64_M": ComputeResources(cpu=28, memory=240),
34
+ "HIGHMEM_X64_L": ComputeResources(cpu=124, memory=984),
35
+ "GPU_NV_S": ComputeResources(cpu=6, memory=27, gpu=1, gpu_type="A10G"),
36
+ "GPU_NV_M": ComputeResources(cpu=44, memory=178, gpu=4, gpu_type="A10G"),
37
+ "GPU_NV_L": ComputeResources(cpu=92, memory=1112, gpu=8, gpu_type="A100"),
38
+ }
39
+ AZURE_INSTANCE_FAMILIES = {
40
+ "HIGHMEM_X64_M": ComputeResources(cpu=28, memory=244),
41
+ "HIGHMEM_X64_L": ComputeResources(cpu=92, memory=654),
42
+ "GPU_NV_XS": ComputeResources(cpu=3, memory=26, gpu=1, gpu_type="T4"),
43
+ "GPU_NV_SM": ComputeResources(cpu=32, memory=424, gpu=1, gpu_type="A10"),
44
+ "GPU_NV_2M": ComputeResources(cpu=68, memory=858, gpu=2, gpu_type="A10"),
45
+ "GPU_NV_3M": ComputeResources(cpu=44, memory=424, gpu=2, gpu_type="A100"),
46
+ "GPU_NV_SL": ComputeResources(cpu=92, memory=858, gpu=4, gpu_type="A100"),
47
+ }
48
+ CLOUD_INSTANCE_FAMILIES = {
49
+ SnowflakeCloudType.AWS: AWS_INSTANCE_FAMILIES,
50
+ SnowflakeCloudType.AZURE: AZURE_INSTANCE_FAMILIES,
51
+ }