snowflake-ml-python 1.2.1__py3-none-any.whl → 1.2.2__py3-none-any.whl

This diff represents the content of publicly available package versions that have been released to one of the supported registries. The information contained in this diff is provided for informational purposes only and reflects changes between package versions as they appear in their respective public registries.
Files changed (178) hide show
  1. snowflake/ml/_internal/env_utils.py +16 -13
  2. snowflake/ml/_internal/exceptions/modeling_error_messages.py +5 -1
  3. snowflake/ml/feature_store/__init__.py +9 -0
  4. snowflake/ml/feature_store/entity.py +73 -0
  5. snowflake/ml/feature_store/feature_store.py +1657 -0
  6. snowflake/ml/feature_store/feature_view.py +459 -0
  7. snowflake/ml/model/_deploy_client/image_builds/server_image_builder.py +9 -1
  8. snowflake/ml/model/_deploy_client/snowservice/deploy.py +2 -0
  9. snowflake/ml/model/_deploy_client/snowservice/deploy_options.py +12 -2
  10. snowflake/ml/model/_deploy_client/utils/snowservice_client.py +7 -3
  11. snowflake/ml/model/model_signature.py +72 -16
  12. snowflake/ml/model/type_hints.py +9 -0
  13. snowflake/ml/modeling/_internal/estimator_protocols.py +1 -41
  14. snowflake/ml/modeling/_internal/model_trainer_builder.py +13 -9
  15. snowflake/ml/modeling/_internal/{distributed_hpo_trainer.py → snowpark_implementations/distributed_hpo_trainer.py} +3 -1
  16. snowflake/ml/modeling/_internal/{xgboost_external_memory_trainer.py → snowpark_implementations/xgboost_external_memory_trainer.py} +3 -1
  17. snowflake/ml/modeling/calibration/calibrated_classifier_cv.py +3 -3
  18. snowflake/ml/modeling/cluster/affinity_propagation.py +3 -3
  19. snowflake/ml/modeling/cluster/agglomerative_clustering.py +3 -3
  20. snowflake/ml/modeling/cluster/birch.py +3 -3
  21. snowflake/ml/modeling/cluster/bisecting_k_means.py +3 -3
  22. snowflake/ml/modeling/cluster/dbscan.py +3 -3
  23. snowflake/ml/modeling/cluster/feature_agglomeration.py +3 -3
  24. snowflake/ml/modeling/cluster/k_means.py +3 -3
  25. snowflake/ml/modeling/cluster/mean_shift.py +3 -3
  26. snowflake/ml/modeling/cluster/mini_batch_k_means.py +3 -3
  27. snowflake/ml/modeling/cluster/optics.py +3 -3
  28. snowflake/ml/modeling/cluster/spectral_biclustering.py +3 -3
  29. snowflake/ml/modeling/cluster/spectral_clustering.py +3 -3
  30. snowflake/ml/modeling/cluster/spectral_coclustering.py +3 -3
  31. snowflake/ml/modeling/compose/column_transformer.py +3 -3
  32. snowflake/ml/modeling/compose/transformed_target_regressor.py +3 -3
  33. snowflake/ml/modeling/covariance/elliptic_envelope.py +3 -3
  34. snowflake/ml/modeling/covariance/empirical_covariance.py +3 -3
  35. snowflake/ml/modeling/covariance/graphical_lasso.py +3 -3
  36. snowflake/ml/modeling/covariance/graphical_lasso_cv.py +3 -3
  37. snowflake/ml/modeling/covariance/ledoit_wolf.py +3 -3
  38. snowflake/ml/modeling/covariance/min_cov_det.py +3 -3
  39. snowflake/ml/modeling/covariance/oas.py +3 -3
  40. snowflake/ml/modeling/covariance/shrunk_covariance.py +3 -3
  41. snowflake/ml/modeling/decomposition/dictionary_learning.py +3 -3
  42. snowflake/ml/modeling/decomposition/factor_analysis.py +3 -3
  43. snowflake/ml/modeling/decomposition/fast_ica.py +3 -3
  44. snowflake/ml/modeling/decomposition/incremental_pca.py +3 -3
  45. snowflake/ml/modeling/decomposition/kernel_pca.py +3 -3
  46. snowflake/ml/modeling/decomposition/mini_batch_dictionary_learning.py +3 -3
  47. snowflake/ml/modeling/decomposition/mini_batch_sparse_pca.py +3 -3
  48. snowflake/ml/modeling/decomposition/pca.py +3 -3
  49. snowflake/ml/modeling/decomposition/sparse_pca.py +3 -3
  50. snowflake/ml/modeling/decomposition/truncated_svd.py +3 -3
  51. snowflake/ml/modeling/discriminant_analysis/linear_discriminant_analysis.py +3 -3
  52. snowflake/ml/modeling/discriminant_analysis/quadratic_discriminant_analysis.py +3 -3
  53. snowflake/ml/modeling/ensemble/ada_boost_classifier.py +3 -3
  54. snowflake/ml/modeling/ensemble/ada_boost_regressor.py +3 -3
  55. snowflake/ml/modeling/ensemble/bagging_classifier.py +3 -3
  56. snowflake/ml/modeling/ensemble/bagging_regressor.py +3 -3
  57. snowflake/ml/modeling/ensemble/extra_trees_classifier.py +3 -3
  58. snowflake/ml/modeling/ensemble/extra_trees_regressor.py +3 -3
  59. snowflake/ml/modeling/ensemble/gradient_boosting_classifier.py +3 -3
  60. snowflake/ml/modeling/ensemble/gradient_boosting_regressor.py +3 -3
  61. snowflake/ml/modeling/ensemble/hist_gradient_boosting_classifier.py +3 -3
  62. snowflake/ml/modeling/ensemble/hist_gradient_boosting_regressor.py +3 -3
  63. snowflake/ml/modeling/ensemble/isolation_forest.py +3 -3
  64. snowflake/ml/modeling/ensemble/random_forest_classifier.py +3 -3
  65. snowflake/ml/modeling/ensemble/random_forest_regressor.py +3 -3
  66. snowflake/ml/modeling/ensemble/stacking_regressor.py +3 -3
  67. snowflake/ml/modeling/ensemble/voting_classifier.py +3 -3
  68. snowflake/ml/modeling/ensemble/voting_regressor.py +3 -3
  69. snowflake/ml/modeling/feature_selection/generic_univariate_select.py +3 -3
  70. snowflake/ml/modeling/feature_selection/select_fdr.py +3 -3
  71. snowflake/ml/modeling/feature_selection/select_fpr.py +3 -3
  72. snowflake/ml/modeling/feature_selection/select_fwe.py +3 -3
  73. snowflake/ml/modeling/feature_selection/select_k_best.py +3 -3
  74. snowflake/ml/modeling/feature_selection/select_percentile.py +3 -3
  75. snowflake/ml/modeling/feature_selection/sequential_feature_selector.py +3 -3
  76. snowflake/ml/modeling/feature_selection/variance_threshold.py +3 -3
  77. snowflake/ml/modeling/gaussian_process/gaussian_process_classifier.py +3 -3
  78. snowflake/ml/modeling/gaussian_process/gaussian_process_regressor.py +3 -3
  79. snowflake/ml/modeling/impute/iterative_imputer.py +3 -3
  80. snowflake/ml/modeling/impute/knn_imputer.py +3 -3
  81. snowflake/ml/modeling/impute/missing_indicator.py +3 -3
  82. snowflake/ml/modeling/kernel_approximation/additive_chi2_sampler.py +3 -3
  83. snowflake/ml/modeling/kernel_approximation/nystroem.py +3 -3
  84. snowflake/ml/modeling/kernel_approximation/polynomial_count_sketch.py +3 -3
  85. snowflake/ml/modeling/kernel_approximation/rbf_sampler.py +3 -3
  86. snowflake/ml/modeling/kernel_approximation/skewed_chi2_sampler.py +3 -3
  87. snowflake/ml/modeling/kernel_ridge/kernel_ridge.py +3 -3
  88. snowflake/ml/modeling/lightgbm/lgbm_classifier.py +3 -3
  89. snowflake/ml/modeling/lightgbm/lgbm_regressor.py +3 -3
  90. snowflake/ml/modeling/linear_model/ard_regression.py +3 -3
  91. snowflake/ml/modeling/linear_model/bayesian_ridge.py +3 -3
  92. snowflake/ml/modeling/linear_model/elastic_net.py +3 -3
  93. snowflake/ml/modeling/linear_model/elastic_net_cv.py +3 -3
  94. snowflake/ml/modeling/linear_model/gamma_regressor.py +3 -3
  95. snowflake/ml/modeling/linear_model/huber_regressor.py +3 -3
  96. snowflake/ml/modeling/linear_model/lars.py +3 -3
  97. snowflake/ml/modeling/linear_model/lars_cv.py +3 -3
  98. snowflake/ml/modeling/linear_model/lasso.py +3 -3
  99. snowflake/ml/modeling/linear_model/lasso_cv.py +3 -3
  100. snowflake/ml/modeling/linear_model/lasso_lars.py +3 -3
  101. snowflake/ml/modeling/linear_model/lasso_lars_cv.py +3 -3
  102. snowflake/ml/modeling/linear_model/lasso_lars_ic.py +3 -3
  103. snowflake/ml/modeling/linear_model/linear_regression.py +3 -3
  104. snowflake/ml/modeling/linear_model/logistic_regression.py +3 -3
  105. snowflake/ml/modeling/linear_model/logistic_regression_cv.py +3 -3
  106. snowflake/ml/modeling/linear_model/multi_task_elastic_net.py +3 -3
  107. snowflake/ml/modeling/linear_model/multi_task_elastic_net_cv.py +3 -3
  108. snowflake/ml/modeling/linear_model/multi_task_lasso.py +3 -3
  109. snowflake/ml/modeling/linear_model/multi_task_lasso_cv.py +3 -3
  110. snowflake/ml/modeling/linear_model/orthogonal_matching_pursuit.py +3 -3
  111. snowflake/ml/modeling/linear_model/passive_aggressive_classifier.py +3 -3
  112. snowflake/ml/modeling/linear_model/passive_aggressive_regressor.py +3 -3
  113. snowflake/ml/modeling/linear_model/perceptron.py +3 -3
  114. snowflake/ml/modeling/linear_model/poisson_regressor.py +3 -3
  115. snowflake/ml/modeling/linear_model/ransac_regressor.py +3 -3
  116. snowflake/ml/modeling/linear_model/ridge.py +3 -3
  117. snowflake/ml/modeling/linear_model/ridge_classifier.py +3 -3
  118. snowflake/ml/modeling/linear_model/ridge_classifier_cv.py +3 -3
  119. snowflake/ml/modeling/linear_model/ridge_cv.py +3 -3
  120. snowflake/ml/modeling/linear_model/sgd_classifier.py +3 -3
  121. snowflake/ml/modeling/linear_model/sgd_one_class_svm.py +3 -3
  122. snowflake/ml/modeling/linear_model/sgd_regressor.py +3 -3
  123. snowflake/ml/modeling/linear_model/theil_sen_regressor.py +3 -3
  124. snowflake/ml/modeling/linear_model/tweedie_regressor.py +3 -3
  125. snowflake/ml/modeling/manifold/isomap.py +3 -3
  126. snowflake/ml/modeling/manifold/mds.py +3 -3
  127. snowflake/ml/modeling/manifold/spectral_embedding.py +3 -3
  128. snowflake/ml/modeling/manifold/tsne.py +3 -3
  129. snowflake/ml/modeling/mixture/bayesian_gaussian_mixture.py +3 -3
  130. snowflake/ml/modeling/mixture/gaussian_mixture.py +3 -3
  131. snowflake/ml/modeling/model_selection/grid_search_cv.py +3 -13
  132. snowflake/ml/modeling/model_selection/randomized_search_cv.py +3 -13
  133. snowflake/ml/modeling/multiclass/one_vs_one_classifier.py +3 -3
  134. snowflake/ml/modeling/multiclass/one_vs_rest_classifier.py +3 -3
  135. snowflake/ml/modeling/multiclass/output_code_classifier.py +3 -3
  136. snowflake/ml/modeling/naive_bayes/bernoulli_nb.py +3 -3
  137. snowflake/ml/modeling/naive_bayes/categorical_nb.py +3 -3
  138. snowflake/ml/modeling/naive_bayes/complement_nb.py +3 -3
  139. snowflake/ml/modeling/naive_bayes/gaussian_nb.py +3 -3
  140. snowflake/ml/modeling/naive_bayes/multinomial_nb.py +3 -3
  141. snowflake/ml/modeling/neighbors/k_neighbors_classifier.py +3 -3
  142. snowflake/ml/modeling/neighbors/k_neighbors_regressor.py +3 -3
  143. snowflake/ml/modeling/neighbors/kernel_density.py +3 -3
  144. snowflake/ml/modeling/neighbors/local_outlier_factor.py +3 -3
  145. snowflake/ml/modeling/neighbors/nearest_centroid.py +3 -3
  146. snowflake/ml/modeling/neighbors/nearest_neighbors.py +3 -3
  147. snowflake/ml/modeling/neighbors/neighborhood_components_analysis.py +3 -3
  148. snowflake/ml/modeling/neighbors/radius_neighbors_classifier.py +3 -3
  149. snowflake/ml/modeling/neighbors/radius_neighbors_regressor.py +3 -3
  150. snowflake/ml/modeling/neural_network/bernoulli_rbm.py +3 -3
  151. snowflake/ml/modeling/neural_network/mlp_classifier.py +3 -3
  152. snowflake/ml/modeling/neural_network/mlp_regressor.py +3 -3
  153. snowflake/ml/modeling/preprocessing/polynomial_features.py +3 -3
  154. snowflake/ml/modeling/semi_supervised/label_propagation.py +3 -3
  155. snowflake/ml/modeling/semi_supervised/label_spreading.py +3 -3
  156. snowflake/ml/modeling/svm/linear_svc.py +3 -3
  157. snowflake/ml/modeling/svm/linear_svr.py +3 -3
  158. snowflake/ml/modeling/svm/nu_svc.py +3 -3
  159. snowflake/ml/modeling/svm/nu_svr.py +3 -3
  160. snowflake/ml/modeling/svm/svc.py +3 -3
  161. snowflake/ml/modeling/svm/svr.py +3 -3
  162. snowflake/ml/modeling/tree/decision_tree_classifier.py +3 -3
  163. snowflake/ml/modeling/tree/decision_tree_regressor.py +3 -3
  164. snowflake/ml/modeling/tree/extra_tree_classifier.py +3 -3
  165. snowflake/ml/modeling/tree/extra_tree_regressor.py +3 -3
  166. snowflake/ml/modeling/xgboost/xgb_classifier.py +3 -3
  167. snowflake/ml/modeling/xgboost/xgb_regressor.py +3 -3
  168. snowflake/ml/modeling/xgboost/xgbrf_classifier.py +3 -3
  169. snowflake/ml/modeling/xgboost/xgbrf_regressor.py +3 -3
  170. snowflake/ml/version.py +1 -1
  171. {snowflake_ml_python-1.2.1.dist-info → snowflake_ml_python-1.2.2.dist-info}/METADATA +16 -1
  172. {snowflake_ml_python-1.2.1.dist-info → snowflake_ml_python-1.2.2.dist-info}/RECORD +178 -174
  173. /snowflake/ml/modeling/_internal/{pandas_trainer.py → local_implementations/pandas_trainer.py} +0 -0
  174. /snowflake/ml/modeling/_internal/{snowpark_handlers.py → snowpark_implementations/snowpark_handlers.py} +0 -0
  175. /snowflake/ml/modeling/_internal/{snowpark_trainer.py → snowpark_implementations/snowpark_trainer.py} +0 -0
  176. {snowflake_ml_python-1.2.1.dist-info → snowflake_ml_python-1.2.2.dist-info}/LICENSE.txt +0 -0
  177. {snowflake_ml_python-1.2.1.dist-info → snowflake_ml_python-1.2.2.dist-info}/WHEEL +0 -0
  178. {snowflake_ml_python-1.2.1.dist-info → snowflake_ml_python-1.2.2.dist-info}/top_level.txt +0 -0
@@ -26,7 +26,7 @@ from snowflake.ml._internal.env_utils import SNOWML_SPROC_ENV
26
26
  from snowflake.ml._internal.utils import pkg_version_utils, identifier
27
27
  from snowflake.snowpark import DataFrame, Session
28
28
  from snowflake.snowpark._internal.type_utils import convert_sp_to_sf_type
29
- from snowflake.ml.modeling._internal.snowpark_handlers import SnowparkHandlers as HandlersImpl
29
+ from snowflake.ml.modeling._internal.snowpark_implementations.snowpark_handlers import SnowparkHandlers as HandlersImpl
30
30
  from snowflake.ml.modeling._internal.model_trainer_builder import ModelTrainerBuilder
31
31
  from snowflake.ml.modeling._internal.model_trainer import ModelTrainer
32
32
  from snowflake.ml.modeling._internal.estimator_utils import (
@@ -35,7 +35,7 @@ from snowflake.ml.modeling._internal.estimator_utils import (
35
35
  transform_snowml_obj_to_sklearn_obj,
36
36
  validate_sklearn_args,
37
37
  )
38
- from snowflake.ml.modeling._internal.estimator_protocols import FitPredictHandlers
38
+ from snowflake.ml.modeling._internal.estimator_protocols import TransformerHandlers
39
39
 
40
40
  from snowflake.ml.model.model_signature import (
41
41
  DataType,
@@ -281,7 +281,7 @@ class SpectralClustering(BaseTransformer):
281
281
  self._model_signature_dict: Optional[Dict[str, ModelSignature]] = None
282
282
  # If user used snowpark dataframe during fit, here it stores the snowpark input_cols, otherwise the processed input_cols
283
283
  self._snowpark_cols: Optional[List[str]] = self.input_cols
284
- self._handlers: FitPredictHandlers = HandlersImpl(class_name=SpectralClustering.__class__.__name__, subproject=_SUBPROJECT, autogenerated=True)
284
+ self._handlers: TransformerHandlers = HandlersImpl(class_name=SpectralClustering.__class__.__name__, subproject=_SUBPROJECT, autogenerated=True)
285
285
  self._autogenerated = True
286
286
 
287
287
  def _get_rand_id(self) -> str:
@@ -26,7 +26,7 @@ from snowflake.ml._internal.env_utils import SNOWML_SPROC_ENV
26
26
  from snowflake.ml._internal.utils import pkg_version_utils, identifier
27
27
  from snowflake.snowpark import DataFrame, Session
28
28
  from snowflake.snowpark._internal.type_utils import convert_sp_to_sf_type
29
- from snowflake.ml.modeling._internal.snowpark_handlers import SnowparkHandlers as HandlersImpl
29
+ from snowflake.ml.modeling._internal.snowpark_implementations.snowpark_handlers import SnowparkHandlers as HandlersImpl
30
30
  from snowflake.ml.modeling._internal.model_trainer_builder import ModelTrainerBuilder
31
31
  from snowflake.ml.modeling._internal.model_trainer import ModelTrainer
32
32
  from snowflake.ml.modeling._internal.estimator_utils import (
@@ -35,7 +35,7 @@ from snowflake.ml.modeling._internal.estimator_utils import (
35
35
  transform_snowml_obj_to_sklearn_obj,
36
36
  validate_sklearn_args,
37
37
  )
38
- from snowflake.ml.modeling._internal.estimator_protocols import FitPredictHandlers
38
+ from snowflake.ml.modeling._internal.estimator_protocols import TransformerHandlers
39
39
 
40
40
  from snowflake.ml.model.model_signature import (
41
41
  DataType,
@@ -202,7 +202,7 @@ class SpectralCoclustering(BaseTransformer):
202
202
  self._model_signature_dict: Optional[Dict[str, ModelSignature]] = None
203
203
  # If user used snowpark dataframe during fit, here it stores the snowpark input_cols, otherwise the processed input_cols
204
204
  self._snowpark_cols: Optional[List[str]] = self.input_cols
205
- self._handlers: FitPredictHandlers = HandlersImpl(class_name=SpectralCoclustering.__class__.__name__, subproject=_SUBPROJECT, autogenerated=True)
205
+ self._handlers: TransformerHandlers = HandlersImpl(class_name=SpectralCoclustering.__class__.__name__, subproject=_SUBPROJECT, autogenerated=True)
206
206
  self._autogenerated = True
207
207
 
208
208
  def _get_rand_id(self) -> str:
@@ -26,7 +26,7 @@ from snowflake.ml._internal.env_utils import SNOWML_SPROC_ENV
26
26
  from snowflake.ml._internal.utils import pkg_version_utils, identifier
27
27
  from snowflake.snowpark import DataFrame, Session
28
28
  from snowflake.snowpark._internal.type_utils import convert_sp_to_sf_type
29
- from snowflake.ml.modeling._internal.snowpark_handlers import SnowparkHandlers as HandlersImpl
29
+ from snowflake.ml.modeling._internal.snowpark_implementations.snowpark_handlers import SnowparkHandlers as HandlersImpl
30
30
  from snowflake.ml.modeling._internal.model_trainer_builder import ModelTrainerBuilder
31
31
  from snowflake.ml.modeling._internal.model_trainer import ModelTrainer
32
32
  from snowflake.ml.modeling._internal.estimator_utils import (
@@ -35,7 +35,7 @@ from snowflake.ml.modeling._internal.estimator_utils import (
35
35
  transform_snowml_obj_to_sklearn_obj,
36
36
  validate_sklearn_args,
37
37
  )
38
- from snowflake.ml.modeling._internal.estimator_protocols import FitPredictHandlers
38
+ from snowflake.ml.modeling._internal.estimator_protocols import TransformerHandlers
39
39
 
40
40
  from snowflake.ml.model.model_signature import (
41
41
  DataType,
@@ -232,7 +232,7 @@ class ColumnTransformer(BaseTransformer):
232
232
  self._model_signature_dict: Optional[Dict[str, ModelSignature]] = None
233
233
  # If user used snowpark dataframe during fit, here it stores the snowpark input_cols, otherwise the processed input_cols
234
234
  self._snowpark_cols: Optional[List[str]] = self.input_cols
235
- self._handlers: FitPredictHandlers = HandlersImpl(class_name=ColumnTransformer.__class__.__name__, subproject=_SUBPROJECT, autogenerated=True)
235
+ self._handlers: TransformerHandlers = HandlersImpl(class_name=ColumnTransformer.__class__.__name__, subproject=_SUBPROJECT, autogenerated=True)
236
236
  self._autogenerated = True
237
237
 
238
238
  def _get_rand_id(self) -> str:
@@ -26,7 +26,7 @@ from snowflake.ml._internal.env_utils import SNOWML_SPROC_ENV
26
26
  from snowflake.ml._internal.utils import pkg_version_utils, identifier
27
27
  from snowflake.snowpark import DataFrame, Session
28
28
  from snowflake.snowpark._internal.type_utils import convert_sp_to_sf_type
29
- from snowflake.ml.modeling._internal.snowpark_handlers import SnowparkHandlers as HandlersImpl
29
+ from snowflake.ml.modeling._internal.snowpark_implementations.snowpark_handlers import SnowparkHandlers as HandlersImpl
30
30
  from snowflake.ml.modeling._internal.model_trainer_builder import ModelTrainerBuilder
31
31
  from snowflake.ml.modeling._internal.model_trainer import ModelTrainer
32
32
  from snowflake.ml.modeling._internal.estimator_utils import (
@@ -35,7 +35,7 @@ from snowflake.ml.modeling._internal.estimator_utils import (
35
35
  transform_snowml_obj_to_sklearn_obj,
36
36
  validate_sklearn_args,
37
37
  )
38
- from snowflake.ml.modeling._internal.estimator_protocols import FitPredictHandlers
38
+ from snowflake.ml.modeling._internal.estimator_protocols import TransformerHandlers
39
39
 
40
40
  from snowflake.ml.model.model_signature import (
41
41
  DataType,
@@ -193,7 +193,7 @@ class TransformedTargetRegressor(BaseTransformer):
193
193
  self._model_signature_dict: Optional[Dict[str, ModelSignature]] = None
194
194
  # If user used snowpark dataframe during fit, here it stores the snowpark input_cols, otherwise the processed input_cols
195
195
  self._snowpark_cols: Optional[List[str]] = self.input_cols
196
- self._handlers: FitPredictHandlers = HandlersImpl(class_name=TransformedTargetRegressor.__class__.__name__, subproject=_SUBPROJECT, autogenerated=True)
196
+ self._handlers: TransformerHandlers = HandlersImpl(class_name=TransformedTargetRegressor.__class__.__name__, subproject=_SUBPROJECT, autogenerated=True)
197
197
  self._autogenerated = True
198
198
 
199
199
  def _get_rand_id(self) -> str:
@@ -26,7 +26,7 @@ from snowflake.ml._internal.env_utils import SNOWML_SPROC_ENV
26
26
  from snowflake.ml._internal.utils import pkg_version_utils, identifier
27
27
  from snowflake.snowpark import DataFrame, Session
28
28
  from snowflake.snowpark._internal.type_utils import convert_sp_to_sf_type
29
- from snowflake.ml.modeling._internal.snowpark_handlers import SnowparkHandlers as HandlersImpl
29
+ from snowflake.ml.modeling._internal.snowpark_implementations.snowpark_handlers import SnowparkHandlers as HandlersImpl
30
30
  from snowflake.ml.modeling._internal.model_trainer_builder import ModelTrainerBuilder
31
31
  from snowflake.ml.modeling._internal.model_trainer import ModelTrainer
32
32
  from snowflake.ml.modeling._internal.estimator_utils import (
@@ -35,7 +35,7 @@ from snowflake.ml.modeling._internal.estimator_utils import (
35
35
  transform_snowml_obj_to_sklearn_obj,
36
36
  validate_sklearn_args,
37
37
  )
38
- from snowflake.ml.modeling._internal.estimator_protocols import FitPredictHandlers
38
+ from snowflake.ml.modeling._internal.estimator_protocols import TransformerHandlers
39
39
 
40
40
  from snowflake.ml.model.model_signature import (
41
41
  DataType,
@@ -188,7 +188,7 @@ class EllipticEnvelope(BaseTransformer):
188
188
  self._model_signature_dict: Optional[Dict[str, ModelSignature]] = None
189
189
  # If user used snowpark dataframe during fit, here it stores the snowpark input_cols, otherwise the processed input_cols
190
190
  self._snowpark_cols: Optional[List[str]] = self.input_cols
191
- self._handlers: FitPredictHandlers = HandlersImpl(class_name=EllipticEnvelope.__class__.__name__, subproject=_SUBPROJECT, autogenerated=True)
191
+ self._handlers: TransformerHandlers = HandlersImpl(class_name=EllipticEnvelope.__class__.__name__, subproject=_SUBPROJECT, autogenerated=True)
192
192
  self._autogenerated = True
193
193
 
194
194
  def _get_rand_id(self) -> str:
@@ -26,7 +26,7 @@ from snowflake.ml._internal.env_utils import SNOWML_SPROC_ENV
26
26
  from snowflake.ml._internal.utils import pkg_version_utils, identifier
27
27
  from snowflake.snowpark import DataFrame, Session
28
28
  from snowflake.snowpark._internal.type_utils import convert_sp_to_sf_type
29
- from snowflake.ml.modeling._internal.snowpark_handlers import SnowparkHandlers as HandlersImpl
29
+ from snowflake.ml.modeling._internal.snowpark_implementations.snowpark_handlers import SnowparkHandlers as HandlersImpl
30
30
  from snowflake.ml.modeling._internal.model_trainer_builder import ModelTrainerBuilder
31
31
  from snowflake.ml.modeling._internal.model_trainer import ModelTrainer
32
32
  from snowflake.ml.modeling._internal.estimator_utils import (
@@ -35,7 +35,7 @@ from snowflake.ml.modeling._internal.estimator_utils import (
35
35
  transform_snowml_obj_to_sklearn_obj,
36
36
  validate_sklearn_args,
37
37
  )
38
- from snowflake.ml.modeling._internal.estimator_protocols import FitPredictHandlers
38
+ from snowflake.ml.modeling._internal.estimator_protocols import TransformerHandlers
39
39
 
40
40
  from snowflake.ml.model.model_signature import (
41
41
  DataType,
@@ -164,7 +164,7 @@ class EmpiricalCovariance(BaseTransformer):
164
164
  self._model_signature_dict: Optional[Dict[str, ModelSignature]] = None
165
165
  # If user used snowpark dataframe during fit, here it stores the snowpark input_cols, otherwise the processed input_cols
166
166
  self._snowpark_cols: Optional[List[str]] = self.input_cols
167
- self._handlers: FitPredictHandlers = HandlersImpl(class_name=EmpiricalCovariance.__class__.__name__, subproject=_SUBPROJECT, autogenerated=True)
167
+ self._handlers: TransformerHandlers = HandlersImpl(class_name=EmpiricalCovariance.__class__.__name__, subproject=_SUBPROJECT, autogenerated=True)
168
168
  self._autogenerated = True
169
169
 
170
170
  def _get_rand_id(self) -> str:
@@ -26,7 +26,7 @@ from snowflake.ml._internal.env_utils import SNOWML_SPROC_ENV
26
26
  from snowflake.ml._internal.utils import pkg_version_utils, identifier
27
27
  from snowflake.snowpark import DataFrame, Session
28
28
  from snowflake.snowpark._internal.type_utils import convert_sp_to_sf_type
29
- from snowflake.ml.modeling._internal.snowpark_handlers import SnowparkHandlers as HandlersImpl
29
+ from snowflake.ml.modeling._internal.snowpark_implementations.snowpark_handlers import SnowparkHandlers as HandlersImpl
30
30
  from snowflake.ml.modeling._internal.model_trainer_builder import ModelTrainerBuilder
31
31
  from snowflake.ml.modeling._internal.model_trainer import ModelTrainer
32
32
  from snowflake.ml.modeling._internal.estimator_utils import (
@@ -35,7 +35,7 @@ from snowflake.ml.modeling._internal.estimator_utils import (
35
35
  transform_snowml_obj_to_sklearn_obj,
36
36
  validate_sklearn_args,
37
37
  )
38
- from snowflake.ml.modeling._internal.estimator_protocols import FitPredictHandlers
38
+ from snowflake.ml.modeling._internal.estimator_protocols import TransformerHandlers
39
39
 
40
40
  from snowflake.ml.model.model_signature import (
41
41
  DataType,
@@ -212,7 +212,7 @@ class GraphicalLasso(BaseTransformer):
212
212
  self._model_signature_dict: Optional[Dict[str, ModelSignature]] = None
213
213
  # If user used snowpark dataframe during fit, here it stores the snowpark input_cols, otherwise the processed input_cols
214
214
  self._snowpark_cols: Optional[List[str]] = self.input_cols
215
- self._handlers: FitPredictHandlers = HandlersImpl(class_name=GraphicalLasso.__class__.__name__, subproject=_SUBPROJECT, autogenerated=True)
215
+ self._handlers: TransformerHandlers = HandlersImpl(class_name=GraphicalLasso.__class__.__name__, subproject=_SUBPROJECT, autogenerated=True)
216
216
  self._autogenerated = True
217
217
 
218
218
  def _get_rand_id(self) -> str:
@@ -26,7 +26,7 @@ from snowflake.ml._internal.env_utils import SNOWML_SPROC_ENV
26
26
  from snowflake.ml._internal.utils import pkg_version_utils, identifier
27
27
  from snowflake.snowpark import DataFrame, Session
28
28
  from snowflake.snowpark._internal.type_utils import convert_sp_to_sf_type
29
- from snowflake.ml.modeling._internal.snowpark_handlers import SnowparkHandlers as HandlersImpl
29
+ from snowflake.ml.modeling._internal.snowpark_implementations.snowpark_handlers import SnowparkHandlers as HandlersImpl
30
30
  from snowflake.ml.modeling._internal.model_trainer_builder import ModelTrainerBuilder
31
31
  from snowflake.ml.modeling._internal.model_trainer import ModelTrainer
32
32
  from snowflake.ml.modeling._internal.estimator_utils import (
@@ -35,7 +35,7 @@ from snowflake.ml.modeling._internal.estimator_utils import (
35
35
  transform_snowml_obj_to_sklearn_obj,
36
36
  validate_sklearn_args,
37
37
  )
38
- from snowflake.ml.modeling._internal.estimator_protocols import FitPredictHandlers
38
+ from snowflake.ml.modeling._internal.estimator_protocols import TransformerHandlers
39
39
 
40
40
  from snowflake.ml.model.model_signature import (
41
41
  DataType,
@@ -238,7 +238,7 @@ class GraphicalLassoCV(BaseTransformer):
238
238
  self._model_signature_dict: Optional[Dict[str, ModelSignature]] = None
239
239
  # If user used snowpark dataframe during fit, here it stores the snowpark input_cols, otherwise the processed input_cols
240
240
  self._snowpark_cols: Optional[List[str]] = self.input_cols
241
- self._handlers: FitPredictHandlers = HandlersImpl(class_name=GraphicalLassoCV.__class__.__name__, subproject=_SUBPROJECT, autogenerated=True)
241
+ self._handlers: TransformerHandlers = HandlersImpl(class_name=GraphicalLassoCV.__class__.__name__, subproject=_SUBPROJECT, autogenerated=True)
242
242
  self._autogenerated = True
243
243
 
244
244
  def _get_rand_id(self) -> str:
@@ -26,7 +26,7 @@ from snowflake.ml._internal.env_utils import SNOWML_SPROC_ENV
26
26
  from snowflake.ml._internal.utils import pkg_version_utils, identifier
27
27
  from snowflake.snowpark import DataFrame, Session
28
28
  from snowflake.snowpark._internal.type_utils import convert_sp_to_sf_type
29
- from snowflake.ml.modeling._internal.snowpark_handlers import SnowparkHandlers as HandlersImpl
29
+ from snowflake.ml.modeling._internal.snowpark_implementations.snowpark_handlers import SnowparkHandlers as HandlersImpl
30
30
  from snowflake.ml.modeling._internal.model_trainer_builder import ModelTrainerBuilder
31
31
  from snowflake.ml.modeling._internal.model_trainer import ModelTrainer
32
32
  from snowflake.ml.modeling._internal.estimator_utils import (
@@ -35,7 +35,7 @@ from snowflake.ml.modeling._internal.estimator_utils import (
35
35
  transform_snowml_obj_to_sklearn_obj,
36
36
  validate_sklearn_args,
37
37
  )
38
- from snowflake.ml.modeling._internal.estimator_protocols import FitPredictHandlers
38
+ from snowflake.ml.modeling._internal.estimator_protocols import TransformerHandlers
39
39
 
40
40
  from snowflake.ml.model.model_signature import (
41
41
  DataType,
@@ -171,7 +171,7 @@ class LedoitWolf(BaseTransformer):
171
171
  self._model_signature_dict: Optional[Dict[str, ModelSignature]] = None
172
172
  # If user used snowpark dataframe during fit, here it stores the snowpark input_cols, otherwise the processed input_cols
173
173
  self._snowpark_cols: Optional[List[str]] = self.input_cols
174
- self._handlers: FitPredictHandlers = HandlersImpl(class_name=LedoitWolf.__class__.__name__, subproject=_SUBPROJECT, autogenerated=True)
174
+ self._handlers: TransformerHandlers = HandlersImpl(class_name=LedoitWolf.__class__.__name__, subproject=_SUBPROJECT, autogenerated=True)
175
175
  self._autogenerated = True
176
176
 
177
177
  def _get_rand_id(self) -> str:
@@ -26,7 +26,7 @@ from snowflake.ml._internal.env_utils import SNOWML_SPROC_ENV
26
26
  from snowflake.ml._internal.utils import pkg_version_utils, identifier
27
27
  from snowflake.snowpark import DataFrame, Session
28
28
  from snowflake.snowpark._internal.type_utils import convert_sp_to_sf_type
29
- from snowflake.ml.modeling._internal.snowpark_handlers import SnowparkHandlers as HandlersImpl
29
+ from snowflake.ml.modeling._internal.snowpark_implementations.snowpark_handlers import SnowparkHandlers as HandlersImpl
30
30
  from snowflake.ml.modeling._internal.model_trainer_builder import ModelTrainerBuilder
31
31
  from snowflake.ml.modeling._internal.model_trainer import ModelTrainer
32
32
  from snowflake.ml.modeling._internal.estimator_utils import (
@@ -35,7 +35,7 @@ from snowflake.ml.modeling._internal.estimator_utils import (
35
35
  transform_snowml_obj_to_sklearn_obj,
36
36
  validate_sklearn_args,
37
37
  )
38
- from snowflake.ml.modeling._internal.estimator_protocols import FitPredictHandlers
38
+ from snowflake.ml.modeling._internal.estimator_protocols import TransformerHandlers
39
39
 
40
40
  from snowflake.ml.model.model_signature import (
41
41
  DataType,
@@ -183,7 +183,7 @@ class MinCovDet(BaseTransformer):
183
183
  self._model_signature_dict: Optional[Dict[str, ModelSignature]] = None
184
184
  # If user used snowpark dataframe during fit, here it stores the snowpark input_cols, otherwise the processed input_cols
185
185
  self._snowpark_cols: Optional[List[str]] = self.input_cols
186
- self._handlers: FitPredictHandlers = HandlersImpl(class_name=MinCovDet.__class__.__name__, subproject=_SUBPROJECT, autogenerated=True)
186
+ self._handlers: TransformerHandlers = HandlersImpl(class_name=MinCovDet.__class__.__name__, subproject=_SUBPROJECT, autogenerated=True)
187
187
  self._autogenerated = True
188
188
 
189
189
  def _get_rand_id(self) -> str:
@@ -26,7 +26,7 @@ from snowflake.ml._internal.env_utils import SNOWML_SPROC_ENV
26
26
  from snowflake.ml._internal.utils import pkg_version_utils, identifier
27
27
  from snowflake.snowpark import DataFrame, Session
28
28
  from snowflake.snowpark._internal.type_utils import convert_sp_to_sf_type
29
- from snowflake.ml.modeling._internal.snowpark_handlers import SnowparkHandlers as HandlersImpl
29
+ from snowflake.ml.modeling._internal.snowpark_implementations.snowpark_handlers import SnowparkHandlers as HandlersImpl
30
30
  from snowflake.ml.modeling._internal.model_trainer_builder import ModelTrainerBuilder
31
31
  from snowflake.ml.modeling._internal.model_trainer import ModelTrainer
32
32
  from snowflake.ml.modeling._internal.estimator_utils import (
@@ -35,7 +35,7 @@ from snowflake.ml.modeling._internal.estimator_utils import (
35
35
  transform_snowml_obj_to_sklearn_obj,
36
36
  validate_sklearn_args,
37
37
  )
38
- from snowflake.ml.modeling._internal.estimator_protocols import FitPredictHandlers
38
+ from snowflake.ml.modeling._internal.estimator_protocols import TransformerHandlers
39
39
 
40
40
  from snowflake.ml.model.model_signature import (
41
41
  DataType,
@@ -164,7 +164,7 @@ class OAS(BaseTransformer):
164
164
  self._model_signature_dict: Optional[Dict[str, ModelSignature]] = None
165
165
  # If user used snowpark dataframe during fit, here it stores the snowpark input_cols, otherwise the processed input_cols
166
166
  self._snowpark_cols: Optional[List[str]] = self.input_cols
167
- self._handlers: FitPredictHandlers = HandlersImpl(class_name=OAS.__class__.__name__, subproject=_SUBPROJECT, autogenerated=True)
167
+ self._handlers: TransformerHandlers = HandlersImpl(class_name=OAS.__class__.__name__, subproject=_SUBPROJECT, autogenerated=True)
168
168
  self._autogenerated = True
169
169
 
170
170
  def _get_rand_id(self) -> str:
@@ -26,7 +26,7 @@ from snowflake.ml._internal.env_utils import SNOWML_SPROC_ENV
26
26
  from snowflake.ml._internal.utils import pkg_version_utils, identifier
27
27
  from snowflake.snowpark import DataFrame, Session
28
28
  from snowflake.snowpark._internal.type_utils import convert_sp_to_sf_type
29
- from snowflake.ml.modeling._internal.snowpark_handlers import SnowparkHandlers as HandlersImpl
29
+ from snowflake.ml.modeling._internal.snowpark_implementations.snowpark_handlers import SnowparkHandlers as HandlersImpl
30
30
  from snowflake.ml.modeling._internal.model_trainer_builder import ModelTrainerBuilder
31
31
  from snowflake.ml.modeling._internal.model_trainer import ModelTrainer
32
32
  from snowflake.ml.modeling._internal.estimator_utils import (
@@ -35,7 +35,7 @@ from snowflake.ml.modeling._internal.estimator_utils import (
35
35
  transform_snowml_obj_to_sklearn_obj,
36
36
  validate_sklearn_args,
37
37
  )
38
- from snowflake.ml.modeling._internal.estimator_protocols import FitPredictHandlers
38
+ from snowflake.ml.modeling._internal.estimator_protocols import TransformerHandlers
39
39
 
40
40
  from snowflake.ml.model.model_signature import (
41
41
  DataType,
@@ -170,7 +170,7 @@ class ShrunkCovariance(BaseTransformer):
170
170
  self._model_signature_dict: Optional[Dict[str, ModelSignature]] = None
171
171
  # If user used snowpark dataframe during fit, here it stores the snowpark input_cols, otherwise the processed input_cols
172
172
  self._snowpark_cols: Optional[List[str]] = self.input_cols
173
- self._handlers: FitPredictHandlers = HandlersImpl(class_name=ShrunkCovariance.__class__.__name__, subproject=_SUBPROJECT, autogenerated=True)
173
+ self._handlers: TransformerHandlers = HandlersImpl(class_name=ShrunkCovariance.__class__.__name__, subproject=_SUBPROJECT, autogenerated=True)
174
174
  self._autogenerated = True
175
175
 
176
176
  def _get_rand_id(self) -> str:
@@ -26,7 +26,7 @@ from snowflake.ml._internal.env_utils import SNOWML_SPROC_ENV
26
26
  from snowflake.ml._internal.utils import pkg_version_utils, identifier
27
27
  from snowflake.snowpark import DataFrame, Session
28
28
  from snowflake.snowpark._internal.type_utils import convert_sp_to_sf_type
29
- from snowflake.ml.modeling._internal.snowpark_handlers import SnowparkHandlers as HandlersImpl
29
+ from snowflake.ml.modeling._internal.snowpark_implementations.snowpark_handlers import SnowparkHandlers as HandlersImpl
30
30
  from snowflake.ml.modeling._internal.model_trainer_builder import ModelTrainerBuilder
31
31
  from snowflake.ml.modeling._internal.model_trainer import ModelTrainer
32
32
  from snowflake.ml.modeling._internal.estimator_utils import (
@@ -35,7 +35,7 @@ from snowflake.ml.modeling._internal.estimator_utils import (
35
35
  transform_snowml_obj_to_sklearn_obj,
36
36
  validate_sklearn_args,
37
37
  )
38
- from snowflake.ml.modeling._internal.estimator_protocols import FitPredictHandlers
38
+ from snowflake.ml.modeling._internal.estimator_protocols import TransformerHandlers
39
39
 
40
40
  from snowflake.ml.model.model_signature import (
41
41
  DataType,
@@ -276,7 +276,7 @@ class DictionaryLearning(BaseTransformer):
276
276
  self._model_signature_dict: Optional[Dict[str, ModelSignature]] = None
277
277
  # If user used snowpark dataframe during fit, here it stores the snowpark input_cols, otherwise the processed input_cols
278
278
  self._snowpark_cols: Optional[List[str]] = self.input_cols
279
- self._handlers: FitPredictHandlers = HandlersImpl(class_name=DictionaryLearning.__class__.__name__, subproject=_SUBPROJECT, autogenerated=True)
279
+ self._handlers: TransformerHandlers = HandlersImpl(class_name=DictionaryLearning.__class__.__name__, subproject=_SUBPROJECT, autogenerated=True)
280
280
  self._autogenerated = True
281
281
 
282
282
  def _get_rand_id(self) -> str:
@@ -26,7 +26,7 @@ from snowflake.ml._internal.env_utils import SNOWML_SPROC_ENV
26
26
  from snowflake.ml._internal.utils import pkg_version_utils, identifier
27
27
  from snowflake.snowpark import DataFrame, Session
28
28
  from snowflake.snowpark._internal.type_utils import convert_sp_to_sf_type
29
- from snowflake.ml.modeling._internal.snowpark_handlers import SnowparkHandlers as HandlersImpl
29
+ from snowflake.ml.modeling._internal.snowpark_implementations.snowpark_handlers import SnowparkHandlers as HandlersImpl
30
30
  from snowflake.ml.modeling._internal.model_trainer_builder import ModelTrainerBuilder
31
31
  from snowflake.ml.modeling._internal.model_trainer import ModelTrainer
32
32
  from snowflake.ml.modeling._internal.estimator_utils import (
@@ -35,7 +35,7 @@ from snowflake.ml.modeling._internal.estimator_utils import (
35
35
  transform_snowml_obj_to_sklearn_obj,
36
36
  validate_sklearn_args,
37
37
  )
38
- from snowflake.ml.modeling._internal.estimator_protocols import FitPredictHandlers
38
+ from snowflake.ml.modeling._internal.estimator_protocols import TransformerHandlers
39
39
 
40
40
  from snowflake.ml.model.model_signature import (
41
41
  DataType,
@@ -213,7 +213,7 @@ class FactorAnalysis(BaseTransformer):
213
213
  self._model_signature_dict: Optional[Dict[str, ModelSignature]] = None
214
214
  # If user used snowpark dataframe during fit, here it stores the snowpark input_cols, otherwise the processed input_cols
215
215
  self._snowpark_cols: Optional[List[str]] = self.input_cols
216
- self._handlers: FitPredictHandlers = HandlersImpl(class_name=FactorAnalysis.__class__.__name__, subproject=_SUBPROJECT, autogenerated=True)
216
+ self._handlers: TransformerHandlers = HandlersImpl(class_name=FactorAnalysis.__class__.__name__, subproject=_SUBPROJECT, autogenerated=True)
217
217
  self._autogenerated = True
218
218
 
219
219
  def _get_rand_id(self) -> str:
@@ -26,7 +26,7 @@ from snowflake.ml._internal.env_utils import SNOWML_SPROC_ENV
26
26
  from snowflake.ml._internal.utils import pkg_version_utils, identifier
27
27
  from snowflake.snowpark import DataFrame, Session
28
28
  from snowflake.snowpark._internal.type_utils import convert_sp_to_sf_type
29
- from snowflake.ml.modeling._internal.snowpark_handlers import SnowparkHandlers as HandlersImpl
29
+ from snowflake.ml.modeling._internal.snowpark_implementations.snowpark_handlers import SnowparkHandlers as HandlersImpl
30
30
  from snowflake.ml.modeling._internal.model_trainer_builder import ModelTrainerBuilder
31
31
  from snowflake.ml.modeling._internal.model_trainer import ModelTrainer
32
32
  from snowflake.ml.modeling._internal.estimator_utils import (
@@ -35,7 +35,7 @@ from snowflake.ml.modeling._internal.estimator_utils import (
35
35
  transform_snowml_obj_to_sklearn_obj,
36
36
  validate_sklearn_args,
37
37
  )
38
- from snowflake.ml.modeling._internal.estimator_protocols import FitPredictHandlers
38
+ from snowflake.ml.modeling._internal.estimator_protocols import TransformerHandlers
39
39
 
40
40
  from snowflake.ml.model.model_signature import (
41
41
  DataType,
@@ -231,7 +231,7 @@ class FastICA(BaseTransformer):
231
231
  self._model_signature_dict: Optional[Dict[str, ModelSignature]] = None
232
232
  # If user used snowpark dataframe during fit, here it stores the snowpark input_cols, otherwise the processed input_cols
233
233
  self._snowpark_cols: Optional[List[str]] = self.input_cols
234
- self._handlers: FitPredictHandlers = HandlersImpl(class_name=FastICA.__class__.__name__, subproject=_SUBPROJECT, autogenerated=True)
234
+ self._handlers: TransformerHandlers = HandlersImpl(class_name=FastICA.__class__.__name__, subproject=_SUBPROJECT, autogenerated=True)
235
235
  self._autogenerated = True
236
236
 
237
237
  def _get_rand_id(self) -> str:
@@ -26,7 +26,7 @@ from snowflake.ml._internal.env_utils import SNOWML_SPROC_ENV
26
26
  from snowflake.ml._internal.utils import pkg_version_utils, identifier
27
27
  from snowflake.snowpark import DataFrame, Session
28
28
  from snowflake.snowpark._internal.type_utils import convert_sp_to_sf_type
29
- from snowflake.ml.modeling._internal.snowpark_handlers import SnowparkHandlers as HandlersImpl
29
+ from snowflake.ml.modeling._internal.snowpark_implementations.snowpark_handlers import SnowparkHandlers as HandlersImpl
30
30
  from snowflake.ml.modeling._internal.model_trainer_builder import ModelTrainerBuilder
31
31
  from snowflake.ml.modeling._internal.model_trainer import ModelTrainer
32
32
  from snowflake.ml.modeling._internal.estimator_utils import (
@@ -35,7 +35,7 @@ from snowflake.ml.modeling._internal.estimator_utils import (
35
35
  transform_snowml_obj_to_sklearn_obj,
36
36
  validate_sklearn_args,
37
37
  )
38
- from snowflake.ml.modeling._internal.estimator_protocols import FitPredictHandlers
38
+ from snowflake.ml.modeling._internal.estimator_protocols import TransformerHandlers
39
39
 
40
40
  from snowflake.ml.model.model_signature import (
41
41
  DataType,
@@ -183,7 +183,7 @@ class IncrementalPCA(BaseTransformer):
183
183
  self._model_signature_dict: Optional[Dict[str, ModelSignature]] = None
184
184
  # If user used snowpark dataframe during fit, here it stores the snowpark input_cols, otherwise the processed input_cols
185
185
  self._snowpark_cols: Optional[List[str]] = self.input_cols
186
- self._handlers: FitPredictHandlers = HandlersImpl(class_name=IncrementalPCA.__class__.__name__, subproject=_SUBPROJECT, autogenerated=True)
186
+ self._handlers: TransformerHandlers = HandlersImpl(class_name=IncrementalPCA.__class__.__name__, subproject=_SUBPROJECT, autogenerated=True)
187
187
  self._autogenerated = True
188
188
 
189
189
  def _get_rand_id(self) -> str:
@@ -26,7 +26,7 @@ from snowflake.ml._internal.env_utils import SNOWML_SPROC_ENV
26
26
  from snowflake.ml._internal.utils import pkg_version_utils, identifier
27
27
  from snowflake.snowpark import DataFrame, Session
28
28
  from snowflake.snowpark._internal.type_utils import convert_sp_to_sf_type
29
- from snowflake.ml.modeling._internal.snowpark_handlers import SnowparkHandlers as HandlersImpl
29
+ from snowflake.ml.modeling._internal.snowpark_implementations.snowpark_handlers import SnowparkHandlers as HandlersImpl
30
30
  from snowflake.ml.modeling._internal.model_trainer_builder import ModelTrainerBuilder
31
31
  from snowflake.ml.modeling._internal.model_trainer import ModelTrainer
32
32
  from snowflake.ml.modeling._internal.estimator_utils import (
@@ -35,7 +35,7 @@ from snowflake.ml.modeling._internal.estimator_utils import (
35
35
  transform_snowml_obj_to_sklearn_obj,
36
36
  validate_sklearn_args,
37
37
  )
38
- from snowflake.ml.modeling._internal.estimator_protocols import FitPredictHandlers
38
+ from snowflake.ml.modeling._internal.estimator_protocols import TransformerHandlers
39
39
 
40
40
  from snowflake.ml.model.model_signature import (
41
41
  DataType,
@@ -279,7 +279,7 @@ class KernelPCA(BaseTransformer):
279
279
  self._model_signature_dict: Optional[Dict[str, ModelSignature]] = None
280
280
  # If user used snowpark dataframe during fit, here it stores the snowpark input_cols, otherwise the processed input_cols
281
281
  self._snowpark_cols: Optional[List[str]] = self.input_cols
282
- self._handlers: FitPredictHandlers = HandlersImpl(class_name=KernelPCA.__class__.__name__, subproject=_SUBPROJECT, autogenerated=True)
282
+ self._handlers: TransformerHandlers = HandlersImpl(class_name=KernelPCA.__class__.__name__, subproject=_SUBPROJECT, autogenerated=True)
283
283
  self._autogenerated = True
284
284
 
285
285
  def _get_rand_id(self) -> str:
@@ -26,7 +26,7 @@ from snowflake.ml._internal.env_utils import SNOWML_SPROC_ENV
26
26
  from snowflake.ml._internal.utils import pkg_version_utils, identifier
27
27
  from snowflake.snowpark import DataFrame, Session
28
28
  from snowflake.snowpark._internal.type_utils import convert_sp_to_sf_type
29
- from snowflake.ml.modeling._internal.snowpark_handlers import SnowparkHandlers as HandlersImpl
29
+ from snowflake.ml.modeling._internal.snowpark_implementations.snowpark_handlers import SnowparkHandlers as HandlersImpl
30
30
  from snowflake.ml.modeling._internal.model_trainer_builder import ModelTrainerBuilder
31
31
  from snowflake.ml.modeling._internal.model_trainer import ModelTrainer
32
32
  from snowflake.ml.modeling._internal.estimator_utils import (
@@ -35,7 +35,7 @@ from snowflake.ml.modeling._internal.estimator_utils import (
35
35
  transform_snowml_obj_to_sklearn_obj,
36
36
  validate_sklearn_args,
37
37
  )
38
- from snowflake.ml.modeling._internal.estimator_protocols import FitPredictHandlers
38
+ from snowflake.ml.modeling._internal.estimator_protocols import TransformerHandlers
39
39
 
40
40
  from snowflake.ml.model.model_signature import (
41
41
  DataType,
@@ -301,7 +301,7 @@ class MiniBatchDictionaryLearning(BaseTransformer):
301
301
  self._model_signature_dict: Optional[Dict[str, ModelSignature]] = None
302
302
  # If user used snowpark dataframe during fit, here it stores the snowpark input_cols, otherwise the processed input_cols
303
303
  self._snowpark_cols: Optional[List[str]] = self.input_cols
304
- self._handlers: FitPredictHandlers = HandlersImpl(class_name=MiniBatchDictionaryLearning.__class__.__name__, subproject=_SUBPROJECT, autogenerated=True)
304
+ self._handlers: TransformerHandlers = HandlersImpl(class_name=MiniBatchDictionaryLearning.__class__.__name__, subproject=_SUBPROJECT, autogenerated=True)
305
305
  self._autogenerated = True
306
306
 
307
307
  def _get_rand_id(self) -> str:
@@ -26,7 +26,7 @@ from snowflake.ml._internal.env_utils import SNOWML_SPROC_ENV
26
26
  from snowflake.ml._internal.utils import pkg_version_utils, identifier
27
27
  from snowflake.snowpark import DataFrame, Session
28
28
  from snowflake.snowpark._internal.type_utils import convert_sp_to_sf_type
29
- from snowflake.ml.modeling._internal.snowpark_handlers import SnowparkHandlers as HandlersImpl
29
+ from snowflake.ml.modeling._internal.snowpark_implementations.snowpark_handlers import SnowparkHandlers as HandlersImpl
30
30
  from snowflake.ml.modeling._internal.model_trainer_builder import ModelTrainerBuilder
31
31
  from snowflake.ml.modeling._internal.model_trainer import ModelTrainer
32
32
  from snowflake.ml.modeling._internal.estimator_utils import (
@@ -35,7 +35,7 @@ from snowflake.ml.modeling._internal.estimator_utils import (
35
35
  transform_snowml_obj_to_sklearn_obj,
36
36
  validate_sklearn_args,
37
37
  )
38
- from snowflake.ml.modeling._internal.estimator_protocols import FitPredictHandlers
38
+ from snowflake.ml.modeling._internal.estimator_protocols import TransformerHandlers
39
39
 
40
40
  from snowflake.ml.model.model_signature import (
41
41
  DataType,
@@ -246,7 +246,7 @@ class MiniBatchSparsePCA(BaseTransformer):
246
246
  self._model_signature_dict: Optional[Dict[str, ModelSignature]] = None
247
247
  # If user used snowpark dataframe during fit, here it stores the snowpark input_cols, otherwise the processed input_cols
248
248
  self._snowpark_cols: Optional[List[str]] = self.input_cols
249
- self._handlers: FitPredictHandlers = HandlersImpl(class_name=MiniBatchSparsePCA.__class__.__name__, subproject=_SUBPROJECT, autogenerated=True)
249
+ self._handlers: TransformerHandlers = HandlersImpl(class_name=MiniBatchSparsePCA.__class__.__name__, subproject=_SUBPROJECT, autogenerated=True)
250
250
  self._autogenerated = True
251
251
 
252
252
  def _get_rand_id(self) -> str:
@@ -26,7 +26,7 @@ from snowflake.ml._internal.env_utils import SNOWML_SPROC_ENV
26
26
  from snowflake.ml._internal.utils import pkg_version_utils, identifier
27
27
  from snowflake.snowpark import DataFrame, Session
28
28
  from snowflake.snowpark._internal.type_utils import convert_sp_to_sf_type
29
- from snowflake.ml.modeling._internal.snowpark_handlers import SnowparkHandlers as HandlersImpl
29
+ from snowflake.ml.modeling._internal.snowpark_implementations.snowpark_handlers import SnowparkHandlers as HandlersImpl
30
30
  from snowflake.ml.modeling._internal.model_trainer_builder import ModelTrainerBuilder
31
31
  from snowflake.ml.modeling._internal.model_trainer import ModelTrainer
32
32
  from snowflake.ml.modeling._internal.estimator_utils import (
@@ -35,7 +35,7 @@ from snowflake.ml.modeling._internal.estimator_utils import (
35
35
  transform_snowml_obj_to_sklearn_obj,
36
36
  validate_sklearn_args,
37
37
  )
38
- from snowflake.ml.modeling._internal.estimator_protocols import FitPredictHandlers
38
+ from snowflake.ml.modeling._internal.estimator_protocols import TransformerHandlers
39
39
 
40
40
  from snowflake.ml.model.model_signature import (
41
41
  DataType,
@@ -248,7 +248,7 @@ class PCA(BaseTransformer):
248
248
  self._model_signature_dict: Optional[Dict[str, ModelSignature]] = None
249
249
  # If user used snowpark dataframe during fit, here it stores the snowpark input_cols, otherwise the processed input_cols
250
250
  self._snowpark_cols: Optional[List[str]] = self.input_cols
251
- self._handlers: FitPredictHandlers = HandlersImpl(class_name=PCA.__class__.__name__, subproject=_SUBPROJECT, autogenerated=True)
251
+ self._handlers: TransformerHandlers = HandlersImpl(class_name=PCA.__class__.__name__, subproject=_SUBPROJECT, autogenerated=True)
252
252
  self._autogenerated = True
253
253
 
254
254
  def _get_rand_id(self) -> str:
@@ -26,7 +26,7 @@ from snowflake.ml._internal.env_utils import SNOWML_SPROC_ENV
26
26
  from snowflake.ml._internal.utils import pkg_version_utils, identifier
27
27
  from snowflake.snowpark import DataFrame, Session
28
28
  from snowflake.snowpark._internal.type_utils import convert_sp_to_sf_type
29
- from snowflake.ml.modeling._internal.snowpark_handlers import SnowparkHandlers as HandlersImpl
29
+ from snowflake.ml.modeling._internal.snowpark_implementations.snowpark_handlers import SnowparkHandlers as HandlersImpl
30
30
  from snowflake.ml.modeling._internal.model_trainer_builder import ModelTrainerBuilder
31
31
  from snowflake.ml.modeling._internal.model_trainer import ModelTrainer
32
32
  from snowflake.ml.modeling._internal.estimator_utils import (
@@ -35,7 +35,7 @@ from snowflake.ml.modeling._internal.estimator_utils import (
35
35
  transform_snowml_obj_to_sklearn_obj,
36
36
  validate_sklearn_args,
37
37
  )
38
- from snowflake.ml.modeling._internal.estimator_protocols import FitPredictHandlers
38
+ from snowflake.ml.modeling._internal.estimator_protocols import TransformerHandlers
39
39
 
40
40
  from snowflake.ml.model.model_signature import (
41
41
  DataType,
@@ -221,7 +221,7 @@ class SparsePCA(BaseTransformer):
221
221
  self._model_signature_dict: Optional[Dict[str, ModelSignature]] = None
222
222
  # If user used snowpark dataframe during fit, here it stores the snowpark input_cols, otherwise the processed input_cols
223
223
  self._snowpark_cols: Optional[List[str]] = self.input_cols
224
- self._handlers: FitPredictHandlers = HandlersImpl(class_name=SparsePCA.__class__.__name__, subproject=_SUBPROJECT, autogenerated=True)
224
+ self._handlers: TransformerHandlers = HandlersImpl(class_name=SparsePCA.__class__.__name__, subproject=_SUBPROJECT, autogenerated=True)
225
225
  self._autogenerated = True
226
226
 
227
227
  def _get_rand_id(self) -> str:
@@ -26,7 +26,7 @@ from snowflake.ml._internal.env_utils import SNOWML_SPROC_ENV
26
26
  from snowflake.ml._internal.utils import pkg_version_utils, identifier
27
27
  from snowflake.snowpark import DataFrame, Session
28
28
  from snowflake.snowpark._internal.type_utils import convert_sp_to_sf_type
29
- from snowflake.ml.modeling._internal.snowpark_handlers import SnowparkHandlers as HandlersImpl
29
+ from snowflake.ml.modeling._internal.snowpark_implementations.snowpark_handlers import SnowparkHandlers as HandlersImpl
30
30
  from snowflake.ml.modeling._internal.model_trainer_builder import ModelTrainerBuilder
31
31
  from snowflake.ml.modeling._internal.model_trainer import ModelTrainer
32
32
  from snowflake.ml.modeling._internal.estimator_utils import (
@@ -35,7 +35,7 @@ from snowflake.ml.modeling._internal.estimator_utils import (
35
35
  transform_snowml_obj_to_sklearn_obj,
36
36
  validate_sklearn_args,
37
37
  )
38
- from snowflake.ml.modeling._internal.estimator_protocols import FitPredictHandlers
38
+ from snowflake.ml.modeling._internal.estimator_protocols import TransformerHandlers
39
39
 
40
40
  from snowflake.ml.model.model_signature import (
41
41
  DataType,
@@ -202,7 +202,7 @@ class TruncatedSVD(BaseTransformer):
202
202
  self._model_signature_dict: Optional[Dict[str, ModelSignature]] = None
203
203
  # If user used snowpark dataframe during fit, here it stores the snowpark input_cols, otherwise the processed input_cols
204
204
  self._snowpark_cols: Optional[List[str]] = self.input_cols
205
- self._handlers: FitPredictHandlers = HandlersImpl(class_name=TruncatedSVD.__class__.__name__, subproject=_SUBPROJECT, autogenerated=True)
205
+ self._handlers: TransformerHandlers = HandlersImpl(class_name=TruncatedSVD.__class__.__name__, subproject=_SUBPROJECT, autogenerated=True)
206
206
  self._autogenerated = True
207
207
 
208
208
  def _get_rand_id(self) -> str: