snowflake.ml.modeling

snowflake.ml.modeling.calibration

Classes

CalibratedClassifierCV(*[, estimator, ...])

Probability calibration with isotonic regression or logistic regression For more details on this class, see sklearn.calibration.CalibratedClassifierCV (https://scikit-learn.org/stable/modules/generated/sklearn.calibration.CalibratedClassifierCV.html)

snowflake.ml.modeling.cluster

Classes

AffinityPropagation(*[, damping, max_iter, ...])

Perform Affinity Propagation Clustering of data For more details on this class, see sklearn.cluster.AffinityPropagation (https://scikit-learn.org/stable/modules/generated/sklearn.cluster.AffinityPropagation.html)

AgglomerativeClustering(*[, n_clusters, ...])

Agglomerative Clustering For more details on this class, see sklearn.cluster.AgglomerativeClustering (https://scikit-learn.org/stable/modules/generated/sklearn.cluster.AgglomerativeClustering.html)

Birch(*[, threshold, branching_factor, ...])

Implements the BIRCH clustering algorithm For more details on this class, see sklearn.cluster.Birch (https://scikit-learn.org/stable/modules/generated/sklearn.cluster.Birch.html)

BisectingKMeans(*[, n_clusters, init, ...])

Bisecting K-Means clustering For more details on this class, see sklearn.cluster.BisectingKMeans (https://scikit-learn.org/stable/modules/generated/sklearn.cluster.BisectingKMeans.html)

DBSCAN(*[, eps, min_samples, metric, ...])

Perform DBSCAN clustering from vector array or distance matrix For more details on this class, see sklearn.cluster.DBSCAN (https://scikit-learn.org/stable/modules/generated/sklearn.cluster.DBSCAN.html)

FeatureAgglomeration(*[, n_clusters, ...])

Agglomerate features For more details on this class, see sklearn.cluster.FeatureAgglomeration (https://scikit-learn.org/stable/modules/generated/sklearn.cluster.FeatureAgglomeration.html)

KMeans(*[, n_clusters, init, n_init, ...])

K-Means clustering For more details on this class, see sklearn.cluster.KMeans (https://scikit-learn.org/stable/modules/generated/sklearn.cluster.KMeans.html)

MeanShift(*[, bandwidth, seeds, ...])

Mean shift clustering using a flat kernel For more details on this class, see sklearn.cluster.MeanShift (https://scikit-learn.org/stable/modules/generated/sklearn.cluster.MeanShift.html)

MiniBatchKMeans(*[, n_clusters, init, ...])

Mini-Batch K-Means clustering For more details on this class, see sklearn.cluster.MiniBatchKMeans (https://scikit-learn.org/stable/modules/generated/sklearn.cluster.MiniBatchKMeans.html)

OPTICS(*[, min_samples, max_eps, metric, p, ...])

Estimate clustering structure from vector array For more details on this class, see sklearn.cluster.OPTICS (https://scikit-learn.org/stable/modules/generated/sklearn.cluster.OPTICS.html)

SpectralBiclustering(*[, n_clusters, ...])

Spectral biclustering (Kluger, 2003) For more details on this class, see sklearn.cluster.SpectralBiclustering (https://scikit-learn.org/stable/modules/generated/sklearn.cluster.SpectralBiclustering.html)

SpectralClustering(*[, n_clusters, ...])

Apply clustering to a projection of the normalized Laplacian For more details on this class, see sklearn.cluster.SpectralClustering (https://scikit-learn.org/stable/modules/generated/sklearn.cluster.SpectralClustering.html)

SpectralCoclustering(*[, n_clusters, ...])

Spectral Co-Clustering algorithm (Dhillon, 2001) For more details on this class, see sklearn.cluster.SpectralCoclustering (https://scikit-learn.org/stable/modules/generated/sklearn.cluster.SpectralCoclustering.html)

snowflake.ml.modeling.compose

Classes

ColumnTransformer(*, transformers[, ...])

Applies transformers to columns of an array or pandas DataFrame For more details on this class, see sklearn.compose.ColumnTransformer (https://scikit-learn.org/stable/modules/generated/sklearn.compose.ColumnTransformer.html)

TransformedTargetRegressor(*[, regressor, ...])

Meta-estimator to regress on a transformed target For more details on this class, see sklearn.compose.TransformedTargetRegressor (https://scikit-learn.org/stable/modules/generated/sklearn.compose.TransformedTargetRegressor.html)

snowflake.ml.modeling.covariance

Classes

EllipticEnvelope(*[, store_precision, ...])

An object for detecting outliers in a Gaussian distributed dataset For more details on this class, see sklearn.covariance.EllipticEnvelope (https://scikit-learn.org/stable/modules/generated/sklearn.covariance.EllipticEnvelope.html)

EmpiricalCovariance(*[, store_precision, ...])

Maximum likelihood covariance estimator For more details on this class, see sklearn.covariance.EmpiricalCovariance (https://scikit-learn.org/stable/modules/generated/sklearn.covariance.EmpiricalCovariance.html)

GraphicalLasso(*[, alpha, mode, covariance, ...])

Sparse inverse covariance estimation with an l1-penalized estimator For more details on this class, see sklearn.covariance.GraphicalLasso (https://scikit-learn.org/stable/modules/generated/sklearn.covariance.GraphicalLasso.html)

GraphicalLassoCV(*[, alphas, n_refinements, ...])

Sparse inverse covariance w/ cross-validated choice of the l1 penalty For more details on this class, see sklearn.covariance.GraphicalLassoCV (https://scikit-learn.org/stable/modules/generated/sklearn.covariance.GraphicalLassoCV.html)

LedoitWolf(*[, store_precision, ...])

LedoitWolf Estimator For more details on this class, see sklearn.covariance.LedoitWolf (https://scikit-learn.org/stable/modules/generated/sklearn.covariance.LedoitWolf.html)

MinCovDet(*[, store_precision, ...])

Minimum Covariance Determinant (MCD): robust estimator of covariance For more details on this class, see sklearn.covariance.MinCovDet (https://scikit-learn.org/stable/modules/generated/sklearn.covariance.MinCovDet.html)

OAS(*[, store_precision, assume_centered, ...])

Oracle Approximating Shrinkage Estimator as proposed in [1]_ For more details on this class, see sklearn.covariance.OAS (https://scikit-learn.org/stable/modules/generated/sklearn.covariance.OAS.html)

ShrunkCovariance(*[, store_precision, ...])

Covariance estimator with shrinkage For more details on this class, see sklearn.covariance.ShrunkCovariance (https://scikit-learn.org/stable/modules/generated/sklearn.covariance.ShrunkCovariance.html)

snowflake.ml.modeling.decomposition

Classes

DictionaryLearning(*[, n_components, alpha, ...])

Dictionary learning For more details on this class, see sklearn.decomposition.DictionaryLearning (https://scikit-learn.org/stable/modules/generated/sklearn.decomposition.DictionaryLearning.html)

FactorAnalysis(*[, n_components, tol, copy, ...])

Factor Analysis (FA) For more details on this class, see sklearn.decomposition.FactorAnalysis (https://scikit-learn.org/stable/modules/generated/sklearn.decomposition.FactorAnalysis.html)

FastICA(*[, n_components, algorithm, ...])

FastICA: a fast algorithm for Independent Component Analysis For more details on this class, see sklearn.decomposition.FastICA (https://scikit-learn.org/stable/modules/generated/sklearn.decomposition.FastICA.html)

IncrementalPCA(*[, n_components, whiten, ...])

Incremental principal components analysis (IPCA) For more details on this class, see sklearn.decomposition.IncrementalPCA (https://scikit-learn.org/stable/modules/generated/sklearn.decomposition.IncrementalPCA.html)

KernelPCA(*[, n_components, kernel, gamma, ...])

Kernel Principal component analysis (KPCA) [1]_ For more details on this class, see sklearn.decomposition.KernelPCA (https://scikit-learn.org/stable/modules/generated/sklearn.decomposition.KernelPCA.html)

MiniBatchDictionaryLearning(*[, ...])

Mini-batch dictionary learning For more details on this class, see sklearn.decomposition.MiniBatchDictionaryLearning (https://scikit-learn.org/stable/modules/generated/sklearn.decomposition.MiniBatchDictionaryLearning.html)

MiniBatchSparsePCA(*[, n_components, alpha, ...])

Mini-batch Sparse Principal Components Analysis For more details on this class, see sklearn.decomposition.MiniBatchSparsePCA (https://scikit-learn.org/stable/modules/generated/sklearn.decomposition.MiniBatchSparsePCA.html)

PCA(*[, n_components, copy, whiten, ...])

Principal component analysis (PCA) For more details on this class, see sklearn.decomposition.PCA (https://scikit-learn.org/stable/modules/generated/sklearn.decomposition.PCA.html)

SparsePCA(*[, n_components, alpha, ...])

Sparse Principal Components Analysis (SparsePCA) For more details on this class, see sklearn.decomposition.SparsePCA (https://scikit-learn.org/stable/modules/generated/sklearn.decomposition.SparsePCA.html)

TruncatedSVD(*[, n_components, algorithm, ...])

Dimensionality reduction using truncated SVD (aka LSA) For more details on this class, see sklearn.decomposition.TruncatedSVD (https://scikit-learn.org/stable/modules/generated/sklearn.decomposition.TruncatedSVD.html)

snowflake.ml.modeling.discriminant_analysis

Classes

LinearDiscriminantAnalysis(*[, solver, ...])

Linear Discriminant Analysis For more details on this class, see sklearn.discriminant_analysis.LinearDiscriminantAnalysis (https://scikit-learn.org/stable/modules/generated/sklearn.discriminant_analysis.LinearDiscriminantAnalysis.html)

QuadraticDiscriminantAnalysis(*[, priors, ...])

Quadratic Discriminant Analysis For more details on this class, see sklearn.discriminant_analysis.QuadraticDiscriminantAnalysis (https://scikit-learn.org/stable/modules/generated/sklearn.discriminant_analysis.QuadraticDiscriminantAnalysis.html)

snowflake.ml.modeling.ensemble

Classes

AdaBoostClassifier(*[, estimator, ...])

An AdaBoost classifier For more details on this class, see sklearn.ensemble.AdaBoostClassifier (https://scikit-learn.org/stable/modules/generated/sklearn.ensemble.AdaBoostClassifier.html)

AdaBoostRegressor(*[, estimator, ...])

An AdaBoost regressor For more details on this class, see sklearn.ensemble.AdaBoostRegressor (https://scikit-learn.org/stable/modules/generated/sklearn.ensemble.AdaBoostRegressor.html)

BaggingClassifier(*[, estimator, ...])

A Bagging classifier For more details on this class, see sklearn.ensemble.BaggingClassifier (https://scikit-learn.org/stable/modules/generated/sklearn.ensemble.BaggingClassifier.html)

BaggingRegressor(*[, estimator, ...])

A Bagging regressor For more details on this class, see sklearn.ensemble.BaggingRegressor (https://scikit-learn.org/stable/modules/generated/sklearn.ensemble.BaggingRegressor.html)

ExtraTreesClassifier(*[, n_estimators, ...])

An extra-trees classifier For more details on this class, see sklearn.ensemble.ExtraTreesClassifier (https://scikit-learn.org/stable/modules/generated/sklearn.ensemble.ExtraTreesClassifier.html)

ExtraTreesRegressor(*[, n_estimators, ...])

An extra-trees regressor For more details on this class, see sklearn.ensemble.ExtraTreesRegressor (https://scikit-learn.org/stable/modules/generated/sklearn.ensemble.ExtraTreesRegressor.html)

GradientBoostingClassifier(*[, loss, ...])

Gradient Boosting for classification For more details on this class, see sklearn.ensemble.GradientBoostingClassifier (https://scikit-learn.org/stable/modules/generated/sklearn.ensemble.GradientBoostingClassifier.html)

GradientBoostingRegressor(*[, loss, ...])

Gradient Boosting for regression For more details on this class, see sklearn.ensemble.GradientBoostingRegressor (https://scikit-learn.org/stable/modules/generated/sklearn.ensemble.GradientBoostingRegressor.html)

HistGradientBoostingClassifier(*[, loss, ...])

Histogram-based Gradient Boosting Classification Tree For more details on this class, see sklearn.ensemble.HistGradientBoostingClassifier (https://scikit-learn.org/stable/modules/generated/sklearn.ensemble.HistGradientBoostingClassifier.html)

HistGradientBoostingRegressor(*[, loss, ...])

Histogram-based Gradient Boosting Regression Tree For more details on this class, see sklearn.ensemble.HistGradientBoostingRegressor (https://scikit-learn.org/stable/modules/generated/sklearn.ensemble.HistGradientBoostingRegressor.html)

IsolationForest(*[, n_estimators, ...])

Isolation Forest Algorithm For more details on this class, see sklearn.ensemble.IsolationForest (https://scikit-learn.org/stable/modules/generated/sklearn.ensemble.IsolationForest.html)

RandomForestClassifier(*[, n_estimators, ...])

A random forest classifier For more details on this class, see sklearn.ensemble.RandomForestClassifier (https://scikit-learn.org/stable/modules/generated/sklearn.ensemble.RandomForestClassifier.html)

RandomForestRegressor(*[, n_estimators, ...])

A random forest regressor For more details on this class, see sklearn.ensemble.RandomForestRegressor (https://scikit-learn.org/stable/modules/generated/sklearn.ensemble.RandomForestRegressor.html)

StackingRegressor(*, estimators[, ...])

Stack of estimators with a final regressor For more details on this class, see sklearn.ensemble.StackingRegressor (https://scikit-learn.org/stable/modules/generated/sklearn.ensemble.StackingRegressor.html)

VotingClassifier(*, estimators[, voting, ...])

Soft Voting/Majority Rule classifier for unfitted estimators For more details on this class, see sklearn.ensemble.VotingClassifier (https://scikit-learn.org/stable/modules/generated/sklearn.ensemble.VotingClassifier.html)

VotingRegressor(*, estimators[, weights, ...])

Prediction voting regressor for unfitted estimators For more details on this class, see sklearn.ensemble.VotingRegressor (https://scikit-learn.org/stable/modules/generated/sklearn.ensemble.VotingRegressor.html)

snowflake.ml.modeling.feature_selection

Classes

GenericUnivariateSelect(*[, score_func, ...])

Univariate feature selector with configurable strategy For more details on this class, see sklearn.feature_selection.GenericUnivariateSelect (https://scikit-learn.org/stable/modules/generated/sklearn.feature_selection.GenericUnivariateSelect.html)

SelectFdr(*[, score_func, alpha])

Filter: Select the p-values for an estimated false discovery rate For more details on this class, see sklearn.feature_selection.SelectFdr (https://scikit-learn.org/stable/modules/generated/sklearn.feature_selection.SelectFdr.html)

SelectFpr(*[, score_func, alpha])

Filter: Select the pvalues below alpha based on a FPR test For more details on this class, see sklearn.feature_selection.SelectFpr (https://scikit-learn.org/stable/modules/generated/sklearn.feature_selection.SelectFpr.html)

SelectFwe(*[, score_func, alpha])

Filter: Select the p-values corresponding to Family-wise error rate For more details on this class, see sklearn.feature_selection.SelectFwe (https://scikit-learn.org/stable/modules/generated/sklearn.feature_selection.SelectFwe.html)

SelectKBest(*[, score_func, k])

Select features according to the k highest scores For more details on this class, see sklearn.feature_selection.SelectKBest (https://scikit-learn.org/stable/modules/generated/sklearn.feature_selection.SelectKBest.html)

SelectPercentile(*[, score_func, percentile])

Select features according to a percentile of the highest scores For more details on this class, see sklearn.feature_selection.SelectPercentile (https://scikit-learn.org/stable/modules/generated/sklearn.feature_selection.SelectPercentile.html)

SequentialFeatureSelector(*, estimator[, ...])

Transformer that performs Sequential Feature Selection For more details on this class, see sklearn.feature_selection.SequentialFeatureSelector (https://scikit-learn.org/stable/modules/generated/sklearn.feature_selection.SequentialFeatureSelector.html)

VarianceThreshold(*[, threshold, ...])

Feature selector that removes all low-variance features For more details on this class, see sklearn.feature_selection.VarianceThreshold (https://scikit-learn.org/stable/modules/generated/sklearn.feature_selection.VarianceThreshold.html)

snowflake.ml.modeling.gaussian_process

Classes

GaussianProcessClassifier(*[, kernel, ...])

Gaussian process classification (GPC) based on Laplace approximation For more details on this class, see sklearn.gaussian_process.GaussianProcessClassifier (https://scikit-learn.org/stable/modules/generated/sklearn.gaussian_process.GaussianProcessClassifier.html)

GaussianProcessRegressor(*[, kernel, alpha, ...])

Gaussian process regression (GPR) For more details on this class, see sklearn.gaussian_process.GaussianProcessRegressor (https://scikit-learn.org/stable/modules/generated/sklearn.gaussian_process.GaussianProcessRegressor.html)

snowflake.ml.modeling.impute

Classes

IterativeImputer(*[, estimator, ...])

Multivariate imputer that estimates each feature from all the others For more details on this class, see sklearn.impute.IterativeImputer (https://scikit-learn.org/stable/modules/generated/sklearn.impute.IterativeImputer.html)

KNNImputer(*[, missing_values, n_neighbors, ...])

Imputation for completing missing values using k-Nearest Neighbors For more details on this class, see sklearn.impute.KNNImputer (https://scikit-learn.org/stable/modules/generated/sklearn.impute.KNNImputer.html)

MissingIndicator(*[, missing_values, ...])

Binary indicators for missing values For more details on this class, see sklearn.impute.MissingIndicator (https://scikit-learn.org/stable/modules/generated/sklearn.impute.MissingIndicator.html)

SimpleImputer(*[, missing_values, strategy, ...])

Univariate imputer for completing missing values with simple strategies.

snowflake.ml.modeling.kernel_approximation

Classes

AdditiveChi2Sampler(*[, sample_steps, ...])

Approximate feature map for additive chi2 kernel For more details on this class, see sklearn.kernel_approximation.AdditiveChi2Sampler (https://scikit-learn.org/stable/modules/generated/sklearn.kernel_approximation.AdditiveChi2Sampler.html)

Nystroem(*[, kernel, gamma, coef0, degree, ...])

Approximate a kernel map using a subset of the training data For more details on this class, see sklearn.kernel_approximation.Nystroem (https://scikit-learn.org/stable/modules/generated/sklearn.kernel_approximation.Nystroem.html)

PolynomialCountSketch(*[, gamma, degree, ...])

Polynomial kernel approximation via Tensor Sketch For more details on this class, see sklearn.kernel_approximation.PolynomialCountSketch (https://scikit-learn.org/stable/modules/generated/sklearn.kernel_approximation.PolynomialCountSketch.html)

RBFSampler(*[, gamma, n_components, ...])

Approximate a RBF kernel feature map using random Fourier features For more details on this class, see sklearn.kernel_approximation.RBFSampler (https://scikit-learn.org/stable/modules/generated/sklearn.kernel_approximation.RBFSampler.html)

SkewedChi2Sampler(*[, skewedness, ...])

Approximate feature map for "skewed chi-squared" kernel For more details on this class, see sklearn.kernel_approximation.SkewedChi2Sampler (https://scikit-learn.org/stable/modules/generated/sklearn.kernel_approximation.SkewedChi2Sampler.html)

snowflake.ml.modeling.kernel_ridge

Classes

KernelRidge(*[, alpha, kernel, gamma, ...])

Kernel ridge regression For more details on this class, see sklearn.kernel_ridge.KernelRidge (https://scikit-learn.org/stable/modules/generated/sklearn.kernel_ridge.KernelRidge.html)

snowflake.ml.modeling.lightgbm

Classes

LGBMClassifier(*[, boosting_type, ...])

LightGBM classifier For more details on this class, see lightgbm.LGBMClassifier (https://lightgbm.readthedocs.io/en/stable/pythonapi/lightgbm.LGBMClassifier.html)

LGBMRegressor(*[, boosting_type, ...])

LightGBM regressor For more details on this class, see lightgbm.LGBMRegressor (https://lightgbm.readthedocs.io/en/stable/pythonapi/lightgbm.LGBMRegressor.html)

snowflake.ml.modeling.linear_model

Classes

ARDRegression(*[, max_iter, tol, alpha_1, ...])

Bayesian ARD regression For more details on this class, see sklearn.linear_model.ARDRegression (https://scikit-learn.org/stable/modules/generated/sklearn.linear_model.ARDRegression.html)

BayesianRidge(*[, max_iter, tol, alpha_1, ...])

Bayesian ridge regression For more details on this class, see sklearn.linear_model.BayesianRidge (https://scikit-learn.org/stable/modules/generated/sklearn.linear_model.BayesianRidge.html)

ElasticNet(*[, alpha, l1_ratio, ...])

Linear regression with combined L1 and L2 priors as regularizer For more details on this class, see sklearn.linear_model.ElasticNet (https://scikit-learn.org/stable/modules/generated/sklearn.linear_model.ElasticNet.html)

ElasticNetCV(*[, l1_ratio, eps, n_alphas, ...])

Elastic Net model with iterative fitting along a regularization path For more details on this class, see sklearn.linear_model.ElasticNetCV (https://scikit-learn.org/stable/modules/generated/sklearn.linear_model.ElasticNetCV.html)

GammaRegressor(*[, alpha, fit_intercept, ...])

Generalized Linear Model with a Gamma distribution For more details on this class, see sklearn.linear_model.GammaRegressor (https://scikit-learn.org/stable/modules/generated/sklearn.linear_model.GammaRegressor.html)

HuberRegressor(*[, epsilon, max_iter, ...])

L2-regularized linear regression model that is robust to outliers For more details on this class, see sklearn.linear_model.HuberRegressor (https://scikit-learn.org/stable/modules/generated/sklearn.linear_model.HuberRegressor.html)

Lars(*[, fit_intercept, verbose, normalize, ...])

Least Angle Regression model a For more details on this class, see sklearn.linear_model.Lars (https://scikit-learn.org/stable/modules/generated/sklearn.linear_model.Lars.html)

LarsCV(*[, fit_intercept, verbose, ...])

Cross-validated Least Angle Regression model For more details on this class, see sklearn.linear_model.LarsCV (https://scikit-learn.org/stable/modules/generated/sklearn.linear_model.LarsCV.html)

Lasso(*[, alpha, fit_intercept, precompute, ...])

Linear Model trained with L1 prior as regularizer (aka the Lasso) For more details on this class, see sklearn.linear_model.Lasso (https://scikit-learn.org/stable/modules/generated/sklearn.linear_model.Lasso.html)

LassoCV(*[, eps, n_alphas, alphas, ...])

Lasso linear model with iterative fitting along a regularization path For more details on this class, see sklearn.linear_model.LassoCV (https://scikit-learn.org/stable/modules/generated/sklearn.linear_model.LassoCV.html)

LassoLars(*[, alpha, fit_intercept, ...])

Lasso model fit with Least Angle Regression a For more details on this class, see sklearn.linear_model.LassoLars (https://scikit-learn.org/stable/modules/generated/sklearn.linear_model.LassoLars.html)

LassoLarsCV(*[, fit_intercept, verbose, ...])

Cross-validated Lasso, using the LARS algorithm For more details on this class, see sklearn.linear_model.LassoLarsCV (https://scikit-learn.org/stable/modules/generated/sklearn.linear_model.LassoLarsCV.html)

LassoLarsIC(*[, criterion, fit_intercept, ...])

Lasso model fit with Lars using BIC or AIC for model selection For more details on this class, see sklearn.linear_model.LassoLarsIC (https://scikit-learn.org/stable/modules/generated/sklearn.linear_model.LassoLarsIC.html)

LinearRegression(*[, fit_intercept, copy_X, ...])

Ordinary least squares Linear Regression For more details on this class, see sklearn.linear_model.LinearRegression (https://scikit-learn.org/stable/modules/generated/sklearn.linear_model.LinearRegression.html)

LogisticRegression(*[, penalty, dual, tol, ...])

Logistic Regression (aka logit, MaxEnt) classifier For more details on this class, see sklearn.linear_model.LogisticRegression (https://scikit-learn.org/stable/modules/generated/sklearn.linear_model.LogisticRegression.html)

LogisticRegressionCV(*[, Cs, fit_intercept, ...])

Logistic Regression CV (aka logit, MaxEnt) classifier For more details on this class, see sklearn.linear_model.LogisticRegressionCV (https://scikit-learn.org/stable/modules/generated/sklearn.linear_model.LogisticRegressionCV.html)

MultiTaskElasticNet(*[, alpha, l1_ratio, ...])

Multi-task ElasticNet model trained with L1/L2 mixed-norm as regularizer For more details on this class, see sklearn.linear_model.MultiTaskElasticNet (https://scikit-learn.org/stable/modules/generated/sklearn.linear_model.MultiTaskElasticNet.html)

MultiTaskElasticNetCV(*[, l1_ratio, eps, ...])

Multi-task L1/L2 ElasticNet with built-in cross-validation For more details on this class, see sklearn.linear_model.MultiTaskElasticNetCV (https://scikit-learn.org/stable/modules/generated/sklearn.linear_model.MultiTaskElasticNetCV.html)

MultiTaskLasso(*[, alpha, fit_intercept, ...])

Multi-task Lasso model trained with L1/L2 mixed-norm as regularizer For more details on this class, see sklearn.linear_model.MultiTaskLasso (https://scikit-learn.org/stable/modules/generated/sklearn.linear_model.MultiTaskLasso.html)

MultiTaskLassoCV(*[, eps, n_alphas, alphas, ...])

Multi-task Lasso model trained with L1/L2 mixed-norm as regularizer For more details on this class, see sklearn.linear_model.MultiTaskLassoCV (https://scikit-learn.org/stable/modules/generated/sklearn.linear_model.MultiTaskLassoCV.html)

OrthogonalMatchingPursuit(*[, ...])

Orthogonal Matching Pursuit model (OMP) For more details on this class, see sklearn.linear_model.OrthogonalMatchingPursuit (https://scikit-learn.org/stable/modules/generated/sklearn.linear_model.OrthogonalMatchingPursuit.html)

PassiveAggressiveClassifier(*[, C, ...])

Passive Aggressive Classifier For more details on this class, see sklearn.linear_model.PassiveAggressiveClassifier (https://scikit-learn.org/stable/modules/generated/sklearn.linear_model.PassiveAggressiveClassifier.html)

PassiveAggressiveRegressor(*[, C, ...])

Passive Aggressive Regressor For more details on this class, see sklearn.linear_model.PassiveAggressiveRegressor (https://scikit-learn.org/stable/modules/generated/sklearn.linear_model.PassiveAggressiveRegressor.html)

Perceptron(*[, penalty, alpha, l1_ratio, ...])

Linear perceptron classifier For more details on this class, see sklearn.linear_model.Perceptron (https://scikit-learn.org/stable/modules/generated/sklearn.linear_model.Perceptron.html)

PoissonRegressor(*[, alpha, fit_intercept, ...])

Generalized Linear Model with a Poisson distribution For more details on this class, see sklearn.linear_model.PoissonRegressor (https://scikit-learn.org/stable/modules/generated/sklearn.linear_model.PoissonRegressor.html)

RANSACRegressor(*[, estimator, min_samples, ...])

RANSAC (RANdom SAmple Consensus) algorithm For more details on this class, see sklearn.linear_model.RANSACRegressor (https://scikit-learn.org/stable/modules/generated/sklearn.linear_model.RANSACRegressor.html)

Ridge(*[, alpha, fit_intercept, copy_X, ...])

Linear least squares with l2 regularization For more details on this class, see sklearn.linear_model.Ridge (https://scikit-learn.org/stable/modules/generated/sklearn.linear_model.Ridge.html)

RidgeClassifier(*[, alpha, fit_intercept, ...])

Classifier using Ridge regression For more details on this class, see sklearn.linear_model.RidgeClassifier (https://scikit-learn.org/stable/modules/generated/sklearn.linear_model.RidgeClassifier.html)

RidgeClassifierCV(*[, alphas, ...])

Ridge classifier with built-in cross-validation For more details on this class, see sklearn.linear_model.RidgeClassifierCV (https://scikit-learn.org/stable/modules/generated/sklearn.linear_model.RidgeClassifierCV.html)

RidgeCV(*[, alphas, fit_intercept, scoring, ...])

Ridge regression with built-in cross-validation For more details on this class, see sklearn.linear_model.RidgeCV (https://scikit-learn.org/stable/modules/generated/sklearn.linear_model.RidgeCV.html)

SGDClassifier(*[, loss, penalty, alpha, ...])

Linear classifiers (SVM, logistic regression, etc For more details on this class, see sklearn.linear_model.SGDClassifier (https://scikit-learn.org/stable/modules/generated/sklearn.linear_model.SGDClassifier.html)

SGDOneClassSVM(*[, nu, fit_intercept, ...])

Solves linear One-Class SVM using Stochastic Gradient Descent For more details on this class, see sklearn.linear_model.SGDOneClassSVM (https://scikit-learn.org/stable/modules/generated/sklearn.linear_model.SGDOneClassSVM.html)

SGDRegressor(*[, loss, penalty, alpha, ...])

Linear model fitted by minimizing a regularized empirical loss with SGD For more details on this class, see sklearn.linear_model.SGDRegressor (https://scikit-learn.org/stable/modules/generated/sklearn.linear_model.SGDRegressor.html)

TheilSenRegressor(*[, fit_intercept, ...])

Theil-Sen Estimator: robust multivariate regression model For more details on this class, see sklearn.linear_model.TheilSenRegressor (https://scikit-learn.org/stable/modules/generated/sklearn.linear_model.TheilSenRegressor.html)

TweedieRegressor(*[, power, alpha, ...])

Generalized Linear Model with a Tweedie distribution For more details on this class, see sklearn.linear_model.TweedieRegressor (https://scikit-learn.org/stable/modules/generated/sklearn.linear_model.TweedieRegressor.html)

snowflake.ml.modeling.manifold

Classes

Isomap(*[, n_neighbors, radius, ...])

Isomap Embedding For more details on this class, see sklearn.manifold.Isomap (https://scikit-learn.org/stable/modules/generated/sklearn.manifold.Isomap.html)

MDS(*[, n_components, metric, n_init, ...])

Multidimensional scaling For more details on this class, see sklearn.manifold.MDS (https://scikit-learn.org/stable/modules/generated/sklearn.manifold.MDS.html)

SpectralEmbedding(*[, n_components, ...])

Spectral embedding for non-linear dimensionality reduction For more details on this class, see sklearn.manifold.SpectralEmbedding (https://scikit-learn.org/stable/modules/generated/sklearn.manifold.SpectralEmbedding.html)

TSNE(*[, n_components, perplexity, ...])

T-distributed Stochastic Neighbor Embedding For more details on this class, see sklearn.manifold.TSNE (https://scikit-learn.org/stable/modules/generated/sklearn.manifold.TSNE.html)

snowflake.ml.modeling.metrics

Functions

accuracy_score(*, df, y_true_col_names, ...)

Accuracy classification score.

confusion_matrix(*, df, y_true_col_name, ...)

Compute confusion matrix to evaluate the accuracy of a classification.

correlation(*, df[, columns])

Pearson correlation matrix for the columns in a snowpark dataframe.

covariance(*, df[, columns, ddof])

Covariance matrix for the columns in a snowpark dataframe.

d2_absolute_error_score(*, df, ...[, ...])

D^2 regression score function, fraction of absolute error explained.

d2_pinball_score(*, df, y_true_col_names, ...)

D^2 regression score function, fraction of pinball loss explained.

explained_variance_score(*, df, ...[, ...])

Explained variance regression score function.

f1_score(*, df, y_true_col_names, ...[, ...])

Compute the F1 score, also known as balanced F-score or F-measure.

fbeta_score(*, df, y_true_col_names, ...[, ...])

Compute the F-beta score.

log_loss(*, df, y_true_col_names, ...[, ...])

Log loss, aka logistic loss or cross-entropy loss.

mean_absolute_error(*, df, y_true_col_names, ...)

Mean absolute error regression loss.

mean_absolute_percentage_error(*, df, ...[, ...])

Mean absolute percentage error (MAPE) regression loss.

mean_squared_error(*, df, y_true_col_names, ...)

Mean squared error regression loss.

precision_recall_curve(*, df, ...[, ...])

Compute precision-recall pairs for different probability thresholds.

precision_recall_fscore_support(*, df, ...)

Compute precision, recall, F-measure and support for each class.

precision_score(*, df, y_true_col_names, ...)

Compute the precision.

r2_score(*, df, y_true_col_name, y_pred_col_name)

R^2 (coefficient of determination) regression score function.

recall_score(*, df, y_true_col_names, ...[, ...])

Compute the recall.

roc_auc_score(*, df, y_true_col_names, ...)

Compute Area Under the Receiver Operating Characteristic Curve (ROC AUC) from prediction scores.

roc_curve(*, df, y_true_col_name, ...[, ...])

Compute Receiver operating characteristic (ROC).

snowflake.ml.modeling.mixture

Classes

BayesianGaussianMixture(*[, n_components, ...])

Variational Bayesian estimation of a Gaussian mixture For more details on this class, see sklearn.mixture.BayesianGaussianMixture (https://scikit-learn.org/stable/modules/generated/sklearn.mixture.BayesianGaussianMixture.html)

GaussianMixture(*[, n_components, ...])

Gaussian Mixture For more details on this class, see sklearn.mixture.GaussianMixture (https://scikit-learn.org/stable/modules/generated/sklearn.mixture.GaussianMixture.html)

snowflake.ml.modeling.model_selection

Classes

GridSearchCV(*, estimator, param_grid[, ...])

Exhaustive search over specified parameter values for an estimator For more details on this class, see sklearn.model_selection.GridSearchCV (https://scikit-learn.org/stable/modules/generated/sklearn.model_selection.GridSearchCV.html)

RandomizedSearchCV(*, estimator, ...[, ...])

Randomized search on hyper parameters For more details on this class, see sklearn.model_selection.RandomizedSearchCV (https://scikit-learn.org/stable/modules/generated/sklearn.model_selection.RandomizedSearchCV.html)

snowflake.ml.modeling.multiclass

Classes

OneVsOneClassifier(*, estimator[, n_jobs, ...])

One-vs-one multiclass strategy For more details on this class, see sklearn.multiclass.OneVsOneClassifier (https://scikit-learn.org/stable/modules/generated/sklearn.multiclass.OneVsOneClassifier.html)

OneVsRestClassifier(*, estimator[, n_jobs, ...])

One-vs-the-rest (OvR) multiclass strategy For more details on this class, see sklearn.multiclass.OneVsRestClassifier (https://scikit-learn.org/stable/modules/generated/sklearn.multiclass.OneVsRestClassifier.html)

OutputCodeClassifier(*, estimator[, ...])

(Error-Correcting) Output-Code multiclass strategy For more details on this class, see sklearn.multiclass.OutputCodeClassifier (https://scikit-learn.org/stable/modules/generated/sklearn.multiclass.OutputCodeClassifier.html)

snowflake.ml.modeling.naive_bayes

Classes

BernoulliNB(*[, alpha, force_alpha, ...])

Naive Bayes classifier for multivariate Bernoulli models For more details on this class, see sklearn.naive_bayes.BernoulliNB (https://scikit-learn.org/stable/modules/generated/sklearn.naive_bayes.BernoulliNB.html)

CategoricalNB(*[, alpha, force_alpha, ...])

Naive Bayes classifier for categorical features For more details on this class, see sklearn.naive_bayes.CategoricalNB (https://scikit-learn.org/stable/modules/generated/sklearn.naive_bayes.CategoricalNB.html)

ComplementNB(*[, alpha, force_alpha, ...])

The Complement Naive Bayes classifier described in Rennie et al For more details on this class, see sklearn.naive_bayes.ComplementNB (https://scikit-learn.org/stable/modules/generated/sklearn.naive_bayes.ComplementNB.html)

GaussianNB(*[, priors, var_smoothing, ...])

Gaussian Naive Bayes (GaussianNB) For more details on this class, see sklearn.naive_bayes.GaussianNB (https://scikit-learn.org/stable/modules/generated/sklearn.naive_bayes.GaussianNB.html)

MultinomialNB(*[, alpha, force_alpha, ...])

Naive Bayes classifier for multinomial models For more details on this class, see sklearn.naive_bayes.MultinomialNB (https://scikit-learn.org/stable/modules/generated/sklearn.naive_bayes.MultinomialNB.html)

snowflake.ml.modeling.neighbors

Classes

KernelDensity(*[, bandwidth, algorithm, ...])

Kernel Density Estimation For more details on this class, see sklearn.neighbors.KernelDensity (https://scikit-learn.org/stable/modules/generated/sklearn.neighbors.KernelDensity.html)

KNeighborsClassifier(*[, n_neighbors, ...])

Classifier implementing the k-nearest neighbors vote For more details on this class, see sklearn.neighbors.KNeighborsClassifier (https://scikit-learn.org/stable/modules/generated/sklearn.neighbors.KNeighborsClassifier.html)

KNeighborsRegressor(*[, n_neighbors, ...])

Regression based on k-nearest neighbors For more details on this class, see sklearn.neighbors.KNeighborsRegressor (https://scikit-learn.org/stable/modules/generated/sklearn.neighbors.KNeighborsRegressor.html)

LocalOutlierFactor(*[, n_neighbors, ...])

Unsupervised Outlier Detection using the Local Outlier Factor (LOF) For more details on this class, see sklearn.neighbors.LocalOutlierFactor (https://scikit-learn.org/stable/modules/generated/sklearn.neighbors.LocalOutlierFactor.html)

NearestCentroid(*[, metric, ...])

Nearest centroid classifier For more details on this class, see sklearn.neighbors.NearestCentroid (https://scikit-learn.org/stable/modules/generated/sklearn.neighbors.NearestCentroid.html)

NearestNeighbors(*[, n_neighbors, radius, ...])

Unsupervised learner for implementing neighbor searches For more details on this class, see sklearn.neighbors.NearestNeighbors (https://scikit-learn.org/stable/modules/generated/sklearn.neighbors.NearestNeighbors.html)

NeighborhoodComponentsAnalysis(*[, ...])

Neighborhood Components Analysis For more details on this class, see sklearn.neighbors.NeighborhoodComponentsAnalysis (https://scikit-learn.org/stable/modules/generated/sklearn.neighbors.NeighborhoodComponentsAnalysis.html)

RadiusNeighborsClassifier(*[, radius, ...])

Classifier implementing a vote among neighbors within a given radius For more details on this class, see sklearn.neighbors.RadiusNeighborsClassifier (https://scikit-learn.org/stable/modules/generated/sklearn.neighbors.RadiusNeighborsClassifier.html)

RadiusNeighborsRegressor(*[, radius, ...])

Regression based on neighbors within a fixed radius For more details on this class, see sklearn.neighbors.RadiusNeighborsRegressor (https://scikit-learn.org/stable/modules/generated/sklearn.neighbors.RadiusNeighborsRegressor.html)

snowflake.ml.modeling.neural_network

Classes

BernoulliRBM(*[, n_components, ...])

Bernoulli Restricted Boltzmann Machine (RBM) For more details on this class, see sklearn.neural_network.BernoulliRBM (https://scikit-learn.org/stable/modules/generated/sklearn.neural_network.BernoulliRBM.html)

MLPClassifier(*[, hidden_layer_sizes, ...])

Multi-layer Perceptron classifier For more details on this class, see sklearn.neural_network.MLPClassifier (https://scikit-learn.org/stable/modules/generated/sklearn.neural_network.MLPClassifier.html)

MLPRegressor(*[, hidden_layer_sizes, ...])

Multi-layer Perceptron regressor For more details on this class, see sklearn.neural_network.MLPRegressor (https://scikit-learn.org/stable/modules/generated/sklearn.neural_network.MLPRegressor.html)

snowflake.ml.modeling.pipeline

Classes

Pipeline(steps)

Pipeline of transforms.

snowflake.ml.modeling.preprocessing

StandardScaler(*[, with_mean, with_std, ...])

Standardizes features by removing the mean and scaling to unit variance.

OrdinalEncoder(*[, categories, ...])

Encodes categorical features as an integer array.

MinMaxScaler(*[, feature_range, clip, ...])

Transforms features by scaling each feature to a given range, by default between zero and one.

LabelEncoder([input_cols, output_cols, ...])

Encodes target labels with values between 0 and n_classes-1.

RobustScaler(*[, with_centering, ...])

Scales features using statistics that are robust to outliers.

KBinsDiscretizer(*[, n_bins, encode, ...])

Bin continuous data into intervals.

MaxAbsScaler(*[, input_cols, output_cols, ...])

Scale each feature by its maximum absolute value.

Normalizer(*[, norm, input_cols, ...])

Normalize samples individually to each row's unit norm.

OneHotEncoder(*[, categories, drop, sparse, ...])

Encode categorical features as a one-hot numeric array.

Binarizer(*[, threshold, input_cols, ...])

Binarizes data (sets feature values to 0 or 1) according to the given threshold.

PolynomialFeatures(*[, degree, ...])

Generate polynomial and interaction features For more details on this class, see sklearn.preprocessing.PolynomialFeatures (https://scikit-learn.org/stable/modules/generated/sklearn.preprocessing.PolynomialFeatures.html)

snowflake.ml.modeling.semi_supervised

Classes

LabelPropagation(*[, kernel, gamma, ...])

Label Propagation classifier For more details on this class, see sklearn.semi_supervised.LabelPropagation (https://scikit-learn.org/stable/modules/generated/sklearn.semi_supervised.LabelPropagation.html)

LabelSpreading(*[, kernel, gamma, ...])

LabelSpreading model for semi-supervised learning For more details on this class, see sklearn.semi_supervised.LabelSpreading (https://scikit-learn.org/stable/modules/generated/sklearn.semi_supervised.LabelSpreading.html)

snowflake.ml.modeling.svm

Classes

LinearSVC(*[, penalty, loss, dual, tol, C, ...])

Linear Support Vector Classification For more details on this class, see sklearn.svm.LinearSVC (https://scikit-learn.org/stable/modules/generated/sklearn.svm.LinearSVC.html)

LinearSVR(*[, epsilon, tol, C, loss, ...])

Linear Support Vector Regression For more details on this class, see sklearn.svm.LinearSVR (https://scikit-learn.org/stable/modules/generated/sklearn.svm.LinearSVR.html)

NuSVC(*[, nu, kernel, degree, gamma, coef0, ...])

Nu-Support Vector Classification For more details on this class, see sklearn.svm.NuSVC (https://scikit-learn.org/stable/modules/generated/sklearn.svm.NuSVC.html)

NuSVR(*[, nu, C, kernel, degree, gamma, ...])

Nu Support Vector Regression For more details on this class, see sklearn.svm.NuSVR (https://scikit-learn.org/stable/modules/generated/sklearn.svm.NuSVR.html)

SVC(*[, C, kernel, degree, gamma, coef0, ...])

C-Support Vector Classification For more details on this class, see sklearn.svm.SVC (https://scikit-learn.org/stable/modules/generated/sklearn.svm.SVC.html)

SVR(*[, kernel, degree, gamma, coef0, tol, ...])

Epsilon-Support Vector Regression For more details on this class, see sklearn.svm.SVR (https://scikit-learn.org/stable/modules/generated/sklearn.svm.SVR.html)

snowflake.ml.modeling.tree

Classes

DecisionTreeClassifier(*[, criterion, ...])

A decision tree classifier For more details on this class, see sklearn.tree.DecisionTreeClassifier (https://scikit-learn.org/stable/modules/generated/sklearn.tree.DecisionTreeClassifier.html)

DecisionTreeRegressor(*[, criterion, ...])

A decision tree regressor For more details on this class, see sklearn.tree.DecisionTreeRegressor (https://scikit-learn.org/stable/modules/generated/sklearn.tree.DecisionTreeRegressor.html)

ExtraTreeClassifier(*[, criterion, ...])

An extremely randomized tree classifier For more details on this class, see sklearn.tree.ExtraTreeClassifier (https://scikit-learn.org/stable/modules/generated/sklearn.tree.ExtraTreeClassifier.html)

ExtraTreeRegressor(*[, criterion, splitter, ...])

An extremely randomized tree regressor For more details on this class, see sklearn.tree.ExtraTreeRegressor (https://scikit-learn.org/stable/modules/generated/sklearn.tree.ExtraTreeRegressor.html)

snowflake.ml.modeling.xgboost

Classes

XGBClassifier(*[, objective, ...])

Implementation of the scikit-learn API for XGBoost classification For more details on this class, see xgboost.XGBClassifier (https://xgboost.readthedocs.io/en/stable/python/python_api.html#xgboost.XGBClassifier)

XGBRegressor(*[, objective, input_cols, ...])

Implementation of the scikit-learn API for XGBoost regression For more details on this class, see xgboost.XGBRegressor (https://xgboost.readthedocs.io/en/stable/python/python_api.html#xgboost.XGBRegressor)

XGBRFClassifier(*[, learning_rate, ...])

scikit-learn API for XGBoost random forest classification For more details on this class, see xgboost.XGBRFClassifier (https://xgboost.readthedocs.io/en/stable/python/python_api.html#xgboost.XGBRFClassifier)

XGBRFRegressor(*[, learning_rate, ...])

scikit-learn API for XGBoost random forest regression For more details on this class, see xgboost.XGBRFRegressor (https://xgboost.readthedocs.io/en/stable/python/python_api.html#xgboost.XGBRFRegressor)

语言: 中文