Release History¶
Release notes for current and recent releases are detailed on this page, with previous releases linked below.
Tip: Subscribe to scikit-learn releases on libraries.io to be notified when new versions are released.
Legend for changelogs¶
- Major Feature : something big that you couldn’t do before.
- Feature : something that you couldn’t do before.
- Efficiency : an existing feature now may not require as much computation or memory.
- Enhancement : a miscellaneous minor improvement.
- Fix : something that previously didn’t work as documentated – or according to reasonable expectations – should now work.
- API Change : you will need to change your code to have the same effect in the future; or a feature will be removed in the future.
Version 0.21.3¶
July 30, 2019
Changed models¶
The following estimators and functions, when fit with the same data and parameters, may produce different models from the previous version. This often occurs due to changes in the modelling logic (bug fixes or enhancements), or in random sampling procedures.
- The v0.20.0 release notes failed to mention a backwards incompatibility in
metrics.make_scorerwhenneeds_proba=Trueandy_trueis binary. Now, the scorer function is supposed to accept a 1Dy_pred(i.e., probability of the positive class, shape(n_samples,)), instead of a 2Dy_pred(i.e., shape(n_samples, 2)).
Changelog¶
sklearn.cluster¶
- Fix Fixed a bug in
cluster.KMeanswhere computation withinit='random'was single threaded forn_jobs > 1orn_jobs = -1. #12955 by Prabakaran Kumaresshan. - Fix Fixed a bug in
cluster.OPTICSwhere users were unable to pass floatmin_samplesandmin_cluster_size. #14496 by Fabian Klopfer and Hanmin Qin.
sklearn.compose¶
- Fix Fixed an issue in
compose.ColumnTransformerwhere using DataFrames whose column order differs between :func:fitand :func:transformcould lead to silently passing incorrect columns to theremaindertransformer. #14237 byAndreas Schuderer.
sklearn.datasets¶
- Fix
datasets.fetch_california_housing,datasets.fetch_covtype,datasets.fetch_kddcup99,datasets.fetch_olivetti_faces,datasets.fetch_rcv1, anddatasets.fetch_species_distributionstry to persist the previously cache using the newjoblibif the cached data was persisted using the deprecatedsklearn.externals.joblib. This behavior is set to be deprecated and removed in v0.23. #14197 by Adrin Jalali.
sklearn.ensemble¶
- Fix Fix zero division error in
HistGradientBoostingClassifierandHistGradientBoostingRegressor. #14024 byNicolas Hug.
sklearn.impute¶
- Fix Fixed a bug in
impute.SimpleImputerandimpute.IterativeImputerso that no errors are thrown when there are missing values in training data. #13974 byFrank Hoang.
sklearn.inspection¶
- Fix Fixed a bug in
inspection.plot_partial_dependencewheretargetparameter was not being taken into account for multiclass problems. #14393 by Guillem G. Subies.
sklearn.linear_model¶
- Fix Fixed a bug in
linear_model.LogisticRegressionCVwhererefit=Falsewould fail depending on the'multiclass'and'penalty'parameters (regression introduced in 0.21). #14087 by Nicolas Hug. - Fix Compatibility fix for
linear_model.ARDRegressionand Scipy>=1.3.0. Adapts to upstream changes to the defaultpinvhcutoff threshold which otherwise results in poor accuracy in some cases. #14067 by Tim Staley.
sklearn.neighbors¶
- Fix Fixed a bug in
neighbors.NeighborhoodComponentsAnalysiswhere the validation of initial parametersn_components,max_iterandtolrequired too strict types. #14092 by Jérémie du Boisberranger.
sklearn.tree¶
- Fix Fixed bug in
tree.export_textwhen the tree has one feature and a single feature name is passed in. #14053 byThomas Fan. - Fix Fixed an issue with
plot_treewhere it displayed entropy calculations even forginicriterion in DecisionTreeClassifiers. #13947 by Frank Hoang.
Version 0.21.2¶
24 May 2019
Changelog¶
sklearn.decomposition¶
- Fix Fixed a bug in
cross_decomposition.CCAimproving numerical stability whenYis close to zero. #13903 by Thomas Fan.
sklearn.metrics¶
- Fix Fixed a bug in
metrics.pairwise.euclidean_distanceswhere a part of the distance matrix was left un-instanciated for suffiently large float32 datasets (regression introduced in 0.21). #13910 by Jérémie du Boisberranger.
sklearn.preprocessing¶
- Fix Fixed a bug in
preprocessing.OneHotEncoderwhere the newdropparameter was not reflected in get_feature_names. #13894 by James Myatt.
sklearn.utils.sparsefuncs¶
- Fix Fixed a bug where
min_max_axiswould fail on 32-bit systems for certain large inputs. This affectspreprocessing.MaxAbsScaler,preprocessing.normalizeandpreprocessing.LabelBinarizer. #13741 by Roddy MacSween.
Version 0.21.1¶
17 May 2019
This is a bug-fix release to primarily resolve some packaging issues in version 0.21.0. It also includes minor documentation improvements and some bug fixes.
Changelog¶
sklearn.inspection¶
- Fix Fixed a bug in
inspection.partial_dependenceto only check classifier and not regressor for the multiclass-multioutput case. #14309 by Guillaume Lemaitre.
sklearn.metrics¶
- Fix Fixed a bug in
metrics.pairwise_distanceswhere it would raiseAttributeErrorfor boolean metrics whenXhad a boolean dtype andY == None. #13864 by Paresh Mathur. - Fix Fixed two bugs in
metrics.pairwise_distanceswhenn_jobs > 1. First it used to return a distance matrix with same dtype as input, even for integer dtype. Then the diagonal was not zeros for euclidean metric whenYisX. #13877 by Jérémie du Boisberranger.
sklearn.neighbors¶
- Fix Fixed a bug in
neighbors.KernelDensitywhich could not be restored from a pickle ifsample_weighthad been used. #13772 by Aditya Vyas.
Version 0.21.0¶
May 2019
Changed models¶
The following estimators and functions, when fit with the same data and parameters, may produce different models from the previous version. This often occurs due to changes in the modelling logic (bug fixes or enhancements), or in random sampling procedures.
discriminant_analysis.LinearDiscriminantAnalysisfor multiclass classification. Fixdiscriminant_analysis.LinearDiscriminantAnalysiswith ‘eigen’ solver. Fixlinear_model.BayesianRidgeFix- Decision trees and derived ensembles when both
max_depthandmax_leaf_nodesare set. Fix linear_model.LogisticRegressionandlinear_model.LogisticRegressionCVwith ‘saga’ solver. Fixensemble.GradientBoostingClassifierFixsklearn.feature_extraction.text.HashingVectorizer,sklearn.feature_extraction.text.TfidfVectorizer, andsklearn.feature_extraction.text.CountVectorizerFixneural_network.MLPClassifierFixsvm.SVC.decision_functionandmulticlass.OneVsOneClassifier.decision_function. Fixlinear_model.SGDClassifierand any derived classifiers. Fix- Any model using the
linear_model.sag.sag_solverfunction with a0seed, includinglinear_model.LogisticRegression,linear_model.LogisticRegressionCV,linear_model.Ridge, andlinear_model.RidgeCVwith ‘sag’ solver. Fix linear_model.RidgeCVwhen using generalized cross-validation with sparse inputs. Fix
Details are listed in the changelog below.
(While we are trying to better inform users by providing this information, we cannot assure that this list is complete.)
Known Major Bugs¶
- The default max_iter for
linear_model.LogisticRegressionis too small for many solvers given the defaulttol. In particular, we accidentally changed the default max_iter for the liblinear solver from 1000 to 100 iterations in #3591 released in version 0.16. In a future release we hope to choose better default max_iter andtolheuristically depending on the solver (see #13317).
Changelog¶
Support for Python 3.4 and below has been officially dropped.
sklearn.base¶
- API Change The R2 score used when calling
scoreon a regressor will usemultioutput='uniform_average'from version 0.23 to keep consistent withmetrics.r2_score. This will influence thescoremethod of all the multioutput regressors (except formultioutput.MultiOutputRegressor). #13157 by Hanmin Qin.
sklearn.calibration¶
- Enhancement Added support to bin the data passed into
calibration.calibration_curveby quantiles instead of uniformly between 0 and 1. #13086 by Scott Cole. - Enhancement Allow n-dimensional arrays as input for
calibration.CalibratedClassifierCV. #13485 by William de Vazelhes.
sklearn.cluster¶
- Major Feature A new clustering algorithm:
cluster.OPTICS: an algoritm related tocluster.DBSCAN, that has hyperparameters easier to set and that scales better, by Shane, Adrin Jalali, Erich Schubert, Hanmin Qin, and Assia Benbihi. - Fix Fixed a bug where
cluster.Birchcould occasionally raise an AttributeError. #13651 by Joel Nothman. - Fix Fixed a bug in
cluster.KMeanswhere empty clusters weren’t correctly relocated when using sample weights. #13486 by Jérémie du Boisberranger. - API Change The
n_components_attribute incluster.AgglomerativeClusteringandcluster.FeatureAgglomerationhas been renamed ton_connected_components_. #13427 by Stephane Couvreur. - Enhancement
cluster.AgglomerativeClusteringandcluster.FeatureAgglomerationnow accept adistance_thresholdparameter which can be used to find the clusters instead ofn_clusters. #9069 by Vathsala Achar and Adrin Jalali.
sklearn.compose¶
- API Change
compose.ColumnTransformeris no longer an experimental feature. #13835 by Hanmin Qin.
sklearn.datasets¶
- Fix Added support for 64-bit group IDs and pointers in SVMLight files. #10727 by Bryan K Woods.
- Fix
datasets.load_sample_imagesreturns images with a deterministic order. #13250 by Thomas Fan.
sklearn.decomposition¶
- Enhancement
decomposition.KernelPCAnow has deterministic output (resolved sign ambiguity in eigenvalue decomposition of the kernel matrix). #13241 by Aurélien Bellet. - Fix Fixed a bug in
decomposition.KernelPCA,fit().transform()now produces the correct output (the same asfit_transform()) in case of non-removed zero eigenvalues (remove_zero_eig=False).fit_inverse_transformwas also accelerated by using the same trick as fit_transform to compute the transform ofX. #12143 by Sylvain Marié - Fix Fixed a bug in
decomposition.NMFwhereinit = 'nndsvd',init = 'nndsvda', andinit = 'nndsvdar'are allowed whenn_components < n_featuresinstead ofn_components <= min(n_samples, n_features). #11650 by Hossein Pourbozorg and Zijie (ZJ) Poh. - API Change The default value of the
initargument indecomposition.non_negative_factorizationwill change fromrandomtoNonein version 0.23 to make it consistent withdecomposition.NMF. A FutureWarning is raised when the default value is used. #12988 by Zijie (ZJ) Poh.
sklearn.discriminant_analysis¶
- Enhancement
discriminant_analysis.LinearDiscriminantAnalysisnow preservesfloat32andfloat64dtypes. #8769 and #11000 by Thibault Sejourne - Fix A
ChangedBehaviourWarningis now raised whendiscriminant_analysis.LinearDiscriminantAnalysisis given as parametern_components > min(n_features, n_classes - 1), andn_componentsis changed tomin(n_features, n_classes - 1)if so. Previously the change was made, but silently. #11526 by William de Vazelhes. - Fix Fixed a bug in
discriminant_analysis.LinearDiscriminantAnalysiswhere the predicted probabilities would be incorrectly computed in the multiclass case. #6848, by Agamemnon Krasoulis andGuillaume Lemaitre. - Fix Fixed a bug in
discriminant_analysis.LinearDiscriminantAnalysiswhere the predicted probabilities would be incorrectly computed witheigensolver. #11727, by Agamemnon Krasoulis.
sklearn.dummy¶
- Fix Fixed a bug in
dummy.DummyClassifierwhere thepredict_probamethod was returning int32 array instead of float64 for thestratifiedstrategy. #13266 by Christos Aridas. - Fix Fixed a bug in
dummy.DummyClassifierwhere it was throwing a dimension mismatch error in prediction time if a column vectorywithshape=(n, 1)was given atfittime. #13545 by Nick Sorros and Adrin Jalali.
sklearn.ensemble¶
Major Feature Add two new implementations of gradient boosting trees:
ensemble.HistGradientBoostingClassifierandensemble.HistGradientBoostingRegressor. The implementation of these estimators is inspired by LightGBM and can be orders of magnitude faster thanensemble.GradientBoostingRegressorandensemble.GradientBoostingClassifierwhen the number of samples is larger than tens of thousands of samples. The API of these new estimators is slightly different, and some of the features fromensemble.GradientBoostingClassifierandensemble.GradientBoostingRegressorare not yet supported.These new estimators are experimental, which means that their results or their API might change without any deprecation cycle. To use them, you need to explicitly import
enable_hist_gradient_boosting:>>> # explicitly require this experimental feature >>> from sklearn.experimental import enable_hist_gradient_boosting # noqa >>> # now you can import normally from sklearn.ensemble >>> from sklearn.ensemble import HistGradientBoostingClassifier
#12807 by Nicolas Hug.
Feature Add
ensemble.VotingRegressorwhich provides an equivalent ofensemble.VotingClassifierfor regression problems. #12513 by Ramil Nugmanov and Mohamed Ali Jamaoui.Efficiency Make
ensemble.IsolationForestprefer threads over processes when running withn_jobs > 1as the underlying decision tree fit calls do release the GIL. This changes reduces memory usage and communication overhead. #12543 by Isaac Storch and Olivier Grisel.Efficiency Make
ensemble.IsolationForestmore memory efficient by avoiding keeping in memory each tree prediction. #13260 by Nicolas Goix.Efficiency
ensemble.IsolationForestnow uses chunks of data at prediction step, thus capping the memory usage. #13283 by Nicolas Goix.Efficiency
sklearn.ensemble.GradientBoostingClassifierandsklearn.ensemble.GradientBoostingRegressornow keep the inputyasfloat64to avoid it being copied internally by trees. #13524 by Adrin Jalali.Enhancement Minimized the validation of X in
ensemble.AdaBoostClassifierandensemble.AdaBoostRegressor#13174 by Christos Aridas.Enhancement
ensemble.IsolationForestnow exposeswarm_startparameter, allowing iterative addition of trees to an isolation forest. #13496 by Peter Marko.Fix The values of
feature_importances_in all random forest based models (i.e.ensemble.RandomForestClassifier,ensemble.RandomForestRegressor,ensemble.ExtraTreesClassifier,ensemble.ExtraTreesRegressor,ensemble.RandomTreesEmbedding,ensemble.GradientBoostingClassifier, andensemble.GradientBoostingRegressor) now:- sum up to
1 - all the single node trees in feature importance calculation are ignored
- in case all trees have only one single node (i.e. a root node), feature importances will be an array of all zeros.
#13636 and #13620 by Adrin Jalali.
- sum up to
Fix Fixed a bug in
ensemble.GradientBoostingClassifierandensemble.GradientBoostingRegressor, which didn’t support scikit-learn estimators as the initial estimator. Also added support of initial estimator which does not support sample weights. #12436 by Jérémie du Boisberranger and #12983 by Nicolas Hug.Fix Fixed the output of the average path length computed in
ensemble.IsolationForestwhen the input is either 0, 1 or 2. #13251 by Albert Thomas and joshuakennethjones.Fix Fixed a bug in
ensemble.GradientBoostingClassifierwhere the gradients would be incorrectly computed in multiclass classification problems. #12715 by Nicolas Hug.Fix Fixed a bug in
ensemble.GradientBoostingClassifierwhere validation sets for early stopping were not sampled with stratification. #13164 by Nicolas Hug.Fix Fixed a bug in
ensemble.GradientBoostingClassifierwhere the default initial prediction of a multiclass classifier would predict the classes priors instead of the log of the priors. #12983 by Nicolas Hug.Fix Fixed a bug in
ensemble.RandomForestClassifierwhere thepredictmethod would error for multiclass multioutput forests models if any targets were strings. #12834 by Elizabeth Sander.Fix Fixed a bug in
ensemble.gradient_boosting.LossFunctionandensemble.gradient_boosting.LeastSquaresErrorwhere the default value oflearning_rateinupdate_terminal_regionsis not consistent with the document and the caller functions. Note however that directly using these loss functions is deprecated. #6463 by movelikeriver.Fix
ensemble.partial_dependence(and consequently the new versionsklearn.inspection.partial_dependence) now takes sample weights into account for the partial dependence computation when the gradient boosting model has been trained with sample weights. #13193 by Samuel O. Ronsin.API Change
ensemble.partial_dependenceandensemble.plot_partial_dependenceare now deprecated in favor ofinspection.partial_dependenceandinspection.plot_partial_dependence. #12599 by Trevor Stephens and Nicolas Hug.Fix
ensemble.VotingClassifierandensemble.VotingRegressorwere failing duringfitin one of the estimators was set toNoneandsample_weightwas notNone. #13779 by Guillaume Lemaitre.API Change
ensemble.VotingClassifierandensemble.VotingRegressoraccept'drop'to disable an estimator in addition toNoneto be consistent with other estimators (i.e.,pipeline.FeatureUnionandcompose.ColumnTransformer). #13780 by Guillaume Lemaitre.
sklearn.externals¶
- API Change Deprecated
externals.sixsince we have dropped support for Python 2.7. #12916 by Hanmin Qin.
sklearn.feature_extraction¶
- Fix If
input='file'orinput='filename', and a callable is given as theanalyzer,sklearn.feature_extraction.text.HashingVectorizer,sklearn.feature_extraction.text.TfidfVectorizer, andsklearn.feature_extraction.text.CountVectorizernow read the data from the file(s) and then pass it to the givenanalyzer, instead of passing the file name(s) or the file object(s) to the analyzer. #13641 by Adrin Jalali.
sklearn.impute¶
Major Feature Added
impute.IterativeImputer, which is a strategy for imputing missing values by modeling each feature with missing values as a function of other features in a round-robin fashion. #8478 and #12177 by Sergey Feldman and Ben Lawson.The API of IterativeImputer is experimental and subject to change without any deprecation cycle. To use them, you need to explicitly import
enable_iterative_imputer:>>> from sklearn.experimental import enable_iterative_imputer # noqa >>> # now you can import normally from sklearn.impute >>> from sklearn.impute import IterativeImputer
Feature The
impute.SimpleImputerandimpute.IterativeImputerhave a new parameter'add_indicator', which simply stacks aimpute.MissingIndicatortransform into the output of the imputer’s transform. That allows a predictive estimator to account for missingness. #12583, #13601 by Danylo Baibak.Fix In
impute.MissingIndicatoravoid implicit densification by raising an exception if input is sparse addmissing_valuesproperty is set to 0. #13240 by Bartosz Telenczuk.Fix Fixed two bugs in
impute.MissingIndicator. First, whenXis sparse, all the non-zero non missing values used to become explicit False in the transformed data. Then, whenfeatures='missing-only', all features used to be kept if there were no missing values at all. #13562 by Jérémie du Boisberranger.
sklearn.inspection¶
(new subpackage)
- Feature Partial dependence plots
(
inspection.plot_partial_dependence) are now supported for any regressor or classifier (provided that they have a predict_proba method). #12599 by Trevor Stephens and Nicolas Hug.
sklearn.isotonic¶
- Feature Allow different dtypes (such as float32) in
isotonic.IsotonicRegression. #8769 by Vlad Niculae
sklearn.linear_model¶
- Enhancement
linear_model.Ridgenow preservesfloat32andfloat64dtypes. #8769 and #11000 by Guillaume Lemaitre, and Joan Massich - Feature
linear_model.LogisticRegressionandlinear_model.LogisticRegressionCVnow support Elastic-Net penalty, with the ‘saga’ solver. #11646 by Nicolas Hug. - Feature Added
linear_model.lars_path_gram, which islinear_model.lars_pathin the sufficient stats mode, allowing users to computelinear_model.lars_pathwithout providingXandy. #11699 by Kuai Yu. - Efficiency
linear_model.make_datasetnow preservesfloat32andfloat64dtypes, reducing memory consumption in stochastic gradient, SAG and SAGA solvers. #8769 and #11000 by Nelle Varoquaux, Arthur Imbert, Guillaume Lemaitre, and Joan Massich - Enhancement
linear_model.LogisticRegressionnow supports an unregularized objective whenpenalty='none'is passed. This is equivalent to settingC=np.infwith l2 regularization. Not supported by the liblinear solver. #12860 by Nicolas Hug. - Enhancement
sparse_cgsolver inlinear_model.Ridgenow supports fitting the intercept (i.e.fit_intercept=True) when inputs are sparse. #13336 by Bartosz Telenczuk. - Enhancement The coordinate descent solver used in Lasso,
ElasticNet, etc. now issues aConvergenceWarningwhen it completes without meeting the desired toleranbce. #11754 and #13397 by Brent Fagan and Adrin Jalali. - Fix Fixed a bug in
linear_model.LogisticRegressionandlinear_model.LogisticRegressionCVwith ‘saga’ solver, where the weights would not be correctly updated in some cases. #11646 by Tom Dupre la Tour. - Fix Fixed the posterior mean, posterior covariance and returned
regularization parameters in
linear_model.BayesianRidge. The posterior mean and the posterior covariance were not the ones computed with the last update of the regularization parameters and the returned regularization parameters were not the final ones. Also fixed the formula of the log marginal likelihood used to compute the score whencompute_score=True. #12174 by Albert Thomas. - Fix Fixed a bug in
linear_model.LassoLarsIC, where user inputcopy_X=Falseat instance creation would be overridden by default parameter valuecopy_X=Trueinfit. #12972 by Lucio Fernandez-Arjona - Fix Fixed a bug in
linear_model.LinearRegressionthat was not returning the same coeffecients and intercepts withfit_intercept=Truein sparse and dense case. #13279 by Alexandre Gramfort - Fix Fixed a bug in
linear_model.HuberRegressorthat was broken whenXwas of dtype bool. #13328 by Alexandre Gramfort. - Fix Fixed a performance issue of
sagaandsagsolvers when called in ajoblib.Parallelsetting withn_jobs > 1andbackend="threading", causing them to perform worse than in the sequential case. #13389 by Pierre Glaser. - Fix Fixed a bug in
linear_model.stochastic_gradient.BaseSGDClassifierthat was not deterministic when trained in a multi-class setting on several threads. #13422 by Clément Doumouro. - Fix Fixed bug in
linear_model.ridge_regression,linear_model.Ridgeandlinear_model.RidgeClassifierthat caused unhandled exception for argumentsreturn_intercept=Trueandsolver=auto(default) or any other solver different fromsag. #13363 by Bartosz Telenczuk - Fix
linear_model.ridge_regressionwill now raise an exception ifreturn_intercept=Trueand solver is different fromsag. Previously, only warning was issued. #13363 by Bartosz Telenczuk - Fix
linear_model.ridge_regressionwill choosesparse_cgsolver for sparse inputs whensolver=autoandsample_weightis provided (previouslycholeskysolver was selected). #13363 by Bartosz Telenczuk - API Change The use of
linear_model.lars_pathwithX=Nonewhile passingGramis deprecated in version 0.21 and will be removed in version 0.23. Uselinear_model.lars_path_graminstead. #11699 by Kuai Yu. - API Change
linear_model.logistic_regression_pathis deprecated in version 0.21 and will be removed in version 0.23. #12821 by Nicolas Hug. - Fix
linear_model.RidgeCVwith generalized cross-validation now correctly fits an intercept whenfit_intercept=Trueand the design matrix is sparse. #13350 by Jérôme Dockès
sklearn.manifold¶
- Efficiency Make
manifold.tsne.trustworthinessuse an inverted index instead of annp.wherelookup to find the rank of neighbors in the input space. This improves efficiency in particular when computed with lots of neighbors and/or small datasets. #9907 by William de Vazelhes.
sklearn.metrics¶
- Feature Added the
metrics.max_errormetric and a corresponding'max_error'scorer for single output regression. #12232 by Krishna Sangeeth. - Feature Add
metrics.multilabel_confusion_matrix, which calculates a confusion matrix with true positive, false positive, false negative and true negative counts for each class. This facilitates the calculation of set-wise metrics such as recall, specificity, fall out and miss rate. #11179 by Shangwu Yao and Joel Nothman. - Feature
metrics.jaccard_scorehas been added to calculate the Jaccard coefficient as an evaluation metric for binary, multilabel and multiclass tasks, with an interface analogous tometrics.f1_score. #13151 by Gaurav Dhingra and Joel Nothman. - Feature Added
metrics.pairwise.haversine_distanceswhich can be accessed withmetric='pairwise'throughmetrics.pairwise_distancesand estimators. (Haversine distance was previously available for nearest neighbors calculation.) #12568 by Wei Xue, Emmanuel Arias and Joel Nothman. - Efficiency Faster
metrics.pairwise_distanceswith n_jobs > 1 by using a thread-based backend, instead of process-based backends. #8216 by Pierre Glaser and Romuald Menuet - Efficiency The pairwise manhattan distances with sparse input now uses the BLAS shipped with scipy instead of the bundled BLAS. #12732 by Jérémie du Boisberranger
- Enhancement Use label
accuracyinstead ofmicro-averageonmetrics.classification_reportto avoid confusion.micro-averageis only shown for multi-label or multi-class with a subset of classes because it is otherwise identical to accuracy. #12334 by Emmanuel Arias, Joel Nothman and Andreas Müller - Enhancement Added
betaparameter tometrics.homogeneity_completeness_v_measureandmetrics.v_measure_scoreto configure the tradeoff between homogeneity and completeness. #13607 by Stephane Couvreur and and Ivan Sanchez. - Fix The metric
metrics.r2_scoreis degenerate with a single sample and now it returns NaN and raisesexceptions.UndefinedMetricWarning. #12855 by Pawel Sendyk. - Fix Fixed a bug where
metrics.brier_score_losswill sometimes return incorrect result when there’s only one class iny_true. #13628 by Hanmin Qin. - Fix Fixed a bug in
metrics.label_ranking_average_precision_scorewhere sample_weight wasn’t taken into account for samples with degenerate labels. #13447 by Dan Ellis. - API Change The parameter
labelsinmetrics.hamming_lossis deprecated in version 0.21 and will be removed in version 0.23. #10580 by Reshama Shaikh and Sandra Mitrovic. - Fix The function
metrics.pairwise.euclidean_distances, and therefore several estimators withmetric='euclidean', suffered from numerical precision issues withfloat32features. Precision has been increased at the cost of a small drop of performance. #13554 by @Celelibi and Jérémie du Boisberranger. - API Change
metrics.jaccard_similarity_scoreis deprecated in favour of the more consistentmetrics.jaccard_score. The former behavior for binary and multiclass targets is broken. #13151 by Joel Nothman.
sklearn.mixture¶
- Fix Fixed a bug in
mixture.BaseMixtureand therefore on estimators based on it, i.e.mixture.GaussianMixtureandmixture.BayesianGaussianMixture, wherefit_predictandfit.predictwere not equivalent. #13142 by Jérémie du Boisberranger.
sklearn.model_selection¶
- Feature Classes
GridSearchCVandRandomizedSearchCVnow allow for refit=callable to add flexibility in identifying the best estimator. See Balance model complexity and cross-validated score. #11354 by Wenhao Zhang, Joel Nothman and Adrin Jalali. - Enhancement Classes
GridSearchCV,RandomizedSearchCV, and methodscross_val_score,cross_val_predict,cross_validate, now print train scores whenreturn_train_scoresis True and verbose > 2. Forlearning_curve, andvalidation_curveonly the latter is required. #12613 and #12669 by Marc Torrellas. - Enhancement Some CV splitter classes and
model_selection.train_test_splitnow raiseValueErrorwhen the resulting training set is empty. #12861 by Nicolas Hug. - Fix Fixed a bug where
model_selection.StratifiedKFoldshuffles each class’s samples with the samerandom_state, makingshuffle=Trueineffective. #13124 by Hanmin Qin. - Fix Added ability for
model_selection.cross_val_predictto handle multi-label (and multioutput-multiclass) targets withpredict_proba-type methods. #8773 by Stephen Hoover. - Fix Fixed an issue in
cross_val_predictwheremethod="predict_proba"returned always0.0when one of the classes was excluded in a cross-validation fold. #13366 by Guillaume Fournier
sklearn.multiclass¶
- Fix Fixed an issue in
multiclass.OneVsOneClassifier.decision_functionwhere the decision_function value of a given sample was different depending on whether the decision_function was evaluated on the sample alone or on a batch containing this same sample due to the scaling used in decision_function. #10440 by Jonathan Ohayon.
sklearn.multioutput¶
- Fix Fixed a bug in
multioutput.MultiOutputClassifierwhere the predict_proba method incorrectly checked for predict_proba attribute in the estimator object. #12222 by Rebekah Kim
sklearn.neighbors¶
- Major Feature Added
neighbors.NeighborhoodComponentsAnalysisfor metric learning, which implements the Neighborhood Components Analysis algorithm. #10058 by William de Vazelhes and John Chiotellis. - API Change Methods in
neighbors.NearestNeighbors:kneighbors,radius_neighbors,kneighbors_graph,radius_neighbors_graphnow raiseNotFittedError, rather thanAttributeError, when called beforefit#12279 by Krishna Sangeeth.
sklearn.neural_network¶
- Fix Fixed a bug in
neural_network.MLPClassifierandneural_network.MLPRegressorwhere the optionshuffle=Falsewas being ignored. #12582 by Sam Waterbury. - Fix Fixed a bug in
neural_network.MLPClassifierwhere validation sets for early stopping were not sampled with stratification. In the multilabel case however, splits are still not stratified. #13164 by Nicolas Hug.
sklearn.pipeline¶
- Feature
pipeline.Pipelinecan now use indexing notation (e.g.my_pipeline[0:-1]) to extract a subsequence of steps as another Pipeline instance. A Pipeline can also be indexed directly to extract a particular step (e.g.my_pipeline['svc']), rather than accessingnamed_steps. #2568 by Joel Nothman. - Feature Added optional parameter
verboseinpipeline.Pipeline,compose.ColumnTransformerandpipeline.FeatureUnionand correspondingmake_helpers for showing progress and timing of each step. #11364 by Baze Petrushev, Karan Desai, Joel Nothman, and Thomas Fan. - Enhancement
pipeline.Pipelinenow supports using'passthrough'as a transformer, with the same effect asNone. #11144 by Thomas Fan. - Enhancement
pipeline.Pipelineimplements__len__and thereforelen(pipeline)returns the number of steps in the pipeline. #13439 by Lakshya KD.
sklearn.preprocessing¶
- Feature
preprocessing.OneHotEncodernow supports dropping one feature per category with a new drop parameter. #12908 by Drew Johnston. - Efficiency
preprocessing.OneHotEncoderandpreprocessing.OrdinalEncodernow handle pandas DataFrames more efficiently. #13253 by @maikia. - Efficiency Make
preprocessing.MultiLabelBinarizercache class mappings instead of calculating it every time on the fly. #12116 by Ekaterina Krivich and Joel Nothman. - Efficiency
preprocessing.PolynomialFeaturesnow supports compressed sparse row (CSR) matrices as input for degrees 2 and 3. This is typically much faster than the dense case as it scales with matrix density and expansion degree (on the order of density^degree), and is much, much faster than the compressed sparse column (CSC) case. #12197 by Andrew Nystrom. - Efficiency Speed improvement in
preprocessing.PolynomialFeatures, in the dense case. Also added a new parameterorderwhich controls output order for further speed performances. #12251 by Tom Dupre la Tour. - Fix Fixed the calculation overflow when using a float16 dtype with
preprocessing.StandardScaler. #13007 by Raffaello Baluyot - Fix Fixed a bug in
preprocessing.QuantileTransformerandpreprocessing.quantile_transformto force n_quantiles to be at most equal to n_samples. Values of n_quantiles larger than n_samples were either useless or resulting in a wrong approximation of the cumulative distribution function estimator. #13333 by Albert Thomas. - API Change The default value of
copyinpreprocessing.quantile_transformwill change from False to True in 0.23 in order to make it more consistent with the defaultcopyvalues of other functions inpreprocessingand prevent unexpected side effects by modifying the value ofXinplace. #13459 by Hunter McGushion.
sklearn.svm¶
- Fix Fixed an issue in
svm.SVC.decision_functionwhendecision_function_shape='ovr'. The decision_function value of a given sample was different depending on whether the decision_function was evaluated on the sample alone or on a batch containing this same sample due to the scaling used in decision_function. #10440 by Jonathan Ohayon.
sklearn.tree¶
- Feature Decision Trees can now be plotted with matplotlib using
tree.plot_treewithout relying on thedotlibrary, removing a hard-to-install dependency. #8508 by Andreas Müller. - Feature Decision Trees can now be exported in a human readable
textual format using
tree.export_text. #6261 byGiuseppe Vettigli. - Feature
get_n_leaves()andget_depth()have been added totree.BaseDecisionTreeand consequently all estimators based on it, includingtree.DecisionTreeClassifier,tree.DecisionTreeRegressor,tree.ExtraTreeClassifier, andtree.ExtraTreeRegressor. #12300 by Adrin Jalali. - Fix Trees and forests did not previously predict multi-output classification targets with string labels, despite accepting them in fit. #11458 by Mitar Milutinovic.
- Fix Fixed an issue with
tree.BaseDecisionTreeand consequently all estimators based on it, includingtree.DecisionTreeClassifier,tree.DecisionTreeRegressor,tree.ExtraTreeClassifier, andtree.ExtraTreeRegressor, where they used to exceed the givenmax_depthby 1 while expanding the tree ifmax_leaf_nodesandmax_depthwere both specified by the user. Please note that this also affects all ensemble methods using decision trees. #12344 by Adrin Jalali.
sklearn.utils¶
- Feature
utils.resamplenow accepts astratifyparameter for sampling according to class distributions. #13549 by Nicolas Hug. - API Change Deprecated
warn_on_dtypeparameter fromutils.check_arrayandutils.check_X_y. Added explicit warning for dtype conversion incheck_pairwise_arraysif themetricbeing passed is a pairwise boolean metric. #13382 by Prathmesh Savale.
Multiple modules¶
- Major Feature The
__repr__()method of all estimators (used when callingprint(estimator)) has been entirely re-written, building on Python’s pretty printing standard library. All parameters are printed by default, but this can be altered with theprint_changed_onlyoption insklearn.set_config. #11705 by Nicolas Hug. - Major Feature Add estimators tags: these are annotations of estimators
that allow programmatic inspection of their capabilities, such as sparse
matrix support, supported output types and supported methods. Estimator
tags also determine the tests that are run on an estimator when
check_estimatoris called. Read more in the User Guide. #8022 by Andreas Müller. - Efficiency Memory copies are avoided when casting arrays to a different dtype in multiple estimators. #11973 by Roman Yurchak.
- Fix Fixed a bug in the implementation of the
our_rand_rhelper function that was not behaving consistently across platforms. #13422 by Madhura Parikh and Clément Doumouro.
Miscellaneous¶
- Enhancement Joblib is no longer vendored in scikit-learn, and becomes a dependency. Minimal supported version is joblib 0.11, however using version >= 0.13 is strongly recommended. #13531 by Roman Yurchak.
Changes to estimator checks¶
These changes mostly affect library developers.
- Add
check_fit_idempotenttocheck_estimator, which checks that when fit is called twice with the same data, the ouput of predict, predict_proba, transform, and decision_function does not change. #12328 by Nicolas Hug - Many checks can now be disabled or configured with Estimator Tags. #8022 by Andreas Müller.
Code and Documentation Contributors¶
Thanks to everyone who has contributed to the maintenance and improvement of the project since version 0.20, including:
adanhawth, Aditya Vyas, Adrin Jalali, Agamemnon Krasoulis, Albert Thomas, Alberto Torres, Alexandre Gramfort, amourav, Andrea Navarrete, Andreas Mueller, Andrew Nystrom, assiaben, Aurélien Bellet, Bartosz Michałowski, Bartosz Telenczuk, bauks, BenjaStudio, bertrandhaut, Bharat Raghunathan, brentfagan, Bryan Woods, Cat Chenal, Cheuk Ting Ho, Chris Choe, Christos Aridas, Clément Doumouro, Cole Smith, Connossor, Corey Levinson, Dan Ellis, Dan Stine, Danylo Baibak, daten-kieker, Denis Kataev, Didi Bar-Zev, Dillon Gardner, Dmitry Mottl, Dmitry Vukolov, Dougal J. Sutherland, Dowon, drewmjohnston, Dror Atariah, Edward J Brown, Ekaterina Krivich, Elizabeth Sander, Emmanuel Arias, Eric Chang, Eric Larson, Erich Schubert, esvhd, Falak, Feda Curic, Federico Caselli, Frank Hoang, Fibinse Xavier`, Finn O’Shea, Gabriel Marzinotto, Gabriel Vacaliuc, Gabriele Calvo, Gael Varoquaux, GauravAhlawat, Giuseppe Vettigli, Greg Gandenberger, Guillaume Fournier, Guillaume Lemaitre, Gustavo De Mari Pereira, Hanmin Qin, haroldfox, hhu-luqi, Hunter McGushion, Ian Sanders, JackLangerman, Jacopo Notarstefano, jakirkham, James Bourbeau, Jan Koch, Jan S, janvanrijn, Jarrod Millman, jdethurens, jeremiedbb, JF, joaak, Joan Massich, Joel Nothman, Jonathan Ohayon, Joris Van den Bossche, josephsalmon, Jérémie Méhault, Katrin Leinweber, ken, kms15, Koen, Kossori Aruku, Krishna Sangeeth, Kuai Yu, Kulbear, Kushal Chauhan, Kyle Jackson, Lakshya KD, Leandro Hermida, Lee Yi Jie Joel, Lily Xiong, Lisa Sarah Thomas, Loic Esteve, louib, luk-f-a, maikia, mail-liam, Manimaran, Manuel López-Ibáñez, Marc Torrellas, Marco Gaido, Marco Gorelli, MarcoGorelli, marineLM, Mark Hannel, Martin Gubri, Masstran, mathurinm, Matthew Roeschke, Max Copeland, melsyt, mferrari3, Mickaël Schoentgen, Ming Li, Mitar, Mohammad Aftab, Mohammed AbdelAal, Mohammed Ibraheem, Muhammad Hassaan Rafique, mwestt, Naoya Iijima, Nicholas Smith, Nicolas Goix, Nicolas Hug, Nikolay Shebanov, Oleksandr Pavlyk, Oliver Rausch, Olivier Grisel, Orestis, Osman, Owen Flanagan, Paul Paczuski, Pavel Soriano, pavlos kallis, Pawel Sendyk, peay, Peter, Peter Cock, Peter Hausamann, Peter Marko, Pierre Glaser, pierretallotte, Pim de Haan, Piotr Szymański, Prabakaran Kumaresshan, Pradeep Reddy Raamana, Prathmesh Savale, Pulkit Maloo, Quentin Batista, Radostin Stoyanov, Raf Baluyot, Rajdeep Dua, Ramil Nugmanov, Raúl García Calvo, Rebekah Kim, Reshama Shaikh, Rohan Lekhwani, Rohan Singh, Rohan Varma, Rohit Kapoor, Roman Feldbauer, Roman Yurchak, Romuald M, Roopam Sharma, Ryan, Rüdiger Busche, Sam Waterbury, Samuel O. Ronsin, SandroCasagrande, Scott Cole, Scott Lowe, Sebastian Raschka, Shangwu Yao, Shivam Kotwalia, Shiyu Duan, smarie, Sriharsha Hatwar, Stephen Hoover, Stephen Tierney, Stéphane Couvreur, surgan12, SylvainLan, TakingItCasual, Tashay Green, thibsej, Thomas Fan, Thomas J Fan, Thomas Moreau, Tom Dupré la Tour, Tommy, Tulio Casagrande, Umar Farouk Umar, Utkarsh Upadhyay, Vinayak Mehta, Vishaal Kapoor, Vivek Kumar, Vlad Niculae, vqean3, Wenhao Zhang, William de Vazelhes, xhan, Xing Han Lu, xinyuliu12, Yaroslav Halchenko, Zach Griffith, Zach Miller, Zayd Hammoudeh, Zhuyi Xue, Zijie (ZJ) Poh, ^__^
Version 0.20.4¶
July 30, 2019
This is a bug-fix release with some bug fixes applied to version 0.20.3.
Changelog¶
The bundled version of joblib was upgraded from 0.13.0 to 0.13.2.
sklearn.cluster¶
- Fix Fixed a bug in
cluster.KMeanswhere KMeans++ initialisation could rarely result in an IndexError. #11756 by Joel Nothman.
sklearn.compose¶
- Fix Fixed an issue in
compose.ColumnTransformerwhere using DataFrames whose column order differs between :func:fitand :func:transformcould lead to silently passing incorrect columns to theremaindertransformer. #14237 byAndreas Schuderer.
sklearn.model_selection¶
- Fix Fixed a bug where
model_selection.StratifiedKFoldshuffles each class’s samples with the samerandom_state, makingshuffle=Trueineffective. #13124 by Hanmin Qin.
sklearn.neighbors¶
- Fix Fixed a bug in
neighbors.KernelDensitywhich could not be restored from a pickle ifsample_weighthad been used. #13772 by Aditya Vyas.
Version 0.20.3¶
March 1, 2019
This is a bug-fix release with some minor documentation improvements and enhancements to features released in 0.20.0.
Changelog¶
sklearn.cluster¶
- Fix Fixed a bug in
cluster.KMeanswhere computation was single threaded whenn_jobs > 1orn_jobs = -1. #12949 by Prabakaran Kumaresshan.
sklearn.compose¶
- Fix Fixed a bug in
compose.ColumnTransformerto handle negative indexes in the columns list of the transformers. #12946 by Pierre Tallotte.
sklearn.covariance¶
- Fix Fixed a regression in
covariance.graphical_lassoso that the casen_features=2is handled correctly. #13276 by Aurélien Bellet.
sklearn.decomposition¶
- Fix Fixed a bug in
decomposition.sparse_encodewhere computation was single threaded whenn_jobs > 1orn_jobs = -1. #13005 by Prabakaran Kumaresshan.
sklearn.datasets¶
- Efficiency
sklearn.datasets.fetch_openmlnow loads data by streaming, avoiding high memory usage. #13312 by Joris Van den Bossche.
sklearn.feature_extraction¶
- Fix Fixed a bug in
feature_extraction.text.CountVectorizerwhich would result in the sparse feature matrix having conflictingindptrandindicesprecisions under very large vocabularies. #11295 by Gabriel Vacaliuc.
sklearn.impute¶
- Fix add support for non-numeric data in
sklearn.impute.MissingIndicatorwhich was not supported whilesklearn.impute.SimpleImputerwas supporting this for some imputation strategies. #13046 by Guillaume Lemaitre.
sklearn.linear_model¶
- Fix Fixed a bug in
linear_model.MultiTaskElasticNetandlinear_model.MultiTaskLassowhich were breaking whenwarm_start = True. #12360 by Aakanksha Joshi.
sklearn.preprocessing¶
- Fix Fixed a bug in
preprocessing.KBinsDiscretizerwherestrategy='kmeans'fails with an error during transformation due to unsorted bin edges. #13134 by Sandro Casagrande. - Fix Fixed a bug in
preprocessing.OneHotEncoderwhere the deprecation ofcategorical_featureswas handled incorrectly in combination withhandle_unknown='ignore'. #12881 by Joris Van den Bossche. - Fix Bins whose width are too small (i.e., <= 1e-8) are removed
with a warning in
preprocessing.KBinsDiscretizer. #13165 by Hanmin Qin.
sklearn.svm¶
- Fix Fixed a bug in
svm.SVC,svm.NuSVC,svm.SVR,svm.NuSVRandsvm.OneClassSVMwhere thescaleoption of parametergammais erroneously defined as1 / (n_features * X.std()). It’s now defined as1 / (n_features * X.var()). #13221 by Hanmin Qin.
Code and Documentation Contributors¶
With thanks to:
Adrin Jalali, Agamemnon Krasoulis, Albert Thomas, Andreas Mueller, Aurélien Bellet, bertrandhaut, Bharat Raghunathan, Dowon, Emmanuel Arias, Fibinse Xavier, Finn O’Shea, Gabriel Vacaliuc, Gael Varoquaux, Guillaume Lemaitre, Hanmin Qin, joaak, Joel Nothman, Joris Van den Bossche, Jérémie Méhault, kms15, Kossori Aruku, Lakshya KD, maikia, Manuel López-Ibáñez, Marco Gorelli, MarcoGorelli, mferrari3, Mickaël Schoentgen, Nicolas Hug, pavlos kallis, Pierre Glaser, pierretallotte, Prabakaran Kumaresshan, Reshama Shaikh, Rohit Kapoor, Roman Yurchak, SandroCasagrande, Tashay Green, Thomas Fan, Vishaal Kapoor, Zhuyi Xue, Zijie (ZJ) Poh
Version 0.20.2¶
December 20, 2018
This is a bug-fix release with some minor documentation improvements and enhancements to features released in 0.20.0.
Changed models¶
The following estimators and functions, when fit with the same data and parameters, may produce different models from the previous version. This often occurs due to changes in the modelling logic (bug fixes or enhancements), or in random sampling procedures.
sklearn.neighborswhenmetric=='jaccard'(bug fix)- use of
'seuclidean'or'mahalanobis'metrics in some cases (bug fix)
Changelog¶
sklearn.compose¶
- Fix Fixed an issue in
compose.make_column_transformerwhich raises unexpected error when columns is pandas Index or pandas Series. #12704 by Hanmin Qin.
sklearn.metrics¶
- Fix Fixed a bug in
metrics.pairwise_distancesandmetrics.pairwise_distances_chunkedwhere parametersVof"seuclidean"andVIof"mahalanobis"metrics were computed after the data was split into chunks instead of being pre-computed on whole data. #12701 by Jeremie du Boisberranger.
sklearn.neighbors¶
- Fix Fixed
sklearn.neighbors.DistanceMetricjaccard distance function to return 0 when two all-zero vectors are compared. #12685 by Thomas Fan.
sklearn.utils¶
- Fix Calling
utils.check_arrayonpandas.Serieswith categorical data, which raised an error in 0.20.0, now returns the expected output again. #12699 by Joris Van den Bossche.
Code and Documentation Contributors¶
With thanks to:
adanhawth, Adrin Jalali, Albert Thomas, Andreas Mueller, Dan Stine, Feda Curic, Hanmin Qin, Jan S, jeremiedbb, Joel Nothman, Joris Van den Bossche, josephsalmon, Katrin Leinweber, Loic Esteve, Muhammad Hassaan Rafique, Nicolas Hug, Olivier Grisel, Paul Paczuski, Reshama Shaikh, Sam Waterbury, Shivam Kotwalia, Thomas Fan
Version 0.20.1¶
November 21, 2018
This is a bug-fix release with some minor documentation improvements and enhancements to features released in 0.20.0. Note that we also include some API changes in this release, so you might get some extra warnings after updating from 0.20.0 to 0.20.1.
Changed models¶
The following estimators and functions, when fit with the same data and parameters, may produce different models from the previous version. This often occurs due to changes in the modelling logic (bug fixes or enhancements), or in random sampling procedures.
decomposition.IncrementalPCA(bug fix)
Changelog¶
sklearn.cluster¶
- Efficiency make
cluster.MeanShiftno longer try to do nested parallelism as the overhead would hurt performance significantly whenn_jobs > 1. #12159 by Olivier Grisel. - Fix Fixed a bug in
cluster.DBSCANwith precomputed sparse neighbors graph, which would add explicitly zeros on the diagonal even when already present. #12105 by Tom Dupre la Tour.
sklearn.compose¶
- Fix Fixed an issue in
compose.ColumnTransformerwhen stacking columns with types not convertible to a numeric. #11912 by Adrin Jalali. - API Change
compose.ColumnTransformernow applies thesparse_thresholdeven if all transformation results are sparse. #12304 by Andreas Müller. - API Change
compose.make_column_transformernow expects(transformer, columns)instead of(columns, transformer)to keep consistent withcompose.ColumnTransformer. #12339 by Adrin Jalali.
sklearn.datasets¶
- Fix
datasets.fetch_openmlto correctly use the local cache. #12246 by Jan N. van Rijn. - Fix
datasets.fetch_openmlto correctly handle ignore attributes and row id attributes. #12330 by Jan N. van Rijn. - Fix Fixed integer overflow in
datasets.make_classificationfor values ofn_informativeparameter larger than 64. #10811 by Roman Feldbauer. - Fix Fixed olivetti faces dataset
DESCRattribute to point to the right location indatasets.fetch_olivetti_faces. #12441 by Jérémie du Boisberranger - Fix
datasets.fetch_openmlto retry downloading when reading from local cache fails. #12517 by Thomas Fan.
sklearn.decomposition¶
- Fix Fixed a regression in
decomposition.IncrementalPCAwhere 0.20.0 raised an error if the number of samples in the final batch for fitting IncrementalPCA was smaller than n_components. #12234 by Ming Li.
sklearn.ensemble¶
- Fix Fixed a bug mostly affecting
ensemble.RandomForestClassifierwhereclass_weight='balanced_subsample'failed with more than 32 classes. #12165 by Joel Nothman. - Fix Fixed a bug affecting
ensemble.BaggingClassifier,ensemble.BaggingRegressorandensemble.IsolationForest, wheremax_featureswas sometimes rounded down to zero. #12388 by Connor Tann.
sklearn.feature_extraction¶
- Fix Fixed a regression in v0.20.0 where
feature_extraction.text.CountVectorizerand other text vectorizers could error during stop words validation with custom preprocessors or tokenizers. #12393 by Roman Yurchak.
sklearn.linear_model¶
- Fix
linear_model.SGDClassifierand variants withearly_stopping=Truewould not use a consistent validation split in the multiclass case and this would cause a crash when using those estimators as part of parallel parameter search or cross-validation. #12122 by Olivier Grisel. - Fix Fixed a bug affecting
SGDClassifierin the multiclass case. Each one-versus-all step is run in ajoblib.Parallelcall and mutating a common parameter, causing a segmentation fault if called within a backend using processes and not threads. We now userequire=sharedmemat thejoblib.Parallelinstance creation. #12518 by Pierre Glaser and Olivier Grisel.
sklearn.metrics¶
- Fix Fixed a bug in
metrics.pairwise.pairwise_distances_argmin_minwhich returned the square root of the distance when the metric parameter was set to “euclidean”. #12481 by Jérémie du Boisberranger. - Fix Fixed a bug in
metrics.pairwise.pairwise_distances_chunkedwhich didn’t ensure the diagonal is zero for euclidean distances. #12612 by Andreas Müller. - API Change The
metrics.calinski_harabaz_scorehas been renamed tometrics.calinski_harabasz_scoreand will be removed in version 0.23. #12211 by Lisa Thomas, Mark Hannel and Melissa Ferrari.
sklearn.mixture¶
- Fix Ensure that the
fit_predictmethod ofmixture.GaussianMixtureandmixture.BayesianGaussianMixturealways yield assignments consistent withfitfollowed bypredicteven if the convergence criterion is too loose or not met. #12451 by Olivier Grisel.
sklearn.neighbors¶
- Fix force the parallelism backend to
threadingforneighbors.KDTreeandneighbors.BallTreein Python 2.7 to avoid pickling errors caused by the serialization of their methods. #12171 by Thomas Moreau.
sklearn.preprocessing¶
- Fix Fixed bug in
preprocessing.OrdinalEncoderwhen passing manually specified categories. #12365 by Joris Van den Bossche. - Fix Fixed bug in
preprocessing.KBinsDiscretizerwhere thetransformmethod mutates the_encoderattribute. Thetransformmethod is now thread safe. #12514 by Hanmin Qin. - Fix Fixed a bug in
preprocessing.PowerTransformerwhere the Yeo-Johnson transform was incorrect for lambda parameters outside of[0, 2]#12522 by Nicolas Hug. - Fix Fixed a bug in
preprocessing.OneHotEncoderwhere transform failed when set to ignore unknown numpy strings of different lengths #12471 by Gabriel Marzinotto. - API Change The default value of the
methodargument inpreprocessing.power_transformwill be changed frombox-coxtoyeo-johnsonto matchpreprocessing.PowerTransformerin version 0.23. A FutureWarning is raised when the default value is used. #12317 by Eric Chang.
sklearn.utils¶
- Fix Use float64 for mean accumulator to avoid floating point
precision issues in
preprocessing.StandardScaleranddecomposition.IncrementalPCAwhen using float32 datasets. #12338 by bauks. - Fix Calling
utils.check_arrayonpandas.Series, which raised an error in 0.20.0, now returns the expected output again. #12625 by Andreas Müller
Miscellaneous¶
- Fix When using site joblib by setting the environment variable
SKLEARN_SITE_JOBLIB, added compatibility with joblib 0.11 in addition to 0.12+. #12350 by Joel Nothman and Roman Yurchak. - Fix Make sure to avoid raising
FutureWarningwhen callingnp.vstackwith numpy 1.16 and later (use list comprehensions instead of generator expressions in many locations of the scikit-learn code base). #12467 by Olivier Grisel. - API Change Removed all mentions of
sklearn.externals.joblib, and deprecated joblib methods exposed insklearn.utils, except forutils.parallel_backendandutils.register_parallel_backend, which allow users to configure parallel computation in scikit-learn. Other functionalities are part of joblib. package and should be used directly, by installing it. The goal of this change is to prepare for unvendoring joblib in future version of scikit-learn. #12345 by Thomas Moreau
Code and Documentation Contributors¶
With thanks to:
^__^, Adrin Jalali, Andrea Navarrete, Andreas Mueller, bauks, BenjaStudio, Cheuk Ting Ho, Connossor, Corey Levinson, Dan Stine, daten-kieker, Denis Kataev, Dillon Gardner, Dmitry Vukolov, Dougal J. Sutherland, Edward J Brown, Eric Chang, Federico Caselli, Gabriel Marzinotto, Gael Varoquaux, GauravAhlawat, Gustavo De Mari Pereira, Hanmin Qin, haroldfox, JackLangerman, Jacopo Notarstefano, janvanrijn, jdethurens, jeremiedbb, Joel Nothman, Joris Van den Bossche, Koen, Kushal Chauhan, Lee Yi Jie Joel, Lily Xiong, mail-liam, Mark Hannel, melsyt, Ming Li, Nicholas Smith, Nicolas Hug, Nikolay Shebanov, Oleksandr Pavlyk, Olivier Grisel, Peter Hausamann, Pierre Glaser, Pulkit Maloo, Quentin Batista, Radostin Stoyanov, Ramil Nugmanov, Rebekah Kim, Reshama Shaikh, Rohan Singh, Roman Feldbauer, Roman Yurchak, Roopam Sharma, Sam Waterbury, Scott Lowe, Sebastian Raschka, Stephen Tierney, SylvainLan, TakingItCasual, Thomas Fan, Thomas Moreau, Tom Dupré la Tour, Tulio Casagrande, Utkarsh Upadhyay, Xing Han Lu, Yaroslav Halchenko, Zach Miller
Version 0.20.0¶
September 25, 2018
This release packs in a mountain of bug fixes, features and enhancements for the Scikit-learn library, and improvements to the documentation and examples. Thanks to our contributors!
This release is dedicated to the memory of Raghav Rajagopalan.
Warning
Version 0.20 is the last version of scikit-learn to support Python 2.7 and Python 3.4. Scikit-learn 0.21 will require Python 3.5 or higher.
Highlights¶
We have tried to improve our support for common data-science use-cases
including missing values, categorical variables, heterogeneous data, and
features/targets with unusual distributions.
Missing values in features, represented by NaNs, are now accepted in
column-wise preprocessing such as scalers. Each feature is fitted disregarding
NaNs, and data containing NaNs can be transformed. The new impute
module provides estimators for learning despite missing data.
ColumnTransformer handles the case where different features
or columns of a pandas.DataFrame need different preprocessing.
String or pandas Categorical columns can now be encoded with
OneHotEncoder or
OrdinalEncoder.
TransformedTargetRegressor helps when the regression target
needs to be transformed to be modeled. PowerTransformer
and KBinsDiscretizer join
QuantileTransformer as non-linear transformations.
Beyond this, we have added sample_weight support to several estimators
(including KMeans, BayesianRidge and
KernelDensity) and improved stopping criteria in others
(including MLPRegressor,
GradientBoostingRegressor and
SGDRegressor).
This release is also the first to be accompanied by a Glossary of Common Terms and API Elements developed by Joel Nothman. The glossary is a reference resource to help users and contributors become familiar with the terminology and conventions used in Scikit-learn.
Sorry if your contribution didn’t make it into the highlights. There’s a lot here…
Changed models¶
The following estimators and functions, when fit with the same data and parameters, may produce different models from the previous version. This often occurs due to changes in the modelling logic (bug fixes or enhancements), or in random sampling procedures.
cluster.MeanShift(bug fix)decomposition.IncrementalPCAin Python 2 (bug fix)decomposition.SparsePCA(bug fix)ensemble.GradientBoostingClassifier(bug fix affecting feature importances)isotonic.IsotonicRegression(bug fix)linear_model.ARDRegression(bug fix)linear_model.LogisticRegressionCV(bug fix)linear_model.OrthogonalMatchingPursuit(bug fix)linear_model.PassiveAggressiveClassifier(bug fix)linear_model.PassiveAggressiveRegressor(bug fix)linear_model.Perceptron(bug fix)linear_model.SGDClassifier(bug fix)linear_model.SGDRegressor(bug fix)metrics.roc_auc_score(bug fix)metrics.roc_curve(bug fix)neural_network.BaseMultilayerPerceptron(bug fix)neural_network.MLPClassifier(bug fix)neural_network.MLPRegressor(bug fix)- The v0.19.0 release notes failed to mention a backwards incompatibility with
model_selection.StratifiedKFoldwhenshuffle=Truedue to #7823.
Details are listed in the changelog below.
(While we are trying to better inform users by providing this information, we cannot assure that this list is complete.)
Known Major Bugs¶
- #11924:
linear_model.LogisticRegressionCVwithsolver='lbfgs'andmulti_class='multinomial'may be non-deterministic or otherwise broken on macOS. This appears to be the case on Travis CI servers, but has not been confirmed on personal MacBooks! This issue has been present in previous releases. - #9354:
metrics.pairwise.euclidean_distances(which is used several times throughout the library) gives results with poor precision, which particularly affects its use with 32-bit float inputs. This became more problematic in versions 0.18 and 0.19 when some algorithms were changed to avoid casting 32-bit data into 64-bit.
Changelog¶
Support for Python 3.3 has been officially dropped.
sklearn.cluster¶
- Major Feature
cluster.AgglomerativeClusteringnow supports Single Linkage clustering vialinkage='single'. #9372 by Leland McInnes and Steve Astels. - Feature
cluster.KMeansandcluster.MiniBatchKMeansnow support sample weights via new parametersample_weightinfitfunction. #10933 by Johannes Hansen. - Efficiency
cluster.KMeans,cluster.MiniBatchKMeansandcluster.k_meanspassed withalgorithm='full'now enforces row-major ordering, improving runtime. #10471 by Gaurav Dhingra. - Efficiency
cluster.DBSCANnow is parallelized according ton_jobsregardless ofalgorithm. #8003 by Joël Billaud. - Enhancement
cluster.KMeansnow gives a warning if the number of distinct clusters found is smaller thann_clusters. This may occur when the number of distinct points in the data set is actually smaller than the number of cluster one is looking for. #10059 by Christian Braune. - Fix Fixed a bug where the
fitmethod ofcluster.AffinityPropagationstored cluster centers as 3d array instead of 2d array in case of non-convergence. For the same class, fixed undefined and arbitrary behavior in case of training data where all samples had equal similarity. #9612. By Jonatan Samoocha. - Fix Fixed a bug in
cluster.spectral_clusteringwhere the normalization of the spectrum was using a division instead of a multiplication. #8129 by Jan Margeta, Guillaume Lemaitre, and Devansh D.. - Fix Fixed a bug in
cluster.k_means_elkanwhere the returnediterationwas 1 less than the correct value. Also added the missingn_iter_attribute in the docstring ofcluster.KMeans. #11353 by Jeremie du Boisberranger. - Fix Fixed a bug in
cluster.mean_shiftwhere the assigned labels were not deterministic if there were multiple clusters with the same intensities. #11901 by Adrin Jalali. - API Change Deprecate
pooling_funcunused parameter incluster.AgglomerativeClustering. #9875 by Kumar Ashutosh.
sklearn.compose¶
- New module.
- Major Feature Added
compose.ColumnTransformer, which allows to apply different transformers to different columns of arrays or pandas DataFrames. #9012 by Andreas Müller and Joris Van den Bossche, and #11315 by Thomas Fan. - Major Feature Added the
compose.TransformedTargetRegressorwhich transforms the target y before fitting a regression model. The predictions are mapped back to the original space via an inverse transform. #9041 by Andreas Müller and Guillaume Lemaitre.
sklearn.covariance¶
- Efficiency Runtime improvements to
covariance.GraphicalLasso. #9858 by Steven Brown. - API Change The
covariance.graph_lasso,covariance.GraphLassoandcovariance.GraphLassoCVhave been renamed tocovariance.graphical_lasso,covariance.GraphicalLassoandcovariance.GraphicalLassoCVrespectively and will be removed in version 0.22. #9993 by Artiem Krinitsyn
sklearn.datasets¶
- Major Feature Added
datasets.fetch_openmlto fetch datasets from OpenML. OpenML is a free, open data sharing platform and will be used instead of mldata as it provides better service availability. #9908 by Andreas Müller and Jan N. van Rijn. - Feature In
datasets.make_blobs, one can now pass a list to then_samplesparameter to indicate the number of samples to generate per cluster. #8617 by Maskani Filali Mohamed and Konstantinos Katrioplas. - Feature Add
filenameattribute todatasetsthat have a CSV file. #9101 by alex-33 and Maskani Filali Mohamed. - Feature
return_X_yparameter has been added to several dataset loaders. #10774 by Chris Catalfo. - Fix Fixed a bug in
datasets.load_bostonwhich had a wrong data point. #10795 by Takeshi Yoshizawa. - Fix Fixed a bug in
datasets.load_iriswhich had two wrong data points. #11082 by Sadhana Srinivasan and Hanmin Qin. - Fix Fixed a bug in
datasets.fetch_kddcup99, where data were not properly shuffled. #9731 by Nicolas Goix. - Fix Fixed a bug in
datasets.make_circles, where no odd number of data points could be generated. #10045 by Christian Braune. - API Change Deprecated
sklearn.datasets.fetch_mldatato be removed in version 0.22. mldata.org is no longer operational. Until removal it will remain possible to load cached datasets. #11466 by Joel Nothman.
sklearn.decomposition¶
- Feature
decomposition.dict_learningfunctions and models now support positivity constraints. This applies to the dictionary and sparse code. #6374 by John Kirkham. - Feature Fix
decomposition.SparsePCAnow exposesnormalize_components. When set to True, the train and test data are centered with the train mean repsectively during the fit phase and the transform phase. This fixes the behavior of SparsePCA. When set to False, which is the default, the previous abnormal behaviour still holds. The False value is for backward compatibility and should not be used. #11585 by Ivan Panico. - Efficiency Efficiency improvements in
decomposition.dict_learning. #11420 and others by John Kirkham. - Fix Fix for uninformative error in
decomposition.IncrementalPCA: now an error is raised if the number of components is larger than the chosen batch size. Then_components=Nonecase was adapted accordingly. #6452. By Wally Gauze. - Fix Fixed a bug where the
partial_fitmethod ofdecomposition.IncrementalPCAused integer division instead of float division on Python 2. #9492 by James Bourbeau. - Fix In
decomposition.PCAselecting a n_components parameter greater than the number of samples now raises an error. Similarly, then_components=Nonecase now selects the minimum ofn_samplesandn_features. #8484 by Wally Gauze. - Fix Fixed a bug in
decomposition.PCAwhere users will get unexpected error with large datasets whenn_components='mle'on Python 3 versions. #9886 by Hanmin Qin. - Fix Fixed an underflow in calculating KL-divergence for
decomposition.NMF#10142 by Tom Dupre la Tour. - Fix Fixed a bug in
decomposition.SparseCoderwhen running OMP sparse coding in parallel using read-only memory mapped datastructures. #5956 by Vighnesh Birodkar and Olivier Grisel.
sklearn.discriminant_analysis¶
- Efficiency Memory usage improvement for
_class_meansand_class_covindiscriminant_analysis. #10898 by Nanxin Chen.
sklearn.dummy¶
- Feature
dummy.DummyRegressornow has areturn_stdoption in itspredictmethod. The returned standard deviations will be zeros. - Feature
dummy.DummyClassifieranddummy.DummyRegressornow only require X to be an object with finite length or shape. #9832 by Vrishank Bhardwaj. - Feature
dummy.DummyClassifieranddummy.DummyRegressorcan now be scored without supplying test samples. #11951 by Rüdiger Busche.
sklearn.ensemble¶
- Feature
ensemble.BaggingRegressorandensemble.BaggingClassifiercan now be fit with missing/non-finite values in X and/or multi-output Y to support wrapping pipelines that perform their own imputation. #9707 by Jimmy Wan. - Feature
ensemble.GradientBoostingClassifierandensemble.GradientBoostingRegressornow support early stopping vian_iter_no_change,validation_fractionandtol. #7071 by Raghav RV - Feature Added
named_estimators_parameter inensemble.VotingClassifierto access fitted estimators. #9157 by Herilalaina Rakotoarison. - Fix Fixed a bug when fitting
ensemble.GradientBoostingClassifierorensemble.GradientBoostingRegressorwithwarm_start=Truewhich previously raised a segmentation fault due to a non-conversion of CSC matrix into CSR format expected bydecision_function. Similarly, Fortran-ordered arrays are converted to C-ordered arrays in the dense case. #9991 by Guillaume Lemaitre. - Fix Fixed a bug in
ensemble.GradientBoostingRegressorandensemble.GradientBoostingClassifierto have feature importances summed and then normalized, rather than normalizing on a per-tree basis. The previous behavior over-weighted the Gini importance of features that appear in later stages. This issue only affected feature importances. #11176 by Gil Forsyth. - API Change The default value of the
n_estimatorsparameter ofensemble.RandomForestClassifier,ensemble.RandomForestRegressor,ensemble.ExtraTreesClassifier,ensemble.ExtraTreesRegressor, andensemble.RandomTreesEmbeddingwill change from 10 in version 0.20 to 100 in 0.22. A FutureWarning is raised when the default value is used. #11542 by Anna Ayzenshtat. - API Change Classes derived from
ensemble.BaseBagging. The attributeestimators_samples_will return a list of arrays containing the indices selected for each bootstrap instead of a list of arrays containing the mask of the samples selected for each bootstrap. Indices allows to repeat samples while mask does not allow this functionality. #9524 by Guillaume Lemaitre. - Fix
ensemble.BaseBaggingwhere one could not deterministically reproducefitresult using the object attributes whenrandom_stateis set. #9723 by Guillaume Lemaitre.
sklearn.feature_extraction¶
- Feature Enable the call to get_feature_names in unfitted
feature_extraction.text.CountVectorizerinitialized with a vocabulary. #10908 by Mohamed Maskani. - Enhancement
idf_can now be set on afeature_extraction.text.TfidfTransformer. #10899 by Sergey Melderis. - Fix Fixed a bug in
feature_extraction.image.extract_patches_2dwhich would throw an exception ifmax_patcheswas greater than or equal to the number of all possible patches rather than simply returning the number of possible patches. #10101 by Varun Agrawal - Fix Fixed a bug in
feature_extraction.text.CountVectorizer,feature_extraction.text.TfidfVectorizer,feature_extraction.text.HashingVectorizerto support 64 bit sparse array indexing necessary to process large datasets with more than 2·10⁹ tokens (words or n-grams). #9147 by Claes-Fredrik Mannby and Roman Yurchak. - Fix Fixed bug in
feature_extraction.text.TfidfVectorizerwhich was ignoring the parameterdtype. In addition,feature_extraction.text.TfidfTransformerwill preservedtypefor floating and raise a warning ifdtyperequested is integer. #10441 by Mayur Kulkarni and Guillaume Lemaitre.
sklearn.feature_selection¶
- Feature Added select K best features functionality to
feature_selection.SelectFromModel. #6689 by Nihar Sheth and Quazi Rahman. - Feature Added
min_features_to_selectparameter tofeature_selection.RFECVto bound evaluated features counts. #11293 by Brent Yi. - Feature
feature_selection.RFECV’s fit method now supports groups. #9656 by Adam Greenhall. - Fix Fixed computation of
n_features_to_computefor edge case with tied CV scores infeature_selection.RFECV. #9222 by Nick Hoh.
sklearn.gaussian_process¶
- Efficiency In
gaussian_process.GaussianProcessRegressor, methodpredictis faster when usingreturn_std=Truein particular more when called several times in a row. #9234 by andrewww and Minghui Liu.
sklearn.impute¶
- New module, adopting
preprocessing.Imputerasimpute.SimpleImputerwith minor changes (see under preprocessing below). - Major Feature Added
impute.MissingIndicatorwhich generates a binary indicator for missing values. #8075 by Maniteja Nandana and Guillaume Lemaitre. - Feature The
impute.SimpleImputerhas a new strategy,'constant', to complete missing values with a fixed one, given by thefill_valueparameter. This strategy supports numeric and non-numeric data, and so does the'most_frequent'strategy now. #11211 by Jeremie du Boisberranger.
sklearn.isotonic¶
- Fix Fixed a bug in
isotonic.IsotonicRegressionwhich incorrectly combined weights when fitting a model to data involving points with identical X values. #9484 by Dallas Card
sklearn.linear_model¶
- Feature
linear_model.SGDClassifier,linear_model.SGDRegressor,linear_model.PassiveAggressiveClassifier,linear_model.PassiveAggressiveRegressorandlinear_model.Perceptronnow exposeearly_stopping,validation_fractionandn_iter_no_changeparameters, to stop optimization monitoring the score on a validation set. A new learning rate"adaptive"strategy divides the learning rate by 5 each timen_iter_no_changeconsecutive epochs fail to improve the model. #9043 by Tom Dupre la Tour. - Feature Add sample_weight parameter to the fit method of
linear_model.BayesianRidgefor weighted linear regression. #10112 by Peter St. John. - Fix Fixed a bug in
logistic.logistic_regression_pathto ensure that the returned coefficients are correct whenmulticlass='multinomial'. Previously, some of the coefficients would override each other, leading to incorrect results inlinear_model.LogisticRegressionCV. #11724 by Nicolas Hug. - Fix Fixed a bug in
linear_model.LogisticRegressionwhere when using the parametermulti_class='multinomial', thepredict_probamethod was returning incorrect probabilities in the case of binary outcomes. #9939 by Roger Westover. - Fix Fixed a bug in
linear_model.LogisticRegressionCVwhere thescoremethod always computes accuracy, not the metric given by thescoringparameter. #10998 by Thomas Fan. - Fix Fixed a bug in
linear_model.LogisticRegressionCVwhere the ‘ovr’ strategy was always used to compute cross-validation scores in the multiclass setting, even if'multinomial'was set. #8720 by William de Vazelhes. - Fix Fixed a bug in
linear_model.OrthogonalMatchingPursuitthat was broken when settingnormalize=False. #10071 by Alexandre Gramfort. - Fix Fixed a bug in
linear_model.ARDRegressionwhich caused incorrectly updated estimates for the standard deviation and the coefficients. #10153 by Jörg Döpfert. - Fix Fixed a bug in
linear_model.ARDRegressionandlinear_model.BayesianRidgewhich caused NaN predictions when fitted with a constant target. #10095 by Jörg Döpfert. - Fix Fixed a bug in
linear_model.RidgeClassifierCVwhere the parameterstore_cv_valueswas not implemented though it was documented incv_valuesas a way to set up the storage of cross-validation values for different alphas. #10297 by Mabel Villalba-Jiménez. - Fix Fixed a bug in
linear_model.ElasticNetwhich caused the input to be overridden when using parametercopy_X=Trueandcheck_input=False. #10581 by Yacine Mazari. - Fix Fixed a bug in
sklearn.linear_model.Lassowhere the coefficient had wrong shape whenfit_intercept=False. #10687 by Martin Hahn. - Fix Fixed a bug in
sklearn.linear_model.LogisticRegressionwhere themulti_class='multinomial'with binary outputwith warm_start=True#10836 by Aishwarya Srinivasan. - Fix Fixed a bug in
linear_model.RidgeCVwhere using integeralphasraised an error. #10397 by Mabel Villalba-Jiménez. - Fix Fixed condition triggering gap computation in
linear_model.Lassoandlinear_model.ElasticNetwhen working with sparse matrices. #10992 by Alexandre Gramfort. - Fix Fixed a bug in
linear_model.SGDClassifier,linear_model.SGDRegressor,linear_model.PassiveAggressiveClassifier,linear_model.PassiveAggressiveRegressorandlinear_model.Perceptron, where the stopping criterion was stopping the algorithm before convergence. A parametern_iter_no_changewas added and set by default to 5. Previous behavior is equivalent to setting the parameter to 1. #9043 by Tom Dupre la Tour. - Fix Fixed a bug where liblinear and libsvm-based estimators would segfault if passed a scipy.sparse matrix with 64-bit indices. They now raise a ValueError. #11327 by Karan Dhingra and Joel Nothman.
- API Change The default values of the
solverandmulti_classparameters oflinear_model.LogisticRegressionwill change respectively from'liblinear'and'ovr'in version 0.20 to'lbfgs'and'auto'in version 0.22. A FutureWarning is raised when the default values are used. #11905 by Tom Dupre la Tour and Joel Nothman. - API Change Deprecate
positive=Trueoption inlinear_model.Larsas the underlying implementation is broken. Uselinear_model.Lassoinstead. #9837 by Alexandre Gramfort. - API Change
n_iter_may vary from previous releases inlinear_model.LogisticRegressionwithsolver='lbfgs'andlinear_model.HuberRegressor. For Scipy <= 1.0.0, the optimizer could perform more than the requested maximum number of iterations. Now both estimators will report at mostmax_iteriterations even if more were performed. #10723 by Joel Nothman.
sklearn.manifold¶
- Efficiency Speed improvements for both ‘exact’ and ‘barnes_hut’ methods in
manifold.TSNE. #10593 and #10610 by Tom Dupre la Tour. - Feature Support sparse input in
manifold.Isomap.fit. #8554 by Leland McInnes. - Feature
manifold.t_sne.trustworthinessaccepts metrics other than Euclidean. #9775 by William de Vazelhes. - Fix Fixed a bug in
manifold.spectral_embeddingwhere the normalization of the spectrum was using a division instead of a multiplication. #8129 by Jan Margeta, Guillaume Lemaitre, and Devansh D.. - API Change Feature Deprecate
precomputedparameter in functionmanifold.t_sne.trustworthiness. Instead, the new parametermetricshould be used with any compatible metric including ‘precomputed’, in which case the input matrixXshould be a matrix of pairwise distances or squared distances. #9775 by William de Vazelhes. - API Change Deprecate
precomputedparameter in functionmanifold.t_sne.trustworthiness. Instead, the new parametermetricshould be used with any compatible metric including ‘precomputed’, in which case the input matrixXshould be a matrix of pairwise distances or squared distances. #9775 by William de Vazelhes.
sklearn.metrics¶
- Major Feature Added the
metrics.davies_bouldin_scoremetric for evaluation of clustering models without a ground truth. #10827 by Luis Osa. - Major Feature Added the
metrics.balanced_accuracy_scoremetric and a corresponding'balanced_accuracy'scorer for binary and multiclass classification. #8066 by @xyguo and Aman Dalmia, and #10587 by Joel Nothman. - Feature Partial AUC is available via
max_fprparameter inmetrics.roc_auc_score. #3840 by Alexander Niederbühl. - Feature A scorer based on
metrics.brier_score_lossis also available. #9521 by Hanmin Qin. - Feature Added control over the normalization in
metrics.normalized_mutual_info_scoreandmetrics.adjusted_mutual_info_scorevia theaverage_methodparameter. In version 0.22, the default normalizer for each will become the arithmetic mean of the entropies of each clustering. #11124 by Arya McCarthy. - Feature Added
output_dictparameter inmetrics.classification_reportto return classification statistics as dictionary. #11160 by Dan Barkhorn. - Feature
metrics.classification_reportnow reports all applicable averages on the given data, including micro, macro and weighted average as well as samples average for multilabel data. #11679 by Alexander Pacha. - Feature
metrics.average_precision_scorenow supports binaryy_trueother than{0, 1}or{-1, 1}throughpos_labelparameter. #9980 by Hanmin Qin. - Feature
metrics.label_ranking_average_precision_scorenow supportssample_weight. #10845 by Jose Perez-Parras Toledano. - Feature Add
dense_outputparameter tometrics.pairwise.linear_kernel. When False and both inputs are sparse, will return a sparse matrix. #10999 by Taylor G Smith. - Efficiency
metrics.silhouette_scoreandmetrics.silhouette_samplesare more memory efficient and run faster. This avoids some reported freezes and MemoryErrors. #11135 by Joel Nothman. - Fix Fixed a bug in
metrics.precision_recall_fscore_supportwhen truncatedrange(n_labels)is passed as value forlabels. #10377 by Gaurav Dhingra. - Fix Fixed a bug due to floating point error in
metrics.roc_auc_scorewith non-integer sample weights. #9786 by Hanmin Qin. - Fix Fixed a bug where
metrics.roc_curvesometimes starts on y-axis instead of (0, 0), which is inconsistent with the document and other implementations. Note that this will not influence the result frommetrics.roc_auc_score#10093 by alexryndin and Hanmin Qin. - Fix Fixed a bug to avoid integer overflow. Casted product to 64 bits integer in
metrics.mutual_info_score. #9772 by Kumar Ashutosh. - Fix Fixed a bug where
metrics.average_precision_scorewill sometimes returnnanwhensample_weightcontains 0. #9980 by Hanmin Qin. - Fix Fixed a bug in
metrics.fowlkes_mallows_scoreto avoid integer overflow. Casted return value of Contingency Matrix toint64and computed product of square roots rather than square root of product. #9515 by Alan Liddell and Manh Dao. - API Change Deprecate
reorderparameter inmetrics.aucas it’s no longer required formetrics.roc_auc_score. Moreover usingreorder=Truecan hide bugs due to floating point error in the input. #9851 by Hanmin Qin. - API Change In
metrics.normalized_mutual_info_scoreandmetrics.adjusted_mutual_info_score, warn thataverage_methodwill have a new default value. In version 0.22, the default normalizer for each will become the arithmetic mean of the entropies of each clustering. Currently,metrics.normalized_mutual_info_scoreuses the default ofaverage_method='geometric', andmetrics.adjusted_mutual_info_scoreuses the default ofaverage_method='max'to match their behaviors in version 0.19. #11124 by Arya McCarthy. - API Change The
batch_sizeparameter tometrics.pairwise_distances_argmin_minandmetrics.pairwise_distances_argminis deprecated to be removed in v0.22. It no longer has any effect, as batch size is determined by globalworking_memoryconfig. See Limiting Working Memory. #10280 by Joel Nothman and Aman Dalmia.
sklearn.mixture¶
- Feature Added function fit_predict to
mixture.GaussianMixtureandmixture.GaussianMixture, which is essentially equivalent to calling fit and predict. #10336 by Shu Haoran and Andrew Peng. - Fix Fixed a bug in
mixture.BaseMixturewhere the reported n_iter_ was missing an iteration. It affectedmixture.GaussianMixtureandmixture.BayesianGaussianMixture. #10740 by Erich Schubert and Guillaume Lemaitre. - Fix Fixed a bug in
mixture.BaseMixtureand its subclassesmixture.GaussianMixtureandmixture.BayesianGaussianMixturewhere thelower_bound_was not the max lower bound across all initializations (whenn_init > 1), but just the lower bound of the last initialization. #10869 by Aurélien Géron.
sklearn.model_selection¶
- Feature Add
return_estimatorparameter inmodel_selection.cross_validateto return estimators fitted on each split. #9686 by Aurélien Bellet. - Feature New
refit_time_attribute will be stored inmodel_selection.GridSearchCVandmodel_selection.RandomizedSearchCVifrefitis set toTrue. This will allow measuring the complete time it takes to perform hyperparameter optimization and refitting the best model on the whole dataset. #11310 by Matthias Feurer. - Feature Expose
error_scoreparameter inmodel_selection.cross_validate,model_selection.cross_val_score,model_selection.learning_curveandmodel_selection.validation_curveto control the behavior triggered when an error occurs inmodel_selection._fit_and_score. #11576 by Samuel O. Ronsin. - Feature
BaseSearchCVnow has an experimental, private interface to support customized parameter search strategies, through its_run_searchmethod. See the implementations inmodel_selection.GridSearchCVandmodel_selection.RandomizedSearchCVand please provide feedback if you use this. Note that we do not assure the stability of this API beyond version 0.20. #9599 by Joel Nothman - Enhancement Add improved error message in
model_selection.cross_val_scorewhen multiple metrics are passed inscoringkeyword. #11006 by Ming Li. - API Change The default number of cross-validation folds
cvand the default number of splitsn_splitsin themodel_selection.KFold-like splitters will change from 3 to 5 in 0.22 as 3-fold has a lot of variance. #11557 by Alexandre Boucaud. - API Change The default of
iidparameter ofmodel_selection.GridSearchCVandmodel_selection.RandomizedSearchCVwill change fromTruetoFalsein version 0.22 to correspond to the standard definition of cross-validation, and the parameter will be removed in version 0.24 altogether. This parameter is of greatest practical significance where the sizes of different test sets in cross-validation were very unequal, i.e. in group-based CV strategies. #9085 by Laurent Direr and Andreas Müller. - API Change The default value of the
error_scoreparameter inmodel_selection.GridSearchCVandmodel_selection.RandomizedSearchCVwill change tonp.NaNin version 0.22. #10677 by Kirill Zhdanovich. - API Change Changed ValueError exception raised in
model_selection.ParameterSamplerto a UserWarning for case where the class is instantiated with a greater value ofn_iterthan the total space of parameters in the parameter grid.n_iternow acts as an upper bound on iterations. #10982 by Juliet Lawton - API Change Invalid input for
model_selection.ParameterGridnow raises TypeError. #10928 by Solutus Immensus
sklearn.multioutput¶
- Major Feature Added
multioutput.RegressorChainfor multi-target regression. #9257 by Kumar Ashutosh.
sklearn.naive_bayes¶
- Major Feature Added
naive_bayes.ComplementNB, which implements the Complement Naive Bayes classifier described in Rennie et al. (2003). #8190 by Michael A. Alcorn. - Feature Add
var_smoothingparameter innaive_bayes.GaussianNBto give a precise control over variances calculation. #9681 by Dmitry Mottl. - Fix Fixed a bug in
naive_bayes.GaussianNBwhich incorrectly raised error for prior list which summed to 1. #10005 by Gaurav Dhingra. - Fix Fixed a bug in
naive_bayes.MultinomialNBwhich did not accept vector valued pseudocounts (alpha). #10346 by Tobias Madsen
sklearn.neighbors¶
- Efficiency
neighbors.RadiusNeighborsRegressorandneighbors.RadiusNeighborsClassifierare now parallelized according ton_jobsregardless ofalgorithm. #10887 by Joël Billaud. - Efficiency
Nearest neighborsquery methods are now more memory efficient whenalgorithm='brute'. #11136 by Joel Nothman and Aman Dalmia. - Feature Add
sample_weightparameter to the fit method ofneighbors.KernelDensityto enable weighting in kernel density estimation. #4394 by Samuel O. Ronsin. - Feature Novelty detection with
neighbors.LocalOutlierFactor: Add anoveltyparameter toneighbors.LocalOutlierFactor. Whennoveltyis set to True,neighbors.LocalOutlierFactorcan then be used for novelty detection, i.e. predict on new unseen data. Available prediction methods arepredict,decision_functionandscore_samples. By default,noveltyis set toFalse, and only thefit_predictmethod is avaiable. By Albert Thomas. - Fix Fixed a bug in
neighbors.NearestNeighborswhere fitting a NearestNeighbors model fails when a) the distance metric used is a callable and b) the input to the NearestNeighbors model is sparse. #9579 by Thomas Kober. - Fix Fixed a bug so
predictinneighbors.RadiusNeighborsRegressorcan handle empty neighbor set when using non uniform weights. Also raises a new warning when no neighbors are found for samples. #9655 by Andreas Bjerre-Nielsen. - Fix Efficiency Fixed a bug in
KDTreeconstruction that results in faster construction and querying times. #11556 by Jake VanderPlas - Fix Fixed a bug in
neighbors.KDTreeandneighbors.BallTreewhere pickled tree objects would change their type to the super classBinaryTree. #11774 by Nicolas Hug.
sklearn.neural_network¶
- Feature Add n_iter_no_change parameter in
neural_network.BaseMultilayerPerceptron,neural_network.MLPRegressor, andneural_network.MLPClassifierto give control over maximum number of epochs to not meettolimprovement. #9456 by Nicholas Nadeau. - Fix Fixed a bug in
neural_network.BaseMultilayerPerceptron,neural_network.MLPRegressor, andneural_network.MLPClassifierwith newn_iter_no_changeparameter now at 10 from previously hardcoded 2. #9456 by Nicholas Nadeau. - Fix Fixed a bug in
neural_network.MLPRegressorwhere fitting quit unexpectedly early due to local minima or fluctuations. #9456 by Nicholas Nadeau
sklearn.pipeline¶
- Feature The
predictmethod ofpipeline.Pipelinenow passes keyword arguments on to the pipeline’s last estimator, enabling the use of parameters such asreturn_stdin a pipeline with caution. #9304 by Breno Freitas. - API Change
pipeline.FeatureUnionnow supports'drop'as a transformer to drop features. #11144 by Thomas Fan.
sklearn.preprocessing¶
- Major Feature Expanded
preprocessing.OneHotEncoderto allow to encode categorical string features as a numeric array using a one-hot (or dummy) encoding scheme, and addedpreprocessing.OrdinalEncoderto convert to ordinal integers. Those two classes now handle encoding of all feature types (also handles string-valued features) and derives the categories based on the unique values in the features instead of the maximum value in the features. #9151 and #10521 by Vighnesh Birodkar and Joris Van den Bossche. - Major Feature Added
preprocessing.KBinsDiscretizerfor turning continuous features into categorical or one-hot encoded features. #7668, #9647, #10195, #10192, #11272, #11467 and #11505. by Henry Lin, Hanmin Qin, Tom Dupre la Tour and Giovanni Giuseppe Costa. - Major Feature Added
preprocessing.PowerTransformer, which implements the Yeo-Johnson and Box-Cox power transformations. Power transformations try to find a set of feature-wise parametric transformations to approximately map data to a Gaussian distribution centered at zero and with unit variance. This is useful as a variance-stabilizing transformation in situations where normality and homoscedasticity are desirable. #10210 by Eric Chang and Maniteja Nandana, and #11520 by Nicolas Hug. - Major Feature NaN values are ignored and handled in the following
preprocessing methods:
preprocessing.MaxAbsScaler,preprocessing.MinMaxScaler,preprocessing.RobustScaler,preprocessing.StandardScaler,preprocessing.PowerTransformer,preprocessing.QuantileTransformerclasses andpreprocessing.maxabs_scale,preprocessing.minmax_scale,preprocessing.robust_scale,preprocessing.scale,preprocessing.power_transform,preprocessing.quantile_transformfunctions respectively addressed in issues #11011, #11005, #11308, #11206, #11306, and #10437. By Lucija Gregov and Guillaume Lemaitre. - Feature
preprocessing.PolynomialFeaturesnow supports sparse input. #10452 by Aman Dalmia and Joel Nothman. - Feature
preprocessing.RobustScalerandpreprocessing.robust_scalecan be fitted using sparse matrices. #11308 by Guillaume Lemaitre. - Feature
preprocessing.OneHotEncodernow supports the get_feature_names method to obtain the transformed feature names. #10181 by Nirvan Anjirbag and Joris Van den Bossche. - Feature A parameter
check_inversewas added topreprocessing.FunctionTransformerto ensure thatfuncandinverse_funcare the inverse of each other. #9399 by Guillaume Lemaitre. - Feature The
transformmethod ofsklearn.preprocessing.MultiLabelBinarizernow ignores any unknown classes. A warning is raised stating the unknown classes classes found which are ignored. #10913 by Rodrigo Agundez. - Fix Fixed bugs in
preprocessing.LabelEncoderwhich would sometimes throw errors whentransformorinverse_transformwas called with empty arrays. #10458 by Mayur Kulkarni. - Fix Fix ValueError in
preprocessing.LabelEncoderwhen usinginverse_transformon unseen labels. #9816 by Charlie Newey. - Fix Fix bug in
preprocessing.OneHotEncoderwhich discarded thedtypewhen returning a sparse matrix output. #11042 by Daniel Morales. - Fix Fix
fitandpartial_fitinpreprocessing.StandardScalerin the rare case whenwith_mean=Falseandwith_std=Falsewhich was crashing by callingfitmore than once and giving inconsistent results formean_whether the input was a sparse or a dense matrix.mean_will be set toNonewith both sparse and dense inputs.n_samples_seen_will be also reported for both input types. #11235 by Guillaume Lemaitre. - API Change Deprecate
n_valuesandcategorical_featuresparameters andactive_features_,feature_indices_andn_values_attributes ofpreprocessing.OneHotEncoder. Then_valuesparameter can be replaced with the newcategoriesparameter, and the attributes with the newcategories_attribute. Selecting the categorical features with thecategorical_featuresparameter is now better supported using thecompose.ColumnTransformer. #10521 by Joris Van den Bossche. - API Change Deprecate
preprocessing.Imputerand move the corresponding module toimpute.SimpleImputer. #9726 by Kumar Ashutosh. - API Change The
axisparameter that was inpreprocessing.Imputeris no longer present inimpute.SimpleImputer. The behavior is equivalent toaxis=0(impute along columns). Row-wise imputation can be performed with FunctionTransformer (e.g.,FunctionTransformer(lambda X: SimpleImputer().fit_transform(X.T).T)). #10829 by Guillaume Lemaitre and Gilberto Olimpio. - API Change The NaN marker for the missing values has been changed
between the
preprocessing.Imputerand theimpute.SimpleImputer.missing_values='NaN'should now bemissing_values=np.nan. #11211 by Jeremie du Boisberranger. - API Change In
preprocessing.FunctionTransformer, the default ofvalidatewill be fromTruetoFalsein 0.22. #10655 by Guillaume Lemaitre.
sklearn.svm¶
- Fix Fixed a bug in
svm.SVCwhere when the argumentkernelis unicode in Python2, thepredict_probamethod was raising an unexpected TypeError given dense inputs. #10412 by Jiongyan Zhang. - API Change Deprecate
random_stateparameter insvm.OneClassSVMas the underlying implementation is not random. #9497 by Albert Thomas. - API Change The default value of
gammaparameter ofsvm.SVC,NuSVC,SVR,NuSVR,OneClassSVMwill change from'auto'to'scale'in version 0.22 to account better for unscaled features. #8361 by Gaurav Dhingra and Ting Neo.
sklearn.tree¶
- Enhancement Although private (and hence not assured API stability),
tree._criterion.ClassificationCriterionandtree._criterion.RegressionCriterionmay now be cimported and extended. #10325 by Camil Staps. - Fix Fixed a bug in
tree.BaseDecisionTreewithsplitter="best"where split threshold could become infinite when values in X were near infinite. #10536 by Jonathan Ohayon. - Fix Fixed a bug in
tree.MAEto ensure sample weights are being used during the calculation of tree MAE impurity. Previous behaviour could cause suboptimal splits to be chosen since the impurity calculation considered all samples to be of equal weight importance. #11464 by John Stott.
sklearn.utils¶
- Feature
utils.check_arrayandutils.check_X_ynow haveaccept_large_sparseto control whether scipy.sparse matrices with 64-bit indices should be rejected. #11327 by Karan Dhingra and Joel Nothman. - Efficiency Fix Avoid copying the data in
utils.check_arraywhen the input data is a memmap (andcopy=False). #10663 by Arthur Mensch and Loïc Estève. - API Change
utils.check_arrayyield aFutureWarningindicating that arrays of bytes/strings will be interpreted as decimal numbers beginning in version 0.22. #10229 by Ryan Lee
Multiple modules¶
- Feature API Change More consistent outlier detection API:
Add a
score_samplesmethod insvm.OneClassSVM,ensemble.IsolationForest,neighbors.LocalOutlierFactor,covariance.EllipticEnvelope. It allows to access raw score functions from original papers. A newoffset_parameter allows to linkscore_samplesanddecision_functionmethods. Thecontaminationparameter ofensemble.IsolationForestandneighbors.LocalOutlierFactordecision_functionmethods is used to define thisoffset_such that outliers (resp. inliers) have negative (resp. positive)decision_functionvalues. By default,contaminationis kept unchanged to 0.1 for a deprecation period. In 0.22, it will be set to “auto”, thus using method-specific score offsets. Incovariance.EllipticEnvelopedecision_functionmethod, theraw_valuesparameter is deprecated as the shifted Mahalanobis distance will be always returned in 0.22. #9015 by Nicolas Goix. - Feature API Change A
behaviourparameter has been introduced inensemble.IsolationForestto ensure backward compatibility. In the old behaviour, thedecision_functionis independent of thecontaminationparameter. A threshold attribute depending on thecontaminationparameter is thus used. In the new behaviour thedecision_functionis dependent on thecontaminationparameter, in such a way that 0 becomes its natural threshold to detect outliers. Setting behaviour to “old” is deprecated and will not be possible in version 0.22. Beside, the behaviour parameter will be removed in 0.24. #11553 by Nicolas Goix. - API Change Added convergence warning to
svm.LinearSVCandlinear_model.LogisticRegressionwhenverboseis set to 0. #10881 by Alexandre Sevin. - API Change Changed warning type from
UserWarningtoexceptions.ConvergenceWarningfor failing convergence inlinear_model.logistic_regression_path,linear_model.RANSACRegressor,linear_model.ridge_regression,gaussian_process.GaussianProcessRegressor,gaussian_process.GaussianProcessClassifier,decomposition.fastica,cross_decomposition.PLSCanonical,cluster.AffinityPropagation, andcluster.Birch. #10306 by Jonathan Siebert.
Miscellaneous¶
- Major Feature A new configuration parameter,
working_memorywas added to control memory consumption limits in chunked operations, such as the newmetrics.pairwise_distances_chunked. See Limiting Working Memory. #10280 by Joel Nothman and Aman Dalmia. - Feature The version of
joblibbundled with Scikit-learn is now 0.12. This uses a new default multiprocessing implementation, named loky. While this may incur some memory and communication overhead, it should provide greater cross-platform stability than relying on Python standard library multiprocessing. #11741 by the Joblib developers, especially Thomas Moreau and Olivier Grisel. - Feature An environment variable to use the site joblib instead of the
vendored one was added (Environment variables). The main API of joblib
is now exposed in
sklearn.utils. #11166 by Gael Varoquaux. - Feature Add almost complete PyPy 3 support. Known unsupported
functionalities are
datasets.load_svmlight_file,feature_extraction.FeatureHasherandfeature_extraction.text.HashingVectorizer. For running on PyPy, PyPy3-v5.10+, Numpy 1.14.0+, and scipy 1.1.0+ are required. #11010 by Ronan Lamy and Roman Yurchak. - Feature A utility method
sklearn.show_versionswas added to print out information relevant for debugging. It includes the user system, the Python executable, the version of the main libraries and BLAS binding information. #11596 by Alexandre Boucaud - Fix Fixed a bug when setting parameters on meta-estimator, involving both a wrapped estimator and its parameter. #9999 by Marcus Voss and Joel Nothman.
- Fix Fixed a bug where calling
sklearn.base.clonewas not thread safe and could result in a “pop from empty list” error. #9569 by Andreas Müller. - API Change The default value of
n_jobsis changed from1toNonein all related functions and classes.n_jobs=Nonemeansunset. It will generally be interpreted asn_jobs=1, unless the currentjoblib.Parallelbackend context specifies otherwise (See Glossary for additional information). Note that this change happens immediately (i.e., without a deprecation cycle). #11741 by Olivier Grisel. - Fix Fixed a bug in validation helpers where passing a Dask DataFrame results in an error. #12462 by Zachariah Miller
Changes to estimator checks¶
These changes mostly affect library developers.
- Checks for transformers now apply if the estimator implements
transform, regardless of whether it inherits from
sklearn.base.TransformerMixin. #10474 by Joel Nothman. - Classifiers are now checked for consistency between decision_function and categorical predictions. #10500 by Narine Kokhlikyan.
- Allow tests in
utils.estimator_checks.check_estimatorto test functions that accept pairwise data. #9701 by Kyle Johnson - Allow
utils.estimator_checks.check_estimatorto check that there is no private settings apart from parameters during estimator initialization. #9378 by Herilalaina Rakotoarison - The set of checks in
utils.estimator_checks.check_estimatornow includes acheck_set_paramstest which checks thatset_paramsis equivalent to passing parameters in__init__and warns if it encounters parameter validation. #7738 by Alvin Chiang - Add invariance tests for clustering metrics. #8102 by Ankita Sinha and Guillaume Lemaitre.
- Add
check_methods_subset_invariancetocheck_estimator, which checks that estimator methods are invariant if applied to a data subset. #10428 by Jonathan Ohayon - Add tests in
utils.estimator_checks.check_estimatorto check that an estimator can handle read-only memmap input data. #10663 by Arthur Mensch and Loïc Estève. check_sample_weights_pandas_seriesnow uses 8 rather than 6 samples to accommodate for the default number of clusters incluster.KMeans. #10933 by Johannes Hansen.- Estimators are now checked for whether
sample_weight=Noneequates tosample_weight=np.ones(...). #11558 by Sergul Aydore.
Code and Documentation Contributors¶
Thanks to everyone who has contributed to the maintenance and improvement of the project since version 0.19, including:
211217613, Aarshay Jain, absolutelyNoWarranty, Adam Greenhall, Adam Kleczewski, Adam Richie-Halford, adelr, AdityaDaflapurkar, Adrin Jalali, Aidan Fitzgerald, aishgrt1, Akash Shivram, Alan Liddell, Alan Yee, Albert Thomas, Alexander Lenail, Alexander-N, Alexandre Boucaud, Alexandre Gramfort, Alexandre Sevin, Alex Egg, Alvaro Perez-Diaz, Amanda, Aman Dalmia, Andreas Bjerre-Nielsen, Andreas Mueller, Andrew Peng, Angus Williams, Aniruddha Dave, annaayzenshtat, Anthony Gitter, Antonio Quinonez, Anubhav Marwaha, Arik Pamnani, Arthur Ozga, Artiem K, Arunava, Arya McCarthy, Attractadore, Aurélien Bellet, Aurélien Geron, Ayush Gupta, Balakumaran Manoharan, Bangda Sun, Barry Hart, Bastian Venthur, Ben Lawson, Benn Roth, Breno Freitas, Brent Yi, brett koonce, Caio Oliveira, Camil Staps, cclauss, Chady Kamar, Charlie Brummitt, Charlie Newey, chris, Chris, Chris Catalfo, Chris Foster, Chris Holdgraf, Christian Braune, Christian Hirsch, Christian Hogan, Christopher Jenness, Clement Joudet, cnx, cwitte, Dallas Card, Dan Barkhorn, Daniel, Daniel Ferreira, Daniel Gomez, Daniel Klevebring, Danielle Shwed, Daniel Mohns, Danil Baibak, Darius Morawiec, David Beach, David Burns, David Kirkby, David Nicholson, David Pickup, Derek, Didi Bar-Zev, diegodlh, Dillon Gardner, Dillon Niederhut, dilutedsauce, dlovell, Dmitry Mottl, Dmitry Petrov, Dor Cohen, Douglas Duhaime, Ekaterina Tuzova, Eric Chang, Eric Dean Sanchez, Erich Schubert, Eunji, Fang-Chieh Chou, FarahSaeed, felix, Félix Raimundo, fenx, filipj8, FrankHui, Franz Wompner, Freija Descamps, frsi, Gabriele Calvo, Gael Varoquaux, Gaurav Dhingra, Georgi Peev, Gil Forsyth, Giovanni Giuseppe Costa, gkevinyen5418, goncalo-rodrigues, Gryllos Prokopis, Guillaume Lemaitre, Guillaume “Vermeille” Sanchez, Gustavo De Mari Pereira, hakaa1, Hanmin Qin, Henry Lin, Hong, Honghe, Hossein Pourbozorg, Hristo, Hunan Rostomyan, iampat, Ivan PANICO, Jaewon Chung, Jake VanderPlas, jakirkham, James Bourbeau, James Malcolm, Jamie Cox, Jan Koch, Jan Margeta, Jan Schlüter, janvanrijn, Jason Wolosonovich, JC Liu, Jeb Bearer, jeremiedbb, Jimmy Wan, Jinkun Wang, Jiongyan Zhang, jjabl, jkleint, Joan Massich, Joël Billaud, Joel Nothman, Johannes Hansen, JohnStott, Jonatan Samoocha, Jonathan Ohayon, Jörg Döpfert, Joris Van den Bossche, Jose Perez-Parras Toledano, josephsalmon, jotasi, jschendel, Julian Kuhlmann, Julien Chaumond, julietcl, Justin Shenk, Karl F, Kasper Primdal Lauritzen, Katrin Leinweber, Kirill, ksemb, Kuai Yu, Kumar Ashutosh, Kyeongpil Kang, Kye Taylor, kyledrogo, Leland McInnes, Léo DS, Liam Geron, Liutong Zhou, Lizao Li, lkjcalc, Loic Esteve, louib, Luciano Viola, Lucija Gregov, Luis Osa, Luis Pedro Coelho, Luke M Craig, Luke Persola, Mabel, Mabel Villalba, Maniteja Nandana, MarkIwanchyshyn, Mark Roth, Markus Müller, MarsGuy, Martin Gubri, martin-hahn, martin-kokos, mathurinm, Matthias Feurer, Max Copeland, Mayur Kulkarni, Meghann Agarwal, Melanie Goetz, Michael A. Alcorn, Minghui Liu, Ming Li, Minh Le, Mohamed Ali Jamaoui, Mohamed Maskani, Mohammad Shahebaz, Muayyad Alsadi, Nabarun Pal, Nagarjuna Kumar, Naoya Kanai, Narendran Santhanam, NarineK, Nathaniel Saul, Nathan Suh, Nicholas Nadeau, P.Eng., AVS, Nick Hoh, Nicolas Goix, Nicolas Hug, Nicolau Werneck, nielsenmarkus11, Nihar Sheth, Nikita Titov, Nilesh Kevlani, Nirvan Anjirbag, notmatthancock, nzw, Oleksandr Pavlyk, oliblum90, Oliver Rausch, Olivier Grisel, Oren Milman, Osaid Rehman Nasir, pasbi, Patrick Fernandes, Patrick Olden, Paul Paczuski, Pedro Morales, Peter, Peter St. John, pierreablin, pietruh, Pinaki Nath Chowdhury, Piotr Szymański, Pradeep Reddy Raamana, Pravar D Mahajan, pravarmahajan, QingYing Chen, Raghav RV, Rajendra arora, RAKOTOARISON Herilalaina, Rameshwar Bhaskaran, RankyLau, Rasul Kerimov, Reiichiro Nakano, Rob, Roman Kosobrodov, Roman Yurchak, Ronan Lamy, rragundez, Rüdiger Busche, Ryan, Sachin Kelkar, Sagnik Bhattacharya, Sailesh Choyal, Sam Radhakrishnan, Sam Steingold, Samuel Bell, Samuel O. Ronsin, Saqib Nizam Shamsi, SATISH J, Saurabh Gupta, Scott Gigante, Sebastian Flennerhag, Sebastian Raschka, Sebastien Dubois, Sébastien Lerique, Sebastin Santy, Sergey Feldman, Sergey Melderis, Sergul Aydore, Shahebaz, Shalil Awaley, Shangwu Yao, Sharad Vijalapuram, Sharan Yalburgi, shenhanc78, Shivam Rastogi, Shu Haoran, siftikha, Sinclert Pérez, SolutusImmensus, Somya Anand, srajan paliwal, Sriharsha Hatwar, Sri Krishna, Stefan van der Walt, Stephen McDowell, Steven Brown, syonekura, Taehoon Lee, Takanori Hayashi, tarcusx, Taylor G Smith, theriley106, Thomas, Thomas Fan, Thomas Heavey, Tobias Madsen, tobycheese, Tom Augspurger, Tom Dupré la Tour, Tommy, Trevor Stephens, Trishnendu Ghorai, Tulio Casagrande, twosigmajab, Umar Farouk Umar, Urvang Patel, Utkarsh Upadhyay, Vadim Markovtsev, Varun Agrawal, Vathsala Achar, Vilhelm von Ehrenheim, Vinayak Mehta, Vinit, Vinod Kumar L, Viraj Mavani, Viraj Navkal, Vivek Kumar, Vlad Niculae, vqean3, Vrishank Bhardwaj, vufg, wallygauze, Warut Vijitbenjaronk, wdevazelhes, Wenhao Zhang, Wes Barnett, Will, William de Vazelhes, Will Rosenfeld, Xin Xiong, Yiming (Paul) Li, ymazari, Yufeng, Zach Griffith, Zé Vinícius, Zhenqing Hu, Zhiqing Xiao, Zijie (ZJ) Poh
Previous Releases¶
- Version 0.19.2
- Version 0.19.1
- Version 0.19
- Version 0.18.2
- Version 0.18.1
- Version 0.18
- Version 0.17.1
- Version 0.17
- Version 0.16.1
- Version 0.16
- Version 0.15.2
- Version 0.15.1
- Version 0.15
- Version 0.14
- Version 0.13.1
- Version 0.13
- Version 0.12.1
- Version 0.12
- Version 0.11
- Version 0.10
- Version 0.9
- Version 0.8
- Version 0.7
- Version 0.6
- Version 0.5
- Version 0.4
- Earlier versions