snowflake-ml-python 1.6.2__py3-none-any.whl → 1.6.4__py3-none-any.whl
This diff represents the content of publicly available package versions that have been released to one of the supported registries. The information contained in this diff is provided for informational purposes only and reflects changes between package versions as they appear in their respective public registries.
- snowflake/cortex/__init__.py +4 -0
- snowflake/cortex/_classify_text.py +2 -2
- snowflake/cortex/_embed_text_1024.py +37 -0
- snowflake/cortex/_embed_text_768.py +37 -0
- snowflake/cortex/_extract_answer.py +2 -2
- snowflake/cortex/_sentiment.py +2 -2
- snowflake/cortex/_summarize.py +2 -2
- snowflake/cortex/_translate.py +2 -2
- snowflake/cortex/_util.py +4 -4
- snowflake/ml/_internal/env_utils.py +5 -5
- snowflake/ml/_internal/exceptions/error_codes.py +2 -0
- snowflake/ml/_internal/utils/db_utils.py +50 -0
- snowflake/ml/_internal/utils/service_logger.py +63 -0
- snowflake/ml/_internal/utils/sql_identifier.py +25 -1
- snowflake/ml/data/_internal/arrow_ingestor.py +1 -11
- snowflake/ml/data/ingestor_utils.py +20 -10
- snowflake/ml/feature_store/access_manager.py +3 -3
- snowflake/ml/feature_store/feature_store.py +19 -2
- snowflake/ml/feature_store/feature_view.py +82 -28
- snowflake/ml/fileset/stage_fs.py +2 -1
- snowflake/ml/lineage/lineage_node.py +7 -2
- snowflake/ml/model/__init__.py +1 -2
- snowflake/ml/model/_client/model/model_version_impl.py +78 -9
- snowflake/ml/model/_client/ops/model_ops.py +89 -7
- snowflake/ml/model/_client/ops/service_ops.py +200 -91
- snowflake/ml/model/_client/service/model_deployment_spec.py +4 -0
- snowflake/ml/model/_client/service/model_deployment_spec_schema.py +1 -0
- snowflake/ml/model/_client/sql/_base.py +5 -0
- snowflake/ml/model/_client/sql/model.py +1 -0
- snowflake/ml/model/_client/sql/model_version.py +9 -5
- snowflake/ml/model/_client/sql/service.py +35 -13
- snowflake/ml/model/_model_composer/model_composer.py +11 -41
- snowflake/ml/model/_model_composer/model_manifest/model_manifest.py +29 -4
- snowflake/ml/model/_packager/model_env/model_env.py +4 -38
- snowflake/ml/model/_packager/model_handlers/_utils.py +106 -32
- snowflake/ml/model/_packager/model_handlers/catboost.py +26 -27
- snowflake/ml/model/_packager/model_handlers/huggingface_pipeline.py +3 -3
- snowflake/ml/model/_packager/model_handlers/lightgbm.py +21 -6
- snowflake/ml/model/_packager/model_handlers/mlflow.py +3 -5
- snowflake/ml/model/_packager/model_handlers/model_objective_utils.py +111 -58
- snowflake/ml/model/_packager/model_handlers/sentence_transformers.py +15 -8
- snowflake/ml/model/_packager/model_handlers/sklearn.py +50 -66
- snowflake/ml/model/_packager/model_handlers/snowmlmodel.py +36 -17
- snowflake/ml/model/_packager/model_handlers/xgboost.py +22 -7
- snowflake/ml/model/_packager/model_meta/model_meta.py +16 -45
- snowflake/ml/model/_packager/model_meta/model_meta_schema.py +1 -6
- snowflake/ml/model/_packager/model_packager.py +14 -10
- snowflake/ml/model/_packager/model_runtime/model_runtime.py +11 -0
- snowflake/ml/model/_signatures/snowpark_handler.py +3 -2
- snowflake/ml/model/type_hints.py +11 -152
- snowflake/ml/modeling/_internal/snowpark_implementations/distributed_hpo_trainer.py +0 -2
- snowflake/ml/modeling/_internal/snowpark_implementations/snowpark_trainer.py +17 -6
- snowflake/ml/modeling/_internal/snowpark_implementations/xgboost_external_memory_trainer.py +0 -1
- snowflake/ml/modeling/calibration/calibrated_classifier_cv.py +1 -0
- snowflake/ml/modeling/cluster/affinity_propagation.py +1 -0
- snowflake/ml/modeling/cluster/agglomerative_clustering.py +1 -0
- snowflake/ml/modeling/cluster/birch.py +1 -0
- snowflake/ml/modeling/cluster/bisecting_k_means.py +1 -0
- snowflake/ml/modeling/cluster/dbscan.py +1 -0
- snowflake/ml/modeling/cluster/feature_agglomeration.py +1 -0
- snowflake/ml/modeling/cluster/k_means.py +1 -0
- snowflake/ml/modeling/cluster/mean_shift.py +1 -0
- snowflake/ml/modeling/cluster/mini_batch_k_means.py +1 -0
- snowflake/ml/modeling/cluster/optics.py +1 -0
- snowflake/ml/modeling/cluster/spectral_biclustering.py +1 -0
- snowflake/ml/modeling/cluster/spectral_clustering.py +1 -0
- snowflake/ml/modeling/cluster/spectral_coclustering.py +1 -0
- snowflake/ml/modeling/compose/column_transformer.py +1 -0
- snowflake/ml/modeling/compose/transformed_target_regressor.py +1 -0
- snowflake/ml/modeling/covariance/elliptic_envelope.py +1 -0
- snowflake/ml/modeling/covariance/empirical_covariance.py +1 -0
- snowflake/ml/modeling/covariance/graphical_lasso.py +1 -0
- snowflake/ml/modeling/covariance/graphical_lasso_cv.py +1 -0
- snowflake/ml/modeling/covariance/ledoit_wolf.py +1 -0
- snowflake/ml/modeling/covariance/min_cov_det.py +1 -0
- snowflake/ml/modeling/covariance/oas.py +1 -0
- snowflake/ml/modeling/covariance/shrunk_covariance.py +1 -0
- snowflake/ml/modeling/decomposition/dictionary_learning.py +1 -0
- snowflake/ml/modeling/decomposition/factor_analysis.py +1 -0
- snowflake/ml/modeling/decomposition/fast_ica.py +1 -0
- snowflake/ml/modeling/decomposition/incremental_pca.py +1 -0
- snowflake/ml/modeling/decomposition/kernel_pca.py +1 -0
- snowflake/ml/modeling/decomposition/mini_batch_dictionary_learning.py +1 -0
- snowflake/ml/modeling/decomposition/mini_batch_sparse_pca.py +1 -0
- snowflake/ml/modeling/decomposition/pca.py +1 -0
- snowflake/ml/modeling/decomposition/sparse_pca.py +1 -0
- snowflake/ml/modeling/decomposition/truncated_svd.py +1 -0
- snowflake/ml/modeling/discriminant_analysis/linear_discriminant_analysis.py +1 -0
- snowflake/ml/modeling/discriminant_analysis/quadratic_discriminant_analysis.py +1 -0
- snowflake/ml/modeling/ensemble/ada_boost_classifier.py +1 -0
- snowflake/ml/modeling/ensemble/ada_boost_regressor.py +1 -0
- snowflake/ml/modeling/ensemble/bagging_classifier.py +1 -0
- snowflake/ml/modeling/ensemble/bagging_regressor.py +1 -0
- snowflake/ml/modeling/ensemble/extra_trees_classifier.py +1 -0
- snowflake/ml/modeling/ensemble/extra_trees_regressor.py +1 -0
- snowflake/ml/modeling/ensemble/gradient_boosting_classifier.py +1 -0
- snowflake/ml/modeling/ensemble/gradient_boosting_regressor.py +1 -0
- snowflake/ml/modeling/ensemble/hist_gradient_boosting_classifier.py +1 -0
- snowflake/ml/modeling/ensemble/hist_gradient_boosting_regressor.py +1 -0
- snowflake/ml/modeling/ensemble/isolation_forest.py +1 -0
- snowflake/ml/modeling/ensemble/random_forest_classifier.py +1 -0
- snowflake/ml/modeling/ensemble/random_forest_regressor.py +1 -0
- snowflake/ml/modeling/ensemble/stacking_regressor.py +1 -0
- snowflake/ml/modeling/ensemble/voting_classifier.py +1 -0
- snowflake/ml/modeling/ensemble/voting_regressor.py +1 -0
- snowflake/ml/modeling/feature_selection/generic_univariate_select.py +1 -0
- snowflake/ml/modeling/feature_selection/select_fdr.py +1 -0
- snowflake/ml/modeling/feature_selection/select_fpr.py +1 -0
- snowflake/ml/modeling/feature_selection/select_fwe.py +1 -0
- snowflake/ml/modeling/feature_selection/select_k_best.py +1 -0
- snowflake/ml/modeling/feature_selection/select_percentile.py +1 -0
- snowflake/ml/modeling/feature_selection/sequential_feature_selector.py +1 -0
- snowflake/ml/modeling/feature_selection/variance_threshold.py +1 -0
- snowflake/ml/modeling/gaussian_process/gaussian_process_classifier.py +1 -0
- snowflake/ml/modeling/gaussian_process/gaussian_process_regressor.py +1 -0
- snowflake/ml/modeling/impute/iterative_imputer.py +1 -0
- snowflake/ml/modeling/impute/knn_imputer.py +1 -0
- snowflake/ml/modeling/impute/missing_indicator.py +1 -0
- snowflake/ml/modeling/kernel_approximation/additive_chi2_sampler.py +1 -0
- snowflake/ml/modeling/kernel_approximation/nystroem.py +1 -0
- snowflake/ml/modeling/kernel_approximation/polynomial_count_sketch.py +1 -0
- snowflake/ml/modeling/kernel_approximation/rbf_sampler.py +1 -0
- snowflake/ml/modeling/kernel_approximation/skewed_chi2_sampler.py +1 -0
- snowflake/ml/modeling/kernel_ridge/kernel_ridge.py +1 -0
- snowflake/ml/modeling/lightgbm/lgbm_classifier.py +1 -0
- snowflake/ml/modeling/lightgbm/lgbm_regressor.py +1 -0
- snowflake/ml/modeling/linear_model/ard_regression.py +1 -0
- snowflake/ml/modeling/linear_model/bayesian_ridge.py +1 -0
- snowflake/ml/modeling/linear_model/elastic_net.py +1 -0
- snowflake/ml/modeling/linear_model/elastic_net_cv.py +1 -0
- snowflake/ml/modeling/linear_model/gamma_regressor.py +1 -0
- snowflake/ml/modeling/linear_model/huber_regressor.py +1 -0
- snowflake/ml/modeling/linear_model/lars.py +1 -0
- snowflake/ml/modeling/linear_model/lars_cv.py +1 -0
- snowflake/ml/modeling/linear_model/lasso.py +1 -0
- snowflake/ml/modeling/linear_model/lasso_cv.py +1 -0
- snowflake/ml/modeling/linear_model/lasso_lars.py +1 -0
- snowflake/ml/modeling/linear_model/lasso_lars_cv.py +1 -0
- snowflake/ml/modeling/linear_model/lasso_lars_ic.py +1 -0
- snowflake/ml/modeling/linear_model/linear_regression.py +1 -0
- snowflake/ml/modeling/linear_model/logistic_regression.py +1 -0
- snowflake/ml/modeling/linear_model/logistic_regression_cv.py +1 -0
- snowflake/ml/modeling/linear_model/multi_task_elastic_net.py +1 -0
- snowflake/ml/modeling/linear_model/multi_task_elastic_net_cv.py +1 -0
- snowflake/ml/modeling/linear_model/multi_task_lasso.py +1 -0
- snowflake/ml/modeling/linear_model/multi_task_lasso_cv.py +1 -0
- snowflake/ml/modeling/linear_model/orthogonal_matching_pursuit.py +1 -0
- snowflake/ml/modeling/linear_model/passive_aggressive_classifier.py +1 -0
- snowflake/ml/modeling/linear_model/passive_aggressive_regressor.py +1 -0
- snowflake/ml/modeling/linear_model/perceptron.py +1 -0
- snowflake/ml/modeling/linear_model/poisson_regressor.py +1 -0
- snowflake/ml/modeling/linear_model/ransac_regressor.py +1 -0
- snowflake/ml/modeling/linear_model/ridge.py +1 -0
- snowflake/ml/modeling/linear_model/ridge_classifier.py +1 -0
- snowflake/ml/modeling/linear_model/ridge_classifier_cv.py +1 -0
- snowflake/ml/modeling/linear_model/ridge_cv.py +1 -0
- snowflake/ml/modeling/linear_model/sgd_classifier.py +1 -0
- snowflake/ml/modeling/linear_model/sgd_one_class_svm.py +1 -0
- snowflake/ml/modeling/linear_model/sgd_regressor.py +1 -0
- snowflake/ml/modeling/linear_model/theil_sen_regressor.py +1 -0
- snowflake/ml/modeling/linear_model/tweedie_regressor.py +1 -0
- snowflake/ml/modeling/manifold/isomap.py +1 -0
- snowflake/ml/modeling/manifold/mds.py +1 -0
- snowflake/ml/modeling/manifold/spectral_embedding.py +1 -0
- snowflake/ml/modeling/manifold/tsne.py +1 -0
- snowflake/ml/modeling/metrics/metrics_utils.py +2 -2
- snowflake/ml/modeling/metrics/ranking.py +0 -3
- snowflake/ml/modeling/metrics/regression.py +0 -3
- snowflake/ml/modeling/mixture/bayesian_gaussian_mixture.py +1 -0
- snowflake/ml/modeling/mixture/gaussian_mixture.py +1 -0
- snowflake/ml/modeling/multiclass/one_vs_one_classifier.py +1 -0
- snowflake/ml/modeling/multiclass/one_vs_rest_classifier.py +1 -0
- snowflake/ml/modeling/multiclass/output_code_classifier.py +1 -0
- snowflake/ml/modeling/naive_bayes/bernoulli_nb.py +1 -0
- snowflake/ml/modeling/naive_bayes/categorical_nb.py +1 -0
- snowflake/ml/modeling/naive_bayes/complement_nb.py +1 -0
- snowflake/ml/modeling/naive_bayes/gaussian_nb.py +1 -0
- snowflake/ml/modeling/naive_bayes/multinomial_nb.py +1 -0
- snowflake/ml/modeling/neighbors/k_neighbors_classifier.py +1 -0
- snowflake/ml/modeling/neighbors/k_neighbors_regressor.py +1 -0
- snowflake/ml/modeling/neighbors/kernel_density.py +1 -0
- snowflake/ml/modeling/neighbors/local_outlier_factor.py +1 -0
- snowflake/ml/modeling/neighbors/nearest_centroid.py +1 -0
- snowflake/ml/modeling/neighbors/nearest_neighbors.py +1 -0
- snowflake/ml/modeling/neighbors/neighborhood_components_analysis.py +1 -0
- snowflake/ml/modeling/neighbors/radius_neighbors_classifier.py +1 -0
- snowflake/ml/modeling/neighbors/radius_neighbors_regressor.py +1 -0
- snowflake/ml/modeling/neural_network/bernoulli_rbm.py +1 -0
- snowflake/ml/modeling/neural_network/mlp_classifier.py +1 -0
- snowflake/ml/modeling/neural_network/mlp_regressor.py +1 -0
- snowflake/ml/modeling/pipeline/pipeline.py +0 -1
- snowflake/ml/modeling/preprocessing/polynomial_features.py +1 -0
- snowflake/ml/modeling/semi_supervised/label_propagation.py +1 -0
- snowflake/ml/modeling/semi_supervised/label_spreading.py +1 -0
- snowflake/ml/modeling/svm/linear_svc.py +1 -0
- snowflake/ml/modeling/svm/linear_svr.py +1 -0
- snowflake/ml/modeling/svm/nu_svc.py +1 -0
- snowflake/ml/modeling/svm/nu_svr.py +1 -0
- snowflake/ml/modeling/svm/svc.py +1 -0
- snowflake/ml/modeling/svm/svr.py +1 -0
- snowflake/ml/modeling/tree/decision_tree_classifier.py +1 -0
- snowflake/ml/modeling/tree/decision_tree_regressor.py +1 -0
- snowflake/ml/modeling/tree/extra_tree_classifier.py +1 -0
- snowflake/ml/modeling/tree/extra_tree_regressor.py +1 -0
- snowflake/ml/modeling/xgboost/xgb_classifier.py +1 -0
- snowflake/ml/modeling/xgboost/xgb_regressor.py +1 -0
- snowflake/ml/modeling/xgboost/xgbrf_classifier.py +1 -0
- snowflake/ml/modeling/xgboost/xgbrf_regressor.py +1 -0
- snowflake/ml/monitoring/_client/model_monitor.py +126 -0
- snowflake/ml/monitoring/_client/model_monitor_manager.py +361 -0
- snowflake/ml/monitoring/_client/model_monitor_version.py +1 -0
- snowflake/ml/monitoring/_client/monitor_sql_client.py +1335 -0
- snowflake/ml/monitoring/_client/queries/record_count.ssql +14 -0
- snowflake/ml/monitoring/_client/queries/rmse.ssql +28 -0
- snowflake/ml/monitoring/entities/model_monitor_config.py +28 -0
- snowflake/ml/monitoring/entities/model_monitor_interval.py +46 -0
- snowflake/ml/monitoring/entities/output_score_type.py +90 -0
- snowflake/ml/registry/_manager/model_manager.py +4 -4
- snowflake/ml/registry/registry.py +165 -6
- snowflake/ml/version.py +1 -1
- {snowflake_ml_python-1.6.2.dist-info → snowflake_ml_python-1.6.4.dist-info}/METADATA +30 -9
- {snowflake_ml_python-1.6.2.dist-info → snowflake_ml_python-1.6.4.dist-info}/RECORD +225 -249
- {snowflake_ml_python-1.6.2.dist-info → snowflake_ml_python-1.6.4.dist-info}/WHEEL +1 -1
- snowflake/ml/_internal/container_services/image_registry/credential.py +0 -84
- snowflake/ml/_internal/container_services/image_registry/http_client.py +0 -127
- snowflake/ml/_internal/container_services/image_registry/imagelib.py +0 -400
- snowflake/ml/_internal/container_services/image_registry/registry_client.py +0 -212
- snowflake/ml/_internal/utils/log_stream_processor.py +0 -30
- snowflake/ml/_internal/utils/session_token_manager.py +0 -46
- snowflake/ml/_internal/utils/spcs_attribution_utils.py +0 -122
- snowflake/ml/_internal/utils/uri.py +0 -77
- snowflake/ml/model/_api.py +0 -568
- snowflake/ml/model/_deploy_client/image_builds/base_image_builder.py +0 -12
- snowflake/ml/model/_deploy_client/image_builds/client_image_builder.py +0 -249
- snowflake/ml/model/_deploy_client/image_builds/docker_context.py +0 -130
- snowflake/ml/model/_deploy_client/image_builds/gunicorn_run.sh +0 -36
- snowflake/ml/model/_deploy_client/image_builds/inference_server/main.py +0 -268
- snowflake/ml/model/_deploy_client/image_builds/server_image_builder.py +0 -215
- snowflake/ml/model/_deploy_client/image_builds/templates/dockerfile_template +0 -53
- snowflake/ml/model/_deploy_client/image_builds/templates/image_build_job_spec_template +0 -38
- snowflake/ml/model/_deploy_client/image_builds/templates/kaniko_shell_script_template +0 -105
- snowflake/ml/model/_deploy_client/snowservice/deploy.py +0 -611
- snowflake/ml/model/_deploy_client/snowservice/deploy_options.py +0 -116
- snowflake/ml/model/_deploy_client/snowservice/instance_types.py +0 -10
- snowflake/ml/model/_deploy_client/snowservice/templates/service_spec_template +0 -28
- snowflake/ml/model/_deploy_client/snowservice/templates/service_spec_template_with_model +0 -21
- snowflake/ml/model/_deploy_client/utils/constants.py +0 -48
- snowflake/ml/model/_deploy_client/utils/snowservice_client.py +0 -280
- snowflake/ml/model/_deploy_client/warehouse/deploy.py +0 -202
- snowflake/ml/model/_deploy_client/warehouse/infer_template.py +0 -99
- snowflake/ml/model/_packager/model_handlers/llm.py +0 -269
- snowflake/ml/model/_packager/model_meta/_core_requirements.py +0 -11
- snowflake/ml/model/deploy_platforms.py +0 -6
- snowflake/ml/model/models/llm.py +0 -106
- snowflake/ml/monitoring/monitor.py +0 -203
- snowflake/ml/registry/_initial_schema.py +0 -142
- snowflake/ml/registry/_schema.py +0 -82
- snowflake/ml/registry/_schema_upgrade_plans.py +0 -116
- snowflake/ml/registry/_schema_version_manager.py +0 -163
- snowflake/ml/registry/model_registry.py +0 -2048
- {snowflake_ml_python-1.6.2.dist-info → snowflake_ml_python-1.6.4.dist-info}/LICENSE.txt +0 -0
- {snowflake_ml_python-1.6.2.dist-info → snowflake_ml_python-1.6.4.dist-info}/top_level.txt +0 -0
@@ -528,6 +528,7 @@ class LinearRegression(BaseTransformer):
|
|
528
528
|
"""
|
529
529
|
self._infer_input_output_cols(dataset)
|
530
530
|
super()._check_dataset_type(dataset)
|
531
|
+
|
531
532
|
model_trainer = ModelTrainerBuilder.build_fit_transform(
|
532
533
|
estimator=self._sklearn_object,
|
533
534
|
dataset=dataset,
|
@@ -642,6 +642,7 @@ class LogisticRegression(BaseTransformer):
|
|
642
642
|
"""
|
643
643
|
self._infer_input_output_cols(dataset)
|
644
644
|
super()._check_dataset_type(dataset)
|
645
|
+
|
645
646
|
model_trainer = ModelTrainerBuilder.build_fit_transform(
|
646
647
|
estimator=self._sklearn_object,
|
647
648
|
dataset=dataset,
|
@@ -663,6 +663,7 @@ class LogisticRegressionCV(BaseTransformer):
|
|
663
663
|
"""
|
664
664
|
self._infer_input_output_cols(dataset)
|
665
665
|
super()._check_dataset_type(dataset)
|
666
|
+
|
666
667
|
model_trainer = ModelTrainerBuilder.build_fit_transform(
|
667
668
|
estimator=self._sklearn_object,
|
668
669
|
dataset=dataset,
|
@@ -561,6 +561,7 @@ class MultiTaskElasticNet(BaseTransformer):
|
|
561
561
|
"""
|
562
562
|
self._infer_input_output_cols(dataset)
|
563
563
|
super()._check_dataset_type(dataset)
|
564
|
+
|
564
565
|
model_trainer = ModelTrainerBuilder.build_fit_transform(
|
565
566
|
estimator=self._sklearn_object,
|
566
567
|
dataset=dataset,
|
@@ -602,6 +602,7 @@ class MultiTaskElasticNetCV(BaseTransformer):
|
|
602
602
|
"""
|
603
603
|
self._infer_input_output_cols(dataset)
|
604
604
|
super()._check_dataset_type(dataset)
|
605
|
+
|
605
606
|
model_trainer = ModelTrainerBuilder.build_fit_transform(
|
606
607
|
estimator=self._sklearn_object,
|
607
608
|
dataset=dataset,
|
@@ -588,6 +588,7 @@ class MultiTaskLassoCV(BaseTransformer):
|
|
588
588
|
"""
|
589
589
|
self._infer_input_output_cols(dataset)
|
590
590
|
super()._check_dataset_type(dataset)
|
591
|
+
|
591
592
|
model_trainer = ModelTrainerBuilder.build_fit_transform(
|
592
593
|
estimator=self._sklearn_object,
|
593
594
|
dataset=dataset,
|
@@ -536,6 +536,7 @@ class OrthogonalMatchingPursuit(BaseTransformer):
|
|
536
536
|
"""
|
537
537
|
self._infer_input_output_cols(dataset)
|
538
538
|
super()._check_dataset_type(dataset)
|
539
|
+
|
539
540
|
model_trainer = ModelTrainerBuilder.build_fit_transform(
|
540
541
|
estimator=self._sklearn_object,
|
541
542
|
dataset=dataset,
|
@@ -610,6 +610,7 @@ class PassiveAggressiveClassifier(BaseTransformer):
|
|
610
610
|
"""
|
611
611
|
self._infer_input_output_cols(dataset)
|
612
612
|
super()._check_dataset_type(dataset)
|
613
|
+
|
613
614
|
model_trainer = ModelTrainerBuilder.build_fit_transform(
|
614
615
|
estimator=self._sklearn_object,
|
615
616
|
dataset=dataset,
|
@@ -596,6 +596,7 @@ class PassiveAggressiveRegressor(BaseTransformer):
|
|
596
596
|
"""
|
597
597
|
self._infer_input_output_cols(dataset)
|
598
598
|
super()._check_dataset_type(dataset)
|
599
|
+
|
599
600
|
model_trainer = ModelTrainerBuilder.build_fit_transform(
|
600
601
|
estimator=self._sklearn_object,
|
601
602
|
dataset=dataset,
|
@@ -558,6 +558,7 @@ class PoissonRegressor(BaseTransformer):
|
|
558
558
|
"""
|
559
559
|
self._infer_input_output_cols(dataset)
|
560
560
|
super()._check_dataset_type(dataset)
|
561
|
+
|
561
562
|
model_trainer = ModelTrainerBuilder.build_fit_transform(
|
562
563
|
estimator=self._sklearn_object,
|
563
564
|
dataset=dataset,
|
@@ -557,6 +557,7 @@ class RidgeClassifierCV(BaseTransformer):
|
|
557
557
|
"""
|
558
558
|
self._infer_input_output_cols(dataset)
|
559
559
|
super()._check_dataset_type(dataset)
|
560
|
+
|
560
561
|
model_trainer = ModelTrainerBuilder.build_fit_transform(
|
561
562
|
estimator=self._sklearn_object,
|
562
563
|
dataset=dataset,
|
@@ -565,6 +565,7 @@ class TheilSenRegressor(BaseTransformer):
|
|
565
565
|
"""
|
566
566
|
self._infer_input_output_cols(dataset)
|
567
567
|
super()._check_dataset_type(dataset)
|
568
|
+
|
568
569
|
model_trainer = ModelTrainerBuilder.build_fit_transform(
|
569
570
|
estimator=self._sklearn_object,
|
570
571
|
dataset=dataset,
|
@@ -591,6 +591,7 @@ class TweedieRegressor(BaseTransformer):
|
|
591
591
|
"""
|
592
592
|
self._infer_input_output_cols(dataset)
|
593
593
|
super()._check_dataset_type(dataset)
|
594
|
+
|
594
595
|
model_trainer = ModelTrainerBuilder.build_fit_transform(
|
595
596
|
estimator=self._sklearn_object,
|
596
597
|
dataset=dataset,
|
@@ -574,6 +574,7 @@ class SpectralEmbedding(BaseTransformer):
|
|
574
574
|
"""
|
575
575
|
self._infer_input_output_cols(dataset)
|
576
576
|
super()._check_dataset_type(dataset)
|
577
|
+
|
577
578
|
model_trainer = ModelTrainerBuilder.build_fit_transform(
|
578
579
|
estimator=self._sklearn_object,
|
579
580
|
dataset=dataset,
|
@@ -59,7 +59,7 @@ def register_accumulator_udtf(*, session: Session, statement_params: Dict[str, A
|
|
59
59
|
]
|
60
60
|
),
|
61
61
|
input_types=[T.BinaryType()],
|
62
|
-
packages=["numpy", "cloudpickle"],
|
62
|
+
packages=[f"numpy=={np.__version__}", f"cloudpickle=={cloudpickle.__version__}"],
|
63
63
|
name=accumulator,
|
64
64
|
is_permanent=False,
|
65
65
|
replace=True,
|
@@ -174,7 +174,7 @@ def register_sharded_dot_sum_computer(*, session: Session, statement_params: Dic
|
|
174
174
|
]
|
175
175
|
),
|
176
176
|
input_types=[T.ArrayType(), T.IntegerType(), T.IntegerType()],
|
177
|
-
packages=["numpy", "cloudpickle"],
|
177
|
+
packages=[f"numpy=={np.__version__}", f"cloudpickle=={cloudpickle.__version__}"],
|
178
178
|
name=sharded_dot_and_sum_computer,
|
179
179
|
is_permanent=False,
|
180
180
|
replace=True,
|
@@ -102,7 +102,6 @@ def precision_recall_curve(
|
|
102
102
|
],
|
103
103
|
statement_params=statement_params,
|
104
104
|
anonymous=True,
|
105
|
-
execute_as="caller",
|
106
105
|
)
|
107
106
|
def precision_recall_curve_anon_sproc(session: snowpark.Session) -> bytes:
|
108
107
|
for query in queries[:-1]:
|
@@ -250,7 +249,6 @@ def roc_auc_score(
|
|
250
249
|
],
|
251
250
|
statement_params=statement_params,
|
252
251
|
anonymous=True,
|
253
|
-
execute_as="caller",
|
254
252
|
)
|
255
253
|
def roc_auc_score_anon_sproc(session: snowpark.Session) -> bytes:
|
256
254
|
for query in queries[:-1]:
|
@@ -354,7 +352,6 @@ def roc_curve(
|
|
354
352
|
],
|
355
353
|
statement_params=statement_params,
|
356
354
|
anonymous=True,
|
357
|
-
execute_as="caller",
|
358
355
|
)
|
359
356
|
def roc_curve_anon_sproc(session: snowpark.Session) -> bytes:
|
360
357
|
for query in queries[:-1]:
|
@@ -87,7 +87,6 @@ def d2_absolute_error_score(
|
|
87
87
|
],
|
88
88
|
statement_params=statement_params,
|
89
89
|
anonymous=True,
|
90
|
-
execute_as="caller",
|
91
90
|
)
|
92
91
|
def d2_absolute_error_score_anon_sproc(session: snowpark.Session) -> bytes:
|
93
92
|
for query in queries[:-1]:
|
@@ -185,7 +184,6 @@ def d2_pinball_score(
|
|
185
184
|
],
|
186
185
|
statement_params=statement_params,
|
187
186
|
anonymous=True,
|
188
|
-
execute_as="caller",
|
189
187
|
)
|
190
188
|
def d2_pinball_score_anon_sproc(session: snowpark.Session) -> bytes:
|
191
189
|
for query in queries[:-1]:
|
@@ -301,7 +299,6 @@ def explained_variance_score(
|
|
301
299
|
],
|
302
300
|
statement_params=statement_params,
|
303
301
|
anonymous=True,
|
304
|
-
execute_as="caller",
|
305
302
|
)
|
306
303
|
def explained_variance_score_anon_sproc(session: snowpark.Session) -> bytes:
|
307
304
|
for query in queries[:-1]:
|
@@ -638,6 +638,7 @@ class BayesianGaussianMixture(BaseTransformer):
|
|
638
638
|
"""
|
639
639
|
self._infer_input_output_cols(dataset)
|
640
640
|
super()._check_dataset_type(dataset)
|
641
|
+
|
641
642
|
model_trainer = ModelTrainerBuilder.build_fit_transform(
|
642
643
|
estimator=self._sklearn_object,
|
643
644
|
dataset=dataset,
|
@@ -519,6 +519,7 @@ class OneVsOneClassifier(BaseTransformer):
|
|
519
519
|
"""
|
520
520
|
self._infer_input_output_cols(dataset)
|
521
521
|
super()._check_dataset_type(dataset)
|
522
|
+
|
522
523
|
model_trainer = ModelTrainerBuilder.build_fit_transform(
|
523
524
|
estimator=self._sklearn_object,
|
524
525
|
dataset=dataset,
|
@@ -528,6 +528,7 @@ class OneVsRestClassifier(BaseTransformer):
|
|
528
528
|
"""
|
529
529
|
self._infer_input_output_cols(dataset)
|
530
530
|
super()._check_dataset_type(dataset)
|
531
|
+
|
531
532
|
model_trainer = ModelTrainerBuilder.build_fit_transform(
|
532
533
|
estimator=self._sklearn_object,
|
533
534
|
dataset=dataset,
|
@@ -531,6 +531,7 @@ class OutputCodeClassifier(BaseTransformer):
|
|
531
531
|
"""
|
532
532
|
self._infer_input_output_cols(dataset)
|
533
533
|
super()._check_dataset_type(dataset)
|
534
|
+
|
534
535
|
model_trainer = ModelTrainerBuilder.build_fit_transform(
|
535
536
|
estimator=self._sklearn_object,
|
536
537
|
dataset=dataset,
|
@@ -582,6 +582,7 @@ class KNeighborsClassifier(BaseTransformer):
|
|
582
582
|
"""
|
583
583
|
self._infer_input_output_cols(dataset)
|
584
584
|
super()._check_dataset_type(dataset)
|
585
|
+
|
585
586
|
model_trainer = ModelTrainerBuilder.build_fit_transform(
|
586
587
|
estimator=self._sklearn_object,
|
587
588
|
dataset=dataset,
|
@@ -584,6 +584,7 @@ class KNeighborsRegressor(BaseTransformer):
|
|
584
584
|
"""
|
585
585
|
self._infer_input_output_cols(dataset)
|
586
586
|
super()._check_dataset_type(dataset)
|
587
|
+
|
587
588
|
model_trainer = ModelTrainerBuilder.build_fit_transform(
|
588
589
|
estimator=self._sklearn_object,
|
589
590
|
dataset=dataset,
|
@@ -593,6 +593,7 @@ class LocalOutlierFactor(BaseTransformer):
|
|
593
593
|
"""
|
594
594
|
self._infer_input_output_cols(dataset)
|
595
595
|
super()._check_dataset_type(dataset)
|
596
|
+
|
596
597
|
model_trainer = ModelTrainerBuilder.build_fit_transform(
|
597
598
|
estimator=self._sklearn_object,
|
598
599
|
dataset=dataset,
|
@@ -572,6 +572,7 @@ class NearestNeighbors(BaseTransformer):
|
|
572
572
|
"""
|
573
573
|
self._infer_input_output_cols(dataset)
|
574
574
|
super()._check_dataset_type(dataset)
|
575
|
+
|
575
576
|
model_trainer = ModelTrainerBuilder.build_fit_transform(
|
576
577
|
estimator=self._sklearn_object,
|
577
578
|
dataset=dataset,
|
@@ -595,6 +595,7 @@ class NeighborhoodComponentsAnalysis(BaseTransformer):
|
|
595
595
|
"""
|
596
596
|
self._infer_input_output_cols(dataset)
|
597
597
|
super()._check_dataset_type(dataset)
|
598
|
+
|
598
599
|
model_trainer = ModelTrainerBuilder.build_fit_transform(
|
599
600
|
estimator=self._sklearn_object,
|
600
601
|
dataset=dataset,
|
@@ -594,6 +594,7 @@ class RadiusNeighborsClassifier(BaseTransformer):
|
|
594
594
|
"""
|
595
595
|
self._infer_input_output_cols(dataset)
|
596
596
|
super()._check_dataset_type(dataset)
|
597
|
+
|
597
598
|
model_trainer = ModelTrainerBuilder.build_fit_transform(
|
598
599
|
estimator=self._sklearn_object,
|
599
600
|
dataset=dataset,
|
@@ -584,6 +584,7 @@ class RadiusNeighborsRegressor(BaseTransformer):
|
|
584
584
|
"""
|
585
585
|
self._infer_input_output_cols(dataset)
|
586
586
|
super()._check_dataset_type(dataset)
|
587
|
+
|
587
588
|
model_trainer = ModelTrainerBuilder.build_fit_transform(
|
588
589
|
estimator=self._sklearn_object,
|
589
590
|
dataset=dataset,
|