| Home | Trees | Indices | Help |
|
|---|
|
|
self.data.
scikits.learn.linear_model.bayes.ARDRegression class
from the sklearn library. The wrapped instance can be accessed
through the scikits_alg attribute.
Fit the weights of a regression model, using an ARD prior. The weights of
the regression model are assumed to be in Gaussian distributions.
Also estimate the parameters lambda (precisions of the distributions of the
weights) and alpha (precision of the distribution of the noise).
The estimation is done by an iterative procedures (Evidence Maximization)
scikits.learn.linear_model.bayes.BayesianRidge class
from the sklearn library. The wrapped instance can be accessed
through the scikits_alg attribute.
Fit a Bayesian ridge model and optimize the regularization parameters
lambda (precision of the weights) and alpha (precision of the noise).
scikits.learn.preprocessing.sparse.Binarizer class
from the sklearn library. The wrapped instance can be accessed
through the scikits_alg attribute.
scikits.learn.feature_extraction.text.CountVectorizer class
from the sklearn library. The wrapped instance can be accessed
through the scikits_alg attribute.
This implementation produces a sparse representation of the counts using
scipy.sparse.coo_matrix.
scikits.learn.linear_model.coordinate_descent.ElasticNetCV class
from the sklearn library. The wrapped instance can be accessed
through the scikits_alg attribute.
The best model is selected by cross-validation.
scikits.learn.decomposition.fastica_.FastICA class
from the sklearn library. The wrapped instance can be accessed
through the scikits_alg attribute.
Parameters
scikits.learn.hmm.GMMHMM class
from the sklearn library. The wrapped instance can be accessed
through the scikits_alg attribute.
Attributes
scikits.learn.mixture.GMM class
from the sklearn library. The wrapped instance can be accessed
through the scikits_alg attribute.
Representation of a Gaussian mixture model probability distribution.
This class allows for easy evaluation of, sampling from, and
maximum-likelihood estimation of the parameters of a GMM distribution.
scikits.learn.hmm.GaussianHMM class
from the sklearn library. The wrapped instance can be accessed
through the scikits_alg attribute.
Representation of a hidden Markov model probability distribution.
This class allows for easy evaluation of, sampling from, and
maximum-likelihood estimation of the parameters of a HMM.
scikits.learn.gaussian_process.gaussian_process.GaussianProcess class
from the sklearn library. The wrapped instance can be accessed
through the scikits_alg attribute.
Parameters
scikits.learn.preprocessing.KernelCenterer class
from the sklearn library. The wrapped instance can be accessed
through the scikits_alg attribute.
scikits.learn.linear_model.least_angle.LARS class
from the sklearn library. The wrapped instance can be accessed
through the scikits_alg attribute.
Parameters
scikits.learn.preprocessing.LabelBinarizer class
from the sklearn library. The wrapped instance can be accessed
through the scikits_alg attribute.
Several regression and binary classification algorithms are available in the
scikit. A simple way to extend these algorithms to the multi-class
classification case is to use the so-called one-vs-all scheme.
scikits.learn.linear_model.coordinate_descent.LassoCV class
from the sklearn library. The wrapped instance can be accessed
through the scikits_alg attribute.
The best model is selected by cross-validation.
scikits.learn.linear_model.least_angle.LassoLARS class
from the sklearn library. The wrapped instance can be accessed
through the scikits_alg attribute.
It is a Linear Model trained with an L1 prior as regularizer.
lasso).
scikits.learn.linear_model.coordinate_descent.Lasso class
from the sklearn library. The wrapped instance can be accessed
through the scikits_alg attribute.
Technically the Lasso model is optimizing the same objective function as
the Elastic Net with rho=1.0 (no L2 penalty).
scikits.learn.linear_model.coordinate_descent.LinearModelCV class
from the sklearn library. The wrapped instance can be accessed
through the scikits_alg attribute.
scikits.learn.linear_model.base.LinearRegression class
from the sklearn library. The wrapped instance can be accessed
through the scikits_alg attribute.
Attributes
scikits.learn.hmm.MultinomialHMM class
from the sklearn library. The wrapped instance can be accessed
through the scikits_alg attribute.
Attributes
scikits.learn.preprocessing.Normalizer class
from the sklearn library. The wrapped instance can be accessed
through the scikits_alg attribute.
scikits.learn.svm.classes.OneClassSVM class
from the sklearn library. The wrapped instance can be accessed
through the scikits_alg attribute.
Estimate the support of a high-dimensional distribution.
scikits.learn.feature_selection.rfe.RFECV class
from the sklearn library. The wrapped instance can be accessed
through the scikits_alg attribute.
Parameters
scikits.learn.feature_selection.rfe.RFE class
from the sklearn library. The wrapped instance can be accessed
through the scikits_alg attribute.
Parameters
scikits.learn.linear_model.ridge.RidgeCV class
from the sklearn library. The wrapped instance can be accessed
through the scikits_alg attribute.
By default, it performs Generalized Cross-Validation, which is a form of
efficient Leave-One-Out cross-validation. Currently, only the n_features >
n_samples case is handled efficiently.
scikits.learn.linear_model.ridge.RidgeClassifier class
from the sklearn library. The wrapped instance can be accessed
through the scikits_alg attribute.
Parameters
scikits.learn.linear_model.ridge.Ridge class
from the sklearn library. The wrapped instance can be accessed
through the scikits_alg attribute.
Parameters
scikits.learn.linear_model.sparse.stochastic_gradient.SGDRegressor class
from the sklearn library. The wrapped instance can be accessed
through the scikits_alg attribute.
SGD stands for Stochastic Gradient Descent: the gradient of the loss is
estimated each sample at a time and the model is updated along the way with
a decreasing strength schedule (aka learning rate).
scikits.learn.svm.classes.SVR class
from the sklearn library. The wrapped instance can be accessed
through the scikits_alg attribute.
The free parameters in the model are C and epsilon.
scikits.learn.preprocessing.Scaler class
from the sklearn library. The wrapped instance can be accessed
through the scikits_alg attribute.
It centers the dataset and optionaly scales to fix the variance to 1 for
each feature
scikits.learn.feature_selection.univariate_selection.SelectFdr class
from the sklearn library. The wrapped instance can be accessed
through the scikits_alg attribute.
scikits.learn.feature_selection.univariate_selection.SelectFpr class
from the sklearn library. The wrapped instance can be accessed
through the scikits_alg attribute.
scikits.learn.feature_selection.univariate_selection.SelectFwe class
from the sklearn library. The wrapped instance can be accessed
through the scikits_alg attribute.
scikits.learn.feature_selection.univariate_selection.SelectKBest class
from the sklearn library. The wrapped instance can be accessed
through the scikits_alg attribute.
scikits.learn.feature_selection.univariate_selection.SelectPercentile class
from the sklearn library. The wrapped instance can be accessed
through the scikits_alg attribute.
scikits.learn.feature_extraction.text.TfidfTransformer class
from the sklearn library. The wrapped instance can be accessed
through the scikits_alg attribute.
TF means term-frequency while TF-IDF means term-frequency times inverse
document-frequency:
scikits.learn.feature_extraction.text.Vectorizer class
from the sklearn library. The wrapped instance can be accessed
through the scikits_alg attribute.
Equivalent to CountVectorizer followed by TfidfTransformer.
scikits.learn.cluster.hierarchical.WardAgglomeration class
from the sklearn library. The wrapped instance can be accessed
through the scikits_alg attribute.
Parameters
scikits.learn.naive_bayes.GNB class
from the sklearn library. The wrapped instance can be accessed
through the scikits_alg attribute.
Parameters
scikits.learn.lda.LDA class
from the sklearn library. The wrapped instance can be accessed
through the scikits_alg attribute.
Parameters
scikits.learn.svm.sparse.classes.LinearSVC class
from the sklearn library. The wrapped instance can be accessed
through the scikits_alg attribute.
Similar to SVC with parameter kernel='linear', but uses internally
liblinear rather than libsvm, so it has more flexibility in the
choice of penalties and loss functions and should be faster for
huge datasets.
scikits.learn.linear_model.logistic.LogisticRegression class
from the sklearn library. The wrapped instance can be accessed
through the scikits_alg attribute.
Implements L1 and L2 regularized logistic regression.
scikits.learn.neighbors.NeighborsClassifier class
from the sklearn library. The wrapped instance can be accessed
through the scikits_alg attribute.
Parameters
scikits.learn.neighbors.NeighborsRegressor class
from the sklearn library. The wrapped instance can be accessed
through the scikits_alg attribute.
The target is predicted by local interpolation of the targets
associated of the k-Nearest Neighbors in the training set.
scikits.learn.qda.QDA class
from the sklearn library. The wrapped instance can be accessed
through the scikits_alg attribute.
Parameters
scikits.learn.svm.classes.SVC class
from the sklearn library. The wrapped instance can be accessed
through the scikits_alg attribute.
Parameters
b_j so that the linear combination
y_i = b_0 + b_1 x_1 + ... b_N x_N , for i = 1 ... M, minimizes
the sum of squared error given the training x's and y's.
output_dim == input_dim.
output_dim == input_dim.
scikits.learn.naive_bayes.GNB class
from the sklearn library. The wrapped instance can be accessed
through the scikits_alg attribute.
Parameters
scikits.learn.lda.LDA class
from the sklearn library. The wrapped instance can be accessed
through the scikits_alg attribute.
Parameters
scikits.learn.svm.sparse.classes.LinearSVC class
from the sklearn library. The wrapped instance can be accessed
through the scikits_alg attribute.
Similar to SVC with parameter kernel='linear', but uses internally
liblinear rather than libsvm, so it has more flexibility in the
choice of penalties and loss functions and should be faster for
huge datasets.
scikits.learn.linear_model.logistic.LogisticRegression class
from the sklearn library. The wrapped instance can be accessed
through the scikits_alg attribute.
Implements L1 and L2 regularized logistic regression.
scikits.learn.neighbors.NeighborsClassifier class
from the sklearn library. The wrapped instance can be accessed
through the scikits_alg attribute.
Parameters
scikits.learn.neighbors.NeighborsRegressor class
from the sklearn library. The wrapped instance can be accessed
through the scikits_alg attribute.
The target is predicted by local interpolation of the targets
associated of the k-Nearest Neighbors in the training set.
scikits.learn.qda.QDA class
from the sklearn library. The wrapped instance can be accessed
through the scikits_alg attribute.
Parameters
scikits.learn.svm.classes.SVC class
from the sklearn library. The wrapped instance can be accessed
through the scikits_alg attribute.
Parameters
1 if the sum of the data points
is positive and as -1 if the data point is negative.
n local maxima and minima of the training signal
which are separated by a minimum gap d.
output_dim == input_dim.
| Home | Trees | Indices | Help |
|
|---|
| Generated by Epydoc 3.0.1-MDP on Mon Apr 27 21:56:15 2020 | http://epydoc.sourceforge.net |