Skip to main content
Back to top
Ctrl
+
K
Install
User Guide
API
Examples
Community
More
Getting Started
Release History
Glossary
Development
FAQ
Support
Related Projects
Roadmap
Governance
About us
GitHub
Choose version
Install
User Guide
API
Examples
Community
Getting Started
Release History
Glossary
Development
FAQ
Support
Related Projects
Roadmap
Governance
About us
GitHub
Choose version
Section Navigation
sklearn
config_context
get_config
set_config
show_versions
sklearn.base
BaseEstimator
BiclusterMixin
ClassNamePrefixFeaturesOutMixin
ClassifierMixin
ClusterMixin
DensityMixin
MetaEstimatorMixin
OneToOneFeatureMixin
OutlierMixin
RegressorMixin
TransformerMixin
clone
is_classifier
is_clusterer
is_regressor
is_outlier_detector
sklearn.calibration
CalibratedClassifierCV
calibration_curve
CalibrationDisplay
sklearn.cluster
AffinityPropagation
AgglomerativeClustering
Birch
BisectingKMeans
DBSCAN
FeatureAgglomeration
HDBSCAN
KMeans
MeanShift
MiniBatchKMeans
OPTICS
SpectralBiclustering
SpectralClustering
SpectralCoclustering
affinity_propagation
cluster_optics_dbscan
cluster_optics_xi
compute_optics_graph
dbscan
estimate_bandwidth
k_means
kmeans_plusplus
mean_shift
spectral_clustering
ward_tree
sklearn.compose
ColumnTransformer
TransformedTargetRegressor
make_column_selector
make_column_transformer
sklearn.covariance
EllipticEnvelope
EmpiricalCovariance
GraphicalLasso
GraphicalLassoCV
LedoitWolf
MinCovDet
OAS
ShrunkCovariance
empirical_covariance
graphical_lasso
ledoit_wolf
ledoit_wolf_shrinkage
oas
shrunk_covariance
sklearn.cross_decomposition
CCA
PLSCanonical
PLSRegression
PLSSVD
sklearn.datasets
clear_data_home
dump_svmlight_file
fetch_20newsgroups
fetch_20newsgroups_vectorized
fetch_california_housing
fetch_covtype
fetch_file
fetch_kddcup99
fetch_lfw_pairs
fetch_lfw_people
fetch_olivetti_faces
fetch_openml
fetch_rcv1
fetch_species_distributions
get_data_home
load_breast_cancer
load_diabetes
load_digits
load_files
load_iris
load_linnerud
load_sample_image
load_sample_images
load_svmlight_file
load_svmlight_files
load_wine
make_biclusters
make_blobs
make_checkerboard
make_circles
make_classification
make_friedman1
make_friedman2
make_friedman3
make_gaussian_quantiles
make_hastie_10_2
make_low_rank_matrix
make_moons
make_multilabel_classification
make_regression
make_s_curve
make_sparse_coded_signal
make_sparse_spd_matrix
make_sparse_uncorrelated
make_spd_matrix
make_swiss_roll
sklearn.decomposition
DictionaryLearning
FactorAnalysis
FastICA
IncrementalPCA
KernelPCA
LatentDirichletAllocation
MiniBatchDictionaryLearning
MiniBatchNMF
MiniBatchSparsePCA
NMF
PCA
SparseCoder
SparsePCA
TruncatedSVD
dict_learning
dict_learning_online
fastica
non_negative_factorization
sparse_encode
sklearn.discriminant_analysis
LinearDiscriminantAnalysis
QuadraticDiscriminantAnalysis
sklearn.dummy
DummyClassifier
DummyRegressor
sklearn.ensemble
AdaBoostClassifier
AdaBoostRegressor
BaggingClassifier
BaggingRegressor
ExtraTreesClassifier
ExtraTreesRegressor
GradientBoostingClassifier
GradientBoostingRegressor
HistGradientBoostingClassifier
HistGradientBoostingRegressor
IsolationForest
RandomForestClassifier
RandomForestRegressor
RandomTreesEmbedding
StackingClassifier
StackingRegressor
VotingClassifier
VotingRegressor
sklearn.exceptions
ConvergenceWarning
DataConversionWarning
DataDimensionalityWarning
EfficiencyWarning
FitFailedWarning
InconsistentVersionWarning
NotFittedError
UndefinedMetricWarning
EstimatorCheckFailedWarning
sklearn.experimental
enable_halving_search_cv
enable_iterative_imputer
sklearn.feature_extraction
DictVectorizer
FeatureHasher
PatchExtractor
extract_patches_2d
grid_to_graph
img_to_graph
reconstruct_from_patches_2d
CountVectorizer
HashingVectorizer
TfidfTransformer
TfidfVectorizer
sklearn.feature_selection
GenericUnivariateSelect
RFE
RFECV
SelectFdr
SelectFpr
SelectFromModel
SelectFwe
SelectKBest
SelectPercentile
SelectorMixin
SequentialFeatureSelector
VarianceThreshold
chi2
f_classif
f_regression
mutual_info_classif
mutual_info_regression
r_regression
sklearn.frozen
FrozenEstimator
sklearn.gaussian_process
GaussianProcessClassifier
GaussianProcessRegressor
CompoundKernel
ConstantKernel
DotProduct
ExpSineSquared
Exponentiation
Hyperparameter
Kernel
Matern
PairwiseKernel
Product
RBF
RationalQuadratic
Sum
WhiteKernel
sklearn.impute
IterativeImputer
KNNImputer
MissingIndicator
SimpleImputer
sklearn.inspection
partial_dependence
permutation_importance
DecisionBoundaryDisplay
PartialDependenceDisplay
sklearn.isotonic
IsotonicRegression
check_increasing
isotonic_regression
sklearn.kernel_approximation
AdditiveChi2Sampler
Nystroem
PolynomialCountSketch
RBFSampler
SkewedChi2Sampler
sklearn.kernel_ridge
KernelRidge
sklearn.linear_model
LogisticRegression
LogisticRegressionCV
PassiveAggressiveClassifier
Perceptron
RidgeClassifier
RidgeClassifierCV
SGDClassifier
SGDOneClassSVM
LinearRegression
Ridge
RidgeCV
SGDRegressor
ElasticNet
ElasticNetCV
Lars
LarsCV
Lasso
LassoCV
LassoLars
LassoLarsCV
LassoLarsIC
OrthogonalMatchingPursuit
OrthogonalMatchingPursuitCV
ARDRegression
BayesianRidge
MultiTaskElasticNet
MultiTaskElasticNetCV
MultiTaskLasso
MultiTaskLassoCV
HuberRegressor
QuantileRegressor
RANSACRegressor
TheilSenRegressor
GammaRegressor
PoissonRegressor
TweedieRegressor
PassiveAggressiveRegressor
enet_path
lars_path
lars_path_gram
lasso_path
orthogonal_mp
orthogonal_mp_gram
ridge_regression
sklearn.manifold
Isomap
LocallyLinearEmbedding
MDS
SpectralEmbedding
TSNE
locally_linear_embedding
smacof
spectral_embedding
trustworthiness
sklearn.metrics
check_scoring
get_scorer
get_scorer_names
make_scorer
accuracy_score
auc
average_precision_score
balanced_accuracy_score
brier_score_loss
class_likelihood_ratios
classification_report
cohen_kappa_score
confusion_matrix
d2_log_loss_score
dcg_score
det_curve
f1_score
fbeta_score
hamming_loss
hinge_loss
jaccard_score
log_loss
matthews_corrcoef
multilabel_confusion_matrix
ndcg_score
precision_recall_curve
precision_recall_fscore_support
precision_score
recall_score
roc_auc_score
roc_curve
top_k_accuracy_score
zero_one_loss
d2_absolute_error_score
d2_pinball_score
d2_tweedie_score
explained_variance_score
max_error
mean_absolute_error
mean_absolute_percentage_error
mean_gamma_deviance
mean_pinball_loss
mean_poisson_deviance
mean_squared_error
mean_squared_log_error
mean_tweedie_deviance
median_absolute_error
r2_score
root_mean_squared_error
root_mean_squared_log_error
coverage_error
label_ranking_average_precision_score
label_ranking_loss
adjusted_mutual_info_score
adjusted_rand_score
calinski_harabasz_score
contingency_matrix
pair_confusion_matrix
completeness_score
davies_bouldin_score
fowlkes_mallows_score
homogeneity_completeness_v_measure
homogeneity_score
mutual_info_score
normalized_mutual_info_score
rand_score
silhouette_samples
silhouette_score
v_measure_score
consensus_score
DistanceMetric
additive_chi2_kernel
chi2_kernel
cosine_distances
cosine_similarity
distance_metrics
euclidean_distances
haversine_distances
kernel_metrics
laplacian_kernel
linear_kernel
manhattan_distances
nan_euclidean_distances
paired_cosine_distances
paired_distances
paired_euclidean_distances
paired_manhattan_distances
pairwise_kernels
polynomial_kernel
rbf_kernel
sigmoid_kernel
pairwise_distances
pairwise_distances_argmin
pairwise_distances_argmin_min
pairwise_distances_chunked
ConfusionMatrixDisplay
DetCurveDisplay
PrecisionRecallDisplay
PredictionErrorDisplay
RocCurveDisplay
sklearn.mixture
BayesianGaussianMixture
GaussianMixture
sklearn.model_selection
GroupKFold
GroupShuffleSplit
KFold
LeaveOneGroupOut
LeaveOneOut
LeavePGroupsOut
LeavePOut
PredefinedSplit
RepeatedKFold
RepeatedStratifiedKFold
ShuffleSplit
StratifiedGroupKFold
StratifiedKFold
StratifiedShuffleSplit
TimeSeriesSplit
check_cv
train_test_split
GridSearchCV
HalvingGridSearchCV
HalvingRandomSearchCV
ParameterGrid
ParameterSampler
RandomizedSearchCV
FixedThresholdClassifier
TunedThresholdClassifierCV
cross_val_predict
cross_val_score
cross_validate
learning_curve
permutation_test_score
validation_curve
LearningCurveDisplay
ValidationCurveDisplay
sklearn.multiclass
OneVsOneClassifier
OneVsRestClassifier
OutputCodeClassifier
sklearn.multioutput
ClassifierChain
MultiOutputClassifier
MultiOutputRegressor
RegressorChain
sklearn.naive_bayes
BernoulliNB
CategoricalNB
ComplementNB
GaussianNB
MultinomialNB
sklearn.neighbors
BallTree
KDTree
KNeighborsClassifier
KNeighborsRegressor
KNeighborsTransformer
KernelDensity
LocalOutlierFactor
NearestCentroid
NearestNeighbors
NeighborhoodComponentsAnalysis
RadiusNeighborsClassifier
RadiusNeighborsRegressor
RadiusNeighborsTransformer
kneighbors_graph
radius_neighbors_graph
sort_graph_by_row_values
sklearn.neural_network
BernoulliRBM
MLPClassifier
MLPRegressor
sklearn.pipeline
FeatureUnion
Pipeline
make_pipeline
make_union
sklearn.preprocessing
Binarizer
FunctionTransformer
KBinsDiscretizer
KernelCenterer
LabelBinarizer
LabelEncoder
MaxAbsScaler
MinMaxScaler
MultiLabelBinarizer
Normalizer
OneHotEncoder
OrdinalEncoder
PolynomialFeatures
PowerTransformer
QuantileTransformer
RobustScaler
SplineTransformer
StandardScaler
TargetEncoder
add_dummy_feature
binarize
label_binarize
maxabs_scale
minmax_scale
normalize
power_transform
quantile_transform
robust_scale
scale
sklearn.random_projection
GaussianRandomProjection
SparseRandomProjection
johnson_lindenstrauss_min_dim
sklearn.semi_supervised
LabelPropagation
LabelSpreading
SelfTrainingClassifier
sklearn.svm
LinearSVC
LinearSVR
NuSVC
NuSVR
OneClassSVM
SVC
SVR
l1_min_c
sklearn.tree
DecisionTreeClassifier
DecisionTreeRegressor
ExtraTreeClassifier
ExtraTreeRegressor
export_graphviz
export_text
plot_tree
sklearn.utils
Bunch
_safe_indexing
as_float_array
assert_all_finite
deprecated
estimator_html_repr
gen_batches
gen_even_slices
indexable
murmurhash3_32
resample
safe_mask
safe_sqr
shuffle
Tags
InputTags
TargetTags
ClassifierTags
RegressorTags
TransformerTags
get_tags
check_X_y
check_array
check_consistent_length
check_random_state
check_scalar
check_is_fitted
check_memory
check_symmetric
column_or_1d
has_fit_parameter
validate_data
available_if
compute_class_weight
compute_sample_weight
is_multilabel
type_of_target
unique_labels
density
fast_logdet
randomized_range_finder
randomized_svd
safe_sparse_dot
weighted_mode
incr_mean_variance_axis
inplace_column_scale
inplace_csr_column_scale
inplace_row_scale
inplace_swap_column
inplace_swap_row
mean_variance_axis
inplace_csr_row_normalize_l1
inplace_csr_row_normalize_l2
single_source_shortest_path_length
sample_without_replacement
min_pos
MetadataRequest
MetadataRouter
MethodMapping
get_routing_for_object
process_routing
all_displays
all_estimators
all_functions
check_estimator
parametrize_with_checks
estimator_checks_generator
Parallel
delayed
Recently Deprecated
parallel_backend
register_parallel_backend
API Reference
sklearn.frozen
sklearn.frozen
#
FrozenEstimator
Estimator that wraps a fitted estimator to prevent re-fitting.