-
-
Notifications
You must be signed in to change notification settings - Fork 26k
Insights: scikit-learn/scikit-learn
Overview
Could not load contribution data
Please try again later
1 Release published by 1 person
-
1.7.0 Scikit-learn 1.7.0
published
Jun 6, 2025
88 Pull requests merged by 43 people
-
MNT Use
_add_to_diagonal
in GaussianMixture#31607 merged
Jun 20, 2025 -
DOC Revise the math formatting for eta_0
#31598 merged
Jun 20, 2025 -
Fix
_fill_or_add_to_diagonal
whenreshape
returns copy#31445 merged
Jun 19, 2025 -
FEA Add array API support for GaussianMixture
#30777 merged
Jun 19, 2025 -
FIX fix comparison between array-like parameters when detecting non-default params for HTML representation
#31528 merged
Jun 19, 2025 -
Improve whats_new doc
#31589 merged
Jun 19, 2025 -
Array API support for pairwise kernels
#29822 merged
Jun 19, 2025 -
DOC Add examples of make_scorer usage to fbeta_score docstring
#28755 merged
Jun 18, 2025 -
DOC Fix example Recursive feature elimination with cross-validation
#31516 merged
Jun 18, 2025 -
ENH: Make roc_curve array API compatible
#30878 merged
Jun 18, 2025 -
Fix set
CategoricalNB().__sklearn_tags__.input_tags.categorical
toTrue
#31556 merged
Jun 18, 2025 -
DOC: Improve Ridge regression example — fix typo, clarify title, add legend
#31539 merged
Jun 18, 2025 -
BLD: use more modern way to specify license metadata
#31560 merged
Jun 18, 2025 -
DOC fix formatting of
intercept_scaling
parameter inLogisticRegression
-related docs#31577 merged
Jun 18, 2025 -
docs: implement responsive multi-column layout for emeritus contributors to reduce whitespace
#31565 merged
Jun 18, 2025 -
Fix grammar: change 'relation' to 'relationship' in classification_th…
#31570 merged
Jun 18, 2025 -
DOC:Add inline example link to RFECV class docstring (#30621)
#31476 merged
Jun 18, 2025 -
MNT replace
fetch_california_housing
withmake_regression
ingetting_started.rst
andcompose.rst
#31579 merged
Jun 18, 2025 -
DOC add link to plot_cv_predict example in cross_val_predict doc
#31504 merged
Jun 18, 2025 -
Doc add link plot robust vs empirical covariance examples
#31511 merged
Jun 18, 2025 -
DOC: add link to the plot_mahalanobis_distances example
#31485 merged
Jun 18, 2025 -
🔒 🤖 CI Update lock files for main CI build(s) 🔒 🤖
#31552 merged
Jun 18, 2025 -
🔒 🤖 CI Update lock files for free-threaded CI build(s) 🔒 🤖
#31550 merged
Jun 18, 2025 -
🔒 🤖 CI Update lock files for array-api CI build(s) 🔒 🤖
#31551 merged
Jun 18, 2025 -
🔒 🤖 CI Update lock files for scipy-dev CI build(s) 🔒 🤖
#31549 merged
Jun 18, 2025 -
Fix
RocCurveDisplay
docstring and parameter order#31578 merged
Jun 18, 2025 -
Doc #30621 Linked kernel_approximation example to Nystrom and RBFSampler in User Guide
#31562 merged
Jun 17, 2025 -
MNT remove /take bot
#31568 merged
Jun 17, 2025 -
FIX Draw indices using sample_weight in Bagging
#31414 merged
Jun 16, 2025 -
MNT Move
entropy
to private function#31294 merged
Jun 13, 2025 -
TST use global_random_seed in sklearn/feature_extraction/tests/test_image.py
#31310 merged
Jun 13, 2025 -
DOC Update About Us page
#31519 merged
Jun 13, 2025 -
MAINT: remove unused local vars in mixture._gaussian_mixture.py
#31432 merged
Jun 13, 2025 -
Improve error message in
check_requires_y_none
#31481 merged
Jun 13, 2025 -
DOC Clarify metadata routing docs from
_metadata_requests.py
module#31419 merged
Jun 13, 2025 -
CI Fix wheels build after cibuildwheel 3.0 release
#31532 merged
Jun 12, 2025 -
Preemptively fix incompatibilities with an upcoming array-api-strict release
#31517 merged
Jun 12, 2025 -
DOC Scale data before using k-neighbours regression
#31201 merged
Jun 12, 2025 -
Remove
median_absolute_error
fromMETRICS_WITHOUT_SAMPLE_WEIGHT
#30787 merged
Jun 12, 2025 -
DOC add reference to higher level functions in estimator_checks_generator
#31480 merged
Jun 12, 2025 -
FIX: fix wrongly used
plt.show()
in examples#31524 merged
Jun 12, 2025 -
DOC: Add link to plot_ensemble_oob example
#31457 merged
Jun 11, 2025 -
MNT Fix docstring of _BaseComposition
#31484 merged
Jun 11, 2025 -
DOC Added example comparing L1-based models to ARD user guide
#31425 merged
Jun 10, 2025 -
FIX: Change limits of power_t param to [0, inf)
#31474 merged
Jun 10, 2025 -
MNT Add free-threaded wheel for Linux arm
#31513 merged
Jun 10, 2025 -
DOC Add additional donation options to About page
#31379 merged
Jun 10, 2025 -
🔒 🤖 CI Update lock files for main CI build(s) 🔒 🤖
#31508 merged
Jun 9, 2025 -
🔒 🤖 CI Update lock files for array-api CI build(s) 🔒 🤖
#31507 merged
Jun 9, 2025 -
🔒 🤖 CI Update lock files for free-threaded CI build(s) 🔒 🤖
#31506 merged
Jun 9, 2025 -
🔒 🤖 CI Update lock files for scipy-dev CI build(s) 🔒 🤖
#31505 merged
Jun 9, 2025 -
MNT Update SECURITY.md for 1.7.0
#31493 merged
Jun 6, 2025 -
DOC Update news for 1.7.0
#31492 merged
Jun 6, 2025 -
Backport 1.7 changelog into the main branch
#31491 merged
Jun 6, 2025 -
DOC Add link for prediction latency plot example in SGD Regression
#31477 merged
Jun 5, 2025 -
Release 1.7.0
#31456 merged
Jun 5, 2025 -
DOC Don't use deprecated RocCurveDisplay kwargs
#31482 merged
Jun 4, 2025 -
DOC Release highlights for 1.7
#31469 merged
Jun 4, 2025 -
DOC Add link to plot_monotonic_constraints.py in ensemble examples
#31471 merged
Jun 4, 2025 -
🔒 🤖 CI Update lock files for free-threaded CI build(s) 🔒 🤖
#31464 merged
Jun 3, 2025 -
🔒 🤖 CI Update lock files for scipy-dev CI build(s) 🔒 🤖
#31463 merged
Jun 3, 2025 -
🔒 🤖 CI Update lock files for array-api CI build(s) 🔒 🤖
#31465 merged
Jun 3, 2025 -
Add array API support to
median_absolute_error
#31406 merged
Jun 3, 2025 -
Don't leak cache_directory from test_check_memory
#31453 merged
Jun 3, 2025 -
🔒 🤖 CI Update lock files for main CI build(s) 🔒 🤖
#31466 merged
Jun 2, 2025 -
DOC Use
from_cv_results
inplot_roc_crossval.py
#31455 merged
Jun 2, 2025 -
DOC: Correct a typo: this examples -> this example
#31458 merged
Jun 1, 2025 -
MNT Make sample_weight checking more consistent in regression metrics
#30886 merged
May 29, 2025 -
DOC: Update link to Least Angle Regression paper
#31433 merged
May 29, 2025 -
TST Fix array API
test_fill_or_add_to_diagonal
#31439 merged
May 28, 2025 -
DOC: use curve_kwargs instead of kwargs in example to avoid warnings
#31447 merged
May 28, 2025 -
DOC Add link to spectral coclustering
#31422 merged
May 28, 2025 -
DOC tiny whatsnew update for PR #31387
#31437 merged
May 28, 2025 -
FIX random failure in
test_solver_consistency
with SAG/SAGA solvers#31434 merged
May 27, 2025 -
ENH avoid futile recomputation of R_sum in sparse_enet_coordinate_descent
#31387 merged
May 27, 2025 -
🔒 🤖 CI Update lock files for main CI build(s) 🔒 🤖
#31429 merged
May 27, 2025 -
🔒 🤖 CI Update lock files for scipy-dev CI build(s) 🔒 🤖
#31426 merged
May 27, 2025 -
🔒 🤖 CI Update lock files for array-api CI build(s) 🔒 🤖
#31427 merged
May 27, 2025 -
🔒 🤖 CI Update lock files for free-threaded CI build(s) 🔒 🤖
#31428 merged
May 27, 2025 -
ENH add
from_cv_results
inRocCurveDisplay
(singleRocCurveDisplay
)#30399 merged
May 26, 2025 -
DOC: Add
from_predictions
example and other details tovisualizations.rst
#30825 merged
May 26, 2025 -
DOC Update documentation: Communication section improvements
#31420 merged
May 26, 2025 -
DOC Revise a math equation to incorporate text
#31421 merged
May 24, 2025 -
DOC fixes for LogisticRegression newton-cholesky and multiclass
#31410 merged
May 23, 2025 -
DOC Minor updates to
OPTICS
docstring#31363 merged
May 23, 2025 -
DOC Fix wheel builder badge on README
#31409 merged
May 22, 2025 -
CI Avoid joblib 1.5.0 in Pyodide
#31402 merged
May 22, 2025 -
MNT cleaner Cython coordinate descent in _cd_fast.pyx
#31372 merged
May 22, 2025
63 Pull requests opened by 49 people
-
FEAT (alt3) allow setting auto routed strategy on objects
#31413 opened
May 22, 2025 -
MNT refactor _rescale_data in linear models into _preprocess_data
#31418 opened
May 23, 2025 -
GOV more pragmatic decision making process for small PRs
#31430 opened
May 26, 2025 -
ENH Make `GaussianProcessRegressor.predict` faster when return_std and return_cov are false
#31431 opened
May 26, 2025 -
Disable numpy array resize refcheck in svmlight format
#31435 opened
May 27, 2025 -
ENH Display fitted attributes in HTML representation
#31442 opened
May 28, 2025 -
ENH: add option in OneVsRest classifier to handle undefined predictions
#31448 opened
May 28, 2025 -
Add links to plot_svm_anova.py #30621
#31451 opened
May 29, 2025 -
DOC Clarify how mixed array input types handled in array api
#31452 opened
May 29, 2025 -
DOC add links to plot_ridge_coeffs example
#31454 opened
May 29, 2025 -
DOC: Add link to plot_sparse_coding.py in DictionaryLearning and Mini…
#31472 opened
Jun 2, 2025 -
DOC: Add link to plot_monotonic_constraints.py example
#31478 opened
Jun 4, 2025 -
FEA Implement categorical feature support to `IterativeImputer`
#31479 opened
Jun 4, 2025 -
FEA return final cross-validation score in SequentialFeatureSelector
#31483 opened
Jun 4, 2025 -
DOC Improve docstrings for scikit-learn configuration functions
#31486 opened
Jun 5, 2025 -
DOC add reference to example for BayesianRidge in docstring
#31487 opened
Jun 5, 2025 -
FEA Add DummyClassifier strategy that produces randomized probabilities
#31488 opened
Jun 5, 2025 -
Implement MultiHorizonTimeSeriesSplit for multi-horizon CV
#31489 opened
Jun 5, 2025 -
DOC: Add example link to ElasticNet documentation
#31490 opened
Jun 5, 2025 -
FIX _safe_indexing: improve error message for string indexing on axis=0
#31494 opened
Jun 6, 2025 -
Enhance SimpleImputer to preserve pandas dtypes in output
#31495 opened
Jun 6, 2025 -
Fix KernelDensity for non-whitened data (issue #25623)
#31496 opened
Jun 6, 2025 -
FIX short deprecation cycle for private module
#31500 opened
Jun 6, 2025 -
Doc add link self training
#31514 opened
Jun 10, 2025 -
Add compatibility for tarfile filter in Python <3.12
#31523 opened
Jun 11, 2025 -
FIX Draw indices using sample_weight in Forest
#31529 opened
Jun 12, 2025 -
[WIP] Add example for recommender system with ranking metrics
#31531 opened
Jun 12, 2025 -
MNT refactoring in routing _MetadataRequester
#31534 opened
Jun 12, 2025 -
ENH ascii visualisation for metadata routing
#31535 opened
Jun 12, 2025 -
Add stricter gradient check for log marginal likelihood in Gaussian Processes
#31543 opened
Jun 13, 2025 -
ENH Add multi-threshold classification to FixedThresholdClassifier
#31544 opened
Jun 13, 2025 -
ENH add `store_cv_models` option to `ElasticNetCV` #28726
#31545 opened
Jun 13, 2025 -
FIX: Regression in DecisionBoundaryDisplay.from_estimator with colors and plot_method='contour'
#31553 opened
Jun 16, 2025 -
MNT: mark FeatureHasher and HashingVectorizer with requires_fit=False…
#31557 opened
Jun 16, 2025 -
Adding more functionality to DecisionBoundaryDisplay #27462
#31558 opened
Jun 16, 2025 -
FIX Add validation for FeatureUnion transformer outputs (#31318)
#31559 opened
Jun 16, 2025 -
DOC add link to plot_multi_metric_evaluation in make scorer #30841
#31561 opened
Jun 16, 2025 -
FIX Preserve y shape in TransformedTargetRegressor
#31563 opened
Jun 16, 2025 -
ENH Adding a column to link each parameter docstring row in params table display
#31564 opened
Jun 17, 2025 -
DOC: Add example link to plot_poisson_regression_non_normal_loss.py in linear_model docs (#30621)
#31567 opened
Jun 17, 2025 -
Add example link to RandomForestClassifier docstring
#31569 opened
Jun 17, 2025 -
FIX `FunctionTransformer.get_feature_names_out` when output is set to dataframe
#31573 opened
Jun 17, 2025 -
Fix: Use float64 epsilon when clipping initial probabilities in GradientBoosting
#31575 opened
Jun 17, 2025 -
DOC add links to plot_polynomial_interpolation.py
#31576 opened
Jun 17, 2025 -
ENH Add array API for PolynomialFeatures
#31580 opened
Jun 18, 2025 -
DOC: Add seealso link to Ridge regression example in user guide (#30621)
#31581 opened
Jun 18, 2025 -
Fix spurious warning from type_of_target when called on estimator.classes_
#31584 opened
Jun 18, 2025 -
DOC improve doc for `_check_n_features` and `_check_feature_names` and fix their usages
#31585 opened
Jun 18, 2025 -
DOC: add Visualization API ROC example link to model_evaluation
#31591 opened
Jun 19, 2025 -
BLD fix missing license file
#31594 opened
Jun 19, 2025 -
DOC Fix misleading statement about model refitting in permutation importance docs
#31596 opened
Jun 19, 2025 -
doc/comment-nan-sort-behaviour-weighted-percentile
#31597 opened
Jun 19, 2025 -
ENH: add plot_f1_baseline option to PrecisionRecallDisplay.plot
#31600 opened
Jun 20, 2025 -
DOC: Add example link to RidgeClassifier docstring (#30621)
#31602 opened
Jun 20, 2025 -
MNT Simplify inefficient regex
#31603 opened
Jun 20, 2025 -
FIX convert indices passed into to pyarrow filter() to pyarrow type for older pyarrow versions
#31605 opened
Jun 20, 2025 -
DOC: Add example link to LogisticRegression docstring
#31606 opened
Jun 20, 2025 -
MAINT: make scipy-doctest usage forward-compatible
#31609 opened
Jun 20, 2025 -
Fix: Replace np.bool_ with np_bool in _ranking.py
#31612 opened
Jun 20, 2025 -
Add vector quantization example to KBinsDiscretizer docs
#31613 opened
Jun 20, 2025 -
DOC Add link to plot_lasso_coordinate_descent_path in lasso_path docstring(#30621)
#31616 opened
Jun 21, 2025 -
DOC Add link to plot_lasso_lars_ic in LassoLarsIC docstring (#30621)
#31617 opened
Jun 21, 2025 -
DOC The set {0,1} should be \{0, 1\} in math mode
#31622 opened
Jun 22, 2025
40 Issues closed by 14 people
-
ENH: Add MedianAbsoluteDeviationScaler (MADScaler) to sklearn.preprocessing
#31620 closed
Jun 21, 2025 -
Intermittent HTTP 403 on fetch_california_housing and other Figshare hosted data on Azure CI
#30761 closed
Jun 19, 2025 -
Compilation "neighbors/_kd_tree.pyx" crashes on ARM
#31592 closed
Jun 19, 2025 -
Can't create exe-file with this module
#31587 closed
Jun 19, 2025 -
Issue with the `RidgeCV` diagram representation with non-default alphas
#31525 closed
Jun 19, 2025 -
DOC About Us page: multi-column list for emeritus contributors
#31548 closed
Jun 18, 2025 -
Update project metadata to avoid using the deprecated way to declare the license.
#30766 closed
Jun 18, 2025 -
Documentation improvement (LogisticRegression): display a note as a note
#31572 closed
Jun 18, 2025 -
Several Doc improvement for whats_new
#31571 closed
Jun 18, 2025 -
MNT Make binary display method parameters' order consistent
#30717 closed
Jun 18, 2025 -
⚠️ CI failed on Wheel builder (last failure: Jun 17, 2025) ⚠️
#31566 closed
Jun 17, 2025 -
Support other dataframes like polars and pyarrow not just pandas
#25896 closed
Jun 16, 2025 -
DOC: clarify the documentation for the loss functions used in GBRT, and Absolute Error in particular.
#30339 closed
Jun 16, 2025 -
Issue: Unable to Apply Feature Engineering After Feature Transformation in a Pipeline
#30453 closed
Jun 16, 2025 -
Unexpected behavior for subclassing `Pipeline`
#30748 closed
Jun 16, 2025 -
Reference `ValidationCurveDisplay` from `validation_curve`'s docstring in a "See also section"
#31302 closed
Jun 16, 2025 -
RFC switch to Polars as the default dataframe lib in our examples
#28341 closed
Jun 13, 2025 -
当selector = VarianceThreshold(threshold=0.1)和selector = VarianceThreshold()输出的结果不一样
#31538 closed
Jun 13, 2025 -
⚠️ CI failed on Wheel builder (last failure: Jun 12, 2025) ⚠️
#31527 closed
Jun 12, 2025 -
DOC Examples (imputation): add scaling when using k-neighbours imputation
#31200 closed
Jun 12, 2025 -
32-Bit Raspberry Pi OS Installation Issues with UV
#31520 closed
Jun 11, 2025 -
[RFC] WASM / pyodide as a (somewhat) officially supported platform for scikit-learn
#23727 closed
Jun 11, 2025 -
power_t: does it make sense for this parameter to have negative values
#22178 closed
Jun 10, 2025 -
Add free-threading wheel for Linux arm64 (aarch64)
#31512 closed
Jun 10, 2025 -
Doc website incorrectly flags stable as unstable
#31498 closed
Jun 6, 2025 -
DecisionTreeClassifier having unexpected behaviour with 'min_weight_fraction_leaf=0.5'
#30917 closed
Jun 4, 2025 -
Allow to use prefitted SelectFromModel in ColumnTransformer
#28928 closed
Jun 4, 2025 -
Persistent UserWarning about KMeans Memory Leak on Windows Despite Applying Suggested Fixes
#30921 closed
Jun 4, 2025 -
Avoid bundling tests in wheels
#31391 closed
Jun 4, 2025 -
The libomp.dylib shipped with the macOS x86_64 package does not have an SDK version set
#31423 closed
Jun 4, 2025 -
Folder/Directory descriptions not present
#31443 closed
Jun 4, 2025 -
Discrepancy between output of classifier feature_importances_ with different sklearn installations
#31415 closed
Jun 4, 2025 -
estimator_checks_generator does not return (estimator, check) when hitting an expected failed check
#31408 closed
Jun 4, 2025 -
Regression error characteristic curve
#31441 closed
Jun 2, 2025 -
⚠️ CI failed on Linux_Runs.pylatest_conda_forge_mkl (last failure: May 28, 2025) ⚠️
#31440 closed
May 30, 2025 -
⚠️ CI failed on Wheel builder (last failure: May 28, 2025) ⚠️
#31444 closed
May 29, 2025 -
Support orthogonal polynomial features (via QR decomposition) in `PolynomialFeatures`
#31223 closed
May 27, 2025 -
DOC Add `from_predictions` example to `visualizations.rst`
#30767 closed
May 26, 2025
21 Issues opened by 21 people
-
ENH: Add MedianAbsoluteDeviationScaler (MADScaler) to sklearn.preprocessing
#31621 opened
Jun 21, 2025 -
(Perhaps) safer version of halving search
#31608 opened
Jun 20, 2025 -
`_safe_indexing` fails with pyarrow==16.0.0
#31604 opened
Jun 20, 2025 -
Implement row-wise prediction skipping
#31601 opened
Jun 20, 2025 -
`_MultimetricScorer` deals with `_accept_sample_weights` inconsistently
#31599 opened
Jun 20, 2025 -
Attribute docstring does not show properly when there is a property with the same name
#31595 opened
Jun 19, 2025 -
scikit-learn API reference on the website not rendering LaTeX correctly
#31593 opened
Jun 19, 2025 -
⚠️ CI failed on Wheel builder (last failure: Jun 21, 2025) ⚠️
#31590 opened
Jun 19, 2025 -
Unjustified "number of unique classes > 50%" warning in CalibratedClassifierCV
#31583 opened
Jun 18, 2025 -
Allow batch based metrics calculation of sklearn.metrics
#31554 opened
Jun 16, 2025 -
Huber Loss for HistGradientBoostingRegressor
#31542 opened
Jun 13, 2025 -
Make `sklearn.metrics._scorer._MultimetricScorer` part of the public API
#31540 opened
Jun 13, 2025 -
Improve sample_weight handling in sag(a)
#31536 opened
Jun 12, 2025 -
RFC: stop using scikit-learn `stable_cumsum` and instead use `np/xp.cumsum` directly
#31533 opened
Jun 12, 2025 -
TarFile.extractall() got an unexpected keyword argument 'filter'
#31521 opened
Jun 11, 2025 -
MultiOutputRegressor can't process estimators with synchronization primitives
#31475 opened
Jun 3, 2025 -
Add option to return final cross-validation score in SequentialFeatureSelector
#31473 opened
Jun 2, 2025 -
Feat: DummyClassifier strategy that produces randomized probabilities
#31462 opened
Jun 1, 2025 -
Spherical K-means support (unit norm centroids and input)
#31450 opened
May 28, 2025
102 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.
-
Unbiased MDI-like feature importance measure for random forests
#31279 commented on
Jun 19, 2025 • 30 new comments -
FEA add temperature scaling to `CalibratedClassifierCV`
#31068 commented on
Jun 19, 2025 • 21 new comments -
FEA Implement classical MDS
#31322 commented on
Jun 17, 2025 • 21 new comments -
DOC Merge plot_svm_margin.py and plot_separating_hyperplane.py into plot_svm_hyperplane_margin.py
#31045 commented on
May 28, 2025 • 14 new comments -
ENH: Faster Eigen Decomposition For Isomap & KernelPCA
#31247 commented on
Jun 10, 2025 • 11 new comments -
DOC update and improve the `sample_weight` entry in the glossary
#30564 commented on
Jun 18, 2025 • 9 new comments -
ENH Add support for np.nan values in SplineTransformer
#28043 commented on
Jun 13, 2025 • 8 new comments -
feat: Add support for sample_weights in TargetEncoder
#31324 commented on
Jun 17, 2025 • 7 new comments -
ENH add `from_cv_results` in `PrecisionRecallDisplay` (single Display)
#30508 commented on
Jun 21, 2025 • 7 new comments -
ENH: Add Array API support to NDCG/DCG score
#31152 commented on
May 27, 2025 • 7 new comments -
DOC improved plot_semi_supervised_newsgroups.py example
#31104 commented on
Jun 2, 2025 • 7 new comments -
MNT Deprecate metrics.pairwise.paired_*_distances and paired_distances public functions
#30537 commented on
Jun 19, 2025 • 6 new comments -
adding adaptive learning rate for minibatch k-means
#30051 commented on
Jun 20, 2025 • 5 new comments -
FEAT allow configuring automatically requested metadata
#31401 commented on
May 22, 2025 • 4 new comments -
FEA Callbacks base infrastructure + progress bars (Alternative to #27663)
#28760 commented on
Jun 6, 2025 • 2 new comments -
ENH Add Friedman's H-squared
#28375 commented on
Jun 12, 2025 • 2 new comments -
TST use global_random_seed in `sklearn/linear_model/tests/test_logistic.py`
#31362 commented on
Jun 20, 2025 • 2 new comments -
DOC Add Links to plot_lof_novelty_detection example
#31405 commented on
May 22, 2025 • 2 new comments -
Enhanced classifier comparison example with Gradient Boosting Classifier and improved comments
#30476 commented on
Jun 1, 2025 • 0 new comments -
Add reference to biclustering example in biclustering.rst documentation
#31393 commented on
May 22, 2025 • 0 new comments -
Make the test suite itself thread-safe to be able to detect thread-safety problems with or without free-threading
#30041 commented on
May 23, 2025 • 0 new comments -
Added sample weight handling to BinMapper under HGBT
#29641 commented on
Jun 13, 2025 • 0 new comments -
DOC Rework ROC example with cross-validation
#29611 commented on
Jun 2, 2025 • 0 new comments -
FEAT Support precomputed distance matrix for `PairwiseDistancesReductions`
#29483 commented on
May 27, 2025 • 0 new comments -
FEA Categorical split support for `DecisionTree*`, `ExtraTree*`, `RandomForest*` and ``ExtraTrees*`
#29437 commented on
Jun 3, 2025 • 0 new comments -
DEP PassiveAggressiveClassifier and PassiveAggressiveRegressor
#29097 commented on
May 23, 2025 • 0 new comments -
Refactor `_convert_container`
#28681 commented on
Jun 20, 2025 • 0 new comments -
Stratified splitters user warnings
#28628 commented on
Jun 6, 2025 • 0 new comments -
ENH: Add Dask Array API support
#28588 commented on
Jun 6, 2025 • 0 new comments -
Add links to examples from the docstrings and user guide
#30621 commented on
Jun 21, 2025 • 0 new comments -
⚠️ CI failed on Linux.pymin_conda_forge_openblas_min_dependencies (last failure: Jan 19, 2025) ⚠️
#29909 commented on
Jun 21, 2025 • 0 new comments -
⚠️ CI failed on Linux_Docker.debian_32bit (last failure: Apr 19, 2025) ⚠️
#29802 commented on
Jun 21, 2025 • 0 new comments -
DOC Improve documentation for macOS Homebrew libomp installation
#31361 commented on
May 22, 2025 • 0 new comments -
Use OS-specific cache directories instead of home directory
#31295 commented on
May 28, 2025 • 0 new comments -
FIX ConvergenceWarning in plot_gpr_on_structured_data (#31164)
#31289 commented on
Jun 21, 2025 • 0 new comments -
DOC Clarify usage of d2_pinball_score with model selection tools
#31239 commented on
Jun 19, 2025 • 0 new comments -
DOC Add link to plot_gmm_pdf.py in GaussianMixture examples
#31230 commented on
May 27, 2025 • 0 new comments -
DOC merge dbscan, hdbcan, optics gallery examples into one example
#31102 commented on
Jun 18, 2025 • 0 new comments -
Fix: added pseudo-likelihood normalization option in RBM #23179
#31099 commented on
Jun 16, 2025 • 0 new comments -
Fix: AttributeError in str_escape when handling numpy.int64 in sklearn.tree._export.py in /sklearn/tree/_export.py
#31036 commented on
May 23, 2025 • 0 new comments -
DOC: add link to example plot_digits_agglomeration.py
#30979 commented on
May 27, 2025 • 0 new comments -
Added link to plot_grid_search_text_feature_extraction.py under TfidfVectorizer
#30974 commented on
Jun 11, 2025 • 0 new comments -
DOC added reference to plot_grid_search_stats.py
#30965 commented on
Jun 11, 2025 • 0 new comments -
DOC: Add missing link to plot_logistic.py in Logistic Regression documentation
#30942 commented on
Jun 6, 2025 • 0 new comments -
Added example plot_image_denoising.py in User Guide
#30864 commented on
Jun 11, 2025 • 0 new comments -
DOC add link to cluster_plot_ward_structured_vs_unstructured in _aggl…
#30861 commented on
Jun 2, 2025 • 0 new comments -
DOC Add drawings to demonstrate Pipeline, ColumnTransformer, and FeatureUnion
#30740 commented on
Jun 2, 2025 • 0 new comments -
PERF Avoid repetitively allocating large temporary arrays when fitting `GaussianMixture`
#30614 commented on
Jun 13, 2025 • 0 new comments -
DOC Add missing links to Gaussian Process Classification
#30605 commented on
May 27, 2025 • 0 new comments -
DOC Add link to plot_lasso_and_elasticnet.py example in linear model
#30587 commented on
May 27, 2025 • 0 new comments -
ENH Array API support for confusion_matrix converting to numpy array
#30562 commented on
Jun 19, 2025 • 0 new comments -
⚠️ CI failed on Ubuntu_Atlas.ubuntu_atlas (last failure: Feb 19, 2025) ⚠️
#27846 commented on
Jun 21, 2025 • 0 new comments -
`_safe_indexing` triggers `SettingWithCopyWarning` when used with `slice`
#31290 commented on
Jun 13, 2025 • 0 new comments -
Cannot recover DBSCAN from memory-overuse
#31407 commented on
Jun 12, 2025 • 0 new comments -
Example with ranking metrices
#21138 commented on
Jun 12, 2025 • 0 new comments -
FEA Add missing-value support to sparse splitter in RandomForest and ExtraTrees
#29542 commented on
Jun 11, 2025 • 0 new comments -
DOC Donating to the project
#30826 commented on
Jun 10, 2025 • 0 new comments -
Introduce honest sampling into sklearn RandomForestClassifier
#19710 commented on
Jun 8, 2025 • 0 new comments -
`_weighted_percentile` NaN handling with array API
#31368 commented on
Jun 8, 2025 • 0 new comments -
Bad error messages in ClassifierChain on multioutput multiclass
#13339 commented on
Jun 4, 2025 • 0 new comments -
Automatically move `y_true` to the same device and namespace as `y_pred` for metrics
#31274 commented on
Jun 4, 2025 • 0 new comments -
Numpy Array Error when Training MultioutputClassifer with LogisticRegressionCV with classes underrepresented
#30832 commented on
Jun 4, 2025 • 0 new comments -
Add sankey style confusion matrix visualization
#31133 commented on
Jun 4, 2025 • 0 new comments -
DOC merging the examples related to OPTICS, DBSCAN, and HDBSCAN
#29962 commented on
Jun 3, 2025 • 0 new comments -
DOC rework the example presenting the regularization path of Lasso, Lasso-LARS, and Elastic Net
#29963 commented on
Jun 3, 2025 • 0 new comments -
Add Categorical Feature Support to `IterativeImputer`
#31219 commented on
Jun 2, 2025 • 0 new comments -
Describe `set_{method}_request()` API, expose `_MetadataRequester`, or expose `_BaseScorer`
#31360 commented on
Jun 1, 2025 • 0 new comments -
Gaussian Process Log Likelihood Gradient Incorrect
#31366 commented on
May 28, 2025 • 0 new comments -
SVC Sigmoid sometimes ROC AUC from predict_proba & decision_function are each other's inverse
#31222 commented on
May 28, 2025 • 0 new comments -
Change the default data directory
#31267 commented on
May 27, 2025 • 0 new comments -
Clarification of output array type when metrics accept multiclass/multioutput
#31286 commented on
May 26, 2025 • 0 new comments -
KernelDensity(bandwidth='silverman') doesn't throw proper error for 1d X
#29443 commented on
May 25, 2025 • 0 new comments -
Allow for multiclass cost matrix in FixedThresholdClassifier and TunedThresholdClassifierCV
#30970 commented on
May 25, 2025 • 0 new comments -
Gaussian Mixture - Implementing weighted sample
#15647 commented on
May 24, 2025 • 0 new comments -
Feature request: Group aware Time-based cross validation
#14257 commented on
May 23, 2025 • 0 new comments -
Verbosity option is not working in GridSearchCV (Jupyter notebook)
#22849 commented on
May 22, 2025 • 0 new comments -
Documentation improvement for macOS Homebrew libomp installation
#31359 commented on
May 22, 2025 • 0 new comments -
Revisit the "chance level" for the different displays
#30352 commented on
Jun 19, 2025 • 0 new comments -
no k-modes or k-prototypes algorithms in scikit-learn
#17138 commented on
Jun 18, 2025 • 0 new comments -
Make `_check_n_features` and `_check_feature_names` public
#30389 commented on
Jun 18, 2025 • 0 new comments -
Make more of the "tools" of scikit-learn Array API compatible
#26024 commented on
Jun 18, 2025 • 0 new comments -
Request: base class with HTML repr but without being an 'Estimator'
#30958 commented on
Jun 17, 2025 • 0 new comments -
Add Accumulated local effects (ALE) to inspection
#30223 commented on
Jun 17, 2025 • 0 new comments -
SLEP006 - Metadata Routing task list
#22893 commented on
Jun 17, 2025 • 0 new comments -
`FunctionTransformer` need `feature_names_out` even if `func` returns DataFrame
#28780 commented on
Jun 16, 2025 • 0 new comments -
TransformedTargetRegressor forces 1d y shape to regressor
#26530 commented on
Jun 16, 2025 • 0 new comments -
FeatureHasher and HashingVectorizer does not expose requires_fit=False tag
#30689 commented on
Jun 16, 2025 • 0 new comments -
ENH Add `pos_label` parameter to `TargetEncoder`
#27342 commented on
Jun 16, 2025 • 0 new comments -
'Section Navigation' bar missing from stable documentation website on several pages
#30309 commented on
Jun 16, 2025 • 0 new comments -
AttributeError: This 'LabelEncoder' has no attribute 'set_output'
#26711 commented on
Jun 16, 2025 • 0 new comments -
Adding more functionality to DecisionBoundaryDisplay
#27462 commented on
Jun 16, 2025 • 0 new comments -
Default argument pos_label=1 is not ignored in f1_score metric for multiclass classification
#29734 commented on
Jun 16, 2025 • 0 new comments -
List of estimators with known incorrect handling of `sample_weight`
#16298 commented on
Jun 16, 2025 • 0 new comments -
Wrong normalization for pseudolikelihood in Restricted Boltzmann Machine.
#23179 commented on
Jun 16, 2025 • 0 new comments -
RandomForest{Classifier,Regressor} split criterion documentation
#27159 commented on
Jun 16, 2025 • 0 new comments -
`ValueError` raised by `FeatureUnion._set_output` with `FunctionTransform` that outputs a pandas `Series` in scikit-learn version 1.6
#31318 commented on
Jun 16, 2025 • 0 new comments -
KBinsDiscretizer uniform strategy bin assignment wrong due to floating point multiplication
#30924 commented on
Jun 16, 2025 • 0 new comments -
Add MultiHorizonTimeSeriesSplit for Multi-Horizon Time Series Cross-Validation
#31344 commented on
Jun 15, 2025 • 0 new comments -
SimpleImputer converts `int32[pyarrow]` extension array to `float64`, subsequently crashing with numpy `int32` values
#31373 commented on
Jun 13, 2025 • 0 new comments -
SimpleImputer casts `category` into `object` when using "most_frequent" strategy
#31350 commented on
Jun 13, 2025 • 0 new comments -
Is there any way to see alphas/coefs/intercept associated with *all* scenarios tested within ElasticNetCV
#28726 commented on
Jun 13, 2025 • 0 new comments -
Automatically move `y` (and `sample_weight`) to the same device and namespace as `X`
#28668 commented on
Jun 13, 2025 • 0 new comments