-
-
Notifications
You must be signed in to change notification settings - Fork 26.2k
Insights: scikit-learn/scikit-learn
Overview
Could not load contribution data
Please try again later
104 Pull requests merged by 30 people
-
DOC Fix dataclass imports in tags example
#32091 merged
Sep 3, 2025 -
MNT Avoid pytest warnings when pytest-run-parallel is not installed
#32088 merged
Sep 3, 2025 -
DOC Fix whats new for 29882
#32084 merged
Sep 3, 2025 -
DOC Note that changelog entries should contain a single bullet
#32085 merged
Sep 3, 2025 -
DOC review comments for LogisticRegressionCV docstrings
#32082 merged
Sep 2, 2025 -
ENH Adding a column to link each parameter docstring row in params table display
#31564 merged
Sep 2, 2025 -
MNT Mark cython extensions as free-threaded compatible
#31342 merged
Sep 2, 2025 -
DOC improve docstring of LogisticRegression and LogisticRegressionCV
#32059 merged
Sep 2, 2025 -
CI Add Python 3.14 free-threaded wheels
#32079 merged
Sep 2, 2025 -
TST fix platform sensitive test: [all random seeds] test_float_precision
#32035 merged
Sep 2, 2025 -
MRG Add Warning for NaNs in Yeo-Johnson Inverse Transform with Extremely Skewed Data
#29307 merged
Sep 2, 2025 -
CI Run free-threaded test suite with pytest-run-parallel
#32023 merged
Sep 2, 2025 -
MNT: remove the
steps
attribute from _BaseComposition#32040 merged
Sep 1, 2025 -
MNT Remove xfail now array-api-strict >2.3.1
#32052 merged
Sep 1, 2025 -
CI Revert Python 3.13.7 work arounds in wheels
#32068 merged
Sep 1, 2025 -
minor class name fix
#32070 merged
Sep 1, 2025 -
MAINT remove useless np.abs in test
#32069 merged
Sep 1, 2025 -
Add option to use strict xfail mode in
parametrize_with_checks
#31951 merged
Sep 1, 2025 -
🔒 🤖 CI Update lock files for main CI build(s) 🔒 🤖
#32066 merged
Sep 1, 2025 -
🔒 🤖 CI Update lock files for free-threaded CI build(s) 🔒 🤖
#32064 merged
Sep 1, 2025 -
🔒 🤖 CI Update lock files for array-api CI build(s) 🔒 🤖
#32065 merged
Sep 1, 2025 -
🔒 🤖 CI Update lock files for scipy-dev CI build(s) 🔒 🤖
#32063 merged
Sep 1, 2025 -
FIX make sure _PassthroughScorer works with meta-estimators
#31898 merged
Aug 31, 2025 -
MNT remove PA_C from SGD and (re-) use eta0
#31932 merged
Aug 31, 2025 -
CI Use pytest-xdist in debian 32 build
#32031 merged
Aug 29, 2025 -
DOC Use un-cropped image for thumbnails
#32037 merged
Aug 29, 2025 -
MNT Add changelog README and PR checklist to PR template
#32038 merged
Aug 29, 2025 -
DOC Build website with a Scikit-learn logo that is complete - not cropped
#32017 merged
Aug 29, 2025 -
MNT fix typo and internal documentation in LinearModelLoss and Newton solver
#32039 merged
Aug 28, 2025 -
DOC Add TargetEncoder to Categorical Feature Support example
#32019 merged
Aug 28, 2025 -
MNT
np.nan_to_num
->xpx.nan_to_num
#32033 merged
Aug 28, 2025 -
ENH speedup coordinate descent by avoiding calls to axpy in innermost loop
#31956 merged
Aug 28, 2025 -
CI add codecov to GitHub Action workflow
#31941 merged
Aug 28, 2025 -
DOC Add reference links to Bayesian Regression
#32016 merged
Aug 28, 2025 -
CI Add Python 3.14 nightly wheels
#32012 merged
Aug 27, 2025 -
Make standard scaler compatible to Array API
#27113 merged
Aug 27, 2025 -
DOC: fix typos and formatting in README.rst
#32015 merged
Aug 26, 2025 -
Customized dir method to recognize available_if decorator
#31928 merged
Aug 26, 2025 -
ENH use
np.cumsum
directly instead of stable_cumsum for LLE#31996 merged
Aug 25, 2025 -
ENH use np.cumsum directly instead of stable_cumsum in AdaBoost
#31995 merged
Aug 25, 2025 -
🔒 🤖 CI Update lock files for main CI build(s) 🔒 🤖
#32009 merged
Aug 25, 2025 -
🔒 🤖 CI Update lock files for scipy-dev CI build(s) 🔒 🤖
#32006 merged
Aug 25, 2025 -
🔒 🤖 CI Update lock files for array-api CI build(s) 🔒 🤖
#32008 merged
Aug 25, 2025 -
🔒 🤖 CI Update lock files for free-threaded CI build(s) 🔒 🤖
#32007 merged
Aug 25, 2025 -
MNT Avoid DeprecationWarning in numpy-dev
#32010 merged
Aug 25, 2025 -
MNT bump array-api-extra to v0.8.0
#31993 merged
Aug 25, 2025 -
DOC: Correct punctuation typos in Model Evaluation Section
#32001 merged
Aug 23, 2025 -
ENH use xp.cumulative_sum and xp.searchsorted directly instead of stable_cumsum
#31994 merged
Aug 22, 2025 -
ENH use np.cumsum instead of stable_cumsum in kmeans++
#31991 merged
Aug 22, 2025 -
ENH add gap safe screening rules to enet_coordinate_descent
#31882 merged
Aug 22, 2025 -
CI Work around loky windows 3.13.7 for free threaded wheel
#31982 merged
Aug 22, 2025 -
MNT DNPY_NO_DEPRECATED_API=NPY_1_22_API_VERSION and security fixes
#31984 merged
Aug 22, 2025 -
Fix uncomparable values in SimpleImputer tie-breaking strategy
#31820 merged
Aug 21, 2025 -
TST Fix test_sparse_matmul_to_dense for all random seeds
#31983 merged
Aug 21, 2025 -
DOC improved plot_semi_supervised_newsgroups.py example
#31104 merged
Aug 21, 2025 -
docs: minor typos fixed
#31945 merged
Aug 20, 2025 -
DOC remove custom scorer from scratch from docs
#31890 merged
Aug 20, 2025 -
DOC: Update a link to Cython-related code
#31967 merged
Aug 19, 2025 -
CI Temporary work-around for Windows wheels on Python 3.13
#31964 merged
Aug 19, 2025 -
TST add test_multi_task_lasso_vs_skglm
#31957 merged
Aug 19, 2025 -
ENH avoid copies of X in
_alpha_grid
for coordinate descent#31946 merged
Aug 19, 2025 -
ENH add sparse_matmul_to_dense
#31952 merged
Aug 19, 2025 -
MNT update Cython 3.0.10 to 3.1.2
#31905 merged
Aug 18, 2025 -
🔒 🤖 CI Update lock files for scipy-dev CI build(s) 🔒 🤖
#31960 merged
Aug 18, 2025 -
🔒 🤖 CI Update lock files for free-threaded CI build(s) 🔒 🤖
#31961 merged
Aug 18, 2025 -
🔒 🤖 CI Update lock files for array-api CI build(s) 🔒 🤖
#31962 merged
Aug 18, 2025 -
🔒 🤖 CI Update lock files for main CI build(s) 🔒 🤖
#31918 merged
Aug 18, 2025 -
DOC: Fix formatting issues with bold font and
backquote
#31950 merged
Aug 16, 2025 -
MNT reduce test duration
#31953 merged
Aug 16, 2025 -
TST/MNT clean up some tests in coordinate descent
#31909 merged
Aug 14, 2025 -
TST fix test_dtype_preprocess_data
#31935 merged
Aug 13, 2025 -
DOC relabel some PRs as efficiency
#31934 merged
Aug 13, 2025 -
DOC Clean up
Building from source
instructions on macOS#31938 merged
Aug 13, 2025 -
ENH/FIX stopping criterion for coordinate descent
gap <= tol
#31906 merged
Aug 13, 2025 -
DEP PassiveAggressiveClassifier and PassiveAggressiveRegressor
#29097 merged
Aug 12, 2025 -
DOC Improve wording in Getting Started page
#31926 merged
Aug 12, 2025 -
DOC better internal docstring for Cython enet_coordinate_descent
#31919 merged
Aug 11, 2025 -
DOC Minor updates to DBSCAN clustering documentation
#31914 merged
Aug 11, 2025 -
CI Remove conda environment cache in CUDA CI
#31900 merged
Aug 11, 2025 -
Move Nicolas from active maintainer to emeritus
#31921 merged
Aug 11, 2025 -
🔒 🤖 CI Update lock files for scipy-dev CI build(s) 🔒 🤖
#31916 merged
Aug 11, 2025 -
🔒 🤖 CI Update lock files for free-threaded CI build(s) 🔒 🤖
#31917 merged
Aug 11, 2025 -
FIX make scorer.repr work with a partial score_func
#31891 merged
Aug 11, 2025 -
CI add ccache for GitHub Actions
#31895 merged
Aug 11, 2025 -
FIX LogisticRegression warm start with newton-cholesky solver
#31866 merged
Aug 11, 2025 -
🔒 🤖 CI Update lock files for array-api CI build(s) 🔒 🤖
#31878 merged
Aug 11, 2025 -
MNT instruct AI tools to not open pull requests in github PULL_REQUEST_TEMPLATE.md
#31643 merged
Aug 8, 2025 -
ENH/DOC clearer sample weight validation error msg
#31873 merged
Aug 8, 2025 -
ENH speedup enet_coordinate_descent_gram
#31880 merged
Aug 8, 2025 -
DOC: Fix typo in _HTMLDocumentationLinkMixin docstring
#31887 merged
Aug 7, 2025 -
CI First step towards moving Azure CI to GHA
#31832 merged
Aug 7, 2025 -
DOC Improve wording in Categorical Feature support example
#31864 merged
Aug 6, 2025 -
DOC Add vector quantization example to KBinsDiscretizer docs
#31613 merged
Aug 5, 2025 -
Add FAQ entry about the spam label
#31822 merged
Aug 5, 2025 -
Bump pypa/cibuildwheel from 3.0.0 to 3.1.2 in the actions group
#31865 merged
Aug 4, 2025 -
Fix requires_fit tag for stateless FeatureHasher and HashingVectorizer
#31851 merged
Aug 4, 2025 -
DOC Enhance DBSCAN docstrings with clearer parameter guidance and descriptions
#31835 merged
Aug 4, 2025 -
ENH avoid double input validation in ElasticNet and Lasso
#31848 merged
Aug 4, 2025 -
ENH Array API support for confusion_matrix
#30562 merged
Aug 4, 2025 -
🔒 🤖 CI Update lock files for main CI build(s) 🔒 🤖
#31877 merged
Aug 4, 2025 -
🔒 🤖 CI Update lock files for free-threaded CI build(s) 🔒 🤖
#31876 merged
Aug 4, 2025 -
🔒 🤖 CI Update lock files for scipy-dev CI build(s) 🔒 🤖
#31875 merged
Aug 4, 2025 -
DOC add 2nd author to whatsnew of #31068 temperature scaling
#31868 merged
Aug 4, 2025
43 Pull requests opened by 34 people
-
Raise error logreg liblinear
#31888 opened
Aug 7, 2025 -
DOC: Clarify split threshold selection in RandomForest (#27159)
#31892 opened
Aug 7, 2025 -
DOC add Pull Request checklist to template
#31902 opened
Aug 9, 2025 -
FEA add 'infrequent_if_exist' handle_unknown option to OrdinalEncoder
#31910 opened
Aug 9, 2025 -
FIX normalization in semi_supervised label_propagation
#31924 opened
Aug 11, 2025 -
FIX range (and default) of eta0 in SGD
#31933 opened
Aug 12, 2025 -
ENH: Display the number of output features
#31937 opened
Aug 13, 2025 -
ENH No limit on max_features for SelectFromModel
#31939 opened
Aug 13, 2025 -
DOC Clarify LabelEncoder does not support set_output
#31944 opened
Aug 13, 2025 -
FIX PowerTransformer: check_array shall be used for inverse_transform, not _check_input.
#31948 opened
Aug 14, 2025 -
CI Add link to changelog instructions
#31954 opened
Aug 15, 2025 -
ENH Add pos_label parameter to TargetEncoder #27342
#31958 opened
Aug 17, 2025 -
DOC: Fix linting issues in LogisticRegression and RidgeClassifier docstrings
#31959 opened
Aug 17, 2025 -
ENH improve alignment "?"/"i" and color in HTML diagram
#31969 opened
Aug 19, 2025 -
Fix ValueError bug in PLSRegression
#31972 opened
Aug 19, 2025 -
FIX (HDBSCAN) : FutureWarning for copy parameter deprecation
#31973 opened
Aug 19, 2025 -
Make diabetes data match the original source
#31977 opened
Aug 20, 2025 -
FEA/API expose BaseScorer as public API
#31985 opened
Aug 21, 2025 -
ENH add gap safe screening rules to sparse_ enet_coordinate_descent
#31986 opened
Aug 21, 2025 -
ENH add gap safe screening rules to enet_coordinate_descent_gram
#31987 opened
Aug 21, 2025 -
FIX get rid of stable_cumsum now that it is not used anymore
#31997 opened
Aug 22, 2025 -
FIX Remove casting warnings from Cython code
#31998 opened
Aug 22, 2025 -
FIX Fixing liblinear race condition due to shared global state #31883
#32000 opened
Aug 22, 2025 -
Frisch-Newton Interior Point Solver for Quantile Regression without Penalization
#32002 opened
Aug 24, 2025 -
DOC Clarify wording: chance level → non-informative baseline
#32004 opened
Aug 24, 2025 -
ENH add gap safe screening rules to enet_coordinate_descent_multi_task
#32014 opened
Aug 25, 2025 -
DOC Rework Decision boundary of semi-supervised methods example
#32024 opened
Aug 27, 2025 -
ENH check t-SNE input are all finite
#32041 opened
Aug 28, 2025 -
DEP deprecate LogisticRegression parameters penalty and C, introduce new regularization parameter alpha
#32042 opened
Aug 28, 2025 -
MNT Improve error message when binary/multiclass sparse input to classification metrics
#32047 opened
Aug 29, 2025 -
Deprecate use of `probability=True` in SVC and NuSVC
#32050 opened
Aug 29, 2025 -
DOC: Update a few invalid reference links
#32053 opened
Aug 30, 2025 -
DOC: Clarify dcg_score with explicit formula and linear-gain note (fixes #32049)
#32054 opened
Aug 30, 2025 -
Fix doc formatting in ElasticNet and update _coordinate_descent
#32058 opened
Aug 30, 2025 -
Fix dcg ndcg documentation
#32061 opened
Aug 31, 2025 -
clarify RandomForest split candidate strategy (#27159)
#32071 opened
Sep 1, 2025 -
MNT carry out deprecation for 1.8 of multi_class in LogisticRegression and LogisticRegressionCV
#32073 opened
Sep 1, 2025 -
FIX Run common tests on SparseCoder
#32077 opened
Sep 2, 2025 -
CI Make common test xfails strict
#32080 opened
Sep 2, 2025 -
DOC fix whatsnew entries for 1.8
#32081 opened
Sep 2, 2025 -
MNT Skip test relying on `np.seterr` for Pyodide
#32089 opened
Sep 3, 2025 -
Release 1.7.2
#32092 opened
Sep 3, 2025 -
Adjust contributor name in What's New documentation
#32093 opened
Sep 3, 2025
45 Issues closed by 16 people
-
⚠️ CI failed on Linux_Runs.pylatest_conda_forge_mkl (last failure: Sep 03, 2025) ⚠️
#32086 closed
Sep 3, 2025 -
⚠️ CI failed on Ubuntu_Atlas.ubuntu_atlas (last failure: Aug 28, 2025) ⚠️
#27846 closed
Sep 2, 2025 -
LogisticRegressionCV intercept is wrong
#32072 closed
Sep 2, 2025 -
Yeo-Johnson inverse_transform fails silently on extreme skew data
#28946 closed
Sep 2, 2025 -
rendering of 'routing' note in the documentation
#32046 closed
Sep 2, 2025 -
Enhance the warning message for metadata default value change
#32067 closed
Sep 1, 2025 -
Allow common estimator checks to use `xfail_strict=True`
#31931 closed
Sep 1, 2025 -
Pipeline score asks to explicitly request sample_weight
#30937 closed
Aug 31, 2025 -
Scikit-learn logo on the website is truncated
#32011 closed
Aug 29, 2025 -
PyTorch tensor failed with SVM
#32044 closed
Aug 29, 2025 -
⚠️ CI failed on Linux_Nightly.pylatest_pip_scipy_dev (last failure: Aug 28, 2025) ⚠️
#32022 closed
Aug 29, 2025 -
Failed to build scikit learn with cython.
#32043 closed
Aug 29, 2025 -
AttributeError: This 'LabelEncoder' has no attribute 'set_output'
#26711 closed
Aug 26, 2025 -
Inaccurate Attribute Listing with dir(obj) for Classes Using available_if Conditional Method Decorator
#28558 closed
Aug 26, 2025 -
⚠️ CI failed on Linux_Nightly.pylatest_pip_scipy_dev (last failure: Aug 25, 2025) ⚠️
#32005 closed
Aug 25, 2025 -
`OrdinalEncoder` transformed validation dataset still contains null / missing values
#32003 closed
Aug 24, 2025 -
`1.7.1` `RandomForestRegressor.fit()` hits `ValueError: Cannot cast object dtype to float32`
#31992 closed
Aug 23, 2025 -
⚠️ CI failed on Linux_Runs.pylatest_conda_forge_mkl (last failure: Aug 17, 2025) ⚠️
#31904 closed
Aug 22, 2025 -
.
#31990 closed
Aug 22, 2025 -
⚠️ CI failed on Linux.pylatest_pip_openblas_pandas (last failure: Aug 19, 2025) ⚠️
#31968 closed
Aug 22, 2025 -
⚠️ CI failed on Wheel builder (last failure: Aug 22, 2025) ⚠️
#31974 closed
Aug 22, 2025 -
SimpleImputer fails in "most_frequent" if incomparable types only if ties
#31717 closed
Aug 21, 2025 -
⚠️ CI failed on Linux_free_threaded.pylatest_free_threaded (last failure: Aug 21, 2025) ⚠️
#31981 closed
Aug 21, 2025 -
Benchmark NMF and SGDClassifier on MKL vs OpenBlas
#9429 closed
Aug 20, 2025 -
SGD classification unnecessarily slow
#6186 closed
Aug 20, 2025 -
A common private module for differentiable loss functions used as objective functions in estimators
#15123 closed
Aug 19, 2025 -
⚠️ CI failed on Wheel builder (last failure: Aug 19, 2025) ⚠️
#31955 closed
Aug 19, 2025 -
sparse-sparse and sparse-dense dot product with dense output
#516 closed
Aug 19, 2025 -
`_BaseEncoder` with boolean `categories_` that include `nan` fails on `transform` when `X` is boolean
#29241 closed
Aug 18, 2025 -
Docs instructions for installing LLVM OpenMP with Homebrew may need updating
#31930 closed
Aug 13, 2025 -
⚠️ CI failed on Linux_Nightly.pylatest_pip_scipy_dev (last failure: Aug 10, 2025) ⚠️
#31913 closed
Aug 13, 2025 -
DOC Update advanced installation instructions from macOS
#29603 closed
Aug 13, 2025 -
Documentation improvement for macOS Homebrew libomp installation
#31359 closed
Aug 13, 2025 -
Do we want to keep the Passive Agressive estimators?
#15161 closed
Aug 12, 2025 -
QuantileTransformer is incredibly slow
#31901 closed
Aug 12, 2025 -
404 when fetching datasets with sklearn.datasets.fetch_openml
#31923 closed
Aug 11, 2025 -
TunedThreasholdClassiffierCV not understanding `func(y_pred, y_true, ...)` as a valid `scoring`
#31894 closed
Aug 11, 2025 -
RFC Revisiting meta-routing developer API for defining method mappings
#28467 closed
Aug 11, 2025 -
Edge case bug in metadata routing (n_samples == n_features)
#30739 closed
Aug 11, 2025 -
Intercepts of Newton-Cholesky logistic regression get corrupted when warm starting
#31859 closed
Aug 11, 2025 -
Making the extension contract stable through version upgrades
#31728 closed
Aug 8, 2025 -
⚠️ CI failed on Wheel builder (last failure: Aug 08, 2025) ⚠️
#31896 closed
Aug 8, 2025 -
SkLearn IQR function
#31840 closed
Aug 4, 2025 -
Faster algorithm for KMeans
#31870 closed
Aug 4, 2025 -
FeatureHasher and HashingVectorizer does not expose requires_fit=False tag
#30689 closed
Aug 4, 2025
26 Issues opened by 24 people
-
Unpickling ColumnTransformer fitted in 1.6.1 fails in 1.7.1 with AttributeError: _RemainderColsList
#32090 opened
Sep 3, 2025 -
⚠️ CI failed on Linux_free_threaded.pylatest_free_threaded (last failure: Sep 03, 2025) ⚠️
#32087 opened
Sep 3, 2025 -
1.1.8 LARS Lasso at Mathematical Formulation
#32083 opened
Sep 3, 2025 -
```TargetEncoder``` should take ```groups``` as an argument
#32076 opened
Sep 2, 2025 -
RFC new fitted attributes for LogisticRegressionCV
#32075 opened
Sep 2, 2025 -
Regressor Prediction Makes a Negative Y Offset
#32062 opened
Aug 31, 2025 -
The dcg_score and ndcg_score documentation are hard to understand
#32049 opened
Aug 29, 2025 -
Leiden Clustering
#32048 opened
Aug 29, 2025 -
make sphinx directive about version more sklearn specific
#32045 opened
Aug 29, 2025 -
Classification metrics don't seem to support sparse?
#32036 opened
Aug 28, 2025 -
Setting weights on items when passing list of dicts to RandomizedSearchCV
#32032 opened
Aug 27, 2025 -
Implementing Divisive Analysis
#31989 opened
Aug 21, 2025 -
Different Results on ARM and x86 when using `RFECV(RandomForestClassifier())`
#31988 opened
Aug 21, 2025 -
ValueError in PLSRegression.fit() with zero-variance predictor
#31971 opened
Aug 19, 2025 -
a11y - scikit-learn docs accessibility audit and remediation
#31965 opened
Aug 18, 2025 -
UserWarning: X has feature names, but PowerTransformer was fitted without feature names
#31947 opened
Aug 14, 2025 -
Diabetes data should match the original source
#31940 opened
Aug 13, 2025 -
Add a better implementation of Latent Dirichlet Allocation
#31925 opened
Aug 11, 2025 -
Stable extender contract via `fit` / `_fit` resp `predict` / `_predict` separation
#31912 opened
Aug 9, 2025 -
HDBSCAN modifies input precomputed distance matrix
#31907 opened
Aug 9, 2025 -
Add `covariance_estimator` to `QuadraticDiscriminantAnalysis`?
#31899 opened
Aug 8, 2025 -
We don't support `func(estimator, X, y, ...)` across the board as a scorer
#31889 opened
Aug 7, 2025 -
`SVC(probability=True)` is not thread-safe
#31885 opened
Aug 6, 2025 -
pairwise_distances_argmin_min / ArgKMin64 is not thread-safe
#31884 opened
Aug 6, 2025 -
Fitting different instances of `LinearSVR` is not thread-safe
#31883 opened
Aug 6, 2025 -
Strange normalization of semi-supervised label propagation in `_build_graph`
#31872 opened
Aug 3, 2025
97 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.
-
MNT Refactor and deprecate `get_metadata_routing` method in `_MetadataRequester`
#31695 commented on
Aug 29, 2025 • 10 new comments -
MNT refactoring in routing _MetadataRequester
#31534 commented on
Aug 22, 2025 • 8 new comments -
FIX `LogisticRegressionCV.score` and `_BaseScorer` metadata routing
#30859 commented on
Aug 11, 2025 • 7 new comments -
Added sample weight handling to BinMapper under HGBT
#29641 commented on
Aug 29, 2025 • 7 new comments -
WIP Add function to convert array namespace and device to reference array
#31829 commented on
Sep 3, 2025 • 7 new comments -
Enable config setting `sparse_interface` to control sparray and spmatrix creation
#31177 commented on
Aug 12, 2025 • 6 new comments -
Add array API support for Nystroem approximation
#29661 commented on
Sep 2, 2025 • 5 new comments -
FEA Group aware Time-based cross validation
#16236 commented on
Aug 8, 2025 • 4 new comments -
ENH Add a tooltip for the RocCurveDisplay
#31860 commented on
Aug 13, 2025 • 4 new comments -
ENH add CAP curve
#28972 commented on
Sep 1, 2025 • 4 new comments -
BUG: Fix SGD models(SGDRegressor etc.) convergence criteria
#31856 commented on
Sep 1, 2025 • 4 new comments -
MNT Refactor `_average_weighted_percentile` to avoid double sort
#31775 commented on
Aug 22, 2025 • 3 new comments -
ENH add `from_cv_results` in `PrecisionRecallDisplay` (single Display)
#30508 commented on
Sep 3, 2025 • 3 new comments -
FEA Implement classical MDS
#31322 commented on
Aug 25, 2025 • 3 new comments -
Add stricter gradient check for log marginal likelihood in Gaussian Processes
#31543 commented on
Aug 29, 2025 • 3 new comments -
Add Windows ARM64 GHA runner
#31867 commented on
Aug 5, 2025 • 2 new comments -
ENH Array API for `contingency_matrix`
#29251 commented on
Aug 7, 2025 • 2 new comments -
Refactor `_convert_container`
#28681 commented on
Aug 5, 2025 • 2 new comments -
FIX Draw indices using sample_weight in Random Forests
#31529 commented on
Aug 13, 2025 • 1 new comment -
Adapting step_size and sag updates for sample_weight
#31837 commented on
Aug 25, 2025 • 1 new comment -
Add support for bools in SimpleImputer
#31730 commented on
Aug 5, 2025 • 1 new comment -
DOC add Chen2024 AUPRC reference to user guide
#29155 commented on
Aug 30, 2025 • 0 new comments -
DOC Rework ROC example with cross-validation
#29611 commented on
Aug 12, 2025 • 0 new comments -
MNT Parallel build of sphinx_gallery
#29614 commented on
Aug 16, 2025 • 0 new comments -
[MRG] GaussianMixture with BIC/AIC
#26735 commented on
Sep 3, 2025 • 0 new comments -
Correct precision at k
#22431 commented on
Aug 24, 2025 • 0 new comments -
ENH add aligned numpy allocator
#29846 commented on
Sep 2, 2025 • 0 new comments -
add `feature_indices` param to `permutation_importance()`
#30005 commented on
Aug 18, 2025 • 0 new comments -
adding adaptive learning rate for minibatch k-means
#30051 commented on
Sep 3, 2025 • 0 new comments -
MultiOutputClassifier rely on estimator to provide pairwise tag
#30236 commented on
Aug 4, 2025 • 0 new comments -
RFC New parameters for penalties in LogisticRegression
#28711 commented on
Sep 3, 2025 • 0 new comments -
ENH Display Methods in HTML representation
#31698 commented on
Aug 4, 2025 • 0 new comments -
Fix sample weight handling in SAG(A)
#31675 commented on
Aug 29, 2025 • 0 new comments -
FIX metadata routing for scorer
#31654 commented on
Aug 11, 2025 • 0 new comments -
DOC: Add example link to LogisticRegression docstring
#31606 commented on
Aug 16, 2025 • 0 new comments -
FIX `FunctionTransformer.get_feature_names_out` when output is set to dataframe
#31573 commented on
Aug 4, 2025 • 0 new comments -
ENH ascii visualisation for metadata routing
#31535 commented on
Aug 21, 2025 • 0 new comments -
[WIP] Add example for recommender system with ranking metrics
#31531 commented on
Aug 6, 2025 • 0 new comments -
DOC add links to plot_ridge_coeffs example
#31454 commented on
Aug 13, 2025 • 0 new comments -
ENH Display fitted attributes in HTML representation
#31442 commented on
Aug 25, 2025 • 0 new comments -
FEAT allow configuring automatically requested metadata
#31401 commented on
Aug 11, 2025 • 0 new comments -
ENH add sample_weight and fit_intercept to Cython enet_coordinate_descent
#31375 commented on
Aug 16, 2025 • 0 new comments -
Unbiased MDI-like feature importance measure for random forests
#31279 commented on
Aug 5, 2025 • 0 new comments -
ENH: Faster Eigen Decomposition For Isomap & KernelPCA
#31247 commented on
Aug 29, 2025 • 0 new comments -
ENH: Make brier_score_loss Array API compatible
#31191 commented on
Aug 5, 2025 • 0 new comments -
ENH Add zero division handling to cohen_kappa_score
#31172 commented on
Aug 16, 2025 • 0 new comments -
FEAT enable default routing strategy machinery
#30946 commented on
Aug 11, 2025 • 0 new comments -
FIX routing to composite methods
#30869 commented on
Aug 11, 2025 • 0 new comments -
DOC add link to cluster_plot_ward_structured_vs_unstructured in _aggl…
#30861 commented on
Aug 31, 2025 • 0 new comments -
Math not rendered in downloaded documentation when offline
#20951 commented on
Aug 21, 2025 • 0 new comments -
maximal information coefficient for feature selection
#25771 commented on
Aug 21, 2025 • 0 new comments -
Attribute docstring does not show properly when there is a property with the same name
#31595 commented on
Aug 20, 2025 • 0 new comments -
Support early_stopping with custom validation_set
#18748 commented on
Aug 20, 2025 • 0 new comments -
Improve tests to make them run on variously typed data using the `global_dtype` fixture
#22881 commented on
Aug 19, 2025 • 0 new comments -
`_MultimetricScorer` deals with `_accept_sample_weights` inconsistently
#31599 commented on
Aug 18, 2025 • 0 new comments -
Please provide option to set unknown_values during test time to same as encoded min_frequency in OrdinalEncoder(Infrequent categories)
#27629 commented on
Aug 14, 2025 • 0 new comments -
CI: Enable GitHub Actions App for ppc64le (Power architecture) support
#31810 commented on
Aug 13, 2025 • 0 new comments -
Make `sklearn.metrics._scorer._MultimetricScorer` part of the public API
#31540 commented on
Aug 13, 2025 • 0 new comments -
ENH Add `pos_label` parameter to `TargetEncoder`
#27342 commented on
Aug 11, 2025 • 0 new comments -
Feature Selectors fail to route metadata when inside a Pipeline
#30527 commented on
Aug 11, 2025 • 0 new comments -
SLEP006 - Metadata Routing task list
#22893 commented on
Aug 11, 2025 • 0 new comments -
RFC SLEP006: verbose vs non-verbose declaration in meta-estimator
#23928 commented on
Aug 11, 2025 • 0 new comments -
SLEP006: globally setting request values
#26050 commented on
Aug 11, 2025 • 0 new comments -
RFC SLEP006: allow users to enable a "strict" mode in metadata routing
#23920 commented on
Aug 11, 2025 • 0 new comments -
Allow batch based metrics calculation of sklearn.metrics
#31554 commented on
Aug 8, 2025 • 0 new comments -
DOC Update wikipedia article for scikit-learn
#30907 commented on
Aug 7, 2025 • 0 new comments -
Bad error messages in ClassifierChain on multioutput multiclass
#13339 commented on
Aug 6, 2025 • 0 new comments -
Building interactive demos for examples
#24878 commented on
Aug 5, 2025 • 0 new comments -
Persistent UserWarning about KMeans Memory Leak on Windows Despite Applying Suggested Fixes
#30921 commented on
Aug 5, 2025 • 0 new comments -
DOC Managing huntr security vulnerability reports
#31657 commented on
Aug 5, 2025 • 0 new comments -
DOC merging the examples related to OPTICS, DBSCAN, and HDBSCAN
#29962 commented on
Aug 5, 2025 • 0 new comments -
`FunctionTransformer` need `feature_names_out` even if `func` returns DataFrame
#28780 commented on
Aug 5, 2025 • 0 new comments -
Proposal to Contribute Uncertainty Quantification via Aleatoric/Epistemic Decomposition to scikit-learn
#31871 commented on
Aug 4, 2025 • 0 new comments -
Intermittent HTTP 403 on fetch_california_housing and other Figshare hosted data on Azure CI
#30761 commented on
Sep 3, 2025 • 0 new comments -
MinCovDet estimation of covariance with strong bias?
#23162 commented on
Sep 3, 2025 • 0 new comments -
⚠️ CI failed on Linux.pymin_conda_forge_openblas_min_dependencies (last failure: Aug 20, 2025) ⚠️
#29909 commented on
Sep 3, 2025 • 0 new comments -
Array API support for CalibratedClassifierCV
#31869 commented on
Sep 3, 2025 • 0 new comments -
⚠️ CI failed on Linux_Docker.debian_32bit (last failure: Apr 19, 2025) ⚠️
#29802 commented on
Sep 3, 2025 • 0 new comments -
Trees with MAE criterion are slow to train
#9626 commented on
Sep 3, 2025 • 0 new comments -
Incorrect error message in `_check_sample_weight`
#31712 commented on
Sep 3, 2025 • 0 new comments -
Upgrade free-threading CI to run with pytest-freethreaded instead of pytest-xdist
#30007 commented on
Sep 2, 2025 • 0 new comments -
Revisit the "chance level" for the different displays
#30352 commented on
Sep 2, 2025 • 0 new comments -
Instability in fastica for float32
#25038 commented on
Sep 2, 2025 • 0 new comments -
Make sure `set_output` is not rendered by sphinx when disabled
#26941 commented on
Sep 2, 2025 • 0 new comments -
GaussianProcessRegressor: wrong std and cov results when n_features>1 and no y normalization
#29697 commented on
Sep 1, 2025 • 0 new comments -
RFC LogisticRegression code is way to opaque
#11865 commented on
Sep 1, 2025 • 0 new comments -
RandomForest{Classifier,Regressor} split criterion documentation
#27159 commented on
Sep 1, 2025 • 0 new comments -
Path for Adopting the Array API spec
#22352 commented on
Aug 30, 2025 • 0 new comments -
Add sankey style confusion matrix visualization
#31133 commented on
Aug 29, 2025 • 0 new comments -
ClassifierChain does not accept NaN values even when base estimator supports them
#29856 commented on
Aug 27, 2025 • 0 new comments -
FEA Add missing-value support to sparse splitter in RandomForest and ExtraTrees
#29542 commented on
Aug 27, 2025 • 0 new comments -
Frisch-Newton Interior Point Solver for Quantile Regression
#31708 commented on
Aug 27, 2025 • 0 new comments -
Formula for dual gap of elastic net in coordinate descent solver
#22836 commented on
Aug 25, 2025 • 0 new comments -
A welcome bot
#27340 commented on
Aug 25, 2025 • 0 new comments -
Adding more functionality to DecisionBoundaryDisplay
#27462 commented on
Aug 23, 2025 • 0 new comments -
RFC: stop using scikit-learn `stable_cumsum` and instead use `np.cumsum/xp.cumulative_sum` directly
#31533 commented on
Aug 22, 2025 • 0 new comments -
Strong Rules / Gap Safe Screening for Discarding Predictors in Lasso-type Problems
#229 commented on
Aug 22, 2025 • 0 new comments