This page

Citing

Please consider citing the scikit-learn.

Index

_ | A | B | C | D | E | F | G | H | I | K | L | M | N | O | P | Q | R | S | T | V | W | Z

_

__init__() (sklearn.cluster.AffinityPropagation method)
(sklearn.cluster.KMeans method)
(sklearn.cluster.MeanShift method)
(sklearn.cluster.MiniBatchKMeans method)
(sklearn.cluster.SpectralClustering method)
(sklearn.cluster.Ward method)
(sklearn.covariance.EmpiricalCovariance method)
(sklearn.covariance.LedoitWolf method)
(sklearn.covariance.OAS method)
(sklearn.covariance.ShrunkCovariance method)
(sklearn.cross_validation.Bootstrap method)
(sklearn.cross_validation.KFold method)
(sklearn.cross_validation.LeaveOneLabelOut method)
(sklearn.cross_validation.LeaveOneOut method)
(sklearn.cross_validation.LeavePLabelOut method)
(sklearn.cross_validation.LeavePOut method)
(sklearn.cross_validation.ShuffleSplit method)
(sklearn.cross_validation.StratifiedKFold method)
(sklearn.decomposition.DictionaryLearning method)
(sklearn.decomposition.FastICA method)
(sklearn.decomposition.KernelPCA method)
(sklearn.decomposition.MiniBatchDictionaryLearning method)
(sklearn.decomposition.MiniBatchSparsePCA method)
(sklearn.decomposition.NMF method)
(sklearn.decomposition.PCA method)
(sklearn.decomposition.ProbabilisticPCA method)
(sklearn.decomposition.ProjectedGradientNMF method)
(sklearn.decomposition.RandomizedPCA method)
(sklearn.decomposition.SparsePCA method)
(sklearn.feature_extraction.image.PatchExtractor method)
(sklearn.feature_extraction.text.CharNGramAnalyzer method)
(sklearn.feature_extraction.text.RomanPreprocessor method)
(sklearn.feature_extraction.text.TfidfTransformer method)
(sklearn.feature_extraction.text.WordNGramAnalyzer method)
(sklearn.feature_selection.rfe.RFE method)
(sklearn.feature_selection.rfe.RFECV method)
(sklearn.grid_search.GridSearchCV method)
(sklearn.hmm.GMMHMM method)
(sklearn.hmm.GaussianHMM method)
(sklearn.hmm.MultinomialHMM method)
(sklearn.lda.LDA method)
(sklearn.linear_model.ARDRegression method)
(sklearn.linear_model.BayesianRidge method)
(sklearn.linear_model.ElasticNet method)
(sklearn.linear_model.ElasticNetCV method)
(sklearn.linear_model.Lars method)
(sklearn.linear_model.LarsCV method)
(sklearn.linear_model.Lasso method)
(sklearn.linear_model.LassoCV method)
(sklearn.linear_model.LassoLars method)
(sklearn.linear_model.LassoLarsCV method)
(sklearn.linear_model.LassoLarsIC method)
(sklearn.linear_model.LinearRegression method)
(sklearn.linear_model.LogisticRegression method)
(sklearn.linear_model.OrthogonalMatchingPursuit method)
(sklearn.linear_model.Ridge method)
(sklearn.linear_model.RidgeCV method)
(sklearn.linear_model.RidgeClassifierCV method)
(sklearn.linear_model.SGDClassifier method)
(sklearn.linear_model.SGDRegressor method)
(sklearn.linear_model.sparse.ElasticNet method)
(sklearn.linear_model.sparse.Lasso method)
(sklearn.linear_model.sparse.LogisticRegression method)
(sklearn.linear_model.sparse.SGDClassifier method)
(sklearn.linear_model.sparse.SGDRegressor method)
(sklearn.manifold.Isomap method)
(sklearn.manifold.LocallyLinearEmbedding method)
(sklearn.mixture.DPGMM method)
(sklearn.mixture.GMM method)
(sklearn.mixture.VBGMM method)
(sklearn.naive_bayes.BernoulliNB method)
(sklearn.naive_bayes.GaussianNB method)
(sklearn.naive_bayes.MultinomialNB method)
(sklearn.neighbors.BallTree method)
(sklearn.neighbors.KNeighborsClassifier method)
(sklearn.neighbors.KNeighborsRegressor method)
(sklearn.neighbors.NearestNeighbors method)
(sklearn.neighbors.NeighborsClassifier method)
(sklearn.neighbors.NeighborsRegressor method)
(sklearn.neighbors.RadiusNeighborsClassifier method)
(sklearn.neighbors.RadiusNeighborsRegressor method)
(sklearn.pipeline.Pipeline method)
(sklearn.pls.CCA method)
(sklearn.pls.PLSCanonical method)
(sklearn.pls.PLSRegression method)
(sklearn.pls.PLSSVD method)
(sklearn.preprocessing.Binarizer method)
(sklearn.preprocessing.KernelCenterer method)
(sklearn.preprocessing.LabelBinarizer method)
(sklearn.preprocessing.Normalizer method)
(sklearn.preprocessing.Scaler method)
(sklearn.svm.LinearSVC method)
(sklearn.svm.NuSVC method)
(sklearn.svm.NuSVR method)
(sklearn.svm.OneClassSVM method)
(sklearn.svm.SVC method)
(sklearn.svm.SVR method)
(sklearn.svm.sparse.LinearSVC method)
(sklearn.svm.sparse.NuSVC method)
(sklearn.svm.sparse.NuSVR method)
(sklearn.svm.sparse.OneClassSVM method)
(sklearn.svm.sparse.SVC method)
(sklearn.svm.sparse.SVR method)

A

adjusted_rand_score() (in module sklearn.metrics)
AffinityPropagation (class in sklearn.cluster)
analyze() (sklearn.feature_extraction.text.CharNGramAnalyzer method)
(sklearn.feature_extraction.text.WordNGramAnalyzer method)
ARDRegression (class in sklearn.linear_model)
auc() (in module sklearn.metrics)

B

BallTree (class in sklearn.neighbors)
BayesianRidge (class in sklearn.linear_model)
BernoulliNB (class in sklearn.naive_bayes)
binarize() (in module sklearn.preprocessing)
Binarizer (class in sklearn.preprocessing)
Bootstrap (class in sklearn.cross_validation)

C

CCA (class in sklearn.pls)
CharNGramAnalyzer (class in sklearn.feature_extraction.text)
check_random_state() (in module sklearn.utils)
chi2() (in module sklearn.feature_selection.univariate_selection), [1]
classification_report() (in module sklearn.metrics)
completeness_score() (in module sklearn.metrics)
confusion_matrix() (in module sklearn.metrics)
covars (sklearn.hmm.GaussianHMM attribute)
(sklearn.mixture.GMM attribute)
cross_validation() (in module sklearn.svm.libsvm)
cvtype (sklearn.hmm.GaussianHMM attribute)
(sklearn.mixture.DPGMM attribute)
(sklearn.mixture.GMM attribute)
(sklearn.mixture.VBGMM attribute)

D

decision_function() (in module sklearn.svm.libsvm)
(sklearn.lda.LDA method)
(sklearn.linear_model.LogisticRegression method)
(sklearn.linear_model.SGDClassifier method)
(sklearn.linear_model.sparse.LogisticRegression method)
(sklearn.linear_model.sparse.SGDClassifier method)
(sklearn.svm.LinearSVC method)
(sklearn.svm.NuSVC method)
(sklearn.svm.NuSVR method)
(sklearn.svm.OneClassSVM method)
(sklearn.svm.SVC method)
(sklearn.svm.SVR method)
(sklearn.svm.sparse.LinearSVC method)
(sklearn.svm.sparse.NuSVC method)
(sklearn.svm.sparse.NuSVR method)
(sklearn.svm.sparse.OneClassSVM method)
(sklearn.svm.sparse.SVC method)
(sklearn.svm.sparse.SVR method)
decode() (sklearn.hmm.GaussianHMM method)
(sklearn.hmm.GMMHMM method)
(sklearn.hmm.MultinomialHMM method)
(sklearn.mixture.DPGMM method)
(sklearn.mixture.GMM method)
(sklearn.mixture.VBGMM method)
dict_learning() (in module sklearn.decomposition)
dict_learning_online() (in module sklearn.decomposition)
DictionaryLearning (class in sklearn.decomposition)
distance_metrics() (in module sklearn.metrics.pairwise)
DPGMM (class in sklearn.mixture)

E

ElasticNet (class in sklearn.linear_model)
(class in sklearn.linear_model.sparse)
ElasticNetCV (class in sklearn.linear_model)
emissionprob (sklearn.hmm.MultinomialHMM attribute)
empirical_covariance() (in module sklearn.covariance)
EmpiricalCovariance (class in sklearn.covariance)
error_norm() (sklearn.covariance.EmpiricalCovariance method)
(sklearn.covariance.LedoitWolf method)
(sklearn.covariance.OAS method)
(sklearn.covariance.ShrunkCovariance method)
estimator (sklearn.linear_model.ElasticNetCV attribute)
(sklearn.linear_model.LassoCV attribute)
euclidean_distances() (in module sklearn.metrics.pairwise)
eval() (sklearn.hmm.GaussianHMM method)
(sklearn.hmm.GMMHMM method)
(sklearn.hmm.MultinomialHMM method)
(sklearn.mixture.DPGMM method)
(sklearn.mixture.GMM method)
(sklearn.mixture.VBGMM method)
extract_patches_2d() (in module sklearn.feature_extraction.image)

F

f1_score() (in module sklearn.metrics)
f_classif() (in module sklearn.feature_selection.univariate_selection)
f_regression() (in module sklearn.feature_selection.univariate_selection)
FastICA (class in sklearn.decomposition)
fastica() (in module sklearn.decomposition)
fbeta_score() (in module sklearn.metrics)
fetch_20newsgroups() (in module sklearn.datasets)
fetch_lfw_pairs() (in module sklearn.datasets)
fetch_lfw_people() (in module sklearn.datasets)
fit() (in module sklearn.svm.libsvm)
(sklearn.cluster.AffinityPropagation method)
(sklearn.cluster.KMeans method)
(sklearn.cluster.MeanShift method)
(sklearn.cluster.MiniBatchKMeans method)
(sklearn.cluster.SpectralClustering method)
(sklearn.cluster.Ward method)
(sklearn.covariance.EmpiricalCovariance method)
(sklearn.covariance.LedoitWolf method)
(sklearn.covariance.OAS method)
(sklearn.covariance.ShrunkCovariance method)
(sklearn.decomposition.DictionaryLearning method)
(sklearn.decomposition.KernelPCA method)
(sklearn.decomposition.MiniBatchDictionaryLearning method)
(sklearn.decomposition.MiniBatchSparsePCA method)
(sklearn.decomposition.NMF method)
(sklearn.decomposition.PCA method)
(sklearn.decomposition.ProbabilisticPCA method)
(sklearn.decomposition.ProjectedGradientNMF method)
(sklearn.decomposition.RandomizedPCA method)
(sklearn.decomposition.SparsePCA method)
(sklearn.feature_extraction.image.PatchExtractor method)
(sklearn.feature_extraction.text.CountVectorizer method)
(sklearn.feature_extraction.text.TfidfTransformer method)
(sklearn.feature_extraction.text.Vectorizer method)
(sklearn.feature_selection.rfe.RFE method)
(sklearn.feature_selection.rfe.RFECV method)
(sklearn.grid_search.GridSearchCV method)
(sklearn.hmm.GMMHMM method)
(sklearn.hmm.GaussianHMM method)
(sklearn.hmm.MultinomialHMM method)
(sklearn.lda.LDA method)
(sklearn.linear_model.ARDRegression method)
(sklearn.linear_model.BayesianRidge method)
(sklearn.linear_model.ElasticNet method)
(sklearn.linear_model.ElasticNetCV method)
(sklearn.linear_model.Lars method)
(sklearn.linear_model.LarsCV method)
(sklearn.linear_model.Lasso method)
(sklearn.linear_model.LassoCV method)
(sklearn.linear_model.LassoLars method)
(sklearn.linear_model.LassoLarsCV method)
(sklearn.linear_model.LassoLarsIC method)
(sklearn.linear_model.LinearRegression method)
(sklearn.linear_model.LogisticRegression method)
(sklearn.linear_model.OrthogonalMatchingPursuit method)
(sklearn.linear_model.Ridge method)
(sklearn.linear_model.RidgeCV method)
(sklearn.linear_model.RidgeClassifierCV method)
(sklearn.linear_model.SGDClassifier method)
(sklearn.linear_model.SGDRegressor method)
(sklearn.linear_model.sparse.ElasticNet method)
(sklearn.linear_model.sparse.Lasso method)
(sklearn.linear_model.sparse.LogisticRegression method)
(sklearn.linear_model.sparse.SGDClassifier method)
(sklearn.linear_model.sparse.SGDRegressor method)
(sklearn.manifold.Isomap method)
(sklearn.manifold.LocallyLinearEmbedding method)
(sklearn.mixture.DPGMM method)
(sklearn.mixture.GMM method)
(sklearn.mixture.VBGMM method)
(sklearn.naive_bayes.BernoulliNB method)
(sklearn.naive_bayes.GaussianNB method)
(sklearn.naive_bayes.MultinomialNB method)
(sklearn.neighbors.KNeighborsClassifier method)
(sklearn.neighbors.KNeighborsRegressor method)
(sklearn.neighbors.NearestNeighbors method)
(sklearn.neighbors.NeighborsClassifier method)
(sklearn.neighbors.NeighborsRegressor method)
(sklearn.neighbors.RadiusNeighborsClassifier method)
(sklearn.neighbors.RadiusNeighborsRegressor method)
(sklearn.preprocessing.Binarizer method)
(sklearn.preprocessing.KernelCenterer method)
(sklearn.preprocessing.LabelBinarizer method)
(sklearn.preprocessing.Normalizer method)
(sklearn.preprocessing.Scaler method)
(sklearn.svm.LinearSVC method)
(sklearn.svm.NuSVC method)
(sklearn.svm.NuSVR method)
(sklearn.svm.OneClassSVM method)
(sklearn.svm.SVC method)
(sklearn.svm.SVR method)
(sklearn.svm.sparse.LinearSVC method)
(sklearn.svm.sparse.NuSVC method)
(sklearn.svm.sparse.NuSVR method)
(sklearn.svm.sparse.SVC method)
(sklearn.svm.sparse.SVR method)
fit_transform() (sklearn.decomposition.DictionaryLearning method)
(sklearn.decomposition.KernelPCA method)
(sklearn.decomposition.MiniBatchDictionaryLearning method)
(sklearn.decomposition.MiniBatchSparsePCA method)
(sklearn.decomposition.NMF method)
(sklearn.decomposition.PCA method)
(sklearn.decomposition.ProbabilisticPCA method)
(sklearn.decomposition.ProjectedGradientNMF method)
(sklearn.decomposition.RandomizedPCA method)
(sklearn.decomposition.SparsePCA method)
(sklearn.feature_extraction.text.CountVectorizer method)
(sklearn.feature_extraction.text.TfidfTransformer method)
(sklearn.feature_extraction.text.Vectorizer method)
(sklearn.lda.LDA method)
(sklearn.linear_model.LogisticRegression method)
(sklearn.linear_model.sparse.LogisticRegression method)
(sklearn.manifold.Isomap method)
(sklearn.manifold.LocallyLinearEmbedding method)
(sklearn.preprocessing.Binarizer method)
(sklearn.preprocessing.KernelCenterer method)
(sklearn.preprocessing.LabelBinarizer method)
(sklearn.preprocessing.Normalizer method)
(sklearn.preprocessing.Scaler method)
(sklearn.svm.LinearSVC method)
(sklearn.svm.sparse.LinearSVC method)

G

GaussianHMM (class in sklearn.hmm)
GaussianNB (class in sklearn.naive_bayes)
get_mixing_matrix() (sklearn.decomposition.FastICA method)
GMM (class in sklearn.mixture)
GMMHMM (class in sklearn.hmm)
grid_to_graph() (in module sklearn.feature_extraction.image)
GridSearchCV (class in sklearn.grid_search)

H

hinge_loss() (in module sklearn.metrics)
homogeneity_completeness_v_measure() (in module sklearn.metrics)
homogeneity_score() (in module sklearn.metrics)

I

img_to_graph() (in module sklearn.feature_extraction.image)
inverse_transform() (sklearn.decomposition.KernelPCA method)
(sklearn.decomposition.PCA method)
(sklearn.decomposition.ProbabilisticPCA method)
(sklearn.decomposition.RandomizedPCA method)
(sklearn.feature_extraction.text.CountVectorizer method)
(sklearn.feature_extraction.text.Vectorizer method)
(sklearn.preprocessing.LabelBinarizer method)
(sklearn.preprocessing.Scaler method)
Isomap (class in sklearn.manifold)

K

kernel_metrics() (in module sklearn.metrics.pairwise)
KernelCenterer (class in sklearn.preprocessing)
KernelPCA (class in sklearn.decomposition)
KFold (class in sklearn.cross_validation)
KMeans (class in sklearn.cluster)
kneighbors() (sklearn.neighbors.KNeighborsClassifier method)
(sklearn.neighbors.KNeighborsRegressor method)
(sklearn.neighbors.NearestNeighbors method)
(sklearn.neighbors.NeighborsClassifier method)
(sklearn.neighbors.NeighborsRegressor method)
kneighbors_graph() (in module sklearn.neighbors)
(sklearn.neighbors.KNeighborsClassifier method)
(sklearn.neighbors.KNeighborsRegressor method)
(sklearn.neighbors.NearestNeighbors method)
(sklearn.neighbors.NeighborsClassifier method)
(sklearn.neighbors.NeighborsRegressor method)
KNeighborsClassifier (class in sklearn.neighbors)
KNeighborsRegressor (class in sklearn.neighbors)

L

l1_min_c() (in module sklearn.svm)
LabelBinarizer (class in sklearn.preprocessing)
Lars (class in sklearn.linear_model)
lars_path() (in module sklearn.linear_model)
LarsCV (class in sklearn.linear_model)
Lasso (class in sklearn.linear_model)
(class in sklearn.linear_model.sparse)
lasso_path() (in module sklearn.linear_model)
LassoCV (class in sklearn.linear_model)
LassoLars (class in sklearn.linear_model)
LassoLarsCV (class in sklearn.linear_model)
LassoLarsIC (class in sklearn.linear_model)
LDA (class in sklearn.lda)
LeaveOneLabelOut (class in sklearn.cross_validation)
LeaveOneOut (class in sklearn.cross_validation)
LeavePLabelOut (class in sklearn.cross_validation)
LeavePOut (class in sklearn.cross_validation)
ledoit_wolf() (in module sklearn.covariance)
LedoitWolf (class in sklearn.covariance)
linear_kernel() (in module sklearn.metrics.pairwise)
LinearRegression (class in sklearn.linear_model)
LinearSVC (class in sklearn.svm)
(class in sklearn.svm.sparse)
load_20newsgroups() (in module sklearn.datasets)
load_boston() (in module sklearn.datasets)
load_diabetes() (in module sklearn.datasets), [1]
load_digits() (in module sklearn.datasets), [1]
load_files() (in module sklearn.datasets)
load_iris() (in module sklearn.datasets), [1]
load_lfw_pairs() (in module sklearn.datasets)
load_lfw_people() (in module sklearn.datasets)
load_linnerud() (in module sklearn.datasets), [1]
locally_linear_embedding() (in module sklearn.manifold)
LocallyLinearEmbedding (class in sklearn.manifold)
LogisticRegression (class in sklearn.linear_model)
(class in sklearn.linear_model.sparse)

M

make_blobs() (in module sklearn.datasets), [1]
make_classification() (in module sklearn.datasets), [1]
make_friedman1() (in module sklearn.datasets), [1]
make_friedman2() (in module sklearn.datasets), [1]
make_friedman3() (in module sklearn.datasets), [1]
make_low_rank_matrix() (in module sklearn.datasets), [1]
make_regression() (in module sklearn.datasets), [1]
make_s_curve() (in module sklearn.datasets), [1]
make_sparse_coded_signal() (in module sklearn.datasets), [1]
make_sparse_uncorrelated() (in module sklearn.datasets), [1]
make_spd_matrix() (in module sklearn.datasets), [1]
make_swiss_roll() (in module sklearn.datasets), [1]
mean_square_error() (in module sklearn.metrics)
means (sklearn.hmm.GaussianHMM attribute)
(sklearn.mixture.DPGMM attribute)
(sklearn.mixture.GMM attribute)
(sklearn.mixture.VBGMM attribute)
MeanShift (class in sklearn.cluster)
MiniBatchDictionaryLearning (class in sklearn.decomposition)
MiniBatchKMeans (class in sklearn.cluster)
MiniBatchSparsePCA (class in sklearn.decomposition)
MultinomialHMM (class in sklearn.hmm)
MultinomialNB (class in sklearn.naive_bayes)

N

NearestNeighbors (class in sklearn.neighbors)
NeighborsClassifier (class in sklearn.neighbors)
NeighborsRegressor (class in sklearn.neighbors)
NMF (class in sklearn.decomposition)
normalize() (in module sklearn.preprocessing)
Normalizer (class in sklearn.preprocessing)
NuSVC (class in sklearn.svm)
(class in sklearn.svm.sparse)
NuSVR (class in sklearn.svm)
(class in sklearn.svm.sparse)

O

OAS (class in sklearn.covariance)
oas() (in module sklearn.covariance)
OneClassSVM (class in sklearn.svm)
(class in sklearn.svm.sparse)
orthogonal_mp() (in module sklearn.linear_model)
orthogonal_mp_gram() (in module sklearn.linear_model)
OrthogonalMatchingPursuit (class in sklearn.linear_model)

P

pairwise_distances() (in module sklearn.metrics.pairwise)
pairwise_kernels() (in module sklearn.metrics.pairwise)
partial_fit() (sklearn.cluster.MiniBatchKMeans method)
(sklearn.decomposition.MiniBatchDictionaryLearning method)
PatchExtractor (class in sklearn.feature_extraction.image)
path() (sklearn.linear_model.ElasticNetCV static method)
(sklearn.linear_model.LassoCV static method)
PCA (class in sklearn.decomposition)
Pipeline (class in sklearn.pipeline)
PLSCanonical (class in sklearn.pls)
PLSRegression (class in sklearn.pls)
PLSSVD (class in sklearn.pls)
polynomial_kernel() (in module sklearn.metrics.pairwise)
precision_recall_curve() (in module sklearn.metrics)
precision_recall_fscore_support() (in module sklearn.metrics)
precision_score() (in module sklearn.metrics)
precisions (sklearn.mixture.DPGMM attribute)
(sklearn.mixture.VBGMM attribute)
predict() (in module sklearn.svm.libsvm)
(sklearn.cluster.KMeans method)
(sklearn.cluster.MiniBatchKMeans method)
(sklearn.feature_selection.rfe.RFE method)
(sklearn.feature_selection.rfe.RFECV method)
(sklearn.hmm.GMMHMM method)
(sklearn.hmm.GaussianHMM method)
(sklearn.hmm.MultinomialHMM method)
(sklearn.lda.LDA method)
(sklearn.linear_model.ARDRegression method)
(sklearn.linear_model.BayesianRidge method)
(sklearn.linear_model.ElasticNet method)
(sklearn.linear_model.ElasticNetCV method)
(sklearn.linear_model.Lars method)
(sklearn.linear_model.LarsCV method)
(sklearn.linear_model.Lasso method)
(sklearn.linear_model.LassoCV method)
(sklearn.linear_model.LassoLars method)
(sklearn.linear_model.LassoLarsCV method)
(sklearn.linear_model.LassoLarsIC method)
(sklearn.linear_model.LinearRegression method)
(sklearn.linear_model.LogisticRegression method)
(sklearn.linear_model.OrthogonalMatchingPursuit method)
(sklearn.linear_model.Ridge method)
(sklearn.linear_model.RidgeCV method)
(sklearn.linear_model.SGDClassifier method)
(sklearn.linear_model.SGDRegressor method)
(sklearn.linear_model.sparse.ElasticNet method)
(sklearn.linear_model.sparse.Lasso method)
(sklearn.linear_model.sparse.LogisticRegression method)
(sklearn.linear_model.sparse.SGDClassifier method)
(sklearn.linear_model.sparse.SGDRegressor method)
(sklearn.mixture.DPGMM method)
(sklearn.mixture.GMM method)
(sklearn.mixture.VBGMM method)
(sklearn.naive_bayes.BernoulliNB method)
(sklearn.naive_bayes.GaussianNB method)
(sklearn.naive_bayes.MultinomialNB method)
(sklearn.neighbors.KNeighborsClassifier method)
(sklearn.neighbors.KNeighborsRegressor method)
(sklearn.neighbors.NeighborsClassifier method)
(sklearn.neighbors.NeighborsRegressor method)
(sklearn.neighbors.RadiusNeighborsClassifier method)
(sklearn.neighbors.RadiusNeighborsRegressor method)
(sklearn.pls.CCA method)
(sklearn.pls.PLSCanonical method)
(sklearn.pls.PLSRegression method)
(sklearn.svm.LinearSVC method)
(sklearn.svm.NuSVC method)
(sklearn.svm.NuSVR method)
(sklearn.svm.OneClassSVM method)
(sklearn.svm.SVC method)
(sklearn.svm.SVR method)
(sklearn.svm.sparse.LinearSVC method)
(sklearn.svm.sparse.NuSVC method)
(sklearn.svm.sparse.NuSVR method)
(sklearn.svm.sparse.OneClassSVM method)
(sklearn.svm.sparse.SVC method)
(sklearn.svm.sparse.SVR method)
predict_log_proba() (sklearn.lda.LDA method)
(sklearn.linear_model.LogisticRegression method)
(sklearn.linear_model.sparse.LogisticRegression method)
(sklearn.naive_bayes.BernoulliNB method)
(sklearn.naive_bayes.GaussianNB method)
(sklearn.naive_bayes.MultinomialNB method)
(sklearn.svm.NuSVC method)
(sklearn.svm.NuSVR method)
(sklearn.svm.OneClassSVM method)
(sklearn.svm.SVC method)
(sklearn.svm.SVR method)
(sklearn.svm.sparse.NuSVC method)
(sklearn.svm.sparse.NuSVR method)
(sklearn.svm.sparse.OneClassSVM method)
(sklearn.svm.sparse.SVC method)
(sklearn.svm.sparse.SVR method)
predict_proba() (in module sklearn.svm.libsvm)
(sklearn.hmm.GMMHMM method)
(sklearn.hmm.GaussianHMM method)
(sklearn.hmm.MultinomialHMM method)
(sklearn.lda.LDA method)
(sklearn.linear_model.LogisticRegression method)
(sklearn.linear_model.SGDClassifier method)
(sklearn.linear_model.sparse.LogisticRegression method)
(sklearn.linear_model.sparse.SGDClassifier method)
(sklearn.mixture.DPGMM method)
(sklearn.mixture.GMM method)
(sklearn.mixture.VBGMM method)
(sklearn.naive_bayes.BernoulliNB method)
(sklearn.naive_bayes.GaussianNB method)
(sklearn.naive_bayes.MultinomialNB method)
(sklearn.svm.NuSVC method)
(sklearn.svm.NuSVR method)
(sklearn.svm.OneClassSVM method)
(sklearn.svm.SVC method)
(sklearn.svm.SVR method)
(sklearn.svm.sparse.NuSVC method)
(sklearn.svm.sparse.NuSVR method)
(sklearn.svm.sparse.OneClassSVM method)
(sklearn.svm.sparse.SVC method)
(sklearn.svm.sparse.SVR method)
preprocess() (sklearn.feature_extraction.text.RomanPreprocessor method)
ProbabilisticPCA (class in sklearn.decomposition)
ProjectedGradientNMF (class in sklearn.decomposition)

Q

query() (sklearn.neighbors.BallTree method)
query_radius() (sklearn.neighbors.BallTree method)

R

r2_score() (in module sklearn.metrics)
radius_neighbors() (sklearn.neighbors.NearestNeighbors method)
(sklearn.neighbors.NeighborsClassifier method)
(sklearn.neighbors.NeighborsRegressor method)
(sklearn.neighbors.RadiusNeighborsClassifier method)
(sklearn.neighbors.RadiusNeighborsRegressor method)
radius_neighbors_graph() (in module sklearn.neighbors)
(sklearn.neighbors.NearestNeighbors method)
(sklearn.neighbors.NeighborsClassifier method)
(sklearn.neighbors.NeighborsRegressor method)
(sklearn.neighbors.RadiusNeighborsClassifier method)
(sklearn.neighbors.RadiusNeighborsRegressor method)
RadiusNeighborsClassifier (class in sklearn.neighbors)
RadiusNeighborsRegressor (class in sklearn.neighbors)
RandomizedPCA (class in sklearn.decomposition)
rbf_kernel() (in module sklearn.metrics.pairwise)
recall_score() (in module sklearn.metrics)
reconstruct_from_patches_2d() (in module sklearn.feature_extraction.image)
reconstruction_error() (sklearn.manifold.Isomap method)
resample() (in module sklearn.utils)
RFE (class in sklearn.feature_selection.rfe)
RFECV (class in sklearn.feature_selection.rfe)
Ridge (class in sklearn.linear_model)
RidgeClassifierCV (class in sklearn.linear_model)
RidgeCV (class in sklearn.linear_model)
roc_curve() (in module sklearn.metrics)
RomanPreprocessor (class in sklearn.feature_extraction.text)
rvs() (sklearn.hmm.GaussianHMM method)
(sklearn.hmm.GMMHMM method)
(sklearn.hmm.MultinomialHMM method)
(sklearn.mixture.DPGMM method)
(sklearn.mixture.GMM method)
(sklearn.mixture.VBGMM method)

S

scale() (in module sklearn.preprocessing)
Scaler (class in sklearn.preprocessing)
score() (sklearn.covariance.EmpiricalCovariance method)
(sklearn.covariance.LedoitWolf method)
(sklearn.covariance.OAS method)
(sklearn.covariance.ShrunkCovariance method)
(sklearn.decomposition.ProbabilisticPCA method)
(sklearn.feature_selection.rfe.RFE method)
(sklearn.feature_selection.rfe.RFECV method)
(sklearn.hmm.GMMHMM method)
(sklearn.hmm.GaussianHMM method)
(sklearn.hmm.MultinomialHMM method)
(sklearn.lda.LDA method)
(sklearn.linear_model.ARDRegression method)
(sklearn.linear_model.BayesianRidge method)
(sklearn.linear_model.ElasticNet method)
(sklearn.linear_model.ElasticNetCV method)
(sklearn.linear_model.Lars method)
(sklearn.linear_model.LarsCV method)
(sklearn.linear_model.Lasso method)
(sklearn.linear_model.LassoCV method)
(sklearn.linear_model.LassoLars method)
(sklearn.linear_model.LassoLarsCV method)
(sklearn.linear_model.LassoLarsIC method)
(sklearn.linear_model.LinearRegression method)
(sklearn.linear_model.LogisticRegression method)
(sklearn.linear_model.OrthogonalMatchingPursuit method)
(sklearn.linear_model.Ridge method)
(sklearn.linear_model.RidgeCV method)
(sklearn.linear_model.RidgeClassifierCV method)
(sklearn.linear_model.SGDClassifier method)
(sklearn.linear_model.SGDRegressor method)
(sklearn.linear_model.sparse.ElasticNet method)
(sklearn.linear_model.sparse.Lasso method)
(sklearn.linear_model.sparse.LogisticRegression method)
(sklearn.linear_model.sparse.SGDClassifier method)
(sklearn.linear_model.sparse.SGDRegressor method)
(sklearn.mixture.DPGMM method)
(sklearn.mixture.GMM method)
(sklearn.mixture.VBGMM method)
(sklearn.naive_bayes.BernoulliNB method)
(sklearn.naive_bayes.GaussianNB method)
(sklearn.naive_bayes.MultinomialNB method)
(sklearn.neighbors.KNeighborsClassifier method)
(sklearn.neighbors.KNeighborsRegressor method)
(sklearn.neighbors.NeighborsClassifier method)
(sklearn.neighbors.NeighborsRegressor method)
(sklearn.neighbors.RadiusNeighborsClassifier method)
(sklearn.neighbors.RadiusNeighborsRegressor method)
(sklearn.svm.LinearSVC method)
(sklearn.svm.NuSVC method)
(sklearn.svm.NuSVR method)
(sklearn.svm.SVC method)
(sklearn.svm.SVR method)
(sklearn.svm.sparse.LinearSVC method)
(sklearn.svm.sparse.NuSVC method)
(sklearn.svm.sparse.NuSVR method)
(sklearn.svm.sparse.SVC method)
(sklearn.svm.sparse.SVR method)
SelectFdr() (in module sklearn.feature_selection.univariate_selection)
SelectFpr() (in module sklearn.feature_selection.univariate_selection)
SelectFwe() (in module sklearn.feature_selection.univariate_selection)
SelectKBest() (in module sklearn.feature_selection.univariate_selection)
SelectPercentile() (in module sklearn.feature_selection.univariate_selection)
set_params() (sklearn.cluster.AffinityPropagation method)
(sklearn.cluster.KMeans method)
(sklearn.cluster.MeanShift method)
(sklearn.cluster.MiniBatchKMeans method)
(sklearn.cluster.SpectralClustering method)
(sklearn.cluster.Ward method)
(sklearn.covariance.EmpiricalCovariance method)
(sklearn.covariance.LedoitWolf method)
(sklearn.covariance.OAS method)
(sklearn.covariance.ShrunkCovariance method)
(sklearn.decomposition.DictionaryLearning method)
(sklearn.decomposition.FastICA method)
(sklearn.decomposition.KernelPCA method)
(sklearn.decomposition.MiniBatchDictionaryLearning method)
(sklearn.decomposition.MiniBatchSparsePCA method)
(sklearn.decomposition.NMF method)
(sklearn.decomposition.PCA method)
(sklearn.decomposition.ProbabilisticPCA method)
(sklearn.decomposition.ProjectedGradientNMF method)
(sklearn.decomposition.RandomizedPCA method)
(sklearn.decomposition.SparsePCA method)
(sklearn.feature_extraction.image.PatchExtractor method)
(sklearn.feature_extraction.text.CharNGramAnalyzer method)
(sklearn.feature_extraction.text.CountVectorizer method)
(sklearn.feature_extraction.text.TfidfTransformer method)
(sklearn.feature_extraction.text.Vectorizer method)
(sklearn.feature_extraction.text.WordNGramAnalyzer method)
(sklearn.feature_selection.rfe.RFE method)
(sklearn.feature_selection.rfe.RFECV method)
(sklearn.grid_search.GridSearchCV method)
(sklearn.hmm.GMMHMM method)
(sklearn.hmm.GaussianHMM method)
(sklearn.hmm.MultinomialHMM method)
(sklearn.lda.LDA method)
(sklearn.linear_model.ARDRegression method)
(sklearn.linear_model.BayesianRidge method)
(sklearn.linear_model.ElasticNet method)
(sklearn.linear_model.ElasticNetCV method)
(sklearn.linear_model.Lars method)
(sklearn.linear_model.LarsCV method)
(sklearn.linear_model.Lasso method)
(sklearn.linear_model.LassoCV method)
(sklearn.linear_model.LassoLars method)
(sklearn.linear_model.LassoLarsCV method)
(sklearn.linear_model.LassoLarsIC method)
(sklearn.linear_model.LinearRegression method)
(sklearn.linear_model.LogisticRegression method)
(sklearn.linear_model.OrthogonalMatchingPursuit method)
(sklearn.linear_model.Ridge method)
(sklearn.linear_model.RidgeCV method)
(sklearn.linear_model.RidgeClassifierCV method)
(sklearn.linear_model.SGDClassifier method)
(sklearn.linear_model.SGDRegressor method)
(sklearn.linear_model.sparse.ElasticNet method)
(sklearn.linear_model.sparse.Lasso method)
(sklearn.linear_model.sparse.LogisticRegression method)
(sklearn.linear_model.sparse.SGDClassifier method)
(sklearn.linear_model.sparse.SGDRegressor method)
(sklearn.manifold.Isomap method)
(sklearn.manifold.LocallyLinearEmbedding method)
(sklearn.mixture.DPGMM method)
(sklearn.mixture.GMM method)
(sklearn.mixture.VBGMM method)
(sklearn.naive_bayes.BernoulliNB method)
(sklearn.naive_bayes.GaussianNB method)
(sklearn.naive_bayes.MultinomialNB method)
(sklearn.neighbors.KNeighborsClassifier method)
(sklearn.neighbors.KNeighborsRegressor method)
(sklearn.neighbors.NearestNeighbors method)
(sklearn.neighbors.NeighborsClassifier method)
(sklearn.neighbors.NeighborsRegressor method)
(sklearn.neighbors.RadiusNeighborsClassifier method)
(sklearn.neighbors.RadiusNeighborsRegressor method)
(sklearn.pipeline.Pipeline method)
(sklearn.pls.CCA method)
(sklearn.pls.PLSCanonical method)
(sklearn.pls.PLSRegression method)
(sklearn.pls.PLSSVD method)
(sklearn.preprocessing.Binarizer method)
(sklearn.preprocessing.KernelCenterer method)
(sklearn.preprocessing.LabelBinarizer method)
(sklearn.preprocessing.Normalizer method)
(sklearn.preprocessing.Scaler method)
(sklearn.svm.LinearSVC method)
(sklearn.svm.NuSVC method)
(sklearn.svm.NuSVR method)
(sklearn.svm.OneClassSVM method)
(sklearn.svm.SVC method)
(sklearn.svm.SVR method)
(sklearn.svm.sparse.LinearSVC method)
(sklearn.svm.sparse.NuSVC method)
(sklearn.svm.sparse.NuSVR method)
(sklearn.svm.sparse.OneClassSVM method)
(sklearn.svm.sparse.SVC method)
(sklearn.svm.sparse.SVR method)
SGDClassifier (class in sklearn.linear_model)
(class in sklearn.linear_model.sparse)
SGDRegressor (class in sklearn.linear_model)
(class in sklearn.linear_model.sparse)
shrunk_covariance() (in module sklearn.covariance)
ShrunkCovariance (class in sklearn.covariance)
shuffle() (in module sklearn.utils)
ShuffleSplit (class in sklearn.cross_validation)
sklearn.cluster (module)
sklearn.covariance (module)
sklearn.cross_validation (module)
sklearn.datasets (module), [1]
sklearn.decomposition (module)
sklearn.feature_extraction (module)
sklearn.feature_extraction.image (module)
sklearn.feature_extraction.text (module)
sklearn.feature_selection (module)
sklearn.grid_search (module)
sklearn.hmm (module)
sklearn.linear_model (module)
sklearn.linear_model.sparse (module)
sklearn.metrics (module), [1]
sklearn.metrics.cluster (module)
sklearn.metrics.pairwise (module)
sklearn.mixture (module)
sklearn.naive_bayes (module)
sklearn.neighbors (module)
sklearn.pipeline (module)
sklearn.pls (module)
sklearn.preprocessing (module)
sklearn.svm (module)
sklearn.svm.sparse (module)
sklearn.utils (module)
sparse_encode() (in module sklearn.decomposition)
sparse_encode_parallel() (in module sklearn.decomposition)
SparsePCA (class in sklearn.decomposition)
SpectralClustering (class in sklearn.cluster)
startprob (sklearn.hmm.GaussianHMM attribute)
(sklearn.hmm.GMMHMM attribute)
(sklearn.hmm.MultinomialHMM attribute)
StratifiedKFold (class in sklearn.cross_validation)
SVC (class in sklearn.svm)
(class in sklearn.svm.sparse)
SVR (class in sklearn.svm)
(class in sklearn.svm.sparse)

T

TfidfTransformer (class in sklearn.feature_extraction.text)
transform() (sklearn.cluster.KMeans method)
(sklearn.cluster.MiniBatchKMeans method)
(sklearn.decomposition.DictionaryLearning method)
(sklearn.decomposition.FastICA method)
(sklearn.decomposition.KernelPCA method)
(sklearn.decomposition.MiniBatchDictionaryLearning method)
(sklearn.decomposition.MiniBatchSparsePCA method)
(sklearn.decomposition.NMF method)
(sklearn.decomposition.PCA method)
(sklearn.decomposition.ProbabilisticPCA method)
(sklearn.decomposition.ProjectedGradientNMF method)
(sklearn.decomposition.RandomizedPCA method)
(sklearn.decomposition.SparsePCA method)
(sklearn.feature_extraction.image.PatchExtractor method)
(sklearn.feature_extraction.text.CountVectorizer method)
(sklearn.feature_extraction.text.TfidfTransformer method)
(sklearn.feature_extraction.text.Vectorizer method)
(sklearn.feature_selection.rfe.RFE method)
(sklearn.feature_selection.rfe.RFECV method)
(sklearn.lda.LDA method)
(sklearn.manifold.Isomap method)
(sklearn.manifold.LocallyLinearEmbedding method)
(sklearn.pls.CCA method)
(sklearn.pls.PLSCanonical method)
(sklearn.pls.PLSRegression method)
(sklearn.pls.PLSSVD method)
(sklearn.preprocessing.Binarizer method)
(sklearn.preprocessing.KernelCenterer method)
(sklearn.preprocessing.LabelBinarizer method)
(sklearn.preprocessing.Normalizer method)
(sklearn.preprocessing.Scaler method)
transmat (sklearn.hmm.GaussianHMM attribute)
(sklearn.hmm.GMMHMM attribute)
(sklearn.hmm.MultinomialHMM attribute)

V

v_measure_score() (in module sklearn.metrics)
VBGMM (class in sklearn.mixture)

W

Ward (class in sklearn.cluster)
weights (sklearn.mixture.DPGMM attribute)
(sklearn.mixture.GMM attribute)
(sklearn.mixture.VBGMM attribute)
white_spaces (sklearn.feature_extraction.text.CharNGramAnalyzer attribute)
WordNGramAnalyzer (class in sklearn.feature_extraction.text)

Z

zero_one() (in module sklearn.metrics)
zero_one_score() (in module sklearn.metrics)