Overview
Could not load contribution data
Please try again later
19 Pull requests merged by 14 people
-
CI Removes build directory from cache
#22192 merged
Jan 12, 2022 -
ENH Replace loss module HGBT
#20811 merged
Jan 11, 2022 -
DOC Edit check_estimator docstring
#22190 merged
Jan 11, 2022 -
ENH Allow n_components == min(n_samples, n_features) in TruncatedSVD
#22181 merged
Jan 11, 2022 -
DOC Fix doc by adding a missing closing parenthesis in _gpr.py
#22184 merged
Jan 11, 2022 -
DOC Ensures that manhattan_distances passes numpydoc validation
#22139 merged
Jan 10, 2022 -
DOC Follow docs guidelines for shape in nan_euclidean_distances
#22182 merged
Jan 10, 2022 -
DOC Ensures that nan_euclidean_distances passes numpydoc
#22140 merged
Jan 10, 2022 -
CI Fix misleading info in pylatest_pip_openblas_pandas build
#22167 merged
Jan 10, 2022 -
DOC Fix sphinx warnings related to example reformatting.
#22147 merged
Jan 8, 2022 -
[MRG] MNT use check_scalar to validate scalar in SpectralClustering
#21881 merged
Jan 7, 2022 -
TST Assert error messages for AdaBoost estimators
#22144 merged
Jan 7, 2022 -
DOC Clarify cosine metric in neighbors & manifold t-sne docstring
#22073 merged
Jan 7, 2022 -
ENH Preserving dtype for np.float32 in RandomProjection
#22114 merged
Jan 7, 2022 -
MAINT rename base_estimator to estimator in RANSACRegressor
#22062 merged
Jan 6, 2022 -
DOC Update TC members in governance doc
#22129 merged
Jan 5, 2022 -
FIX Support integers in silhouette_score for precomputed distances
#22108 merged
Jan 5, 2022 -
MAINT Introduce Pairwise Distances Reductions private submodule
#22064 merged
Jan 5, 2022 -
ENH add force_finite to control the behaviour of constant target in explained variance and R2
#17266 merged
Jan 5, 2022
24 Pull requests opened by 16 people
-
DOC Updated documentation in naive_bayes.py (coef_, intercept_)
#22128 opened
Jan 5, 2022 -
ENH Pairwise Distances ArgKmin (feature branch)
#22134 opened
Jan 6, 2022 -
ENH Adds get_feature_names_out for AdditiveChi2Sampler
#22137 opened
Jan 6, 2022 -
DOC Fix docstring for AdditiveChi2Sampler regarding output shape
#22138 opened
Jan 6, 2022 -
DOC Ensures that sklearn.metrics.pairwise.paired_cosine_distances passes numpydoc validation
#22141 opened
Jan 7, 2022 -
MNT Fixes Cython compile error on upstream
#22143 opened
Jan 7, 2022 -
MAINT rename base_estimator to estimator in BaggingClassifier and BaggingRegressor
#22145 opened
Jan 7, 2022 -
DOC Remove Chiara from Consortium funded staff.
#22146 opened
Jan 7, 2022 -
test for nonfinite coordinate descent
#22148 opened
Jan 8, 2022 -
[MRG] test for nonfinite dual gap estimation
#22149 opened
Jan 8, 2022 -
[MRG] test for nonfinite in mlp models
#22150 opened
Jan 8, 2022 -
DOC Explains alpha scaling in MLP's docstring
#22151 opened
Jan 8, 2022 -
[WIP] DOC Update documenation of gradient boosting estimators w/ ranges
#22153 opened
Jan 9, 2022 -
FIX Supports numpy strings and array-like in KMean.init
#22154 opened
Jan 9, 2022 -
[MRG] DOC Update documentation of weight boosting estimators w/ ranges
#22155 opened
Jan 9, 2022 -
DOC Changing the LS term to S for clarity.
#22156 opened
Jan 9, 2022 -
ENH force_all_finite=False before calling _raw_predict
#22159 opened
Jan 9, 2022 -
#16710[fix]allow-when-only-fit-transform
#22162 opened
Jan 10, 2022 -
#22061[fix]fix-image-documentation
#22165 opened
Jan 10, 2022 -
CI: improve installed libraries listing
#22168 opened
Jan 10, 2022 -
DOC Ensures that make_column_transformer passes numpydoc validation
#22183 opened
Jan 11, 2022 -
replace math.log with np.log
#22187 opened
Jan 11, 2022 -
API Lowercase estimator argument in check_estimator()
#22188 opened
Jan 11, 2022 -
FIX poisson proxy_impurity_improvement
#22191 opened
Jan 11, 2022
10 Issues closed by 7 people
-
Allow `n_components == min(n_samples, n_features)` in TruncatedSVD
#22135 closed
Jan 11, 2022 -
Make it easier to combine monotonic_cst/categorical_features and feature selection in a pipeline
#22189 closed
Jan 11, 2022 -
DOC Sphinx warnings related to missing images in manifold.rst
#22152 closed
Jan 10, 2022 -
what is the difference between PCA and kernelPCA (when kernel = linear.)
#22157 closed
Jan 10, 2022 -
train_test_split and sparse arrays
#22133 closed
Jan 6, 2022 -
Add a scikit example using Flower (federated learning)
#22060 closed
Jan 6, 2022 -
longevity of models
#10319 closed
Jan 6, 2022 -
Silhouette fails for precomputed integer distances
#22107 closed
Jan 5, 2022 -
`r2_score`: improved support of edge case where `y_true` is constant
#16857 closed
Jan 5, 2022
12 Issues opened by 11 people
-
drop estimator using set_params is unclear
#22193 opened
Jan 12, 2022 -
Incorrect Poisson objective for decision tree/random forest
#22186 opened
Jan 11, 2022 -
Incorrect implementation of homogeneity, completeness and v-measure
#22185 opened
Jan 11, 2022 -
power_t: does it make sense for this parameter to have negative values
#22178 opened
Jan 10, 2022 -
Multi-target GPR sample_y fails when normalize_y=True
#22175 opened
Jan 10, 2022 -
Multi-target GPR predicts only 1 std when normalize_y=False
#22174 opened
Jan 10, 2022 -
Improve HGBT leaf values updates
#22173 opened
Jan 10, 2022 -
Add positive / nonnegative constraint to ARDRegression
#22172 opened
Jan 10, 2022 -
Partial_fit for ColumnTransformer
#22170 opened
Jan 10, 2022 -
Major Bug with SpectralClustering
#22160 opened
Jan 9, 2022 -
⚠️ CI failed on Linux_Nightly.pylatest_pip_scipy_dev ⚠️
#22142 opened
Jan 7, 2022 -
Net benefit curve and decision curve analysis
#22136 opened
Jan 6, 2022
57 Unresolved conversations
Sometimes conversations happen on old items that aren’t yet closed. Here is a list of all the Issues and Pull Requests with unresolved conversations.
-
[MRG] Add D2 pinbal loss score and D2 absolute error score
#22118 commented on
Jan 11, 2022 • 22 new comments -
Base sample-prop implementation and docs (alternative to #21284)
#22083 commented on
Jan 12, 2022 • 17 new comments -
[MRG] Online implementation of non-negative matrix factorization
#16948 commented on
Jan 10, 2022 • 16 new comments -
Set up a Jekyll blog for scikit-learn
#21689 commented on
Jan 11, 2022 • 15 new comments -
ENH Preserving dtype for np.float32 in LatentDirichletAllocation
#22113 commented on
Jan 10, 2022 • 14 new comments -
[WIP] ENH: Hellinger distance split criterion for classification trees
#16478 commented on
Jan 12, 2022 • 13 new comments -
Ensure that functions's docstrings pass numpydoc validation
#21350 commented on
Jan 12, 2022 • 12 new comments -
MAINT Introduce FastEuclideanPairwiseArgKmin
#22065 commented on
Jan 12, 2022 • 10 new comments -
ENH Automatically force_all_finite=False in non-initial warm_start runs for GradientBoosting
#22089 commented on
Jan 9, 2022 • 10 new comments -
MAINT Use check_scalar to validate scalar in: GeneralizedLinearRegressor
#21946 commented on
Jan 11, 2022 • 9 new comments -
ENH Add `randomized_svd` kwargs to `Decomposition` classes
#21705 commented on
Jan 8, 2022 • 7 new comments -
[WIP] Make it possible to pass an arbitrary classifier as method for CalibratedClassifierCV
#22010 commented on
Jan 5, 2022 • 7 new comments -
DOC adding valid intervals for SGDClassifier class parameters
#22115 commented on
Jan 10, 2022 • 7 new comments -
Change name of Triage Team
#21993 commented on
Jan 7, 2022 • 6 new comments -
FIX Fix warning for ElasticNetCV l1_ratio=0
#21724 commented on
Jan 10, 2022 • 6 new comments -
ENH improve ARFF parser using pandas
#21938 commented on
Jan 5, 2022 • 6 new comments -
ENH add support for sample_weight in KBinsDiscretizer(strategy="quantile")
#22048 commented on
Jan 6, 2022 • 6 new comments -
[MRG] Add class_weight parameter to CalibratedClassifierCV
#17541 commented on
Jan 11, 2022 • 5 new comments -
DOC added intervals for parameters for 4 glm classes
#22076 commented on
Jan 10, 2022 • 4 new comments -
Meaning of LS in the bias-variance decomposition example
#6242 commented on
Jan 9, 2022 • 3 new comments -
Efficient clustering (unknown number of clusters; optionally online) by greedily picking exemplars
#22117 commented on
Jan 10, 2022 • 3 new comments -
[MRG] Speed up plot_stack_predictors.py
#21726 commented on
Jan 7, 2022 • 3 new comments -
[MRG] MAINT Use check_scalar in BaseDecisionTree
#21990 commented on
Jan 12, 2022 • 3 new comments -
ENH added original version of pickled estimator in state dict
#22094 commented on
Jan 8, 2022 • 3 new comments -
base_estimator vs estimator for meta-estimators
#9104 commented on
Jan 5, 2022 • 2 new comments -
RFC Consistent options/names for loss and criterion
#18248 commented on
Jan 11, 2022 • 2 new comments -
Broken image in MDS user guide documentation
#22061 commented on
Jan 11, 2022 • 2 new comments -
[MRG+1] Enforce euclidean metric on LLE
#9888 commented on
Jan 7, 2022 • 2 new comments -
[WIP] Example of multiple imputation with IterativeImputer
#13025 commented on
Jan 5, 2022 • 2 new comments -
[WIP] MAINT Use check_scalar in BaseGradientBoosting
#21632 commented on
Jan 11, 2022 • 2 new comments -
FIX make coef_ in PLS estimator consistent with linear models
#22016 commented on
Jan 7, 2022 • 2 new comments -
Added error checks for invalid combination of `include_boundaries` and `min_value/max_value`
#22074 commented on
Jan 10, 2022 • 2 new comments -
FIX avoid parameter validation in init in TweedieRegressor
#22124 commented on
Jan 5, 2022 • 2 new comments -
PLSRegression does expose `coef_` in the same manner than linear model
#12410 commented on
Jan 6, 2022 • 1 new comment -
ElasticNet (and Lasso) for multiple outputs is not described correctly
#19868 commented on
Jan 6, 2022 • 1 new comment -
Poor performance of sklearn.cluster.KMeans for numpy >= 1.19.0
#20642 commented on
Jan 7, 2022 • 1 new comment -
Use check_scalar for parameters validation
#20724 commented on
Jan 9, 2022 • 1 new comment -
GridSearchCV and joblib Parallel use a lot of shared memory when ColumnTransformer has a columns spec that is a very large numpy array
#16716 commented on
Jan 10, 2022 • 1 new comment -
Accelerate slow examples
#21598 commented on
Jan 11, 2022 • 1 new comment -
Affinity Propagation fails on the datasets that were clusterable in version 21.3
#17657 commented on
Jan 11, 2022 • 1 new comment -
RFC Migrate away from numpy.distutils before CPython 3.12 (October 2023)
#21499 commented on
Jan 11, 2022 • 1 new comment -
Adding Oblique Trees (Forest-RC) to the Cythonized Tree Module
#20819 commented on
Jan 11, 2022 • 1 new comment -
ENH: Add a variable "copy" to perform in-place laplacian calculation in spectral clustering
#14636 commented on
Jan 5, 2022 • 1 new comment -
[MRG] Paired haversine distances
#17258 commented on
Jan 11, 2022 • 1 new comment -
ENH improve _weighted_percentile to provide several interpolation
#17768 commented on
Jan 5, 2022 • 1 new comment -
MNT change and deprecate square_distances in TSNE
#21592 commented on
Jan 6, 2022 • 1 new comment -
Added a new method to specify monotonicity constraints using dict of feature names in HistGradientBoostingClassifier/Regressor. Fixes #21961
#21962 commented on
Jan 11, 2022 • 1 new comment -
ENH added consistency checks for args of check_scalar function
#22027 commented on
Jan 6, 2022 • 1 new comment -
Adding Fall-out, Miss rate, specificity as metrics
#5516 commented on
Jan 6, 2022 • 0 new comments -
use extras_require in setup.py
#11361 commented on
Jan 7, 2022 • 0 new comments -
Preserving dtype for float32 / float64 in transformers
#11000 commented on
Jan 8, 2022 • 0 new comments -
Include an informative error message in check_scalar for inconsistent inputs
#21948 commented on
Jan 9, 2022 • 0 new comments -
Use the function check_scalar for parameters validation
#21927 commented on
Jan 9, 2022 • 0 new comments -
[WIP] Allow TruncatedSVD using randomized to automatically reset k < n_features.
#17949 commented on
Jan 10, 2022 • 0 new comments -
ENH Pairwise Distances ArgKmin
#21462 commented on
Jan 6, 2022 • 0 new comments -
MNT accelerate plot_iterative_imputer_variants_comparison.py
#21748 commented on
Jan 7, 2022 • 0 new comments -
[MRG] ENH Loss module LogisticRegression
#21808 commented on
Jan 12, 2022 • 0 new comments