snowflake.ml.modeling¶
snowflake.ml.modeling.calibration¶
Classes
|
Probability calibration with isotonic regression or logistic regression For more details on this class, see sklearn.calibration.CalibratedClassifierCV |
snowflake.ml.modeling.cluster¶
Classes
|
Perform Affinity Propagation Clustering of data For more details on this class, see sklearn.cluster.AffinityPropagation |
|
Agglomerative Clustering For more details on this class, see sklearn.cluster.AgglomerativeClustering |
|
Implements the BIRCH clustering algorithm For more details on this class, see sklearn.cluster.Birch |
|
Bisecting K-Means clustering For more details on this class, see sklearn.cluster.BisectingKMeans |
|
Perform DBSCAN clustering from vector array or distance matrix For more details on this class, see sklearn.cluster.DBSCAN |
|
Agglomerate features For more details on this class, see sklearn.cluster.FeatureAgglomeration |
|
K-Means clustering For more details on this class, see sklearn.cluster.KMeans |
|
Mean shift clustering using a flat kernel For more details on this class, see sklearn.cluster.MeanShift |
|
Mini-Batch K-Means clustering For more details on this class, see sklearn.cluster.MiniBatchKMeans |
|
Estimate clustering structure from vector array For more details on this class, see sklearn.cluster.OPTICS |
|
Spectral biclustering (Kluger, 2003) For more details on this class, see sklearn.cluster.SpectralBiclustering |
|
Apply clustering to a projection of the normalized Laplacian For more details on this class, see sklearn.cluster.SpectralClustering |
|
Spectral Co-Clustering algorithm (Dhillon, 2001) For more details on this class, see sklearn.cluster.SpectralCoclustering |
snowflake.ml.modeling.compose¶
Classes
|
Applies transformers to columns of an array or pandas DataFrame For more details on this class, see sklearn.compose.ColumnTransformer |
|
Meta-estimator to regress on a transformed target For more details on this class, see sklearn.compose.TransformedTargetRegressor |
snowflake.ml.modeling.covariance¶
Classes
|
An object for detecting outliers in a Gaussian distributed dataset For more details on this class, see sklearn.covariance.EllipticEnvelope |
|
Maximum likelihood covariance estimator For more details on this class, see sklearn.covariance.EmpiricalCovariance |
|
Sparse inverse covariance estimation with an l1-penalized estimator For more details on this class, see sklearn.covariance.GraphicalLasso |
|
Sparse inverse covariance w/ cross-validated choice of the l1 penalty For more details on this class, see sklearn.covariance.GraphicalLassoCV |
|
LedoitWolf Estimator For more details on this class, see sklearn.covariance.LedoitWolf |
|
Minimum Covariance Determinant (MCD): robust estimator of covariance For more details on this class, see sklearn.covariance.MinCovDet |
|
Oracle Approximating Shrinkage Estimator as proposed in [1]_ For more details on this class, see sklearn.covariance.OAS |
|
Covariance estimator with shrinkage For more details on this class, see sklearn.covariance.ShrunkCovariance |
snowflake.ml.modeling.decomposition¶
Classes
|
Dictionary learning For more details on this class, see sklearn.decomposition.DictionaryLearning |
|
Factor Analysis (FA) For more details on this class, see sklearn.decomposition.FactorAnalysis |
|
FastICA: a fast algorithm for Independent Component Analysis For more details on this class, see sklearn.decomposition.FastICA |
|
Incremental principal components analysis (IPCA) For more details on this class, see sklearn.decomposition.IncrementalPCA |
|
Kernel Principal component analysis (KPCA) [1]_ For more details on this class, see sklearn.decomposition.KernelPCA |
|
Mini-batch dictionary learning For more details on this class, see sklearn.decomposition.MiniBatchDictionaryLearning |
|
Mini-batch Sparse Principal Components Analysis For more details on this class, see sklearn.decomposition.MiniBatchSparsePCA |
|
Principal component analysis (PCA) For more details on this class, see sklearn.decomposition.PCA |
|
Sparse Principal Components Analysis (SparsePCA) For more details on this class, see sklearn.decomposition.SparsePCA |
|
Dimensionality reduction using truncated SVD (aka LSA) For more details on this class, see sklearn.decomposition.TruncatedSVD |
snowflake.ml.modeling.discriminant_analysis¶
Classes
|
Linear Discriminant Analysis For more details on this class, see sklearn.discriminant_analysis.LinearDiscriminantAnalysis |
|
Quadratic Discriminant Analysis For more details on this class, see sklearn.discriminant_analysis.QuadraticDiscriminantAnalysis |
snowflake.ml.modeling.ensemble¶
Classes
|
An AdaBoost classifier For more details on this class, see sklearn.ensemble.AdaBoostClassifier |
|
An AdaBoost regressor For more details on this class, see sklearn.ensemble.AdaBoostRegressor |
|
A Bagging classifier For more details on this class, see sklearn.ensemble.BaggingClassifier |
|
A Bagging regressor For more details on this class, see sklearn.ensemble.BaggingRegressor |
|
An extra-trees classifier For more details on this class, see sklearn.ensemble.ExtraTreesClassifier |
|
An extra-trees regressor For more details on this class, see sklearn.ensemble.ExtraTreesRegressor |
|
Gradient Boosting for classification For more details on this class, see sklearn.ensemble.GradientBoostingClassifier |
|
Gradient Boosting for regression For more details on this class, see sklearn.ensemble.GradientBoostingRegressor |
|
Histogram-based Gradient Boosting Classification Tree For more details on this class, see sklearn.ensemble.HistGradientBoostingClassifier |
|
Histogram-based Gradient Boosting Regression Tree For more details on this class, see sklearn.ensemble.HistGradientBoostingRegressor |
|
Isolation Forest Algorithm For more details on this class, see sklearn.ensemble.IsolationForest |
|
A random forest classifier For more details on this class, see sklearn.ensemble.RandomForestClassifier |
|
A random forest regressor For more details on this class, see sklearn.ensemble.RandomForestRegressor |
|
Stack of estimators with a final regressor For more details on this class, see sklearn.ensemble.StackingRegressor |
|
Soft Voting/Majority Rule classifier for unfitted estimators For more details on this class, see sklearn.ensemble.VotingClassifier |
|
Prediction voting regressor for unfitted estimators For more details on this class, see sklearn.ensemble.VotingRegressor |
snowflake.ml.modeling.feature_selection¶
Classes
|
Univariate feature selector with configurable strategy For more details on this class, see sklearn.feature_selection.GenericUnivariateSelect |
|
Filter: Select the p-values for an estimated false discovery rate For more details on this class, see sklearn.feature_selection.SelectFdr |
|
Filter: Select the pvalues below alpha based on a FPR test For more details on this class, see sklearn.feature_selection.SelectFpr |
|
Filter: Select the p-values corresponding to Family-wise error rate For more details on this class, see sklearn.feature_selection.SelectFwe |
|
Select features according to the k highest scores For more details on this class, see sklearn.feature_selection.SelectKBest |
|
Select features according to a percentile of the highest scores For more details on this class, see sklearn.feature_selection.SelectPercentile |
|
Transformer that performs Sequential Feature Selection For more details on this class, see sklearn.feature_selection.SequentialFeatureSelector |
|
Feature selector that removes all low-variance features For more details on this class, see sklearn.feature_selection.VarianceThreshold |
snowflake.ml.modeling.gaussian_process¶
Classes
|
Gaussian process classification (GPC) based on Laplace approximation For more details on this class, see sklearn.gaussian_process.GaussianProcessClassifier |
|
Gaussian process regression (GPR) For more details on this class, see sklearn.gaussian_process.GaussianProcessRegressor |
snowflake.ml.modeling.impute¶
Classes
|
Multivariate imputer that estimates each feature from all the others For more details on this class, see sklearn.impute.IterativeImputer |
|
Imputation for completing missing values using k-Nearest Neighbors For more details on this class, see sklearn.impute.KNNImputer |
|
Binary indicators for missing values For more details on this class, see sklearn.impute.MissingIndicator |
|
Univariate imputer for completing missing values with simple strategies. |
snowflake.ml.modeling.kernel_approximation¶
Classes
|
Approximate feature map for additive chi2 kernel For more details on this class, see sklearn.kernel_approximation.AdditiveChi2Sampler |
|
Approximate a kernel map using a subset of the training data For more details on this class, see sklearn.kernel_approximation.Nystroem |
|
Polynomial kernel approximation via Tensor Sketch For more details on this class, see sklearn.kernel_approximation.PolynomialCountSketch |
|
Approximate a RBF kernel feature map using random Fourier features For more details on this class, see sklearn.kernel_approximation.RBFSampler |
|
Approximate feature map for "skewed chi-squared" kernel For more details on this class, see sklearn.kernel_approximation.SkewedChi2Sampler |
snowflake.ml.modeling.kernel_ridge¶
Classes
|
Kernel ridge regression For more details on this class, see sklearn.kernel_ridge.KernelRidge |
snowflake.ml.modeling.lightgbm¶
Classes
|
LightGBM classifier For more details on this class, see lightgbm.LGBMClassifier |
|
LightGBM regressor For more details on this class, see lightgbm.LGBMRegressor |
snowflake.ml.modeling.linear_model¶
Classes
|
Bayesian ARD regression For more details on this class, see sklearn.linear_model.ARDRegression |
|
Bayesian ridge regression For more details on this class, see sklearn.linear_model.BayesianRidge |
|
Linear regression with combined L1 and L2 priors as regularizer For more details on this class, see sklearn.linear_model.ElasticNet |
|
Elastic Net model with iterative fitting along a regularization path For more details on this class, see sklearn.linear_model.ElasticNetCV |
|
Generalized Linear Model with a Gamma distribution For more details on this class, see sklearn.linear_model.GammaRegressor |
|
L2-regularized linear regression model that is robust to outliers For more details on this class, see sklearn.linear_model.HuberRegressor |
|
Least Angle Regression model a For more details on this class, see sklearn.linear_model.Lars |
|
Cross-validated Least Angle Regression model For more details on this class, see sklearn.linear_model.LarsCV |
|
Linear Model trained with L1 prior as regularizer (aka the Lasso) For more details on this class, see sklearn.linear_model.Lasso |
|
Lasso linear model with iterative fitting along a regularization path For more details on this class, see sklearn.linear_model.LassoCV |
|
Lasso model fit with Least Angle Regression a For more details on this class, see sklearn.linear_model.LassoLars |
|
Cross-validated Lasso, using the LARS algorithm For more details on this class, see sklearn.linear_model.LassoLarsCV |
|
Lasso model fit with Lars using BIC or AIC for model selection For more details on this class, see sklearn.linear_model.LassoLarsIC |
|
Ordinary least squares Linear Regression For more details on this class, see sklearn.linear_model.LinearRegression |
|
Logistic Regression (aka logit, MaxEnt) classifier For more details on this class, see sklearn.linear_model.LogisticRegression |
|
Logistic Regression CV (aka logit, MaxEnt) classifier For more details on this class, see sklearn.linear_model.LogisticRegressionCV |
|
Multi-task ElasticNet model trained with L1/L2 mixed-norm as regularizer For more details on this class, see sklearn.linear_model.MultiTaskElasticNet |
|
Multi-task L1/L2 ElasticNet with built-in cross-validation For more details on this class, see sklearn.linear_model.MultiTaskElasticNetCV |
|
Multi-task Lasso model trained with L1/L2 mixed-norm as regularizer For more details on this class, see sklearn.linear_model.MultiTaskLasso |
|
Multi-task Lasso model trained with L1/L2 mixed-norm as regularizer For more details on this class, see sklearn.linear_model.MultiTaskLassoCV |
|
Orthogonal Matching Pursuit model (OMP) For more details on this class, see sklearn.linear_model.OrthogonalMatchingPursuit |
|
Passive Aggressive Classifier For more details on this class, see sklearn.linear_model.PassiveAggressiveClassifier |
|
Passive Aggressive Regressor For more details on this class, see sklearn.linear_model.PassiveAggressiveRegressor |
|
Linear perceptron classifier For more details on this class, see sklearn.linear_model.Perceptron |
|
Generalized Linear Model with a Poisson distribution For more details on this class, see sklearn.linear_model.PoissonRegressor |
|
RANSAC (RANdom SAmple Consensus) algorithm For more details on this class, see sklearn.linear_model.RANSACRegressor |
|
Linear least squares with l2 regularization For more details on this class, see sklearn.linear_model.Ridge |
|
Classifier using Ridge regression For more details on this class, see sklearn.linear_model.RidgeClassifier |
|
Ridge classifier with built-in cross-validation For more details on this class, see sklearn.linear_model.RidgeClassifierCV |
|
Ridge regression with built-in cross-validation For more details on this class, see sklearn.linear_model.RidgeCV |
|
Linear classifiers (SVM, logistic regression, etc For more details on this class, see sklearn.linear_model.SGDClassifier |
|
Solves linear One-Class SVM using Stochastic Gradient Descent For more details on this class, see sklearn.linear_model.SGDOneClassSVM |
|
Linear model fitted by minimizing a regularized empirical loss with SGD For more details on this class, see sklearn.linear_model.SGDRegressor |
|
Theil-Sen Estimator: robust multivariate regression model For more details on this class, see sklearn.linear_model.TheilSenRegressor |
|
Generalized Linear Model with a Tweedie distribution For more details on this class, see sklearn.linear_model.TweedieRegressor |
snowflake.ml.modeling.manifold¶
Classes
|
Isomap Embedding For more details on this class, see sklearn.manifold.Isomap |
|
Multidimensional scaling For more details on this class, see sklearn.manifold.MDS |
|
Spectral embedding for non-linear dimensionality reduction For more details on this class, see sklearn.manifold.SpectralEmbedding |
|
T-distributed Stochastic Neighbor Embedding For more details on this class, see sklearn.manifold.TSNE |
snowflake.ml.modeling.metrics¶
Functions
|
Accuracy classification score. |
|
Compute confusion matrix to evaluate the accuracy of a classification. |
|
Pearson correlation matrix for the columns in a snowpark dataframe. |
|
Covariance matrix for the columns in a snowpark dataframe. |
|
regression score function, fraction of absolute error explained. |
|
regression score function, fraction of pinball loss explained. |
|
Explained variance regression score function. |
|
Compute the F1 score, also known as balanced F-score or F-measure. |
|
Compute the F-beta score. |
|
Log loss, aka logistic loss or cross-entropy loss. |
|
Mean absolute error regression loss. |
|
Mean absolute percentage error (MAPE) regression loss. |
|
Mean squared error regression loss. |
|
Compute precision-recall pairs for different probability thresholds. |
|
Compute precision, recall, F-measure and support for each class. |
|
Compute the precision. |
|
(coefficient of determination) regression score function. |
|
Compute the recall. |
|
Compute Area Under the Receiver Operating Characteristic Curve (ROC AUC) from prediction scores. |
|
Compute Receiver operating characteristic (ROC). |
snowflake.ml.modeling.mixture¶
Classes
|
Variational Bayesian estimation of a Gaussian mixture For more details on this class, see sklearn.mixture.BayesianGaussianMixture |
|
Gaussian Mixture For more details on this class, see sklearn.mixture.GaussianMixture |
snowflake.ml.modeling.model_selection¶
Classes
|
Exhaustive search over specified parameter values for an estimator For more details on this class, see sklearn.model_selection.GridSearchCV |
|
Randomized search on hyper parameters For more details on this class, see sklearn.model_selection.RandomizedSearchCV |
snowflake.ml.modeling.multiclass¶
Classes
|
One-vs-one multiclass strategy For more details on this class, see sklearn.multiclass.OneVsOneClassifier |
|
One-vs-the-rest (OvR) multiclass strategy For more details on this class, see sklearn.multiclass.OneVsRestClassifier |
|
(Error-Correcting) Output-Code multiclass strategy For more details on this class, see sklearn.multiclass.OutputCodeClassifier |
snowflake.ml.modeling.naive_bayes¶
Classes
|
Naive Bayes classifier for multivariate Bernoulli models For more details on this class, see sklearn.naive_bayes.BernoulliNB |
|
Naive Bayes classifier for categorical features For more details on this class, see sklearn.naive_bayes.CategoricalNB |
|
The Complement Naive Bayes classifier described in Rennie et al For more details on this class, see sklearn.naive_bayes.ComplementNB |
|
Gaussian Naive Bayes (GaussianNB) For more details on this class, see sklearn.naive_bayes.GaussianNB |
|
Naive Bayes classifier for multinomial models For more details on this class, see sklearn.naive_bayes.MultinomialNB |
snowflake.ml.modeling.neighbors¶
Classes
|
Kernel Density Estimation For more details on this class, see sklearn.neighbors.KernelDensity |
|
Classifier implementing the k-nearest neighbors vote For more details on this class, see sklearn.neighbors.KNeighborsClassifier |
|
Regression based on k-nearest neighbors For more details on this class, see sklearn.neighbors.KNeighborsRegressor |
|
Unsupervised Outlier Detection using the Local Outlier Factor (LOF) For more details on this class, see sklearn.neighbors.LocalOutlierFactor |
|
Nearest centroid classifier For more details on this class, see sklearn.neighbors.NearestCentroid |
|
Unsupervised learner for implementing neighbor searches For more details on this class, see sklearn.neighbors.NearestNeighbors |
|
Neighborhood Components Analysis For more details on this class, see sklearn.neighbors.NeighborhoodComponentsAnalysis |
|
Classifier implementing a vote among neighbors within a given radius For more details on this class, see sklearn.neighbors.RadiusNeighborsClassifier |
|
Regression based on neighbors within a fixed radius For more details on this class, see sklearn.neighbors.RadiusNeighborsRegressor |
snowflake.ml.modeling.neural_network¶
Classes
|
Bernoulli Restricted Boltzmann Machine (RBM) For more details on this class, see sklearn.neural_network.BernoulliRBM |
|
Multi-layer Perceptron classifier For more details on this class, see sklearn.neural_network.MLPClassifier |
|
Multi-layer Perceptron regressor For more details on this class, see sklearn.neural_network.MLPRegressor |
snowflake.ml.modeling.pipeline¶
Classes
|
Pipeline of transforms. |
snowflake.ml.modeling.preprocessing¶
|
Standardizes features by removing the mean and scaling to unit variance. |
|
Encodes categorical features as an integer array. |
|
Transforms features by scaling each feature to a given range, by default between zero and one. |
|
Encodes target labels with values between 0 and n_classes-1. |
|
Scales features using statistics that are robust to outliers. |
|
Bin continuous data into intervals. |
|
Scale each feature by its maximum absolute value. |
|
Normalize samples individually to each row's unit norm. |
|
Encode categorical features as a one-hot numeric array. |
|
Binarizes data (sets feature values to 0 or 1) according to the given threshold. |
|
Generate polynomial and interaction features For more details on this class, see sklearn.preprocessing.PolynomialFeatures |
snowflake.ml.modeling.semi_supervised¶
Classes
|
Label Propagation classifier For more details on this class, see sklearn.semi_supervised.LabelPropagation |
|
LabelSpreading model for semi-supervised learning For more details on this class, see sklearn.semi_supervised.LabelSpreading |
snowflake.ml.modeling.svm¶
Classes
|
Linear Support Vector Classification For more details on this class, see sklearn.svm.LinearSVC |
|
Linear Support Vector Regression For more details on this class, see sklearn.svm.LinearSVR |
|
Nu-Support Vector Classification For more details on this class, see sklearn.svm.NuSVC |
|
Nu Support Vector Regression For more details on this class, see sklearn.svm.NuSVR |
|
C-Support Vector Classification For more details on this class, see sklearn.svm.SVC |
|
Epsilon-Support Vector Regression For more details on this class, see sklearn.svm.SVR |
snowflake.ml.modeling.tree¶
Classes
|
A decision tree classifier For more details on this class, see sklearn.tree.DecisionTreeClassifier |
|
A decision tree regressor For more details on this class, see sklearn.tree.DecisionTreeRegressor |
|
An extremely randomized tree classifier For more details on this class, see sklearn.tree.ExtraTreeClassifier |
|
An extremely randomized tree regressor For more details on this class, see sklearn.tree.ExtraTreeRegressor |
snowflake.ml.modeling.xgboost¶
Classes
|
Implementation of the scikit-learn API for XGBoost classification For more details on this class, see xgboost.XGBClassifier |
|
Implementation of the scikit-learn API for XGBoost regression For more details on this class, see xgboost.XGBRegressor |
|
scikit-learn API for XGBoost random forest classification For more details on this class, see xgboost.XGBRFClassifier |
|
scikit-learn API for XGBoost random forest regression For more details on this class, see xgboost.XGBRFRegressor |