[scikit-learn] Preparing a scikit-learn 0.18.2 bugfix release

Joel Nothman joel.nothman at gmail.com
Wed Feb 8 22:30:40 EST 2017


Not sure that this quite gives you a number, but:


$git checkout 0.18.1
$ git grep -pwB1 0.19 sklearn | grep -ve ^- -e .csv: -e /tests/  >
/tmp/dep19.txt

etc.

edited results attached.


On 9 February 2017 at 04:15, Andrew Howe <ahowe42 at gmail.com> wrote:

> How many current deprecations are expected in the next release?
>
> Andrew
>
> On Jan 12, 2017 00:53, "Gael Varoquaux" <gael.varoquaux at normalesup.org>
> wrote:
>
> On Thu, Jan 12, 2017 at 08:41:51AM +1100, Joel Nothman wrote:
> > When the two versions deprecation policy was instituted, releases were
> much
> > more frequent... Is that enough of an excuse?
>
> I'd rather say that we can here decide that we are giving a longer grace
> period.
>
> I think that slow deprecations are a good things (see titus's blog post
> here: http://ivory.idyll.org/blog/2017-pof-software-archivability.html )
>
> G
>
> > On 12 January 2017 at 03:43, Andreas Mueller <t3kcit at gmail.com> wrote:
>
>
>
> >     On 01/09/2017 10:15 AM, Gael Varoquaux wrote:
>
> >             instead of setting up a roadmap I would rather just identify
> bugs
> >             that
> >             are blockers and fix only those and don't wait for any
> feature
> >             before
> >             cutting 0.19.X.
>
>
>
> >     I agree with the sentiment, but this would mess with our deprecation
> cycle.
> >     If we release now, and then release again soonish, that means people
> have
> >     less calendar time
> >     to react to deprecations.
>
> >     We could either accept this or change all deprecations and bump the
> removal
> >     by a version?
>
> >     _______________________________________________
> >     scikit-learn mailing list
> >     scikit-learn at python.org
> >     https://mail.python.org/mailman/listinfo/scikit-learn
>
>
>
> > _______________________________________________
> > scikit-learn mailing list
> > scikit-learn at python.org
> > https://mail.python.org/mailman/listinfo/scikit-learn
>
>
> --
>     Gael Varoquaux
>     Researcher, INRIA Parietal
>     NeuroSpin/CEA Saclay , Bat 145, 91191 Gif-sur-Yvette France
>     Phone:  ++ 33-1-69-08-79-68
>     http://gael-varoquaux.info            http://twitter.com/GaelVaroquaux
> _______________________________________________
> scikit-learn mailing list
> scikit-learn at python.org
> https://mail.python.org/mailman/listinfo/scikit-learn
>
>
>
> _______________________________________________
> scikit-learn mailing list
> scikit-learn at python.org
> https://mail.python.org/mailman/listinfo/scikit-learn
>
>
-------------- next part --------------
An HTML attachment was scrubbed...
URL: <http://mail.python.org/pipermail/scikit-learn/attachments/20170209/56742eb8/attachment-0001.html>
-------------- next part --------------
sklearn/base.py=from . import __version__
sklearn/base.py- at deprecated("ChangedBehaviorWarning has been moved into the sklearn.exceptions"
sklearn/base.py:            " module. It will not be available here from version 0.19")
sklearn/datasets/data/boston_house_prices.csv-1.62864,0,21.89,0,0.624,5.019,100,1.4394,4,437,21.2,396.9,34.41,14.4
sklearn/datasets/data/boston_house_prices.csv-0.40202,0,9.9,0,0.544,6.382,67.2,3.5325,4,304,18.4,395.21,10.36,23.1
sklearn/datasets/data/breast_cancer.csv-14.71,21.59,95.55,656.9,0.1137,0.1365,0.1293,0.08123,0.2027,0.06758,0.4226,1.15,2.735,40.09,0.003659,0.02855,0.02572,0.01272,0.01817,0.004108,17.87,30.7,115.7,985.5,0.1368,0.429,0.3587,0.1834,0.3698,0.1094,0
sklearn/datasets/data/breast_cancer.csv-20.26,23.03,132.4,1264,0.09078,0.1313,0.1465,0.08683,0.2095,0.05649,0.7576,1.509,4.554,87.87,0.006016,0.03482,0.04232,0.01269,0.02657,0.004411,24.22,31.59,156.1,1750,0.119,0.3539,0.4098,0.1573,0.3689,0.08368,0
sklearn/datasets/data/breast_cancer.csv-12.86,13.32,82.82,504.8,0.1134,0.08834,0.038,0.034,0.1543,0.06476,0.2212,1.042,1.614,16.57,0.00591,0.02016,0.01902,0.01011,0.01202,0.003107,14.04,21.08,92.8,599.5,0.1547,0.2231,0.1791,0.1155,0.2382,0.08553,1
sklearn/datasets/data/breast_cancer.csv-11.87,21.54,76.83,432,0.06613,0.1064,0.08777,0.02386,0.1349,0.06612,0.256,1.554,1.955,20.24,0.006854,0.06063,0.06663,0.01553,0.02354,0.008925,12.79,28.18,83.51,507.2,0.09457,0.3399,0.3218,0.0875,0.2305,0.09952,1
sklearn/datasets/data/breast_cancer.csv-13,25.13,82.61,520.2,0.08369,0.05073,0.01206,0.01762,0.1667,0.05449,0.2621,1.232,1.657,21.19,0.006054,0.008974,0.005681,0.006336,0.01215,0.001514,14.34,31.88,91.06,628.5,0.1218,0.1093,0.04462,0.05921,0.2306,0.06291,1
sklearn/datasets/lfw.py=def _fetch_lfw_pairs(index_file_path, data_folder_path, slice_=None,
sklearn/datasets/lfw.py- at deprecated("Function 'load_lfw_people' has been deprecated in 0.17 and will "
sklearn/datasets/lfw.py:            "be removed in 0.19."
sklearn/datasets/lfw.py=def load_lfw_people(download_if_missing=False, **kwargs):
sklearn/datasets/lfw.py-    .. deprecated:: 0.17
sklearn/datasets/lfw.py:        This function will be removed in 0.19.
sklearn/datasets/lfw.py=def fetch_lfw_pairs(subset='train', data_home=None, funneled=True, resize=0.5,
sklearn/datasets/lfw.py- at deprecated("Function 'load_lfw_pairs' has been deprecated in 0.17 and will "
sklearn/datasets/lfw.py:            "be removed in 0.19."
sklearn/datasets/lfw.py=def load_lfw_pairs(download_if_missing=False, **kwargs):
sklearn/datasets/lfw.py-    .. deprecated:: 0.17
sklearn/datasets/lfw.py:        This function will be removed in 0.19.
sklearn/decomposition/nmf.py=def non_negative_factorization(X, W=None, H=None, n_components=None,
sklearn/decomposition/nmf.py-    if solver == 'pg':
sklearn/decomposition/nmf.py:        warnings.warn("'pg' solver will be removed in release 0.19."
sklearn/decomposition/nmf.py=class NMF(BaseEstimator, TransformerMixin):
sklearn/decomposition/nmf.py-                          " for 'pg' solver, which will be removed"
sklearn/decomposition/nmf.py:                          " in release 0.19. Use another solver with L1 or L2"
sklearn/decomposition/nmf.py-
sklearn/decomposition/nmf.py:@deprecated("It will be removed in release 0.19. Use NMF instead."
sklearn/decomposition/nmf.py:            "'pg' solver is still available until release 0.19.")
sklearn/discriminant_analysis.py=class LinearDiscriminantAnalysis(BaseEstimator, LinearClassifierMixin,
sklearn/discriminant_analysis.py-            warnings.warn("The parameter 'store_covariance' is deprecated as "
sklearn/discriminant_analysis.py:                          "of version 0.17 and will be removed in 0.19. The "
sklearn/discriminant_analysis.py-            warnings.warn("The parameter 'tol' is deprecated as of version "
sklearn/discriminant_analysis.py:                          "0.17 and will be removed in 0.19. The parameter is "
sklearn/discriminant_analysis.py=class QuadraticDiscriminantAnalysis(BaseEstimator, ClassifierMixin):
sklearn/discriminant_analysis.py-            warnings.warn("The parameter 'store_covariances' is deprecated as "
sklearn/discriminant_analysis.py:                          "of version 0.17 and will be removed in 0.19. The "
sklearn/discriminant_analysis.py-            warnings.warn("The parameter 'tol' is deprecated as of version "
sklearn/discriminant_analysis.py:                          "0.17 and will be removed in 0.19. The parameter is "
sklearn/ensemble/forest.py=class ForestClassifier(six.with_metaclass(ABCMeta, BaseForest,
sklearn/ensemble/forest.py-                    warn("class_weight='subsample' is deprecated in 0.17 and"
sklearn/ensemble/forest.py:                         "will be removed in 0.19. It was replaced by "
sklearn/ensemble/gradient_boosting.py=class BaseGradientBoosting(six.with_metaclass(ABCMeta, BaseEnsemble,
sklearn/ensemble/gradient_boosting.py-
sklearn/ensemble/gradient_boosting.py:    @deprecated(" and will be removed in 0.19")
sklearn/ensemble/gradient_boosting.py-
sklearn/ensemble/gradient_boosting.py:    @deprecated(" and will be removed in 0.19")
sklearn/feature_selection/from_model.py=class _LearntSelectorMixin(TransformerMixin):
sklearn/feature_selection/from_model.py-    @deprecated('Support to use estimators as feature selectors will be '
sklearn/feature_selection/from_model.py:                'removed in version 0.19. Use SelectFromModel instead.')
sklearn/lda.py=warnings.warn("lda.LDA has been moved to "
sklearn/lda.py-              "discriminant_analysis.LinearDiscriminantAnalysis "
sklearn/lda.py:              "in 0.17 and will be removed in 0.19", DeprecationWarning)
sklearn/lda.py=class LDA(_LDA):
sklearn/lda.py-    .. deprecated:: 0.17
sklearn/lda.py:        This class will be removed in 0.19.
sklearn/linear_model/base.py=class LinearModel(six.with_metaclass(ABCMeta, BaseEstimator)):
sklearn/linear_model/base.py-
sklearn/linear_model/base.py:    @deprecated(" and will be removed in 0.19.")
sklearn/linear_model/base.py=class LinearRegression(LinearModel, RegressorMixin):
sklearn/linear_model/base.py-    @property
sklearn/linear_model/base.py:    @deprecated("``residues_`` is deprecated and will be removed in 0.19")
sklearn/linear_model/coordinate_descent.py=class ElasticNet(LinearModel, RegressorMixin):
sklearn/linear_model/coordinate_descent.py-
sklearn/linear_model/coordinate_descent.py:    @deprecated(" and will be removed in 0.19")
sklearn/linear_model/logistic.py=def logistic_regression_path(X, y, pos_class=None, Cs=10, fit_intercept=True,
sklearn/linear_model/logistic.py-        Whether or not to produce a copy of the data. A copy is not required
sklearn/linear_model/logistic.py:        anymore. This parameter is deprecated and will be removed in 0.19.
sklearn/linear_model/logistic.py-        warnings.warn("A copy is not required anymore. The 'copy' parameter "
sklearn/linear_model/logistic.py:                      "is deprecated and will be removed in 0.19.",
sklearn/linear_model/logistic.py-
sklearn/linear_model/logistic.py:        # 'auto' is deprecated and will be removed in 0.19
sklearn/linear_model/logistic.py=class LogisticRegressionCV(LogisticRegression, BaseEstimator,
sklearn/linear_model/logistic.py-                                class_weight in ['balanced', 'auto']):
sklearn/linear_model/logistic.py:            # 'auto' is deprecated and will be removed in 0.19
sklearn/linear_model/stochastic_gradient.py=class BaseSGDRegressor(BaseSGD, RegressorMixin):
sklearn/linear_model/stochastic_gradient.py-
sklearn/linear_model/stochastic_gradient.py:    @deprecated(" and will be removed in 0.19.")
sklearn/metrics/base.py=from ..utils import deprecated
sklearn/metrics/base.py- at deprecated("UndefinedMetricWarning has been moved into the sklearn.exceptions"
sklearn/metrics/base.py:            " module. It will not be available here from version 0.19")
sklearn/metrics/regression.py=def r2_score(y_true, y_pred,
sklearn/metrics/regression.py-        deprecated since version 0.17 and will be changed to 'uniform_average'
sklearn/metrics/regression.py:        starting from 0.19.
sklearn/metrics/regression.py-                      "0.17, it will be changed to 'uniform_average' "
sklearn/metrics/regression.py:                      "starting from 0.19.",
sklearn/multioutput.py=class MultiOutputRegressor(MultiOutputEstimator, RegressorMixin):
sklearn/multioutput.py-        """
sklearn/multioutput.py:        # XXX remove in 0.19 when r2_score default for multioutput changes
sklearn/pipeline.py=class Pipeline(_BasePipeline):
sklearn/pipeline.py-        if hasattr(X, 'ndim') and X.ndim == 1:
sklearn/pipeline.py:            warn("From version 0.19, a 1d X will not be reshaped in"
sklearn/preprocessing/data.py=DEPRECATION_MSG_1D = (
sklearn/preprocessing/data.py-    "Passing 1d arrays as data is deprecated in 0.17 and will "
sklearn/preprocessing/data.py:    "raise ValueError in 0.19. Reshape your data either using "
sklearn/preprocessing/data.py=class MinMaxScaler(BaseEstimator, TransformerMixin):
sklearn/preprocessing/data.py-    @deprecated("Attribute data_range will be removed in "
sklearn/preprocessing/data.py:                "0.19. Use ``data_range_`` instead")
sklearn/preprocessing/data.py-    @deprecated("Attribute data_min will be removed in "
sklearn/preprocessing/data.py:                "0.19. Use ``data_min_`` instead")
sklearn/preprocessing/data.py=class StandardScaler(BaseEstimator, TransformerMixin):
sklearn/preprocessing/data.py-    @property
sklearn/preprocessing/data.py:    @deprecated("Attribute ``std_`` will be removed in 0.19. "
sklearn/qda.py=warnings.warn("qda.QDA has been moved to "
sklearn/qda.py-              "discriminant_analysis.QuadraticDiscriminantAnalysis "
sklearn/qda.py:              "in 0.17 and will be removed in 0.19.", DeprecationWarning)
sklearn/qda.py=class QDA(_QDA):
sklearn/qda.py-    .. deprecated:: 0.17
sklearn/qda.py:        This class will be removed in 0.19.
sklearn/svm/base.py=class BaseLibSVM(six.with_metaclass(ABCMeta, BaseEstimator)):
sklearn/svm/base.py-
sklearn/svm/base.py:    @deprecated(" and will be removed in 0.19")
sklearn/svm/base.py=class BaseSVC(six.with_metaclass(ABCMeta, BaseLibSVM, ClassifierMixin)):
sklearn/svm/base.py-            warnings.warn("The decision_function_shape default value will "
sklearn/svm/base.py:                          "change from 'ovo' to 'ovr' in 0.19. This will change "
sklearn/svm/classes.py=class SVC(BaseSVC):
sklearn/svm/classes.py-        compatibility and raise a deprecation warning, but will change 'ovr'
sklearn/svm/classes.py:        in 0.19.
sklearn/svm/classes.py=class NuSVC(BaseSVC):
sklearn/svm/classes.py-        compatibility and raise a deprecation warning, but will change 'ovr'
sklearn/svm/classes.py:        in 0.19.
sklearn/utils/__init__.py=from ..exceptions import DataConversionWarning
sklearn/utils/__init__.py- at deprecated("ConvergenceWarning has been moved into the sklearn.exceptions "
sklearn/utils/__init__.py:            "module. It will not be available here from version 0.19")
sklearn/utils/class_weight.py=def compute_class_weight(class_weight, classes, y):
sklearn/utils/class_weight.py-                          "class_weight='balanced'. 'auto' will be removed in"
sklearn/utils/class_weight.py:                          " 0.19", DeprecationWarning)
sklearn/utils/estimator_checks.py=MULTI_OUTPUT = ['CCA', 'DecisionTreeRegressor', 'ElasticNet',
sklearn/utils/estimator_checks.py-
sklearn/utils/estimator_checks.py:# Estimators with deprecated transform methods. Should be removed in 0.19 when
sklearn/utils/testing.py=def if_not_mac_os(versions=('10.7', '10.8', '10.9'),
sklearn/utils/testing.py-    warnings.warn("if_not_mac_os is deprecated in 0.17 and will be removed"
sklearn/utils/testing.py:                  " in 0.19: use the safer and more generic"
sklearn/utils/validation.py=from ..exceptions import NotFittedError as _NotFittedError
sklearn/utils/validation.py- at deprecated("DataConversionWarning has been moved into the sklearn.exceptions"
sklearn/utils/validation.py:            " module. It will not be available here from version 0.19")
sklearn/utils/validation.py=class DataConversionWarning(_DataConversionWarning):
sklearn/utils/validation.py- at deprecated("NonBLASDotWarning has been moved into the sklearn.exceptions"
sklearn/utils/validation.py:            " module. It will not be available here from version 0.19")
sklearn/utils/validation.py=class NonBLASDotWarning(_NonBLASDotWarning):
sklearn/utils/validation.py- at deprecated("NotFittedError has been moved into the sklearn.exceptions module."
sklearn/utils/validation.py:            " It will not be available here from version 0.19")
sklearn/utils/validation.py=def check_array(array, accept_sparse=None, dtype="numeric", order=None,
sklearn/utils/validation.py-                    "Passing 1d arrays as data is deprecated in 0.17 and will "
sklearn/utils/validation.py:                    "raise ValueError in 0.19. Reshape your data either using "
sklearn/utils/validation.py=def check_is_fitted(estimator, attributes, msg=None, all_or_any=all):
sklearn/utils/validation.py-    if not all_or_any([hasattr(estimator, attr) for attr in attributes]):
sklearn/utils/validation.py:        # FIXME NotFittedError_ --> NotFittedError in 0.19
-------------- next part --------------
sklearn/base.py=def clone(estimator, safe=True):
sklearn/base.py-                          " This behavior is deprecated as of 0.18 and "
sklearn/base.py:                          "support for this behavior will be removed in 0.20."
sklearn/cross_validation.py=warnings.warn("This module was deprecated in version 0.18 in favor of the "
sklearn/cross_validation.py-              "new CV iterators are different from that of this module. "
sklearn/cross_validation.py:              "This module will be removed in 0.20.", DeprecationWarning)
sklearn/cross_validation.py=class LeaveOneOut(_PartitionIterator):
sklearn/cross_validation.py-    .. deprecated:: 0.18
sklearn/cross_validation.py:        This module will be removed in 0.20.
sklearn/cross_validation.py=class LeavePOut(_PartitionIterator):
sklearn/cross_validation.py-    .. deprecated:: 0.18
sklearn/cross_validation.py:        This module will be removed in 0.20.
sklearn/cross_validation.py=class KFold(_BaseKFold):
sklearn/cross_validation.py-    .. deprecated:: 0.18
sklearn/cross_validation.py:        This module will be removed in 0.20.
sklearn/cross_validation.py=class LabelKFold(_BaseKFold):
sklearn/cross_validation.py-    .. deprecated:: 0.18
sklearn/cross_validation.py:        This module will be removed in 0.20.
sklearn/cross_validation.py=class StratifiedKFold(_BaseKFold):
sklearn/cross_validation.py-    .. deprecated:: 0.18
sklearn/cross_validation.py:        This module will be removed in 0.20.
sklearn/cross_validation.py=class LeaveOneLabelOut(_PartitionIterator):
sklearn/cross_validation.py-    .. deprecated:: 0.18
sklearn/cross_validation.py:        This module will be removed in 0.20.
sklearn/cross_validation.py=class LeavePLabelOut(_PartitionIterator):
sklearn/cross_validation.py-    .. deprecated:: 0.18
sklearn/cross_validation.py:        This module will be removed in 0.20.
sklearn/cross_validation.py=class ShuffleSplit(BaseShuffleSplit):
sklearn/cross_validation.py-    .. deprecated:: 0.18
sklearn/cross_validation.py:        This module will be removed in 0.20.
sklearn/cross_validation.py=class StratifiedShuffleSplit(BaseShuffleSplit):
sklearn/cross_validation.py-    .. deprecated:: 0.18
sklearn/cross_validation.py:        This module will be removed in 0.20.
sklearn/cross_validation.py=class PredefinedSplit(_PartitionIterator):
sklearn/cross_validation.py-    .. deprecated:: 0.18
sklearn/cross_validation.py:        This module will be removed in 0.20.
sklearn/cross_validation.py=class LabelShuffleSplit(ShuffleSplit):
sklearn/cross_validation.py-    .. deprecated:: 0.18
sklearn/cross_validation.py:        This module will be removed in 0.20.
sklearn/cross_validation.py=def cross_val_predict(estimator, X, y=None, cv=None, n_jobs=1,
sklearn/cross_validation.py-    .. deprecated:: 0.18
sklearn/cross_validation.py:        This module will be removed in 0.20.
sklearn/cross_validation.py=def cross_val_score(estimator, X, y=None, scoring=None, cv=None, n_jobs=1,
sklearn/cross_validation.py-    .. deprecated:: 0.18
sklearn/cross_validation.py:        This module will be removed in 0.20.
sklearn/cross_validation.py=def check_cv(cv, X=None, y=None, classifier=False):
sklearn/cross_validation.py-    .. deprecated:: 0.18
sklearn/cross_validation.py:        This module will be removed in 0.20.
sklearn/cross_validation.py=def permutation_test_score(estimator, X, y, cv=None,
sklearn/cross_validation.py-    .. deprecated:: 0.18
sklearn/cross_validation.py:        This module will be removed in 0.20.
sklearn/cross_validation.py=def train_test_split(*arrays, **options):
sklearn/cross_validation.py-    .. deprecated:: 0.18
sklearn/cross_validation.py:        This module will be removed in 0.20.
sklearn/decomposition/online_lda.py=class LatentDirichletAllocation(BaseEstimator, TransformerMixin):
sklearn/decomposition/online_lda.py-        faster than the batch update.
sklearn/decomposition/online_lda.py:        The default learning method is going to be changed to 'batch' in the 0.20 release.
sklearn/decomposition/online_lda.py-            warnings.warn("The default value for 'learning_method' will be "
sklearn/decomposition/online_lda.py:                          "changed from 'online' to 'batch' in the release 0.20. "
sklearn/decomposition/pca.py=class PCA(_BasePCA):
sklearn/decomposition/pca.py-
sklearn/decomposition/pca.py:@deprecated("RandomizedPCA was deprecated in 0.18 and will be removed in 0.20. "
sklearn/decomposition/pca.py=class RandomizedPCA(BaseEstimator, TransformerMixin):
sklearn/decomposition/pca.py-    .. deprecated:: 0.18
sklearn/decomposition/pca.py:        This class will be removed in 0.20.
sklearn/gaussian_process/gaussian_process.py=MACHINE_EPSILON = np.finfo(np.double).eps
sklearn/gaussian_process/gaussian_process.py- at deprecated("l1_cross_distances was deprecated in version 0.18 "
sklearn/gaussian_process/gaussian_process.py:            "and will be removed in 0.20.")
sklearn/gaussian_process/gaussian_process.py=def l1_cross_distances(X):
sklearn/gaussian_process/gaussian_process.py- at deprecated("GaussianProcess was deprecated in version 0.18 and will be "
sklearn/gaussian_process/gaussian_process.py:            "removed in 0.20. Use the GaussianProcessRegressor instead.")
sklearn/gaussian_process/gaussian_process.py=class GaussianProcess(BaseEstimator, RegressorMixin):
sklearn/gaussian_process/gaussian_process.py-    .. deprecated:: 0.18
sklearn/gaussian_process/gaussian_process.py:        This class will be removed in 0.20.
sklearn/grid_search.py=warnings.warn("This module was deprecated in version 0.18 in favor of the "
sklearn/grid_search.py-              "model_selection module into which all the refactored classes "
sklearn/grid_search.py:              "and functions are moved. This module will be removed in 0.20.",
sklearn/grid_search.py=class ParameterGrid(object):
sklearn/grid_search.py-    .. deprecated:: 0.18
sklearn/grid_search.py:        This module will be removed in 0.20.
sklearn/grid_search.py=class ParameterSampler(object):
sklearn/grid_search.py-    .. deprecated:: 0.18
sklearn/grid_search.py:        This module will be removed in 0.20.
sklearn/grid_search.py=def fit_grid_point(X, y, estimator, parameters, train, test, scorer,
sklearn/grid_search.py-    .. deprecated:: 0.18
sklearn/grid_search.py:        This module will be removed in 0.20.
sklearn/grid_search.py=class GridSearchCV(BaseSearchCV):
sklearn/grid_search.py-    .. deprecated:: 0.18
sklearn/grid_search.py:        This module will be removed in 0.20.
sklearn/grid_search.py=class RandomizedSearchCV(BaseSearchCV):
sklearn/grid_search.py-    .. deprecated:: 0.18
sklearn/grid_search.py:        This module will be removed in 0.20.
sklearn/isotonic.py=class IsotonicRegression(BaseEstimator, TransformerMixin, RegressorMixin):
sklearn/isotonic.py-    @deprecated("Attribute ``X_`` is deprecated in version 0.18 and will be"
sklearn/isotonic.py:                " removed in version 0.20.")
sklearn/isotonic.py-    @deprecated("Attribute ``y_`` is deprecated in version 0.18 and will"
sklearn/isotonic.py:                " be removed in version 0.20.")
sklearn/learning_curve.py=warnings.warn("This module was deprecated in version 0.18 in favor of the "
sklearn/learning_curve.py-              "model_selection module into which all the functions are moved."
sklearn/learning_curve.py:              " This module will be removed in 0.20",
sklearn/learning_curve.py=def learning_curve(estimator, X, y, train_sizes=np.linspace(0.1, 1.0, 5),
sklearn/learning_curve.py-    .. deprecated:: 0.18
sklearn/learning_curve.py:        This module will be removed in 0.20.
sklearn/learning_curve.py=def validation_curve(estimator, X, y, param_name, param_range, cv=None,
sklearn/learning_curve.py-    .. deprecated:: 0.18
sklearn/learning_curve.py:        This module will be removed in 0.20.
sklearn/linear_model/base.py=def make_dataset(X, y, sample_weight, random_state=None):
sklearn/linear_model/base.py- at deprecated("sparse_center_data was deprecated in version 0.18 and will be "
sklearn/linear_model/base.py:            "removed in 0.20. Use utilities in preprocessing.data instead")
sklearn/linear_model/base.py=def sparse_center_data(X, y, fit_intercept, normalize=False):
sklearn/linear_model/base.py- at deprecated("center_data was deprecated in version 0.18 and will be removed in "
sklearn/linear_model/base.py:            "0.20. Use utilities in preprocessing.data instead")
sklearn/linear_model/ransac.py=class RANSACRegressor(BaseEstimator, MetaEstimatorMixin, RegressorMixin):
sklearn/linear_model/ransac.py-
sklearn/linear_model/ransac.py:        NOTE: residual_metric is deprecated from 0.18 and will be removed in 0.20
sklearn/linear_model/ransac.py-                "'residual_metric' was deprecated in version 0.18 and "
sklearn/linear_model/ransac.py:                "will be removed in version 0.20. Use 'loss' instead.",
sklearn/linear_model/ransac.py-
sklearn/linear_model/ransac.py:            # XXX: Deprecation: Remove this if block in 0.20
sklearn/metrics/classification.py=def hamming_loss(y_true, y_pred, labels=None, sample_weight=None,
sklearn/metrics/classification.py-        (deprecated) Integer array of labels. This parameter has been
sklearn/metrics/classification.py:         renamed to ``labels`` in version 0.18 and will be removed in 0.20.
sklearn/metrics/classification.py-        warnings.warn("'classes' was renamed to 'labels' in version 0.18 and "
sklearn/metrics/classification.py:                      "will be removed in 0.20.", DeprecationWarning)
sklearn/metrics/scorer.py=deprecation_msg = ('Scoring method mean_squared_error was renamed to '
sklearn/metrics/scorer.py-                   'neg_mean_squared_error in version 0.18 and will '
sklearn/metrics/scorer.py:                   'be removed in 0.20.')
sklearn/metrics/scorer.py=deprecation_msg = ('Scoring method mean_absolute_error was renamed to '
sklearn/metrics/scorer.py-                   'neg_mean_absolute_error in version 0.18 and will '
sklearn/metrics/scorer.py:                   'be removed in 0.20.')
sklearn/metrics/scorer.py=deprecation_msg = ('Scoring method median_absolute_error was renamed to '
sklearn/metrics/scorer.py-                   'neg_median_absolute_error in version 0.18 and will '
sklearn/metrics/scorer.py:                   'be removed in 0.20.')
sklearn/metrics/scorer.py=deprecation_msg = ('Scoring method log_loss was renamed to '
sklearn/metrics/scorer.py:                   'neg_log_loss in version 0.18 and will be removed in 0.20.')
sklearn/mixture/dpgmm.py=from __future__ import print_function
sklearn/mixture/dpgmm.py-
sklearn/mixture/dpgmm.py:# Important note for the deprecation cleaning of 0.20 :
sklearn/mixture/dpgmm.py=from .gmm import _GMMBase
sklearn/mixture/dpgmm.py- at deprecated("The function digamma is deprecated in 0.18 and "
sklearn/mixture/dpgmm.py:            "will be removed in 0.20. Use scipy.special.digamma instead.")
sklearn/mixture/dpgmm.py=def digamma(x):
sklearn/mixture/dpgmm.py- at deprecated("The function gammaln is deprecated in 0.18 and "
sklearn/mixture/dpgmm.py:            "will be removed in 0.20. Use scipy.special.gammaln instead.")
sklearn/mixture/dpgmm.py=def gammaln(x):
sklearn/mixture/dpgmm.py- at deprecated("The function log_normalize is deprecated in 0.18 and "
sklearn/mixture/dpgmm.py:            "will be removed in 0.20.")
sklearn/mixture/dpgmm.py=def log_normalize(v, axis=0):
sklearn/mixture/dpgmm.py- at deprecated("The function wishart_log_det is deprecated in 0.18 and "
sklearn/mixture/dpgmm.py:            "will be removed in 0.20.")
sklearn/mixture/dpgmm.py=def wishart_log_det(a, b, detB, n_features):
sklearn/mixture/dpgmm.py- at deprecated("The function wishart_logz is deprecated in 0.18 and "
sklearn/mixture/dpgmm.py:            "will be removed in 0.20.")
sklearn/mixture/dpgmm.py=class _DPGMMBase(_GMMBase):
sklearn/mixture/dpgmm.py-            "instead. DPGMM is deprecated in 0.18 and will be "
sklearn/mixture/dpgmm.py:            "removed in 0.20.")
sklearn/mixture/dpgmm.py=class DPGMM(_DPGMMBase):
sklearn/mixture/dpgmm.py-    .. deprecated:: 0.18
sklearn/mixture/dpgmm.py:        This class will be removed in 0.20.
sklearn/mixture/dpgmm.py-            "'dirichlet_distribution'` instead. "
sklearn/mixture/dpgmm.py:            "VBGMM is deprecated in 0.18 and will be removed in 0.20.")
sklearn/mixture/dpgmm.py=class VBGMM(_DPGMMBase):
sklearn/mixture/dpgmm.py-    .. deprecated:: 0.18
sklearn/mixture/dpgmm.py:        This class will be removed in 0.20.
sklearn/mixture/gmm.py=of Gaussian Mixture Models.
sklearn/mixture/gmm.py-
sklearn/mixture/gmm.py:# Important note for the deprecation cleaning of 0.20 :
sklearn/mixture/gmm.py=EPS = np.finfo(float).eps
sklearn/mixture/gmm.py- at deprecated("The function log_multivariate_normal_density is deprecated in 0.18"
sklearn/mixture/gmm.py:            " and will be removed in 0.20.")
sklearn/mixture/gmm.py=def log_multivariate_normal_density(X, means, covars, covariance_type='diag'):
sklearn/mixture/gmm.py- at deprecated("The function sample_gaussian is deprecated in 0.18"
sklearn/mixture/gmm.py:            " and will be removed in 0.20."
sklearn/mixture/gmm.py=class _GMMBase(BaseEstimator):
sklearn/mixture/gmm.py- at deprecated("The class GMM is deprecated in 0.18 and will be "
sklearn/mixture/gmm.py:            " removed in 0.20. Use class GaussianMixture instead.")
sklearn/mixture/gmm.py=class GMM(_GMMBase):
sklearn/mixture/gmm.py-    .. deprecated:: 0.18
sklearn/mixture/gmm.py:        This class will be removed in 0.20.
sklearn/mixture/gmm.py=def _validate_covars(covars, covariance_type, n_components):
sklearn/mixture/gmm.py- at deprecated("The functon distribute_covar_matrix_to_match_covariance_type"
sklearn/mixture/gmm.py:            "is deprecated in 0.18 and will be removed in 0.20.")
sklearn/model_selection/_search.py=def _check_param_grid(param_grid):
sklearn/model_selection/_search.py-
sklearn/model_selection/_search.py:# XXX Remove in 0.20
sklearn/model_selection/_search.py=class BaseSearchCV(six.with_metaclass(ABCMeta, BaseEstimator,
sklearn/model_selection/_search.py-            " in favor of the more elaborate cv_results_ attribute."
sklearn/model_selection/_search.py:            " The grid_scores_ attribute will not be available from 0.20",
sklearn/tree/_utils.pyx=cdef realloc_ptr safe_realloc(realloc_ptr* p, size_t nelems) except *:
sklearn/tree/_utils.pyx-    # sizeof(realloc_ptr[0]) would be more like idiomatic C, but causes Cython
sklearn/tree/_utils.pyx:    # 0.20.1 to crash.
sklearn/tree/export.py=def export_graphviz(decision_tree, out_file=SENTINEL, max_depth=None,
sklearn/tree/export.py-        Handle or name of the output file. If ``None``, the result is
sklearn/tree/export.py:        returned as a string. This will the default from version 0.20.
sklearn/tree/export.py-            warnings.warn("out_file can be set to None starting from 0.18. "
sklearn/tree/export.py:                          "This will be the default in 0.20.",
sklearn/utils/fast_dict.pyx=cdef class IntFloatDict:
sklearn/utils/fast_dict.pyx-
sklearn/utils/fast_dict.pyx:    # Cython 0.20 generates buggy code below. Commenting this out for now
-------------- next part --------------
sklearn/covariance/graph_lasso_.py=class GraphLassoCV(GraphLasso):
sklearn/covariance/graph_lasso_.py-    @deprecated("Attribute grid_scores was deprecated in version 0.19 and "
sklearn/covariance/graph_lasso_.py:                "will be removed in 0.21. Use 'grid_scores_' instead")
sklearn/datasets/data/boston_house_prices.csv-0.14455,12.5,7.87,0,0.524,6.172,96.1,5.9505,5,311,15.2,396.9,19.15,27.1
sklearn/datasets/data/boston_house_prices.csv-0.04684,0,3.41,0,0.489,6.417,66.1,3.0923,2,270,17.8,392.18,8.81,22.6
sklearn/datasets/data/boston_house_prices.csv-0.38735,0,25.65,0,0.581,5.613,95.6,1.7572,2,188,19.1,359.29,27.26,15.7
sklearn/datasets/data/breast_cancer.csv-15.12,16.68,98.78,716.6,0.08876,0.09588,0.0755,0.04079,0.1594,0.05986,0.2711,0.3621,1.974,26.44,0.005472,0.01919,0.02039,0.00826,0.01523,0.002881,17.77,20.24,117.7,989.5,0.1491,0.3331,0.3327,0.1252,0.3415,0.0974,0
sklearn/datasets/data/breast_cancer.csv-17.93,24.48,115.2,998.9,0.08855,0.07027,0.05699,0.04744,0.1538,0.0551,0.4212,1.433,2.765,45.81,0.005444,0.01169,0.01622,0.008522,0.01419,0.002751,20.92,34.69,135.1,1320,0.1315,0.1806,0.208,0.1136,0.2504,0.07948,0
sklearn/datasets/data/breast_cancer.csv-9,14.4,56.36,246.3,0.07005,0.03116,0.003681,0.003472,0.1788,0.06833,0.1746,1.305,1.144,9.789,0.007389,0.004883,0.003681,0.003472,0.02701,0.002153,9.699,20.07,60.9,285.5,0.09861,0.05232,0.01472,0.01389,0.2991,0.07804,1
sklearn/datasets/data/breast_cancer.csv-12.2,15.21,78.01,457.9,0.08673,0.06545,0.01994,0.01692,0.1638,0.06129,0.2575,0.8073,1.959,19.01,0.005403,0.01418,0.01051,0.005142,0.01333,0.002065,13.75,21.38,91.11,583.1,0.1256,0.1928,0.1167,0.05556,0.2661,0.07961,1
sklearn/decomposition/online_lda.py=class LatentDirichletAllocation(BaseEstimator, TransformerMixin):
sklearn/decomposition/online_lda.py-                          "be ignored as of 0.19. Support for this argument "
sklearn/decomposition/online_lda.py:                          "will be removed in 0.21.", DeprecationWarning)
sklearn/decomposition/sparse_pca.py=class SparsePCA(BaseEstimator, TransformerMixin):
sklearn/decomposition/sparse_pca.py-            .. deprecated:: 0.19
sklearn/decomposition/sparse_pca.py:               This parameter will be removed in 0.21.
sklearn/decomposition/sparse_pca.py-            warnings.warn("The ridge_alpha parameter on transform() is "
sklearn/decomposition/sparse_pca.py:                          "deprecated since 0.19 and will be removed in 0.21. "
sklearn/ensemble/gradient_boosting.py=class BaseGradientBoosting(six.with_metaclass(ABCMeta, BaseEnsemble)):
sklearn/ensemble/gradient_boosting.py-    @deprecated("Attribute n_features was deprecated in version 0.19 and "
sklearn/ensemble/gradient_boosting.py:                "will be removed in 0.21.")
sklearn/gaussian_process/gpr.py=class GaussianProcessRegressor(BaseEstimator, RegressorMixin):
sklearn/gaussian_process/gpr.py-    @deprecated("Attribute rng was deprecated in version 0.19 and "
sklearn/gaussian_process/gpr.py:                "will be removed in 0.21.")
sklearn/gaussian_process/gpr.py-    @deprecated("Attribute y_train_mean was deprecated in version 0.19 and "
sklearn/gaussian_process/gpr.py:                "will be removed in 0.21.")
sklearn/linear_model/stochastic_gradient.py=class BaseSGDClassifier(six.with_metaclass(ABCMeta, BaseSGD,
sklearn/linear_model/stochastic_gradient.py-    @deprecated("Attribute loss_function was deprecated in version 0.19 and "
sklearn/linear_model/stochastic_gradient.py:                "will be removed in 0.21. Use 'loss_function_' instead")
sklearn/manifold/t_sne.py=class TSNE(BaseEstimator):
sklearn/manifold/t_sne.py-    @deprecated("Attribute n_iter_final was deprecated in version 0.19 and "
sklearn/manifold/t_sne.py:                "will be removed in 0.21. Use 'n_iter_' instead")
sklearn/utils/validation.py=def check_array(array, accept_sparse=False, dtype="numeric", order=None,
sklearn/utils/validation.py-            "check_array and check_X_y is deprecated in version 0.19 "
sklearn/utils/validation.py:            "and will be removed in 0.21. Use 'accept_sparse=False' "


More information about the scikit-learn mailing list