snowflake-ml-python 1.7.2__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 (422) hide show
  1. {snowflake_ml_python-1.7.2 → snowflake_ml_python-1.7.4}/CHANGELOG.md +51 -9
  2. {snowflake_ml_python-1.7.2 → snowflake_ml_python-1.7.4}/PKG-INFO +63 -19
  3. {snowflake_ml_python-1.7.2 → snowflake_ml_python-1.7.4}/pyproject.toml +5 -5
  4. snowflake_ml_python-1.7.4/snowflake/cortex/__init__.py +32 -0
  5. {snowflake_ml_python-1.7.2 → snowflake_ml_python-1.7.4}/snowflake/cortex/_classify_text.py +12 -1
  6. {snowflake_ml_python-1.7.2 → snowflake_ml_python-1.7.4}/snowflake/cortex/_complete.py +101 -13
  7. {snowflake_ml_python-1.7.2 → snowflake_ml_python-1.7.4}/snowflake/cortex/_embed_text_1024.py +9 -2
  8. {snowflake_ml_python-1.7.2 → snowflake_ml_python-1.7.4}/snowflake/cortex/_embed_text_768.py +9 -2
  9. {snowflake_ml_python-1.7.2 → snowflake_ml_python-1.7.4}/snowflake/cortex/_extract_answer.py +9 -2
  10. {snowflake_ml_python-1.7.2 → snowflake_ml_python-1.7.4}/snowflake/cortex/_sentiment.py +9 -2
  11. {snowflake_ml_python-1.7.2 → snowflake_ml_python-1.7.4}/snowflake/cortex/_summarize.py +9 -2
  12. {snowflake_ml_python-1.7.2 → snowflake_ml_python-1.7.4}/snowflake/cortex/_translate.py +9 -2
  13. {snowflake_ml_python-1.7.2 → snowflake_ml_python-1.7.4}/snowflake/ml/_internal/env_utils.py +7 -52
  14. snowflake_ml_python-1.7.4/snowflake/ml/_internal/platform_capabilities.py +87 -0
  15. {snowflake_ml_python-1.7.2 → snowflake_ml_python-1.7.4}/snowflake/ml/_internal/utils/identifier.py +4 -2
  16. {snowflake_ml_python-1.7.2 → snowflake_ml_python-1.7.4}/snowflake/ml/data/__init__.py +3 -0
  17. {snowflake_ml_python-1.7.2 → snowflake_ml_python-1.7.4}/snowflake/ml/data/_internal/arrow_ingestor.py +4 -4
  18. {snowflake_ml_python-1.7.2 → snowflake_ml_python-1.7.4}/snowflake/ml/data/data_connector.py +53 -11
  19. {snowflake_ml_python-1.7.2 → snowflake_ml_python-1.7.4}/snowflake/ml/data/data_ingestor.py +2 -1
  20. {snowflake_ml_python-1.7.2 → snowflake_ml_python-1.7.4}/snowflake/ml/data/torch_utils.py +18 -5
  21. {snowflake_ml_python-1.7.2 → snowflake_ml_python-1.7.4}/snowflake/ml/dataset/dataset.py +0 -1
  22. {snowflake_ml_python-1.7.2 → snowflake_ml_python-1.7.4}/snowflake/ml/feature_store/examples/example_helper.py +2 -1
  23. {snowflake_ml_python-1.7.2 → snowflake_ml_python-1.7.4}/snowflake/ml/fileset/fileset.py +24 -18
  24. snowflake_ml_python-1.7.4/snowflake/ml/jobs/__init__.py +21 -0
  25. snowflake_ml_python-1.7.4/snowflake/ml/jobs/_utils/constants.py +51 -0
  26. snowflake_ml_python-1.7.4/snowflake/ml/jobs/_utils/payload_utils.py +352 -0
  27. snowflake_ml_python-1.7.4/snowflake/ml/jobs/_utils/spec_utils.py +298 -0
  28. snowflake_ml_python-1.7.4/snowflake/ml/jobs/_utils/types.py +39 -0
  29. snowflake_ml_python-1.7.4/snowflake/ml/jobs/decorators.py +91 -0
  30. snowflake_ml_python-1.7.4/snowflake/ml/jobs/job.py +113 -0
  31. snowflake_ml_python-1.7.4/snowflake/ml/jobs/manager.py +298 -0
  32. {snowflake_ml_python-1.7.2 → snowflake_ml_python-1.7.4}/snowflake/ml/model/_client/model/model_version_impl.py +5 -3
  33. {snowflake_ml_python-1.7.2 → snowflake_ml_python-1.7.4}/snowflake/ml/model/_client/ops/model_ops.py +13 -8
  34. {snowflake_ml_python-1.7.2 → snowflake_ml_python-1.7.4}/snowflake/ml/model/_client/ops/service_ops.py +1 -11
  35. {snowflake_ml_python-1.7.2 → snowflake_ml_python-1.7.4}/snowflake/ml/model/_client/sql/model_version.py +11 -0
  36. {snowflake_ml_python-1.7.2 → snowflake_ml_python-1.7.4}/snowflake/ml/model/_client/sql/service.py +13 -6
  37. {snowflake_ml_python-1.7.2 → snowflake_ml_python-1.7.4}/snowflake/ml/model/_model_composer/model_composer.py +8 -3
  38. {snowflake_ml_python-1.7.2 → snowflake_ml_python-1.7.4}/snowflake/ml/model/_model_composer/model_manifest/model_manifest.py +20 -1
  39. {snowflake_ml_python-1.7.2 → snowflake_ml_python-1.7.4}/snowflake/ml/model/_model_composer/model_manifest/model_manifest_schema.py +1 -0
  40. snowflake_ml_python-1.7.4/snowflake/ml/model/_model_composer/model_method/constants.py +1 -0
  41. {snowflake_ml_python-1.7.2 → snowflake_ml_python-1.7.4}/snowflake/ml/model/_model_composer/model_method/function_generator.py +2 -0
  42. {snowflake_ml_python-1.7.2 → snowflake_ml_python-1.7.4}/snowflake/ml/model/_model_composer/model_method/infer_function.py_template +1 -1
  43. {snowflake_ml_python-1.7.2 → snowflake_ml_python-1.7.4}/snowflake/ml/model/_model_composer/model_method/infer_partitioned.py_template +1 -1
  44. {snowflake_ml_python-1.7.2 → snowflake_ml_python-1.7.4}/snowflake/ml/model/_model_composer/model_method/infer_table_function.py_template +1 -1
  45. {snowflake_ml_python-1.7.2 → snowflake_ml_python-1.7.4}/snowflake/ml/model/_model_composer/model_method/model_method.py +9 -1
  46. snowflake_ml_python-1.7.4/snowflake/ml/model/_model_composer/model_user_file/model_user_file.py +27 -0
  47. {snowflake_ml_python-1.7.2 → snowflake_ml_python-1.7.4}/snowflake/ml/model/_packager/model_handlers/_utils.py +39 -5
  48. {snowflake_ml_python-1.7.2 → snowflake_ml_python-1.7.4}/snowflake/ml/model/_packager/model_handlers/catboost.py +3 -3
  49. {snowflake_ml_python-1.7.2 → snowflake_ml_python-1.7.4}/snowflake/ml/model/_packager/model_handlers/custom.py +1 -2
  50. {snowflake_ml_python-1.7.2 → snowflake_ml_python-1.7.4}/snowflake/ml/model/_packager/model_handlers/huggingface_pipeline.py +6 -1
  51. {snowflake_ml_python-1.7.2 → snowflake_ml_python-1.7.4}/snowflake/ml/model/_packager/model_handlers/lightgbm.py +5 -3
  52. {snowflake_ml_python-1.7.2 → snowflake_ml_python-1.7.4}/snowflake/ml/model/_packager/model_handlers/sentence_transformers.py +55 -20
  53. {snowflake_ml_python-1.7.2 → snowflake_ml_python-1.7.4}/snowflake/ml/model/_packager/model_handlers/sklearn.py +9 -10
  54. {snowflake_ml_python-1.7.2 → snowflake_ml_python-1.7.4}/snowflake/ml/model/_packager/model_handlers/snowmlmodel.py +66 -28
  55. {snowflake_ml_python-1.7.2 → snowflake_ml_python-1.7.4}/snowflake/ml/model/_packager/model_handlers/tensorflow.py +70 -17
  56. {snowflake_ml_python-1.7.2 → snowflake_ml_python-1.7.4}/snowflake/ml/model/_packager/model_handlers/xgboost.py +3 -3
  57. {snowflake_ml_python-1.7.2 → snowflake_ml_python-1.7.4}/snowflake/ml/model/_packager/model_meta/model_meta.py +3 -0
  58. {snowflake_ml_python-1.7.2 → snowflake_ml_python-1.7.4}/snowflake/ml/model/_packager/model_meta/model_meta_schema.py +6 -1
  59. snowflake_ml_python-1.7.4/snowflake/ml/model/_packager/model_runtime/_snowml_inference_alternative_requirements.py +2 -0
  60. {snowflake_ml_python-1.7.2 → snowflake_ml_python-1.7.4}/snowflake/ml/model/_packager/model_task/model_task_utils.py +3 -2
  61. {snowflake_ml_python-1.7.2 → snowflake_ml_python-1.7.4}/snowflake/ml/model/_signatures/base_handler.py +1 -2
  62. {snowflake_ml_python-1.7.2 → snowflake_ml_python-1.7.4}/snowflake/ml/model/_signatures/builtins_handler.py +2 -2
  63. {snowflake_ml_python-1.7.2 → snowflake_ml_python-1.7.4}/snowflake/ml/model/_signatures/numpy_handler.py +6 -7
  64. {snowflake_ml_python-1.7.2 → snowflake_ml_python-1.7.4}/snowflake/ml/model/_signatures/pandas_handler.py +3 -3
  65. {snowflake_ml_python-1.7.2 → snowflake_ml_python-1.7.4}/snowflake/ml/model/_signatures/pytorch_handler.py +2 -5
  66. {snowflake_ml_python-1.7.2 → snowflake_ml_python-1.7.4}/snowflake/ml/model/_signatures/snowpark_handler.py +11 -5
  67. {snowflake_ml_python-1.7.2 → snowflake_ml_python-1.7.4}/snowflake/ml/model/_signatures/tensorflow_handler.py +2 -7
  68. {snowflake_ml_python-1.7.2 → snowflake_ml_python-1.7.4}/snowflake/ml/model/model_signature.py +17 -4
  69. {snowflake_ml_python-1.7.2 → snowflake_ml_python-1.7.4}/snowflake/ml/model/type_hints.py +1 -0
  70. {snowflake_ml_python-1.7.2 → snowflake_ml_python-1.7.4}/snowflake/ml/modeling/_internal/model_trainer_builder.py +0 -8
  71. {snowflake_ml_python-1.7.2 → snowflake_ml_python-1.7.4}/snowflake/ml/modeling/_internal/model_transformer_builder.py +0 -13
  72. {snowflake_ml_python-1.7.2 → snowflake_ml_python-1.7.4}/snowflake/ml/modeling/calibration/calibrated_classifier_cv.py +6 -3
  73. {snowflake_ml_python-1.7.2 → snowflake_ml_python-1.7.4}/snowflake/ml/modeling/cluster/affinity_propagation.py +6 -3
  74. {snowflake_ml_python-1.7.2 → snowflake_ml_python-1.7.4}/snowflake/ml/modeling/cluster/agglomerative_clustering.py +6 -3
  75. {snowflake_ml_python-1.7.2 → snowflake_ml_python-1.7.4}/snowflake/ml/modeling/cluster/birch.py +6 -3
  76. {snowflake_ml_python-1.7.2 → snowflake_ml_python-1.7.4}/snowflake/ml/modeling/cluster/bisecting_k_means.py +6 -3
  77. {snowflake_ml_python-1.7.2 → snowflake_ml_python-1.7.4}/snowflake/ml/modeling/cluster/dbscan.py +6 -3
  78. {snowflake_ml_python-1.7.2 → snowflake_ml_python-1.7.4}/snowflake/ml/modeling/cluster/feature_agglomeration.py +6 -3
  79. {snowflake_ml_python-1.7.2 → snowflake_ml_python-1.7.4}/snowflake/ml/modeling/cluster/k_means.py +6 -3
  80. {snowflake_ml_python-1.7.2 → snowflake_ml_python-1.7.4}/snowflake/ml/modeling/cluster/mean_shift.py +6 -3
  81. {snowflake_ml_python-1.7.2 → snowflake_ml_python-1.7.4}/snowflake/ml/modeling/cluster/mini_batch_k_means.py +6 -3
  82. {snowflake_ml_python-1.7.2 → snowflake_ml_python-1.7.4}/snowflake/ml/modeling/cluster/optics.py +6 -3
  83. {snowflake_ml_python-1.7.2 → snowflake_ml_python-1.7.4}/snowflake/ml/modeling/cluster/spectral_biclustering.py +6 -3
  84. {snowflake_ml_python-1.7.2 → snowflake_ml_python-1.7.4}/snowflake/ml/modeling/cluster/spectral_clustering.py +6 -3
  85. {snowflake_ml_python-1.7.2 → snowflake_ml_python-1.7.4}/snowflake/ml/modeling/cluster/spectral_coclustering.py +6 -3
  86. {snowflake_ml_python-1.7.2 → snowflake_ml_python-1.7.4}/snowflake/ml/modeling/compose/column_transformer.py +6 -3
  87. {snowflake_ml_python-1.7.2 → snowflake_ml_python-1.7.4}/snowflake/ml/modeling/compose/transformed_target_regressor.py +6 -3
  88. {snowflake_ml_python-1.7.2 → snowflake_ml_python-1.7.4}/snowflake/ml/modeling/covariance/elliptic_envelope.py +6 -3
  89. {snowflake_ml_python-1.7.2 → snowflake_ml_python-1.7.4}/snowflake/ml/modeling/covariance/empirical_covariance.py +6 -3
  90. {snowflake_ml_python-1.7.2 → snowflake_ml_python-1.7.4}/snowflake/ml/modeling/covariance/graphical_lasso.py +6 -3
  91. {snowflake_ml_python-1.7.2 → snowflake_ml_python-1.7.4}/snowflake/ml/modeling/covariance/graphical_lasso_cv.py +6 -3
  92. {snowflake_ml_python-1.7.2 → snowflake_ml_python-1.7.4}/snowflake/ml/modeling/covariance/ledoit_wolf.py +6 -3
  93. {snowflake_ml_python-1.7.2 → snowflake_ml_python-1.7.4}/snowflake/ml/modeling/covariance/min_cov_det.py +6 -3
  94. {snowflake_ml_python-1.7.2 → snowflake_ml_python-1.7.4}/snowflake/ml/modeling/covariance/oas.py +6 -3
  95. {snowflake_ml_python-1.7.2 → snowflake_ml_python-1.7.4}/snowflake/ml/modeling/covariance/shrunk_covariance.py +6 -3
  96. {snowflake_ml_python-1.7.2 → snowflake_ml_python-1.7.4}/snowflake/ml/modeling/decomposition/dictionary_learning.py +6 -3
  97. {snowflake_ml_python-1.7.2 → snowflake_ml_python-1.7.4}/snowflake/ml/modeling/decomposition/factor_analysis.py +6 -3
  98. {snowflake_ml_python-1.7.2 → snowflake_ml_python-1.7.4}/snowflake/ml/modeling/decomposition/fast_ica.py +6 -3
  99. {snowflake_ml_python-1.7.2 → snowflake_ml_python-1.7.4}/snowflake/ml/modeling/decomposition/incremental_pca.py +6 -3
  100. {snowflake_ml_python-1.7.2 → snowflake_ml_python-1.7.4}/snowflake/ml/modeling/decomposition/kernel_pca.py +6 -3
  101. {snowflake_ml_python-1.7.2 → snowflake_ml_python-1.7.4}/snowflake/ml/modeling/decomposition/mini_batch_dictionary_learning.py +6 -3
  102. {snowflake_ml_python-1.7.2 → snowflake_ml_python-1.7.4}/snowflake/ml/modeling/decomposition/mini_batch_sparse_pca.py +6 -3
  103. {snowflake_ml_python-1.7.2 → snowflake_ml_python-1.7.4}/snowflake/ml/modeling/decomposition/pca.py +6 -3
  104. {snowflake_ml_python-1.7.2 → snowflake_ml_python-1.7.4}/snowflake/ml/modeling/decomposition/sparse_pca.py +6 -3
  105. {snowflake_ml_python-1.7.2 → snowflake_ml_python-1.7.4}/snowflake/ml/modeling/decomposition/truncated_svd.py +6 -3
  106. {snowflake_ml_python-1.7.2 → snowflake_ml_python-1.7.4}/snowflake/ml/modeling/discriminant_analysis/linear_discriminant_analysis.py +6 -3
  107. {snowflake_ml_python-1.7.2 → snowflake_ml_python-1.7.4}/snowflake/ml/modeling/discriminant_analysis/quadratic_discriminant_analysis.py +6 -3
  108. {snowflake_ml_python-1.7.2 → snowflake_ml_python-1.7.4}/snowflake/ml/modeling/ensemble/ada_boost_classifier.py +6 -3
  109. {snowflake_ml_python-1.7.2 → snowflake_ml_python-1.7.4}/snowflake/ml/modeling/ensemble/ada_boost_regressor.py +6 -3
  110. {snowflake_ml_python-1.7.2 → snowflake_ml_python-1.7.4}/snowflake/ml/modeling/ensemble/bagging_classifier.py +6 -3
  111. {snowflake_ml_python-1.7.2 → snowflake_ml_python-1.7.4}/snowflake/ml/modeling/ensemble/bagging_regressor.py +6 -3
  112. {snowflake_ml_python-1.7.2 → snowflake_ml_python-1.7.4}/snowflake/ml/modeling/ensemble/extra_trees_classifier.py +6 -3
  113. {snowflake_ml_python-1.7.2 → snowflake_ml_python-1.7.4}/snowflake/ml/modeling/ensemble/extra_trees_regressor.py +6 -3
  114. {snowflake_ml_python-1.7.2 → snowflake_ml_python-1.7.4}/snowflake/ml/modeling/ensemble/gradient_boosting_classifier.py +6 -3
  115. {snowflake_ml_python-1.7.2 → snowflake_ml_python-1.7.4}/snowflake/ml/modeling/ensemble/gradient_boosting_regressor.py +6 -3
  116. {snowflake_ml_python-1.7.2 → snowflake_ml_python-1.7.4}/snowflake/ml/modeling/ensemble/hist_gradient_boosting_classifier.py +6 -3
  117. {snowflake_ml_python-1.7.2 → snowflake_ml_python-1.7.4}/snowflake/ml/modeling/ensemble/hist_gradient_boosting_regressor.py +6 -3
  118. {snowflake_ml_python-1.7.2 → snowflake_ml_python-1.7.4}/snowflake/ml/modeling/ensemble/isolation_forest.py +6 -3
  119. {snowflake_ml_python-1.7.2 → snowflake_ml_python-1.7.4}/snowflake/ml/modeling/ensemble/random_forest_classifier.py +6 -3
  120. {snowflake_ml_python-1.7.2 → snowflake_ml_python-1.7.4}/snowflake/ml/modeling/ensemble/random_forest_regressor.py +6 -3
  121. {snowflake_ml_python-1.7.2 → snowflake_ml_python-1.7.4}/snowflake/ml/modeling/ensemble/stacking_regressor.py +6 -3
  122. {snowflake_ml_python-1.7.2 → snowflake_ml_python-1.7.4}/snowflake/ml/modeling/ensemble/voting_classifier.py +6 -3
  123. {snowflake_ml_python-1.7.2 → snowflake_ml_python-1.7.4}/snowflake/ml/modeling/ensemble/voting_regressor.py +6 -3
  124. {snowflake_ml_python-1.7.2 → snowflake_ml_python-1.7.4}/snowflake/ml/modeling/feature_selection/generic_univariate_select.py +6 -3
  125. {snowflake_ml_python-1.7.2 → snowflake_ml_python-1.7.4}/snowflake/ml/modeling/feature_selection/select_fdr.py +6 -3
  126. {snowflake_ml_python-1.7.2 → snowflake_ml_python-1.7.4}/snowflake/ml/modeling/feature_selection/select_fpr.py +6 -3
  127. {snowflake_ml_python-1.7.2 → snowflake_ml_python-1.7.4}/snowflake/ml/modeling/feature_selection/select_fwe.py +6 -3
  128. {snowflake_ml_python-1.7.2 → snowflake_ml_python-1.7.4}/snowflake/ml/modeling/feature_selection/select_k_best.py +6 -3
  129. {snowflake_ml_python-1.7.2 → snowflake_ml_python-1.7.4}/snowflake/ml/modeling/feature_selection/select_percentile.py +6 -3
  130. {snowflake_ml_python-1.7.2 → snowflake_ml_python-1.7.4}/snowflake/ml/modeling/feature_selection/sequential_feature_selector.py +6 -3
  131. {snowflake_ml_python-1.7.2 → snowflake_ml_python-1.7.4}/snowflake/ml/modeling/feature_selection/variance_threshold.py +6 -3
  132. {snowflake_ml_python-1.7.2 → snowflake_ml_python-1.7.4}/snowflake/ml/modeling/gaussian_process/gaussian_process_classifier.py +6 -3
  133. {snowflake_ml_python-1.7.2 → snowflake_ml_python-1.7.4}/snowflake/ml/modeling/gaussian_process/gaussian_process_regressor.py +6 -3
  134. {snowflake_ml_python-1.7.2 → snowflake_ml_python-1.7.4}/snowflake/ml/modeling/impute/iterative_imputer.py +6 -3
  135. {snowflake_ml_python-1.7.2 → snowflake_ml_python-1.7.4}/snowflake/ml/modeling/impute/knn_imputer.py +6 -3
  136. {snowflake_ml_python-1.7.2 → snowflake_ml_python-1.7.4}/snowflake/ml/modeling/impute/missing_indicator.py +6 -3
  137. {snowflake_ml_python-1.7.2 → snowflake_ml_python-1.7.4}/snowflake/ml/modeling/kernel_approximation/additive_chi2_sampler.py +6 -3
  138. {snowflake_ml_python-1.7.2 → snowflake_ml_python-1.7.4}/snowflake/ml/modeling/kernel_approximation/nystroem.py +6 -3
  139. {snowflake_ml_python-1.7.2 → snowflake_ml_python-1.7.4}/snowflake/ml/modeling/kernel_approximation/polynomial_count_sketch.py +6 -3
  140. {snowflake_ml_python-1.7.2 → snowflake_ml_python-1.7.4}/snowflake/ml/modeling/kernel_approximation/rbf_sampler.py +6 -3
  141. {snowflake_ml_python-1.7.2 → snowflake_ml_python-1.7.4}/snowflake/ml/modeling/kernel_approximation/skewed_chi2_sampler.py +6 -3
  142. {snowflake_ml_python-1.7.2 → snowflake_ml_python-1.7.4}/snowflake/ml/modeling/kernel_ridge/kernel_ridge.py +6 -3
  143. {snowflake_ml_python-1.7.2 → snowflake_ml_python-1.7.4}/snowflake/ml/modeling/lightgbm/lgbm_classifier.py +6 -3
  144. {snowflake_ml_python-1.7.2 → snowflake_ml_python-1.7.4}/snowflake/ml/modeling/lightgbm/lgbm_regressor.py +6 -3
  145. {snowflake_ml_python-1.7.2 → snowflake_ml_python-1.7.4}/snowflake/ml/modeling/linear_model/ard_regression.py +6 -3
  146. {snowflake_ml_python-1.7.2 → snowflake_ml_python-1.7.4}/snowflake/ml/modeling/linear_model/bayesian_ridge.py +6 -3
  147. {snowflake_ml_python-1.7.2 → snowflake_ml_python-1.7.4}/snowflake/ml/modeling/linear_model/elastic_net.py +6 -3
  148. {snowflake_ml_python-1.7.2 → snowflake_ml_python-1.7.4}/snowflake/ml/modeling/linear_model/elastic_net_cv.py +6 -3
  149. {snowflake_ml_python-1.7.2 → snowflake_ml_python-1.7.4}/snowflake/ml/modeling/linear_model/gamma_regressor.py +6 -3
  150. {snowflake_ml_python-1.7.2 → snowflake_ml_python-1.7.4}/snowflake/ml/modeling/linear_model/huber_regressor.py +6 -3
  151. {snowflake_ml_python-1.7.2 → snowflake_ml_python-1.7.4}/snowflake/ml/modeling/linear_model/lars.py +6 -3
  152. {snowflake_ml_python-1.7.2 → snowflake_ml_python-1.7.4}/snowflake/ml/modeling/linear_model/lars_cv.py +6 -3
  153. {snowflake_ml_python-1.7.2 → snowflake_ml_python-1.7.4}/snowflake/ml/modeling/linear_model/lasso.py +6 -3
  154. {snowflake_ml_python-1.7.2 → snowflake_ml_python-1.7.4}/snowflake/ml/modeling/linear_model/lasso_cv.py +6 -3
  155. {snowflake_ml_python-1.7.2 → snowflake_ml_python-1.7.4}/snowflake/ml/modeling/linear_model/lasso_lars.py +6 -3
  156. {snowflake_ml_python-1.7.2 → snowflake_ml_python-1.7.4}/snowflake/ml/modeling/linear_model/lasso_lars_cv.py +6 -3
  157. {snowflake_ml_python-1.7.2 → snowflake_ml_python-1.7.4}/snowflake/ml/modeling/linear_model/lasso_lars_ic.py +6 -3
  158. {snowflake_ml_python-1.7.2 → snowflake_ml_python-1.7.4}/snowflake/ml/modeling/linear_model/linear_regression.py +6 -3
  159. {snowflake_ml_python-1.7.2 → snowflake_ml_python-1.7.4}/snowflake/ml/modeling/linear_model/logistic_regression.py +6 -3
  160. {snowflake_ml_python-1.7.2 → snowflake_ml_python-1.7.4}/snowflake/ml/modeling/linear_model/logistic_regression_cv.py +6 -3
  161. {snowflake_ml_python-1.7.2 → snowflake_ml_python-1.7.4}/snowflake/ml/modeling/linear_model/multi_task_elastic_net.py +6 -3
  162. {snowflake_ml_python-1.7.2 → snowflake_ml_python-1.7.4}/snowflake/ml/modeling/linear_model/multi_task_elastic_net_cv.py +6 -3
  163. {snowflake_ml_python-1.7.2 → snowflake_ml_python-1.7.4}/snowflake/ml/modeling/linear_model/multi_task_lasso.py +6 -3
  164. {snowflake_ml_python-1.7.2 → snowflake_ml_python-1.7.4}/snowflake/ml/modeling/linear_model/multi_task_lasso_cv.py +6 -3
  165. {snowflake_ml_python-1.7.2 → snowflake_ml_python-1.7.4}/snowflake/ml/modeling/linear_model/orthogonal_matching_pursuit.py +6 -3
  166. {snowflake_ml_python-1.7.2 → snowflake_ml_python-1.7.4}/snowflake/ml/modeling/linear_model/passive_aggressive_classifier.py +6 -3
  167. {snowflake_ml_python-1.7.2 → snowflake_ml_python-1.7.4}/snowflake/ml/modeling/linear_model/passive_aggressive_regressor.py +6 -3
  168. {snowflake_ml_python-1.7.2 → snowflake_ml_python-1.7.4}/snowflake/ml/modeling/linear_model/perceptron.py +6 -3
  169. {snowflake_ml_python-1.7.2 → snowflake_ml_python-1.7.4}/snowflake/ml/modeling/linear_model/poisson_regressor.py +6 -3
  170. {snowflake_ml_python-1.7.2 → snowflake_ml_python-1.7.4}/snowflake/ml/modeling/linear_model/ransac_regressor.py +6 -3
  171. {snowflake_ml_python-1.7.2 → snowflake_ml_python-1.7.4}/snowflake/ml/modeling/linear_model/ridge.py +6 -3
  172. {snowflake_ml_python-1.7.2 → snowflake_ml_python-1.7.4}/snowflake/ml/modeling/linear_model/ridge_classifier.py +6 -3
  173. {snowflake_ml_python-1.7.2 → snowflake_ml_python-1.7.4}/snowflake/ml/modeling/linear_model/ridge_classifier_cv.py +6 -3
  174. {snowflake_ml_python-1.7.2 → snowflake_ml_python-1.7.4}/snowflake/ml/modeling/linear_model/ridge_cv.py +6 -3
  175. {snowflake_ml_python-1.7.2 → snowflake_ml_python-1.7.4}/snowflake/ml/modeling/linear_model/sgd_classifier.py +6 -3
  176. {snowflake_ml_python-1.7.2 → snowflake_ml_python-1.7.4}/snowflake/ml/modeling/linear_model/sgd_one_class_svm.py +6 -3
  177. {snowflake_ml_python-1.7.2 → snowflake_ml_python-1.7.4}/snowflake/ml/modeling/linear_model/sgd_regressor.py +6 -3
  178. {snowflake_ml_python-1.7.2 → snowflake_ml_python-1.7.4}/snowflake/ml/modeling/linear_model/theil_sen_regressor.py +6 -3
  179. {snowflake_ml_python-1.7.2 → snowflake_ml_python-1.7.4}/snowflake/ml/modeling/linear_model/tweedie_regressor.py +6 -3
  180. {snowflake_ml_python-1.7.2 → snowflake_ml_python-1.7.4}/snowflake/ml/modeling/manifold/isomap.py +6 -3
  181. {snowflake_ml_python-1.7.2 → snowflake_ml_python-1.7.4}/snowflake/ml/modeling/manifold/mds.py +6 -3
  182. {snowflake_ml_python-1.7.2 → snowflake_ml_python-1.7.4}/snowflake/ml/modeling/manifold/spectral_embedding.py +6 -3
  183. {snowflake_ml_python-1.7.2 → snowflake_ml_python-1.7.4}/snowflake/ml/modeling/manifold/tsne.py +6 -3
  184. {snowflake_ml_python-1.7.2 → snowflake_ml_python-1.7.4}/snowflake/ml/modeling/mixture/bayesian_gaussian_mixture.py +6 -3
  185. {snowflake_ml_python-1.7.2 → snowflake_ml_python-1.7.4}/snowflake/ml/modeling/mixture/gaussian_mixture.py +6 -3
  186. {snowflake_ml_python-1.7.2 → snowflake_ml_python-1.7.4}/snowflake/ml/modeling/model_selection/grid_search_cv.py +17 -2
  187. {snowflake_ml_python-1.7.2 → snowflake_ml_python-1.7.4}/snowflake/ml/modeling/model_selection/randomized_search_cv.py +17 -2
  188. {snowflake_ml_python-1.7.2 → snowflake_ml_python-1.7.4}/snowflake/ml/modeling/multiclass/one_vs_one_classifier.py +6 -3
  189. {snowflake_ml_python-1.7.2 → snowflake_ml_python-1.7.4}/snowflake/ml/modeling/multiclass/one_vs_rest_classifier.py +6 -3
  190. {snowflake_ml_python-1.7.2 → snowflake_ml_python-1.7.4}/snowflake/ml/modeling/multiclass/output_code_classifier.py +6 -3
  191. {snowflake_ml_python-1.7.2 → snowflake_ml_python-1.7.4}/snowflake/ml/modeling/naive_bayes/bernoulli_nb.py +6 -3
  192. {snowflake_ml_python-1.7.2 → snowflake_ml_python-1.7.4}/snowflake/ml/modeling/naive_bayes/categorical_nb.py +6 -3
  193. {snowflake_ml_python-1.7.2 → snowflake_ml_python-1.7.4}/snowflake/ml/modeling/naive_bayes/complement_nb.py +6 -3
  194. {snowflake_ml_python-1.7.2 → snowflake_ml_python-1.7.4}/snowflake/ml/modeling/naive_bayes/gaussian_nb.py +6 -3
  195. {snowflake_ml_python-1.7.2 → snowflake_ml_python-1.7.4}/snowflake/ml/modeling/naive_bayes/multinomial_nb.py +6 -3
  196. {snowflake_ml_python-1.7.2 → snowflake_ml_python-1.7.4}/snowflake/ml/modeling/neighbors/k_neighbors_classifier.py +6 -3
  197. {snowflake_ml_python-1.7.2 → snowflake_ml_python-1.7.4}/snowflake/ml/modeling/neighbors/k_neighbors_regressor.py +6 -3
  198. {snowflake_ml_python-1.7.2 → snowflake_ml_python-1.7.4}/snowflake/ml/modeling/neighbors/kernel_density.py +6 -3
  199. {snowflake_ml_python-1.7.2 → snowflake_ml_python-1.7.4}/snowflake/ml/modeling/neighbors/local_outlier_factor.py +6 -3
  200. {snowflake_ml_python-1.7.2 → snowflake_ml_python-1.7.4}/snowflake/ml/modeling/neighbors/nearest_centroid.py +6 -3
  201. {snowflake_ml_python-1.7.2 → snowflake_ml_python-1.7.4}/snowflake/ml/modeling/neighbors/nearest_neighbors.py +6 -3
  202. {snowflake_ml_python-1.7.2 → snowflake_ml_python-1.7.4}/snowflake/ml/modeling/neighbors/neighborhood_components_analysis.py +6 -3
  203. {snowflake_ml_python-1.7.2 → snowflake_ml_python-1.7.4}/snowflake/ml/modeling/neighbors/radius_neighbors_classifier.py +6 -3
  204. {snowflake_ml_python-1.7.2 → snowflake_ml_python-1.7.4}/snowflake/ml/modeling/neighbors/radius_neighbors_regressor.py +6 -3
  205. {snowflake_ml_python-1.7.2 → snowflake_ml_python-1.7.4}/snowflake/ml/modeling/neural_network/bernoulli_rbm.py +6 -3
  206. {snowflake_ml_python-1.7.2 → snowflake_ml_python-1.7.4}/snowflake/ml/modeling/neural_network/mlp_classifier.py +6 -3
  207. {snowflake_ml_python-1.7.2 → snowflake_ml_python-1.7.4}/snowflake/ml/modeling/neural_network/mlp_regressor.py +6 -3
  208. {snowflake_ml_python-1.7.2 → snowflake_ml_python-1.7.4}/snowflake/ml/modeling/pipeline/pipeline.py +16 -178
  209. {snowflake_ml_python-1.7.2 → snowflake_ml_python-1.7.4}/snowflake/ml/modeling/preprocessing/polynomial_features.py +6 -3
  210. {snowflake_ml_python-1.7.2 → snowflake_ml_python-1.7.4}/snowflake/ml/modeling/semi_supervised/label_propagation.py +6 -3
  211. {snowflake_ml_python-1.7.2 → snowflake_ml_python-1.7.4}/snowflake/ml/modeling/semi_supervised/label_spreading.py +6 -3
  212. {snowflake_ml_python-1.7.2 → snowflake_ml_python-1.7.4}/snowflake/ml/modeling/svm/linear_svc.py +6 -3
  213. {snowflake_ml_python-1.7.2 → snowflake_ml_python-1.7.4}/snowflake/ml/modeling/svm/linear_svr.py +6 -3
  214. {snowflake_ml_python-1.7.2 → snowflake_ml_python-1.7.4}/snowflake/ml/modeling/svm/nu_svc.py +6 -3
  215. {snowflake_ml_python-1.7.2 → snowflake_ml_python-1.7.4}/snowflake/ml/modeling/svm/nu_svr.py +6 -3
  216. {snowflake_ml_python-1.7.2 → snowflake_ml_python-1.7.4}/snowflake/ml/modeling/svm/svc.py +6 -3
  217. {snowflake_ml_python-1.7.2 → snowflake_ml_python-1.7.4}/snowflake/ml/modeling/svm/svr.py +6 -3
  218. {snowflake_ml_python-1.7.2 → snowflake_ml_python-1.7.4}/snowflake/ml/modeling/tree/decision_tree_classifier.py +6 -3
  219. {snowflake_ml_python-1.7.2 → snowflake_ml_python-1.7.4}/snowflake/ml/modeling/tree/decision_tree_regressor.py +6 -3
  220. {snowflake_ml_python-1.7.2 → snowflake_ml_python-1.7.4}/snowflake/ml/modeling/tree/extra_tree_classifier.py +6 -3
  221. {snowflake_ml_python-1.7.2 → snowflake_ml_python-1.7.4}/snowflake/ml/modeling/tree/extra_tree_regressor.py +6 -3
  222. {snowflake_ml_python-1.7.2 → snowflake_ml_python-1.7.4}/snowflake/ml/modeling/xgboost/xgb_classifier.py +167 -91
  223. {snowflake_ml_python-1.7.2 → snowflake_ml_python-1.7.4}/snowflake/ml/modeling/xgboost/xgb_regressor.py +166 -88
  224. {snowflake_ml_python-1.7.2 → snowflake_ml_python-1.7.4}/snowflake/ml/modeling/xgboost/xgbrf_classifier.py +166 -88
  225. {snowflake_ml_python-1.7.2 → snowflake_ml_python-1.7.4}/snowflake/ml/modeling/xgboost/xgbrf_regressor.py +166 -88
  226. {snowflake_ml_python-1.7.2 → snowflake_ml_python-1.7.4}/snowflake/ml/monitoring/_client/model_monitor_sql_client.py +4 -4
  227. {snowflake_ml_python-1.7.2 → snowflake_ml_python-1.7.4}/snowflake/ml/registry/_manager/model_manager.py +70 -33
  228. {snowflake_ml_python-1.7.2 → snowflake_ml_python-1.7.4}/snowflake/ml/registry/registry.py +41 -22
  229. snowflake_ml_python-1.7.4/snowflake/ml/version.py +1 -0
  230. {snowflake_ml_python-1.7.2 → snowflake_ml_python-1.7.4}/snowflake_ml_python.egg-info/PKG-INFO +63 -19
  231. {snowflake_ml_python-1.7.2 → snowflake_ml_python-1.7.4}/snowflake_ml_python.egg-info/SOURCES.txt +11 -6
  232. {snowflake_ml_python-1.7.2 → snowflake_ml_python-1.7.4}/snowflake_ml_python.egg-info/requires.txt +10 -8
  233. snowflake_ml_python-1.7.2/snowflake/cortex/__init__.py +0 -24
  234. snowflake_ml_python-1.7.2/snowflake/ml/_internal/utils/retryable_http.py +0 -39
  235. snowflake_ml_python-1.7.2/snowflake/ml/fileset/parquet_parser.py +0 -170
  236. snowflake_ml_python-1.7.2/snowflake/ml/fileset/tf_dataset.py +0 -88
  237. snowflake_ml_python-1.7.2/snowflake/ml/fileset/torch_datapipe.py +0 -57
  238. snowflake_ml_python-1.7.2/snowflake/ml/model/_packager/model_runtime/_snowml_inference_alternative_requirements.py +0 -2
  239. snowflake_ml_python-1.7.2/snowflake/ml/modeling/_internal/ml_runtime_implementations/ml_runtime_handlers.py +0 -151
  240. snowflake_ml_python-1.7.2/snowflake/ml/modeling/_internal/ml_runtime_implementations/ml_runtime_trainer.py +0 -66
  241. snowflake_ml_python-1.7.2/snowflake/ml/version.py +0 -1
  242. {snowflake_ml_python-1.7.2 → snowflake_ml_python-1.7.4}/LICENSE.txt +0 -0
  243. {snowflake_ml_python-1.7.2 → snowflake_ml_python-1.7.4}/README.md +0 -0
  244. {snowflake_ml_python-1.7.2 → snowflake_ml_python-1.7.4}/setup.cfg +0 -0
  245. {snowflake_ml_python-1.7.2 → snowflake_ml_python-1.7.4}/snowflake/cortex/_finetune.py +0 -0
  246. {snowflake_ml_python-1.7.2 → snowflake_ml_python-1.7.4}/snowflake/cortex/_sse_client.py +0 -0
  247. {snowflake_ml_python-1.7.2 → snowflake_ml_python-1.7.4}/snowflake/cortex/_util.py +0 -0
  248. {snowflake_ml_python-1.7.2 → snowflake_ml_python-1.7.4}/snowflake/ml/_internal/env.py +0 -0
  249. {snowflake_ml_python-1.7.2 → snowflake_ml_python-1.7.4}/snowflake/ml/_internal/exceptions/dataset_error_messages.py +0 -0
  250. {snowflake_ml_python-1.7.2 → snowflake_ml_python-1.7.4}/snowflake/ml/_internal/exceptions/dataset_errors.py +0 -0
  251. {snowflake_ml_python-1.7.2 → snowflake_ml_python-1.7.4}/snowflake/ml/_internal/exceptions/error_codes.py +0 -0
  252. {snowflake_ml_python-1.7.2 → snowflake_ml_python-1.7.4}/snowflake/ml/_internal/exceptions/error_messages.py +0 -0
  253. {snowflake_ml_python-1.7.2 → snowflake_ml_python-1.7.4}/snowflake/ml/_internal/exceptions/exceptions.py +0 -0
  254. {snowflake_ml_python-1.7.2 → snowflake_ml_python-1.7.4}/snowflake/ml/_internal/exceptions/fileset_error_messages.py +0 -0
  255. {snowflake_ml_python-1.7.2 → snowflake_ml_python-1.7.4}/snowflake/ml/_internal/exceptions/fileset_errors.py +0 -0
  256. {snowflake_ml_python-1.7.2 → snowflake_ml_python-1.7.4}/snowflake/ml/_internal/exceptions/modeling_error_messages.py +0 -0
  257. {snowflake_ml_python-1.7.2 → snowflake_ml_python-1.7.4}/snowflake/ml/_internal/exceptions/sql_error_codes.py +0 -0
  258. {snowflake_ml_python-1.7.2 → snowflake_ml_python-1.7.4}/snowflake/ml/_internal/file_utils.py +0 -0
  259. {snowflake_ml_python-1.7.2 → snowflake_ml_python-1.7.4}/snowflake/ml/_internal/human_readable_id/adjectives.txt +0 -0
  260. {snowflake_ml_python-1.7.2 → snowflake_ml_python-1.7.4}/snowflake/ml/_internal/human_readable_id/animals.txt +0 -0
  261. {snowflake_ml_python-1.7.2 → snowflake_ml_python-1.7.4}/snowflake/ml/_internal/human_readable_id/hrid_generator.py +0 -0
  262. {snowflake_ml_python-1.7.2 → snowflake_ml_python-1.7.4}/snowflake/ml/_internal/human_readable_id/hrid_generator_base.py +0 -0
  263. {snowflake_ml_python-1.7.2 → snowflake_ml_python-1.7.4}/snowflake/ml/_internal/init_utils.py +0 -0
  264. {snowflake_ml_python-1.7.2 → snowflake_ml_python-1.7.4}/snowflake/ml/_internal/lineage/lineage_utils.py +0 -0
  265. {snowflake_ml_python-1.7.2 → snowflake_ml_python-1.7.4}/snowflake/ml/_internal/migrator_utils.py +0 -0
  266. {snowflake_ml_python-1.7.2 → snowflake_ml_python-1.7.4}/snowflake/ml/_internal/telemetry.py +0 -0
  267. {snowflake_ml_python-1.7.2 → snowflake_ml_python-1.7.4}/snowflake/ml/_internal/type_utils.py +0 -0
  268. {snowflake_ml_python-1.7.2 → snowflake_ml_python-1.7.4}/snowflake/ml/_internal/utils/db_utils.py +0 -0
  269. {snowflake_ml_python-1.7.2 → snowflake_ml_python-1.7.4}/snowflake/ml/_internal/utils/formatting.py +0 -0
  270. {snowflake_ml_python-1.7.2 → snowflake_ml_python-1.7.4}/snowflake/ml/_internal/utils/import_utils.py +0 -0
  271. {snowflake_ml_python-1.7.2 → snowflake_ml_python-1.7.4}/snowflake/ml/_internal/utils/jwt_generator.py +0 -0
  272. {snowflake_ml_python-1.7.2 → snowflake_ml_python-1.7.4}/snowflake/ml/_internal/utils/parallelize.py +0 -0
  273. {snowflake_ml_python-1.7.2 → snowflake_ml_python-1.7.4}/snowflake/ml/_internal/utils/pkg_version_utils.py +0 -0
  274. {snowflake_ml_python-1.7.2 → snowflake_ml_python-1.7.4}/snowflake/ml/_internal/utils/query_result_checker.py +0 -0
  275. {snowflake_ml_python-1.7.2 → snowflake_ml_python-1.7.4}/snowflake/ml/_internal/utils/result.py +0 -0
  276. {snowflake_ml_python-1.7.2 → snowflake_ml_python-1.7.4}/snowflake/ml/_internal/utils/service_logger.py +0 -0
  277. {snowflake_ml_python-1.7.2 → snowflake_ml_python-1.7.4}/snowflake/ml/_internal/utils/snowflake_env.py +0 -0
  278. {snowflake_ml_python-1.7.2 → snowflake_ml_python-1.7.4}/snowflake/ml/_internal/utils/snowpark_dataframe_utils.py +0 -0
  279. {snowflake_ml_python-1.7.2 → snowflake_ml_python-1.7.4}/snowflake/ml/_internal/utils/sql_identifier.py +0 -0
  280. {snowflake_ml_python-1.7.2 → snowflake_ml_python-1.7.4}/snowflake/ml/_internal/utils/table_manager.py +0 -0
  281. {snowflake_ml_python-1.7.2 → snowflake_ml_python-1.7.4}/snowflake/ml/_internal/utils/temp_file_utils.py +0 -0
  282. {snowflake_ml_python-1.7.2 → snowflake_ml_python-1.7.4}/snowflake/ml/data/data_source.py +0 -0
  283. {snowflake_ml_python-1.7.2 → snowflake_ml_python-1.7.4}/snowflake/ml/data/ingestor_utils.py +0 -0
  284. {snowflake_ml_python-1.7.2 → snowflake_ml_python-1.7.4}/snowflake/ml/dataset/__init__.py +0 -0
  285. {snowflake_ml_python-1.7.2 → snowflake_ml_python-1.7.4}/snowflake/ml/dataset/dataset_factory.py +0 -0
  286. {snowflake_ml_python-1.7.2 → snowflake_ml_python-1.7.4}/snowflake/ml/dataset/dataset_metadata.py +0 -0
  287. {snowflake_ml_python-1.7.2 → snowflake_ml_python-1.7.4}/snowflake/ml/dataset/dataset_reader.py +0 -0
  288. {snowflake_ml_python-1.7.2 → snowflake_ml_python-1.7.4}/snowflake/ml/feature_store/__init__.py +0 -0
  289. {snowflake_ml_python-1.7.2 → snowflake_ml_python-1.7.4}/snowflake/ml/feature_store/access_manager.py +0 -0
  290. {snowflake_ml_python-1.7.2 → snowflake_ml_python-1.7.4}/snowflake/ml/feature_store/entity.py +0 -0
  291. {snowflake_ml_python-1.7.2 → snowflake_ml_python-1.7.4}/snowflake/ml/feature_store/examples/airline_features/entities.py +0 -0
  292. {snowflake_ml_python-1.7.2 → snowflake_ml_python-1.7.4}/snowflake/ml/feature_store/examples/airline_features/features/plane_features.py +0 -0
  293. {snowflake_ml_python-1.7.2 → snowflake_ml_python-1.7.4}/snowflake/ml/feature_store/examples/airline_features/features/weather_features.py +0 -0
  294. {snowflake_ml_python-1.7.2 → snowflake_ml_python-1.7.4}/snowflake/ml/feature_store/examples/airline_features/source.yaml +0 -0
  295. {snowflake_ml_python-1.7.2 → snowflake_ml_python-1.7.4}/snowflake/ml/feature_store/examples/citibike_trip_features/entities.py +0 -0
  296. {snowflake_ml_python-1.7.2 → snowflake_ml_python-1.7.4}/snowflake/ml/feature_store/examples/citibike_trip_features/features/station_feature.py +0 -0
  297. {snowflake_ml_python-1.7.2 → snowflake_ml_python-1.7.4}/snowflake/ml/feature_store/examples/citibike_trip_features/features/trip_feature.py +0 -0
  298. {snowflake_ml_python-1.7.2 → snowflake_ml_python-1.7.4}/snowflake/ml/feature_store/examples/citibike_trip_features/source.yaml +0 -0
  299. {snowflake_ml_python-1.7.2 → snowflake_ml_python-1.7.4}/snowflake/ml/feature_store/examples/new_york_taxi_features/entities.py +0 -0
  300. {snowflake_ml_python-1.7.2 → snowflake_ml_python-1.7.4}/snowflake/ml/feature_store/examples/new_york_taxi_features/features/location_features.py +0 -0
  301. {snowflake_ml_python-1.7.2 → snowflake_ml_python-1.7.4}/snowflake/ml/feature_store/examples/new_york_taxi_features/features/trip_features.py +0 -0
  302. {snowflake_ml_python-1.7.2 → snowflake_ml_python-1.7.4}/snowflake/ml/feature_store/examples/new_york_taxi_features/source.yaml +0 -0
  303. {snowflake_ml_python-1.7.2 → snowflake_ml_python-1.7.4}/snowflake/ml/feature_store/examples/source_data/airline.yaml +0 -0
  304. {snowflake_ml_python-1.7.2 → snowflake_ml_python-1.7.4}/snowflake/ml/feature_store/examples/source_data/citibike_trips.yaml +0 -0
  305. {snowflake_ml_python-1.7.2 → snowflake_ml_python-1.7.4}/snowflake/ml/feature_store/examples/source_data/fraud_transactions.yaml +0 -0
  306. {snowflake_ml_python-1.7.2 → snowflake_ml_python-1.7.4}/snowflake/ml/feature_store/examples/source_data/nyc_yellow_trips.yaml +0 -0
  307. {snowflake_ml_python-1.7.2 → snowflake_ml_python-1.7.4}/snowflake/ml/feature_store/examples/source_data/winequality_red.yaml +0 -0
  308. {snowflake_ml_python-1.7.2 → snowflake_ml_python-1.7.4}/snowflake/ml/feature_store/examples/wine_quality_features/entities.py +0 -0
  309. {snowflake_ml_python-1.7.2 → snowflake_ml_python-1.7.4}/snowflake/ml/feature_store/examples/wine_quality_features/features/managed_wine_features.py +0 -0
  310. {snowflake_ml_python-1.7.2 → snowflake_ml_python-1.7.4}/snowflake/ml/feature_store/examples/wine_quality_features/features/static_wine_features.py +0 -0
  311. {snowflake_ml_python-1.7.2 → snowflake_ml_python-1.7.4}/snowflake/ml/feature_store/examples/wine_quality_features/source.yaml +0 -0
  312. {snowflake_ml_python-1.7.2 → snowflake_ml_python-1.7.4}/snowflake/ml/feature_store/feature_store.py +0 -0
  313. {snowflake_ml_python-1.7.2 → snowflake_ml_python-1.7.4}/snowflake/ml/feature_store/feature_view.py +0 -0
  314. {snowflake_ml_python-1.7.2 → snowflake_ml_python-1.7.4}/snowflake/ml/fileset/embedded_stage_fs.py +0 -0
  315. {snowflake_ml_python-1.7.2 → snowflake_ml_python-1.7.4}/snowflake/ml/fileset/sfcfs.py +0 -0
  316. {snowflake_ml_python-1.7.2 → snowflake_ml_python-1.7.4}/snowflake/ml/fileset/snowfs.py +0 -0
  317. {snowflake_ml_python-1.7.2 → snowflake_ml_python-1.7.4}/snowflake/ml/fileset/stage_fs.py +0 -0
  318. {snowflake_ml_python-1.7.2 → snowflake_ml_python-1.7.4}/snowflake/ml/lineage/__init__.py +0 -0
  319. {snowflake_ml_python-1.7.2 → snowflake_ml_python-1.7.4}/snowflake/ml/lineage/lineage_node.py +0 -0
  320. {snowflake_ml_python-1.7.2 → snowflake_ml_python-1.7.4}/snowflake/ml/model/__init__.py +0 -0
  321. {snowflake_ml_python-1.7.2 → snowflake_ml_python-1.7.4}/snowflake/ml/model/_client/model/model_impl.py +0 -0
  322. {snowflake_ml_python-1.7.2 → snowflake_ml_python-1.7.4}/snowflake/ml/model/_client/ops/metadata_ops.py +0 -0
  323. {snowflake_ml_python-1.7.2 → snowflake_ml_python-1.7.4}/snowflake/ml/model/_client/service/model_deployment_spec.py +0 -0
  324. {snowflake_ml_python-1.7.2 → snowflake_ml_python-1.7.4}/snowflake/ml/model/_client/service/model_deployment_spec_schema.py +0 -0
  325. {snowflake_ml_python-1.7.2 → snowflake_ml_python-1.7.4}/snowflake/ml/model/_client/sql/_base.py +0 -0
  326. {snowflake_ml_python-1.7.2 → snowflake_ml_python-1.7.4}/snowflake/ml/model/_client/sql/model.py +0 -0
  327. {snowflake_ml_python-1.7.2 → snowflake_ml_python-1.7.4}/snowflake/ml/model/_client/sql/stage.py +0 -0
  328. {snowflake_ml_python-1.7.2 → snowflake_ml_python-1.7.4}/snowflake/ml/model/_client/sql/tag.py +0 -0
  329. {snowflake_ml_python-1.7.2 → snowflake_ml_python-1.7.4}/snowflake/ml/model/_packager/model_env/model_env.py +0 -0
  330. {snowflake_ml_python-1.7.2 → snowflake_ml_python-1.7.4}/snowflake/ml/model/_packager/model_handler.py +0 -0
  331. {snowflake_ml_python-1.7.2 → snowflake_ml_python-1.7.4}/snowflake/ml/model/_packager/model_handlers/_base.py +0 -0
  332. {snowflake_ml_python-1.7.2 → snowflake_ml_python-1.7.4}/snowflake/ml/model/_packager/model_handlers/mlflow.py +0 -0
  333. {snowflake_ml_python-1.7.2 → snowflake_ml_python-1.7.4}/snowflake/ml/model/_packager/model_handlers/pytorch.py +0 -0
  334. {snowflake_ml_python-1.7.2 → snowflake_ml_python-1.7.4}/snowflake/ml/model/_packager/model_handlers/torchscript.py +0 -0
  335. {snowflake_ml_python-1.7.2 → snowflake_ml_python-1.7.4}/snowflake/ml/model/_packager/model_handlers_migrator/base_migrator.py +0 -0
  336. {snowflake_ml_python-1.7.2 → snowflake_ml_python-1.7.4}/snowflake/ml/model/_packager/model_meta/_packaging_requirements.py +0 -0
  337. {snowflake_ml_python-1.7.2 → snowflake_ml_python-1.7.4}/snowflake/ml/model/_packager/model_meta/model_blob_meta.py +0 -0
  338. {snowflake_ml_python-1.7.2 → snowflake_ml_python-1.7.4}/snowflake/ml/model/_packager/model_meta_migrator/base_migrator.py +0 -0
  339. {snowflake_ml_python-1.7.2 → snowflake_ml_python-1.7.4}/snowflake/ml/model/_packager/model_meta_migrator/migrator_plans.py +0 -0
  340. {snowflake_ml_python-1.7.2 → snowflake_ml_python-1.7.4}/snowflake/ml/model/_packager/model_meta_migrator/migrator_v1.py +0 -0
  341. {snowflake_ml_python-1.7.2 → snowflake_ml_python-1.7.4}/snowflake/ml/model/_packager/model_packager.py +0 -0
  342. {snowflake_ml_python-1.7.2 → snowflake_ml_python-1.7.4}/snowflake/ml/model/_packager/model_runtime/model_runtime.py +0 -0
  343. {snowflake_ml_python-1.7.2 → snowflake_ml_python-1.7.4}/snowflake/ml/model/_signatures/core.py +0 -0
  344. {snowflake_ml_python-1.7.2 → snowflake_ml_python-1.7.4}/snowflake/ml/model/_signatures/utils.py +0 -0
  345. {snowflake_ml_python-1.7.2 → snowflake_ml_python-1.7.4}/snowflake/ml/model/custom_model.py +0 -0
  346. {snowflake_ml_python-1.7.2 → snowflake_ml_python-1.7.4}/snowflake/ml/model/models/huggingface_pipeline.py +0 -0
  347. {snowflake_ml_python-1.7.2 → snowflake_ml_python-1.7.4}/snowflake/ml/modeling/_internal/constants.py +0 -0
  348. {snowflake_ml_python-1.7.2 → snowflake_ml_python-1.7.4}/snowflake/ml/modeling/_internal/estimator_utils.py +0 -0
  349. {snowflake_ml_python-1.7.2 → snowflake_ml_python-1.7.4}/snowflake/ml/modeling/_internal/local_implementations/pandas_handlers.py +0 -0
  350. {snowflake_ml_python-1.7.2 → snowflake_ml_python-1.7.4}/snowflake/ml/modeling/_internal/local_implementations/pandas_trainer.py +0 -0
  351. {snowflake_ml_python-1.7.2 → snowflake_ml_python-1.7.4}/snowflake/ml/modeling/_internal/model_specifications.py +0 -0
  352. {snowflake_ml_python-1.7.2 → snowflake_ml_python-1.7.4}/snowflake/ml/modeling/_internal/model_trainer.py +0 -0
  353. {snowflake_ml_python-1.7.2 → snowflake_ml_python-1.7.4}/snowflake/ml/modeling/_internal/snowpark_implementations/distributed_hpo_trainer.py +0 -0
  354. {snowflake_ml_python-1.7.2 → snowflake_ml_python-1.7.4}/snowflake/ml/modeling/_internal/snowpark_implementations/distributed_search_udf_file.py +0 -0
  355. {snowflake_ml_python-1.7.2 → snowflake_ml_python-1.7.4}/snowflake/ml/modeling/_internal/snowpark_implementations/snowpark_handlers.py +0 -0
  356. {snowflake_ml_python-1.7.2 → snowflake_ml_python-1.7.4}/snowflake/ml/modeling/_internal/snowpark_implementations/snowpark_trainer.py +0 -0
  357. {snowflake_ml_python-1.7.2 → snowflake_ml_python-1.7.4}/snowflake/ml/modeling/_internal/snowpark_implementations/xgboost_external_memory_trainer.py +0 -0
  358. {snowflake_ml_python-1.7.2 → snowflake_ml_python-1.7.4}/snowflake/ml/modeling/_internal/transformer_protocols.py +0 -0
  359. {snowflake_ml_python-1.7.2 → snowflake_ml_python-1.7.4}/snowflake/ml/modeling/calibration/__init__.py +0 -0
  360. {snowflake_ml_python-1.7.2 → snowflake_ml_python-1.7.4}/snowflake/ml/modeling/cluster/__init__.py +0 -0
  361. {snowflake_ml_python-1.7.2 → snowflake_ml_python-1.7.4}/snowflake/ml/modeling/compose/__init__.py +0 -0
  362. {snowflake_ml_python-1.7.2 → snowflake_ml_python-1.7.4}/snowflake/ml/modeling/covariance/__init__.py +0 -0
  363. {snowflake_ml_python-1.7.2 → snowflake_ml_python-1.7.4}/snowflake/ml/modeling/decomposition/__init__.py +0 -0
  364. {snowflake_ml_python-1.7.2 → snowflake_ml_python-1.7.4}/snowflake/ml/modeling/discriminant_analysis/__init__.py +0 -0
  365. {snowflake_ml_python-1.7.2 → snowflake_ml_python-1.7.4}/snowflake/ml/modeling/ensemble/__init__.py +0 -0
  366. {snowflake_ml_python-1.7.2 → snowflake_ml_python-1.7.4}/snowflake/ml/modeling/feature_selection/__init__.py +0 -0
  367. {snowflake_ml_python-1.7.2 → snowflake_ml_python-1.7.4}/snowflake/ml/modeling/framework/_utils.py +0 -0
  368. {snowflake_ml_python-1.7.2 → snowflake_ml_python-1.7.4}/snowflake/ml/modeling/framework/base.py +0 -0
  369. {snowflake_ml_python-1.7.2 → snowflake_ml_python-1.7.4}/snowflake/ml/modeling/gaussian_process/__init__.py +0 -0
  370. {snowflake_ml_python-1.7.2 → snowflake_ml_python-1.7.4}/snowflake/ml/modeling/impute/__init__.py +0 -0
  371. {snowflake_ml_python-1.7.2 → snowflake_ml_python-1.7.4}/snowflake/ml/modeling/impute/simple_imputer.py +0 -0
  372. {snowflake_ml_python-1.7.2 → snowflake_ml_python-1.7.4}/snowflake/ml/modeling/kernel_approximation/__init__.py +0 -0
  373. {snowflake_ml_python-1.7.2 → snowflake_ml_python-1.7.4}/snowflake/ml/modeling/kernel_ridge/__init__.py +0 -0
  374. {snowflake_ml_python-1.7.2 → snowflake_ml_python-1.7.4}/snowflake/ml/modeling/lightgbm/__init__.py +0 -0
  375. {snowflake_ml_python-1.7.2 → snowflake_ml_python-1.7.4}/snowflake/ml/modeling/linear_model/__init__.py +0 -0
  376. {snowflake_ml_python-1.7.2 → snowflake_ml_python-1.7.4}/snowflake/ml/modeling/manifold/__init__.py +0 -0
  377. {snowflake_ml_python-1.7.2 → snowflake_ml_python-1.7.4}/snowflake/ml/modeling/metrics/__init__.py +0 -0
  378. {snowflake_ml_python-1.7.2 → snowflake_ml_python-1.7.4}/snowflake/ml/modeling/metrics/classification.py +0 -0
  379. {snowflake_ml_python-1.7.2 → snowflake_ml_python-1.7.4}/snowflake/ml/modeling/metrics/correlation.py +0 -0
  380. {snowflake_ml_python-1.7.2 → snowflake_ml_python-1.7.4}/snowflake/ml/modeling/metrics/covariance.py +0 -0
  381. {snowflake_ml_python-1.7.2 → snowflake_ml_python-1.7.4}/snowflake/ml/modeling/metrics/metrics_utils.py +0 -0
  382. {snowflake_ml_python-1.7.2 → snowflake_ml_python-1.7.4}/snowflake/ml/modeling/metrics/ranking.py +0 -0
  383. {snowflake_ml_python-1.7.2 → snowflake_ml_python-1.7.4}/snowflake/ml/modeling/metrics/regression.py +0 -0
  384. {snowflake_ml_python-1.7.2 → snowflake_ml_python-1.7.4}/snowflake/ml/modeling/mixture/__init__.py +0 -0
  385. {snowflake_ml_python-1.7.2 → snowflake_ml_python-1.7.4}/snowflake/ml/modeling/model_selection/__init__.py +0 -0
  386. {snowflake_ml_python-1.7.2 → snowflake_ml_python-1.7.4}/snowflake/ml/modeling/multiclass/__init__.py +0 -0
  387. {snowflake_ml_python-1.7.2 → snowflake_ml_python-1.7.4}/snowflake/ml/modeling/naive_bayes/__init__.py +0 -0
  388. {snowflake_ml_python-1.7.2 → snowflake_ml_python-1.7.4}/snowflake/ml/modeling/neighbors/__init__.py +0 -0
  389. {snowflake_ml_python-1.7.2 → snowflake_ml_python-1.7.4}/snowflake/ml/modeling/neural_network/__init__.py +0 -0
  390. {snowflake_ml_python-1.7.2 → snowflake_ml_python-1.7.4}/snowflake/ml/modeling/parameters/disable_distributed_hpo.py +0 -0
  391. {snowflake_ml_python-1.7.2 → snowflake_ml_python-1.7.4}/snowflake/ml/modeling/parameters/disable_model_tracer.py +0 -0
  392. {snowflake_ml_python-1.7.2 → snowflake_ml_python-1.7.4}/snowflake/ml/modeling/parameters/enable_anonymous_sproc.py +0 -0
  393. {snowflake_ml_python-1.7.2 → snowflake_ml_python-1.7.4}/snowflake/ml/modeling/pipeline/__init__.py +0 -0
  394. {snowflake_ml_python-1.7.2 → snowflake_ml_python-1.7.4}/snowflake/ml/modeling/preprocessing/__init__.py +0 -0
  395. {snowflake_ml_python-1.7.2 → snowflake_ml_python-1.7.4}/snowflake/ml/modeling/preprocessing/binarizer.py +0 -0
  396. {snowflake_ml_python-1.7.2 → snowflake_ml_python-1.7.4}/snowflake/ml/modeling/preprocessing/k_bins_discretizer.py +0 -0
  397. {snowflake_ml_python-1.7.2 → snowflake_ml_python-1.7.4}/snowflake/ml/modeling/preprocessing/label_encoder.py +0 -0
  398. {snowflake_ml_python-1.7.2 → snowflake_ml_python-1.7.4}/snowflake/ml/modeling/preprocessing/max_abs_scaler.py +0 -0
  399. {snowflake_ml_python-1.7.2 → snowflake_ml_python-1.7.4}/snowflake/ml/modeling/preprocessing/min_max_scaler.py +0 -0
  400. {snowflake_ml_python-1.7.2 → snowflake_ml_python-1.7.4}/snowflake/ml/modeling/preprocessing/normalizer.py +0 -0
  401. {snowflake_ml_python-1.7.2 → snowflake_ml_python-1.7.4}/snowflake/ml/modeling/preprocessing/one_hot_encoder.py +0 -0
  402. {snowflake_ml_python-1.7.2 → snowflake_ml_python-1.7.4}/snowflake/ml/modeling/preprocessing/ordinal_encoder.py +0 -0
  403. {snowflake_ml_python-1.7.2 → snowflake_ml_python-1.7.4}/snowflake/ml/modeling/preprocessing/robust_scaler.py +0 -0
  404. {snowflake_ml_python-1.7.2 → snowflake_ml_python-1.7.4}/snowflake/ml/modeling/preprocessing/standard_scaler.py +0 -0
  405. {snowflake_ml_python-1.7.2 → snowflake_ml_python-1.7.4}/snowflake/ml/modeling/semi_supervised/__init__.py +0 -0
  406. {snowflake_ml_python-1.7.2 → snowflake_ml_python-1.7.4}/snowflake/ml/modeling/svm/__init__.py +0 -0
  407. {snowflake_ml_python-1.7.2 → snowflake_ml_python-1.7.4}/snowflake/ml/modeling/tree/__init__.py +0 -0
  408. {snowflake_ml_python-1.7.2 → snowflake_ml_python-1.7.4}/snowflake/ml/modeling/xgboost/__init__.py +0 -0
  409. {snowflake_ml_python-1.7.2 → snowflake_ml_python-1.7.4}/snowflake/ml/monitoring/_client/queries/record_count.ssql +0 -0
  410. {snowflake_ml_python-1.7.2 → snowflake_ml_python-1.7.4}/snowflake/ml/monitoring/_client/queries/rmse.ssql +0 -0
  411. {snowflake_ml_python-1.7.2 → snowflake_ml_python-1.7.4}/snowflake/ml/monitoring/_manager/model_monitor_manager.py +0 -0
  412. {snowflake_ml_python-1.7.2 → snowflake_ml_python-1.7.4}/snowflake/ml/monitoring/entities/model_monitor_config.py +0 -0
  413. {snowflake_ml_python-1.7.2 → snowflake_ml_python-1.7.4}/snowflake/ml/monitoring/model_monitor.py +0 -0
  414. {snowflake_ml_python-1.7.2 → snowflake_ml_python-1.7.4}/snowflake/ml/monitoring/model_monitor_version.py +0 -0
  415. {snowflake_ml_python-1.7.2 → snowflake_ml_python-1.7.4}/snowflake/ml/monitoring/shap.py +0 -0
  416. {snowflake_ml_python-1.7.2 → snowflake_ml_python-1.7.4}/snowflake/ml/registry/__init__.py +0 -0
  417. {snowflake_ml_python-1.7.2 → snowflake_ml_python-1.7.4}/snowflake/ml/utils/authentication.py +0 -0
  418. {snowflake_ml_python-1.7.2 → snowflake_ml_python-1.7.4}/snowflake/ml/utils/connection_params.py +0 -0
  419. {snowflake_ml_python-1.7.2 → snowflake_ml_python-1.7.4}/snowflake/ml/utils/sparse.py +0 -0
  420. {snowflake_ml_python-1.7.2 → snowflake_ml_python-1.7.4}/snowflake/ml/utils/sql_client.py +0 -0
  421. {snowflake_ml_python-1.7.2 → snowflake_ml_python-1.7.4}/snowflake_ml_python.egg-info/dependency_links.txt +0 -0
  422. {snowflake_ml_python-1.7.2 → snowflake_ml_python-1.7.4}/snowflake_ml_python.egg-info/top_level.txt +0 -0
@@ -1,18 +1,66 @@
1
1
  # Release History
2
2
 
3
- ## 1.7.2
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.
4
9
 
5
10
  ### Bug Fixes
6
11
 
7
- - Model Explainability: Fix issue that explain is enabled for scikit-learn pipeline
8
- whose task is UNKNOWN and fails later when invoked.
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.
9
14
 
10
15
  ### Behavior Changes
11
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)
27
+
28
+ - Added lowercase versions of Cortex functions, added deprecation warning to Capitalized versions.
29
+ - Bumped the requirements of `fsspec` and `s3fs` to `>=2024.6.1,<2026`
30
+ - Bumped the requirement of `mlflow` to `>=2.16.0, <3`
31
+ - Registry: Support 500+ features for model registry
32
+
33
+ ### Bug Fixes
34
+
35
+ - Registry: Fixed a bug when providing non-range index pandas DataFrame as the input to a `ModelVersion.run`.
36
+ - Registry: Improved random model version name generation to prevent collisions.
37
+ - Registry: Fix an issue when inferring signature or running inference with Snowpark data that has a column whose type
38
+ is `ARRAY` and contains `NULL` value.
39
+ - Registry: `ModelVersion.run` now accepts fully qualified service name.
40
+ - Monitoring: Fix issue in SDK with creating monitors using fully qualified names.
41
+ - Registry: Fix error in log_model for any sklearn models with only data pre-processing including pre-processing only
42
+ pipeline models due to default explainability enablement.
43
+
44
+ ### New Features
45
+
46
+ - Added `user_files` argument to `Registry.log_model` for including images or any extra file with the model.
47
+ - Registry: Added support for handling Hugging Face model configurations with auto-mapping functionality
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.
51
+
52
+ ## 1.7.2 (2024-11-21)
53
+
54
+ ### Bug Fixes
55
+
56
+ - Model Explainability: Fix issue that explain is enabled for scikit-learn pipeline
57
+ whose task is UNKNOWN and fails later when invoked.
58
+
12
59
  ### New Features
13
60
 
14
61
  - Registry: Support asynchronous model inference service creation with the `block` option
15
62
  in `ModelVersion.create_service()` set to True by default.
63
+ - Registry: Allow specify `batch_size` when inferencing using sentence-transformers model.
16
64
 
17
65
  ## 1.7.1 (2024-11-05)
18
66
 
@@ -27,8 +75,6 @@ signature inference.
27
75
  - Dataset: Fix missing `snowflake.ml.dataset.*` module exports in wheel.
28
76
  - Registry: Fix the issue that `tf_keras.Model` is not recognized as keras model when logging.
29
77
 
30
- ### Behavior Changes
31
-
32
78
  ### New Features
33
79
 
34
80
  - Registry: Option to `enable_monitoring` set to False by default. This will gate access to preview features of Model Monitoring.
@@ -277,10 +323,6 @@ data from explainablity and data lineage.
277
323
  - Modeling: Quick fix `import snowflake.ml.modeling.parameters.enable_anonymous_sproc` cannot be imported due to package
278
324
  dependency error.
279
325
 
280
- ### Behavior Changes
281
-
282
- ### New Features
283
-
284
326
  ## 1.5.1 (05-22-2024)
285
327
 
286
328
  ### Bug Fixes
@@ -1,6 +1,6 @@
1
- Metadata-Version: 2.1
1
+ Metadata-Version: 2.2
2
2
  Name: snowflake-ml-python
3
- Version: 1.7.2
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,11 +233,11 @@ 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
240
- Requires-Dist: fsspec[http]<2024,>=2022.11
240
+ Requires-Dist: fsspec[http]<2026,>=2024.6.1
241
241
  Requires-Dist: importlib_resources<7,>=6.1.1
242
242
  Requires-Dist: numpy<2,>=1.23
243
243
  Requires-Dist: packaging<25,>=20.9
@@ -247,23 +247,24 @@ Requires-Dist: pyjwt<3,>=2.0.0
247
247
  Requires-Dist: pytimeparse<2,>=1.1.8
248
248
  Requires-Dist: pyyaml<7,>=6.0
249
249
  Requires-Dist: retrying<2,>=1.3.3
250
- Requires-Dist: s3fs<2024,>=2022.11
250
+ 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
258
258
  Provides-Extra: all
259
259
  Requires-Dist: catboost<2,>=1.2.0; extra == "all"
260
+ Requires-Dist: huggingface_hub<0.26; extra == "all"
260
261
  Requires-Dist: lightgbm<5,>=4.1.0; extra == "all"
261
- Requires-Dist: mlflow<2.4,>=2.1.0; extra == "all"
262
+ Requires-Dist: mlflow<3,>=2.16.0; extra == "all"
262
263
  Requires-Dist: peft<1,>=0.5.0; extra == "all"
263
264
  Requires-Dist: sentence-transformers<3,>=2.2.2; extra == "all"
264
265
  Requires-Dist: sentencepiece<1,>=0.1.95; extra == "all"
265
266
  Requires-Dist: shap<1,>=0.46.0; extra == "all"
266
- Requires-Dist: tensorflow<3,>=2.10; extra == "all"
267
+ Requires-Dist: tensorflow<3,>=2.12.0; extra == "all"
267
268
  Requires-Dist: tokenizers<1,>=0.10; extra == "all"
268
269
  Requires-Dist: torch<2.3.0,>=2.0.1; extra == "all"
269
270
  Requires-Dist: torchdata<1,>=0.4; extra == "all"
@@ -275,15 +276,16 @@ Requires-Dist: lightgbm<5,>=4.1.0; extra == "lightgbm"
275
276
  Provides-Extra: llm
276
277
  Requires-Dist: peft<1,>=0.5.0; extra == "llm"
277
278
  Provides-Extra: mlflow
278
- Requires-Dist: mlflow<2.4,>=2.1.0; extra == "mlflow"
279
+ Requires-Dist: mlflow<3,>=2.16.0; extra == "mlflow"
279
280
  Provides-Extra: shap
280
281
  Requires-Dist: shap<1,>=0.46.0; extra == "shap"
281
282
  Provides-Extra: tensorflow
282
- Requires-Dist: tensorflow<3,>=2.10; extra == "tensorflow"
283
+ Requires-Dist: tensorflow<3,>=2.12.0; extra == "tensorflow"
283
284
  Provides-Extra: torch
284
285
  Requires-Dist: torch<2.3.0,>=2.0.1; extra == "torch"
285
286
  Requires-Dist: torchdata<1,>=0.4; extra == "torch"
286
287
  Provides-Extra: transformers
288
+ Requires-Dist: huggingface_hub<0.26; extra == "transformers"
287
289
  Requires-Dist: sentence-transformers<3,>=2.2.2; extra == "transformers"
288
290
  Requires-Dist: sentencepiece<1,>=0.1.95; extra == "transformers"
289
291
  Requires-Dist: tokenizers<1,>=0.10; extra == "transformers"
@@ -397,19 +399,67 @@ NOTE: Version 1.7.0 is used as example here. Please choose the the latest versio
397
399
 
398
400
  # Release History
399
401
 
400
- ## 1.7.2
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.
401
408
 
402
409
  ### Bug Fixes
403
410
 
404
- - Model Explainability: Fix issue that explain is enabled for scikit-learn pipeline
405
- whose task is UNKNOWN and fails later when invoked.
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.
406
413
 
407
414
  ### Behavior Changes
408
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)
426
+
427
+ - Added lowercase versions of Cortex functions, added deprecation warning to Capitalized versions.
428
+ - Bumped the requirements of `fsspec` and `s3fs` to `>=2024.6.1,<2026`
429
+ - Bumped the requirement of `mlflow` to `>=2.16.0, <3`
430
+ - Registry: Support 500+ features for model registry
431
+
432
+ ### Bug Fixes
433
+
434
+ - Registry: Fixed a bug when providing non-range index pandas DataFrame as the input to a `ModelVersion.run`.
435
+ - Registry: Improved random model version name generation to prevent collisions.
436
+ - Registry: Fix an issue when inferring signature or running inference with Snowpark data that has a column whose type
437
+ is `ARRAY` and contains `NULL` value.
438
+ - Registry: `ModelVersion.run` now accepts fully qualified service name.
439
+ - Monitoring: Fix issue in SDK with creating monitors using fully qualified names.
440
+ - Registry: Fix error in log_model for any sklearn models with only data pre-processing including pre-processing only
441
+ pipeline models due to default explainability enablement.
442
+
443
+ ### New Features
444
+
445
+ - Added `user_files` argument to `Registry.log_model` for including images or any extra file with the model.
446
+ - Registry: Added support for handling Hugging Face model configurations with auto-mapping functionality
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.
450
+
451
+ ## 1.7.2 (2024-11-21)
452
+
453
+ ### Bug Fixes
454
+
455
+ - Model Explainability: Fix issue that explain is enabled for scikit-learn pipeline
456
+ whose task is UNKNOWN and fails later when invoked.
457
+
409
458
  ### New Features
410
459
 
411
460
  - Registry: Support asynchronous model inference service creation with the `block` option
412
461
  in `ModelVersion.create_service()` set to True by default.
462
+ - Registry: Allow specify `batch_size` when inferencing using sentence-transformers model.
413
463
 
414
464
  ## 1.7.1 (2024-11-05)
415
465
 
@@ -424,8 +474,6 @@ signature inference.
424
474
  - Dataset: Fix missing `snowflake.ml.dataset.*` module exports in wheel.
425
475
  - Registry: Fix the issue that `tf_keras.Model` is not recognized as keras model when logging.
426
476
 
427
- ### Behavior Changes
428
-
429
477
  ### New Features
430
478
 
431
479
  - Registry: Option to `enable_monitoring` set to False by default. This will gate access to preview features of Model Monitoring.
@@ -674,10 +722,6 @@ data from explainablity and data lineage.
674
722
  - Modeling: Quick fix `import snowflake.ml.modeling.parameters.enable_anonymous_sproc` cannot be imported due to package
675
723
  dependency error.
676
724
 
677
- ### Behavior Changes
678
-
679
- ### New Features
680
-
681
725
  ## 1.5.1 (05-22-2024)
682
726
 
683
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]>=2022.11,<2024", "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>=2022.11,<2024", "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"
@@ -24,15 +24,15 @@ Issues = "https://github.com/snowflakedb/snowflake-ml-python/issues"
24
24
  Changelog = "https://github.com/snowflakedb/snowflake-ml-python/blob/master/CHANGELOG.md"
25
25
 
26
26
  [project.optional-dependencies]
27
- all = [ "catboost>=1.2.0, <2", "lightgbm>=4.1.0, <5", "mlflow>=2.1.0,<2.4", "peft>=0.5.0,<1", "sentence-transformers>=2.2.2,<3", "sentencepiece>=0.1.95,<1", "shap>=0.46.0,<1", "tensorflow>=2.10,<3", "tokenizers>=0.10,<1", "torch>=2.0.1,<2.3.0", "torchdata>=0.4,<1", "transformers>=4.32.1,<5",]
27
+ all = [ "catboost>=1.2.0, <2", "huggingface_hub<0.26", "lightgbm>=4.1.0, <5", "mlflow>=2.16.0, <3", "peft>=0.5.0,<1", "sentence-transformers>=2.2.2,<3", "sentencepiece>=0.1.95,<1", "shap>=0.46.0,<1", "tensorflow>=2.12.0,<3", "tokenizers>=0.10,<1", "torch>=2.0.1,<2.3.0", "torchdata>=0.4,<1", "transformers>=4.32.1,<5",]
28
28
  catboost = [ "catboost>=1.2.0, <2",]
29
29
  lightgbm = [ "lightgbm>=4.1.0, <5",]
30
30
  llm = [ "peft>=0.5.0,<1",]
31
- mlflow = [ "mlflow>=2.1.0,<2.4",]
31
+ mlflow = [ "mlflow>=2.16.0, <3",]
32
32
  shap = [ "shap>=0.46.0,<1",]
33
- tensorflow = [ "tensorflow>=2.10,<3",]
33
+ tensorflow = [ "tensorflow>=2.12.0,<3",]
34
34
  torch = [ "torch>=2.0.1,<2.3.0", "torchdata>=0.4,<1",]
35
- transformers = [ "sentence-transformers>=2.2.2,<3", "sentencepiece>=0.1.95,<1", "tokenizers>=0.10,<1", "transformers>=4.32.1,<5",]
35
+ transformers = [ "huggingface_hub<0.26", "sentence-transformers>=2.2.2,<3", "sentencepiece>=0.1.95,<1", "tokenizers>=0.10,<1", "transformers>=4.32.1,<5",]
36
36
 
37
37
  [tool.setuptools.package-data]
38
38
  "*" = [ "*",]
@@ -0,0 +1,32 @@
1
+ from snowflake.cortex._classify_text import ClassifyText, classify_text
2
+ from snowflake.cortex._complete import Complete, CompleteOptions, complete
3
+ from snowflake.cortex._embed_text_768 import EmbedText768, embed_text_768
4
+ from snowflake.cortex._embed_text_1024 import EmbedText1024, embed_text_1024
5
+ from snowflake.cortex._extract_answer import ExtractAnswer, extract_answer
6
+ from snowflake.cortex._finetune import Finetune, FinetuneJob, FinetuneStatus
7
+ from snowflake.cortex._sentiment import Sentiment, sentiment
8
+ from snowflake.cortex._summarize import Summarize, summarize
9
+ from snowflake.cortex._translate import Translate, translate
10
+
11
+ __all__ = [
12
+ "ClassifyText",
13
+ "classify_text",
14
+ "Complete",
15
+ "complete",
16
+ "CompleteOptions",
17
+ "EmbedText768",
18
+ "embed_text_768",
19
+ "EmbedText1024",
20
+ "embed_text_1024",
21
+ "ExtractAnswer",
22
+ "extract_answer",
23
+ "Finetune",
24
+ "FinetuneJob",
25
+ "FinetuneStatus",
26
+ "Sentiment",
27
+ "sentiment",
28
+ "Summarize",
29
+ "summarize",
30
+ "Translate",
31
+ "translate",
32
+ ]
@@ -1,5 +1,7 @@
1
1
  from typing import List, Optional, Union, cast
2
2
 
3
+ from typing_extensions import deprecated
4
+
3
5
  from snowflake import snowpark
4
6
  from snowflake.cortex._util import CORTEX_FUNCTIONS_TELEMETRY_PROJECT, call_sql_function
5
7
  from snowflake.ml._internal import telemetry
@@ -8,7 +10,7 @@ from snowflake.ml._internal import telemetry
8
10
  @telemetry.send_api_usage_telemetry(
9
11
  project=CORTEX_FUNCTIONS_TELEMETRY_PROJECT,
10
12
  )
11
- def ClassifyText(
13
+ def classify_text(
12
14
  str_input: Union[str, snowpark.Column],
13
15
  categories: Union[List[str], snowpark.Column],
14
16
  session: Optional[snowpark.Session] = None,
@@ -34,3 +36,12 @@ def _classify_text_impl(
34
36
  session: Optional[snowpark.Session] = None,
35
37
  ) -> Union[str, snowpark.Column]:
36
38
  return cast(Union[str, snowpark.Column], call_sql_function(function, session, str_input, categories))
39
+
40
+
41
+ ClassifyText = deprecated(
42
+ "ClassifyText() is deprecated and will be removed in a future release. Please use classify_text() instead."
43
+ )(
44
+ telemetry.send_api_usage_telemetry(
45
+ project=CORTEX_FUNCTIONS_TELEMETRY_PROJECT,
46
+ )(classify_text)
47
+ )
@@ -6,7 +6,7 @@ from typing import Any, Callable, Dict, Iterator, List, Optional, TypedDict, Uni
6
6
  from urllib.parse import urlunparse
7
7
 
8
8
  import requests
9
- from typing_extensions import NotRequired
9
+ from typing_extensions import NotRequired, deprecated
10
10
 
11
11
  from snowflake import snowpark
12
12
  from snowflake.cortex._sse_client import SSEClient
@@ -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
 
@@ -127,8 +146,26 @@ def _xp_dict_to_response(raw_resp: Dict[str, Any]) -> requests.Response:
127
146
  response.status_code = int(raw_resp["status"])
128
147
  response.headers = raw_resp["headers"]
129
148
 
149
+ request_id = None
150
+ for key, value in raw_resp["headers"].items():
151
+ # Note: there is some whitespace in the headers making it not possible
152
+ # to directly index the header reliably.
153
+ if key.strip().lower() == "x-snowflake-request-id":
154
+ request_id = value
155
+ break
156
+
130
157
  data = raw_resp["content"]
131
- data = json.loads(data)
158
+ try:
159
+ data = json.loads(data)
160
+ except json.JSONDecodeError:
161
+ raise ValueError(f"Request failed (request id: {request_id})")
162
+
163
+ if response.status_code < 200 or response.status_code >= 300:
164
+ if "message" not in data:
165
+ raise ValueError(f"Request failed (request id: {request_id})")
166
+ message = data["message"]
167
+ raise ValueError(f"Request failed: {message} (request id: {request_id})")
168
+
132
169
  # Convert the dictionary to a string format that resembles the SSE event format
133
170
  # For example, if the dict is {'event': 'message', 'data': 'your data'}, it should be formatted like this:
134
171
  sse_format_data = ""
@@ -144,6 +181,7 @@ def _xp_dict_to_response(raw_resp: Dict[str, Any]) -> requests.Response:
144
181
 
145
182
  @retry
146
183
  def _call_complete_xp(
184
+ snow_api_xp_request_handler: Optional[Callable[..., Dict[str, Any]]],
147
185
  model: str,
148
186
  prompt: Union[str, List[ConversationMessage]],
149
187
  options: Optional[CompleteOptions] = None,
@@ -151,9 +189,8 @@ def _call_complete_xp(
151
189
  ) -> requests.Response:
152
190
  headers = _make_common_request_headers()
153
191
  body = _make_request_body(model, prompt, options)
154
- import _snowflake
155
-
156
- raw_resp = _snowflake.send_snow_api_request("POST", _REST_COMPLETE_URL, {}, headers, body, {}, deadline)
192
+ assert snow_api_xp_request_handler is not None
193
+ raw_resp = snow_api_xp_request_handler("POST", _REST_COMPLETE_URL, {}, headers, body, {}, deadline)
157
194
  return _xp_dict_to_response(raw_resp)
158
195
 
159
196
 
@@ -218,17 +255,26 @@ def _complete_call_sql_function_snowpark(
218
255
 
219
256
 
220
257
  def _complete_non_streaming_immediate(
258
+ snow_api_xp_request_handler: Optional[Callable[..., Dict[str, Any]]],
221
259
  model: str,
222
260
  prompt: Union[str, List[ConversationMessage]],
223
261
  options: Optional[CompleteOptions],
224
262
  session: Optional[snowpark.Session] = None,
225
263
  deadline: Optional[float] = None,
226
264
  ) -> str:
227
- response = _complete_rest(model=model, prompt=prompt, options=options, session=session, deadline=deadline)
265
+ response = _complete_rest(
266
+ snow_api_xp_request_handler=snow_api_xp_request_handler,
267
+ model=model,
268
+ prompt=prompt,
269
+ options=options,
270
+ session=session,
271
+ deadline=deadline,
272
+ )
228
273
  return "".join(response)
229
274
 
230
275
 
231
276
  def _complete_non_streaming_impl(
277
+ snow_api_xp_request_handler: Optional[Callable[..., Dict[str, Any]]],
232
278
  function: str,
233
279
  model: Union[str, snowpark.Column],
234
280
  prompt: Union[str, List[ConversationMessage], snowpark.Column],
@@ -246,19 +292,31 @@ def _complete_non_streaming_impl(
246
292
  if isinstance(options, snowpark.Column):
247
293
  raise ValueError("'options' cannot be a snowpark.Column when 'prompt' is a string.")
248
294
  return _complete_non_streaming_immediate(
249
- model=model, prompt=prompt, options=options, session=session, deadline=deadline
295
+ snow_api_xp_request_handler=snow_api_xp_request_handler,
296
+ model=model,
297
+ prompt=prompt,
298
+ options=options,
299
+ session=session,
300
+ deadline=deadline,
250
301
  )
251
302
 
252
303
 
253
304
  def _complete_rest(
305
+ snow_api_xp_request_handler: Optional[Callable[..., Dict[str, Any]]],
254
306
  model: str,
255
307
  prompt: Union[str, List[ConversationMessage]],
256
308
  options: Optional[CompleteOptions] = None,
257
309
  session: Optional[snowpark.Session] = None,
258
310
  deadline: Optional[float] = None,
259
311
  ) -> Iterator[str]:
260
- if is_in_stored_procedure(): # type: ignore[no-untyped-call]
261
- response = _call_complete_xp(model=model, prompt=prompt, options=options, deadline=deadline)
312
+ if snow_api_xp_request_handler is not None:
313
+ response = _call_complete_xp(
314
+ snow_api_xp_request_handler=snow_api_xp_request_handler,
315
+ model=model,
316
+ prompt=prompt,
317
+ options=options,
318
+ deadline=deadline,
319
+ )
262
320
  else:
263
321
  response = _call_complete_rest(model=model, prompt=prompt, options=options, session=session, deadline=deadline)
264
322
  assert response.status_code >= 200 and response.status_code < 300
@@ -268,10 +326,11 @@ def _complete_rest(
268
326
  def _complete_impl(
269
327
  model: Union[str, snowpark.Column],
270
328
  prompt: Union[str, List[ConversationMessage], snowpark.Column],
329
+ snow_api_xp_request_handler: Optional[Callable[..., Dict[str, Any]]] = None,
330
+ function: str = "snowflake.cortex.complete",
271
331
  options: Optional[CompleteOptions] = None,
272
332
  session: Optional[snowpark.Session] = None,
273
333
  stream: bool = False,
274
- function: str = "snowflake.cortex.complete",
275
334
  timeout: Optional[float] = None,
276
335
  deadline: Optional[float] = None,
277
336
  ) -> Union[str, Iterator[str], snowpark.Column]:
@@ -284,14 +343,29 @@ def _complete_impl(
284
343
  raise ValueError("in REST mode, 'model' must be a string")
285
344
  if not isinstance(prompt, str) and not isinstance(prompt, List):
286
345
  raise ValueError("in REST mode, 'prompt' must be a string or a list of ConversationMessage")
287
- return _complete_rest(model=model, prompt=prompt, options=options, session=session, deadline=deadline)
288
- return _complete_non_streaming_impl(function, model, prompt, options, session, deadline)
346
+ return _complete_rest(
347
+ snow_api_xp_request_handler=snow_api_xp_request_handler,
348
+ model=model,
349
+ prompt=prompt,
350
+ options=options,
351
+ session=session,
352
+ deadline=deadline,
353
+ )
354
+ return _complete_non_streaming_impl(
355
+ snow_api_xp_request_handler=snow_api_xp_request_handler,
356
+ function=function,
357
+ model=model,
358
+ prompt=prompt,
359
+ options=options,
360
+ session=session,
361
+ deadline=deadline,
362
+ )
289
363
 
290
364
 
291
365
  @telemetry.send_api_usage_telemetry(
292
366
  project=CORTEX_FUNCTIONS_TELEMETRY_PROJECT,
293
367
  )
294
- def Complete(
368
+ def complete(
295
369
  model: Union[str, snowpark.Column],
296
370
  prompt: Union[str, List[ConversationMessage], snowpark.Column],
297
371
  *,
@@ -319,10 +393,19 @@ def Complete(
319
393
  Returns:
320
394
  A column of string responses.
321
395
  """
396
+
397
+ # Set the XP snow api function, if available.
398
+ snow_api_xp_request_handler = None
399
+ if is_in_stored_procedure(): # type: ignore[no-untyped-call]
400
+ import _snowflake
401
+
402
+ snow_api_xp_request_handler = _snowflake.send_snow_api_request
403
+
322
404
  try:
323
405
  return _complete_impl(
324
406
  model,
325
407
  prompt,
408
+ snow_api_xp_request_handler=snow_api_xp_request_handler,
326
409
  options=options,
327
410
  session=session,
328
411
  stream=stream,
@@ -331,3 +414,8 @@ def Complete(
331
414
  )
332
415
  except ValueError as err:
333
416
  raise err
417
+
418
+
419
+ Complete = deprecated("Complete() is deprecated and will be removed in a future release. Use complete() instead")(
420
+ telemetry.send_api_usage_telemetry(project=CORTEX_FUNCTIONS_TELEMETRY_PROJECT)(complete)
421
+ )
@@ -1,5 +1,7 @@
1
1
  from typing import List, Optional, Union, cast
2
2
 
3
+ from typing_extensions import deprecated
4
+
3
5
  from snowflake import snowpark
4
6
  from snowflake.cortex._util import CORTEX_FUNCTIONS_TELEMETRY_PROJECT, call_sql_function
5
7
  from snowflake.ml._internal import telemetry
@@ -8,12 +10,12 @@ from snowflake.ml._internal import telemetry
8
10
  @telemetry.send_api_usage_telemetry(
9
11
  project=CORTEX_FUNCTIONS_TELEMETRY_PROJECT,
10
12
  )
11
- def EmbedText1024(
13
+ def embed_text_1024(
12
14
  model: Union[str, snowpark.Column],
13
15
  text: Union[str, snowpark.Column],
14
16
  session: Optional[snowpark.Session] = None,
15
17
  ) -> Union[List[float], snowpark.Column]:
16
- """TextEmbed calls into the LLM inference service to embed the text.
18
+ """Calls into the LLM inference service to embed the text.
17
19
 
18
20
  Args:
19
21
  model: A Column of strings representing the model to use for embedding. The value
@@ -35,3 +37,8 @@ def _embed_text_1024_impl(
35
37
  session: Optional[snowpark.Session] = None,
36
38
  ) -> Union[List[float], snowpark.Column]:
37
39
  return cast(Union[List[float], snowpark.Column], call_sql_function(function, session, model, text))
40
+
41
+
42
+ EmbedText1024 = deprecated(
43
+ "EmbedText1024() is deprecated and will be removed in a future release. Use embed_text_1024() instead"
44
+ )(telemetry.send_api_usage_telemetry(project=CORTEX_FUNCTIONS_TELEMETRY_PROJECT)(embed_text_1024))
@@ -1,5 +1,7 @@
1
1
  from typing import List, Optional, Union, cast
2
2
 
3
+ from typing_extensions import deprecated
4
+
3
5
  from snowflake import snowpark
4
6
  from snowflake.cortex._util import CORTEX_FUNCTIONS_TELEMETRY_PROJECT, call_sql_function
5
7
  from snowflake.ml._internal import telemetry
@@ -8,12 +10,12 @@ from snowflake.ml._internal import telemetry
8
10
  @telemetry.send_api_usage_telemetry(
9
11
  project=CORTEX_FUNCTIONS_TELEMETRY_PROJECT,
10
12
  )
11
- def EmbedText768(
13
+ def embed_text_768(
12
14
  model: Union[str, snowpark.Column],
13
15
  text: Union[str, snowpark.Column],
14
16
  session: Optional[snowpark.Session] = None,
15
17
  ) -> Union[List[float], snowpark.Column]:
16
- """TextEmbed calls into the LLM inference service to embed the text.
18
+ """Calls into the LLM inference service to embed the text.
17
19
 
18
20
  Args:
19
21
  model: A Column of strings representing the model to use for embedding. The value
@@ -35,3 +37,8 @@ def _embed_text_768_impl(
35
37
  session: Optional[snowpark.Session] = None,
36
38
  ) -> Union[List[float], snowpark.Column]:
37
39
  return cast(Union[List[float], snowpark.Column], call_sql_function(function, session, model, text))
40
+
41
+
42
+ EmbedText768 = deprecated(
43
+ "EmbedText768() is deprecated and will be removed in a future release. Use embed_text_768() instead"
44
+ )(telemetry.send_api_usage_telemetry(project=CORTEX_FUNCTIONS_TELEMETRY_PROJECT)(embed_text_768))