Overview
Could not load contribution data
Please try again later
25 Pull requests merged by 21 people
-
ENH Bayesian regression model `dtype` consistency
#22525 merged
Feb 27, 2022 -
DOC Fix axes3d matplotlib deprecation warning
#22622 merged
Feb 27, 2022 -
DOC Fix typo in decomposition.TruncatedSVD
#22624 merged
Feb 27, 2022 -
DOC Ensures that linnerud passes numpydoc validation
#22484 merged
Feb 27, 2022 -
MNT Add validation for parameter alphas in LassoCV
#22305 merged
Feb 26, 2022 -
MNT Fixes pypy load_files error in test
#22619 merged
Feb 26, 2022 -
MNT Use C++ stack instead of implementing our own in trees
#22328 merged
Feb 25, 2022 -
FIX Calinski and Harabasz score description
#22605 merged
Feb 25, 2022 -
DOC: use notebook-style for plot_stock_market.py
#22461 merged
Feb 25, 2022 -
DOC: remove note for scikit-learn < 0.20 in contributing guide
#22608 merged
Feb 25, 2022 -
DOC: get rid of matplotlib DeprecationWarning in plot_cluster_iris.py
#22594 merged
Feb 24, 2022 -
MAINT Do not propagate n_jobs as n_threads
#22593 merged
Feb 24, 2022 -
MNT Removes duplicates in neighbors.VALID_METRICS["brute"]
#22602 merged
Feb 24, 2022 -
DOC Fix matplotlib warning for plot_pca_3d.py
#22591 merged
Feb 24, 2022 -
DOC Clarifies comments and docstrings in _BaseDiscreteNB
#22565 merged
Feb 24, 2022 -
DOC Update documentation of gradient boosting estimators w/ ranges
#22153 merged
Feb 23, 2022 -
MNT accelerate plot_iterative_imputer_variants_comparison.py
#21748 merged
Feb 23, 2022 -
Increased speed by adding cv and n_jobs params plot_multi_metric_evaluation.py
#21626 merged
Feb 23, 2022 -
CI: remove misleading pytest-xdist comment
#22588 merged
Feb 23, 2022 -
DOC: use notebook-style for plot_ols_3d
#22547 merged
Feb 23, 2022 -
ENH Allow prefit in stacking
#22215 merged
Feb 22, 2022 -
FEA add quantile HGBT
#21800 merged
Feb 22, 2022 -
CI: refactor Azure CI install script
#22567 merged
Feb 22, 2022 -
DOC: use notebook-style for plot_logistic_path.py
#22536 merged
Feb 22, 2022 -
FIX Missing num_threads in some HGBT pranges
#22566 merged
Feb 21, 2022
24 Pull requests opened by 15 people
-
DOC: Update notebook-style example plot_affinity_propagation
#22559 opened
Feb 20, 2022 -
Modifications to LinearRegression documentation.
#22561 opened
Feb 20, 2022 -
ENH Feature: calculate normed stress (Stress-1) in `manifold.MDS`
#22562 opened
Feb 20, 2022 -
DOC: Update notebook-style example plot_dbscan
#22568 opened
Feb 21, 2022 -
[WIP] Add razors for GridSearchCV, along with test for diverse estimators
#22573 opened
Feb 22, 2022 -
ENH add Naive Bayes Metaestimator `ColumnwiseNB` (aka "GeneralNB")
#22574 opened
Feb 22, 2022 -
FIX Change error message of check_X_y when y is None
#22578 opened
Feb 22, 2022 -
DOC Fixes visualization docs and runs code to plot
#22579 opened
Feb 22, 2022 -
Clarify group order in GroupKFold and LeaveOneGroupOut
#22582 opened
Feb 22, 2022 -
Fix normalize deprecation warning message for RidgeCV
#22585 opened
Feb 23, 2022 -
MNT Clean deprecation of dtype='numeric' + array of strings in check_array for 1.1
#22589 opened
Feb 23, 2022 -
MAINT 32bit support for `DistanceMetric` and `PairwiseDistancesReduction`
#22590 opened
Feb 23, 2022 -
FIX Support extra class_weights in compute_class_weight
#22595 opened
Feb 24, 2022 -
DOC Add abstract methods to _BaseDiscreteNB
#22596 opened
Feb 24, 2022 -
Use :doi: and :arxiv: directives for references in the documentation (Issue #21088)
#22603 opened
Feb 24, 2022 -
FIX Fixes OneVsOneClassifier.predict for ests with only predict_proba
#22604 opened
Feb 24, 2022 -
ENH Uses __sklearn_tags__ for tags instead of mro walking
#22606 opened
Feb 24, 2022 -
Import setuptools before pip in sklearn.show_versions()
#22615 opened
Feb 25, 2022 -
[WIP] Include HDBSCAN as a sub-module for `sklearn.cluster`
#22616 opened
Feb 25, 2022 -
MNT Drops Python 3.7 in CI, wheel building, and docs
#22617 opened
Feb 26, 2022 -
(WIP) ENH Add zero_division = none or np.nan
#22618 opened
Feb 26, 2022 -
BLD Places newest highlights first in subsection
#22620 opened
Feb 26, 2022 -
FIX avoid side effect of importing pip/setuptools in show_versions()
#22621 opened
Feb 26, 2022 -
[WIP] DOC fix matplotlib warning for plot_ward_structured_vs_unstructured.py
#22623 opened
Feb 26, 2022
11 Issues closed by 3 people
-
Cross val predict TypeError when having method = "predict_proba"
#13952 closed
Feb 25, 2022 -
test_SGDClassifier_fit_for_all_backends started to fail in Ubuntu
#13757 closed
Feb 25, 2022 -
train_test_split returns `ValueError` after `np.reshape`
#22609 closed
Feb 25, 2022 -
`sklearn.neighbors.VALID_METRICS['brute']` has duplicate keyword: "cosine".
#22584 closed
Feb 24, 2022 -
Gaussian Process Regression has false exception
#13622 closed
Feb 24, 2022 -
Potential error caused by different column order
#7242 closed
Feb 22, 2022 -
Add Pre-fit Model to Stacking Model
#16556 closed
Feb 22, 2022 -
HistGradientBoostingRegressor and quantile loss function
#17955 closed
Feb 22, 2022 -
[Docs] Improving Cheat Sheet to include external knowledge
#13319 closed
Feb 22, 2022 -
apple silicon m1 can't importing sklearn package.
#22522 closed
Feb 21, 2022
11 Issues opened by 10 people
-
Add zero_division None or np.nan
#22625 opened
Feb 27, 2022 -
joblib development version breaks `sklearn.show_versions()`
#22614 opened
Feb 25, 2022 -
`PairwiseDistancesReductions` back-end roadmap
#22587 opened
Feb 23, 2022 -
Fix Axes3D matplotlib deprecation warning in examples
#22586 opened
Feb 23, 2022 -
Unable to successfully install scikit-learn development version with MacBookPro with chip Apple M1 Pro
#22581 opened
Feb 22, 2022 -
Inconsistent behaviour between `check_X_y` and `check_requires_y_none`
#22576 opened
Feb 22, 2022 -
label_ranking_average_precision_score does not allow csr_matrix for y_true input
#22575 opened
Feb 22, 2022 -
pytest warnings due to deprecation of pytest.warns(None)
#22572 opened
Feb 22, 2022 -
Visualizations examples in documentation don't work
#22563 opened
Feb 21, 2022 -
[RANSACRegressor] Strange behaviour with rectangular regions
#22560 opened
Feb 20, 2022
136 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.
-
Base sample-prop implementation and docs (alternative to #21284)
#22083 commented on
Feb 26, 2022 • 87 new comments -
ENH Make sure OneHotEncoder returns unique feature names
#22506 commented on
Feb 26, 2022 • 27 new comments -
ENH Introduce `PairwiseDistancesRadiusNeighborhood`
#22320 commented on
Feb 27, 2022 • 21 new comments -
ENH migrate GLMs / TweedieRegressor to linear loss
#22548 commented on
Feb 25, 2022 • 19 new comments -
DOC Improve the mathematical description of Logistic Regression
#22382 commented on
Feb 25, 2022 • 18 new comments -
[MRG+1] ENH Added warning for RidgeCV (cont.)
#21303 commented on
Feb 24, 2022 • 9 new comments -
[MRG] Update gridsearch example for multimetric scoring.
#22279 commented on
Feb 25, 2022 • 8 new comments -
DOC Add minimal reproducer guide for scikit-learn
#22401 commented on
Feb 25, 2022 • 8 new comments -
NOCATS: Categorical splits for tree-based learners (ctnd.)
#12866 commented on
Feb 24, 2022 • 7 new comments -
RidgeCV replacement for normalize=True gives different results
#22540 commented on
Feb 23, 2022 • 6 new comments -
ColumnTransformer doesn't accept some valid Pandas column names
#13781 commented on
Feb 25, 2022 • 6 new comments -
DOC updated to notebook style for grid_search_text_feature_extraction.py
#22558 commented on
Feb 27, 2022 • 5 new comments -
DBSCAN running out of memory and getting killed
#22531 commented on
Feb 22, 2022 • 4 new comments -
Fix notebook-style examples
#22406 commented on
Feb 25, 2022 • 4 new comments -
[WIP] No longer use SVD for fastica
#22527 commented on
Feb 27, 2022 • 4 new comments -
Warn subclassed UserWarning when unpickling model using different verison of sklearn
#20967 commented on
Feb 24, 2022 • 3 new comments -
FEA Add DecisionBoundaryDisplay
#16061 commented on
Feb 26, 2022 • 3 new comments -
CI: revert LDFLAGS sysroot work-around
#22535 commented on
Feb 21, 2022 • 3 new comments -
Reduces memory usage of `PCA.transform` w/ `solver=randomized`
#22553 commented on
Feb 27, 2022 • 3 new comments -
DOC: use notebook-style for plot_svm_anova.py
#22555 commented on
Feb 26, 2022 • 3 new comments -
ValueError when a key present in class_weight is not found in labels
#22413 commented on
Feb 23, 2022 • 2 new comments -
Should cross-validation scoring take sample-weights into account?
#4632 commented on
Feb 25, 2022 • 2 new comments -
Odd (incorrect) behavior with normalized_mutual_info_score
#13836 commented on
Feb 25, 2022 • 2 new comments -
All kernel regression methods should accept precomputed Gram matrices
#8445 commented on
Feb 27, 2022 • 2 new comments -
add which solver was used in sklearn Ridge regression : add clf.get_params(solver)
#22341 commented on
Feb 27, 2022 • 2 new comments -
Add data_transposed argument and warning to make_sparse_coded_signal
#21425 commented on
Feb 25, 2022 • 2 new comments -
FET add retry mechanism for fetch_xx functions
#21691 commented on
Feb 23, 2022 • 2 new comments -
API Deprecate max_feature=`auto` for tree classes
#22476 commented on
Feb 23, 2022 • 2 new comments -
LinearRegression in User Guide seems to have $w_0=0$
#22551 commented on
Feb 20, 2022 • 1 new comment -
Add Gaussian kernel to mean shift clustering
#442 commented on
Feb 22, 2022 • 1 new comment -
Path for Adopting the Array API spec
#22352 commented on
Feb 23, 2022 • 1 new comment -
Strange behavior of label_binarize when there's only one class in y
#13674 commented on
Feb 24, 2022 • 1 new comment -
OneVsOneClassifier with KNeighborsClassifier different predictions on two-class dataset
#13617 commented on
Feb 25, 2022 • 1 new comment -
A common private module for differentiable loss functions used as objective functions in estimators
#15123 commented on
Feb 25, 2022 • 1 new comment -
RFC bump up dependencies (numpy, scipy and python) minimum versions for scikit-learn 1.1
#21460 commented on
Feb 25, 2022 • 1 new comment -
really weird __repr__
#14546 commented on
Feb 25, 2022 • 1 new comment -
base_estimator vs estimator for meta-estimators
#9104 commented on
Feb 26, 2022 • 1 new comment -
Use a stable sorting algorithm when selecting the `max_features` in TfidfVectorizer
#21446 commented on
Feb 26, 2022 • 1 new comment -
Warning the user of bad default values, starting by dbscan.eps
#14942 commented on
Feb 24, 2022 • 1 new comment -
[MRG] Paired haversine distances
#17258 commented on
Feb 21, 2022 • 1 new comment -
[WIP] PERF Replace np.dot with higher level BLAS _gemv
#20396 commented on
Feb 22, 2022 • 1 new comment -
Fixes the mahalanobis metric problem when calling TSNE method_parameters #11793
#21805 commented on
Feb 21, 2022 • 1 new comment -
ENH improve ARFF parser using pandas
#21938 commented on
Feb 25, 2022 • 1 new comment -
FEA add pinball loss to SGDRegressor
#22043 commented on
Feb 26, 2022 • 1 new comment -
[MRG] Multi-class Brier Score Loss (updated)
#22046 commented on
Feb 22, 2022 • 1 new comment -
ENH save memory in QuantileRegressor
#22222 commented on
Feb 21, 2022 • 1 new comment -
[MRG] Adding variable `force_alpha` to classes in naive_bayes.py
#22269 commented on
Feb 27, 2022 • 1 new comment -
CLN Small refactor of cost complexity pruning using _TREE_UNDEFINED
#22351 commented on
Feb 26, 2022 • 1 new comment -
Implementation of XRAY solver for NMF per Kumar 2013
#22538 commented on
Feb 21, 2022 • 0 new comments -
RFC Dataset API
#13123 commented on
Feb 22, 2022 • 0 new comments -
New recommended ways to write (in)equality assertions in tests
#13180 commented on
Feb 22, 2022 • 0 new comments -
Using ColumnTransformer with FeatureHasher(string) hashes characters instead of strings
#13199 commented on
Feb 22, 2022 • 0 new comments -
Add n_outputs_ param to MultiOutputRegressor and MultiOutputClassifier
#13201 commented on
Feb 22, 2022 • 0 new comments -
PERF: use higher level BLAS functions
#13210 commented on
Feb 22, 2022 • 0 new comments -
API Inconsitency of predict and predict_proba in SVC
#13211 commented on
Feb 22, 2022 • 0 new comments -
Incorrect doc on GaussianProcessRegressor alpha (and example)
#13267 commented on
Feb 22, 2022 • 0 new comments -
Should fitting with warm_start=True validate changes in parameters?
#13285 commented on
Feb 22, 2022 • 0 new comments -
IterativeImputer shouldn't just use l2 loss by default
#13286 commented on
Feb 22, 2022 • 0 new comments -
Add example of creating a static transformer for transfer learning using joblib or onnx deserialisation
#13288 commented on
Feb 22, 2022 • 0 new comments -
SVD decomposition float32 float64 stability
#13309 commented on
Feb 22, 2022 • 0 new comments -
need "multilabel_only" tag.
#13338 commented on
Feb 22, 2022 • 0 new comments -
Bad error messages in ClassifierChain on multioutput multiclass
#13339 commented on
Feb 22, 2022 • 0 new comments -
SGDClassifier: the validation of the parameters should be delayed until fit()
#13355 commented on
Feb 22, 2022 • 0 new comments -
Add MultipleImputation
#13391 commented on
Feb 22, 2022 • 0 new comments -
Unintuitive results in make_regression
#13399 commented on
Feb 22, 2022 • 0 new comments -
Agglomeration clustering always returns two different clusters, even if data points are same
#13401 commented on
Feb 22, 2022 • 0 new comments -
No parallelization of predict_proba method of MultiOutputClassifier
#13407 commented on
Feb 22, 2022 • 0 new comments -
Estimator Tags todo / proposed tags
#13438 commented on
Feb 22, 2022 • 0 new comments -
Adding Fall-out, Miss rate, specificity as metrics
#5516 commented on
Feb 22, 2022 • 0 new comments -
make cross_val_score return accuracy per class
#13450 commented on
Feb 22, 2022 • 0 new comments -
Add `return_predictions` option to the model_selection.cross_validate() API
#13478 commented on
Feb 22, 2022 • 0 new comments -
`_check_feature_names` raises UserWarning when accesing bagged estimators
#21599 commented on
Feb 22, 2022 • 0 new comments -
Ensure that functions's docstrings pass numpydoc validation
#21350 commented on
Feb 22, 2022 • 0 new comments -
Regression metrics - which strategy ?
#13482 commented on
Feb 23, 2022 • 0 new comments -
Disregard NaNs in Normalizer
#13501 commented on
Feb 23, 2022 • 0 new comments -
Encountering log(0) errors in log_loss function
#13502 commented on
Feb 23, 2022 • 0 new comments -
TODO comment found in Glossary (Documentation) in Data Type section
#13533 commented on
Feb 23, 2022 • 0 new comments -
roc_plot.py example gives different macro-averaged AUC than roc_auc_score
#13546 commented on
Feb 23, 2022 • 0 new comments -
Refactor BaseEstimator.get_params for easier use in subclasses
#13555 commented on
Feb 23, 2022 • 0 new comments -
More details about the Crammer-Singer method for LinearSVM
#13556 commented on
Feb 23, 2022 • 0 new comments -
cross_validate hang randomly when training svc with polynomial kernel.
#13557 commented on
Feb 23, 2022 • 0 new comments -
Array dimensions don't match when using FeatureHasher in a ColumnTransformer
#13568 commented on
Feb 24, 2022 • 0 new comments -
The default value of some parameters make little sense
#13570 commented on
Feb 24, 2022 • 0 new comments -
reconstruct_from_patches_2d
#13602 commented on
Feb 24, 2022 • 0 new comments -
using compute_sample_weight for the fit_params of cross_val_predict
#13608 commented on
Feb 24, 2022 • 0 new comments -
bayesian network
#13717 commented on
Feb 24, 2022 • 0 new comments -
mutual_info_regression throws error when all points have unique labels
#13711 commented on
Feb 24, 2022 • 0 new comments -
Shuffled GroupKFold
#13619 commented on
Feb 24, 2022 • 0 new comments -
Accelerate slow examples
#21598 commented on
Feb 24, 2022 • 0 new comments -
Randomized PCA.transform uses a lot of RAM
#11102 commented on
Feb 25, 2022 • 0 new comments -
Do not require lexicographic order of classes_ and assume max()=positive class
#13631 commented on
Feb 25, 2022 • 0 new comments -
Common test for memmap when fitting estimators should use appriopriate dtype
#13654 commented on
Feb 25, 2022 • 0 new comments -
MLPRegressor, warm_start not working as expected
#13656 commented on
Feb 25, 2022 • 0 new comments -
Modify check_estimator to handle fit() additional keywords?
#13658 commented on
Feb 25, 2022 • 0 new comments -
Unclear behavior of max_train_size argument in TimeSeriesSplit
#13666 commented on
Feb 25, 2022 • 0 new comments -
Is there any possibility to visualize the SGDClassifier results?
#13727 commented on
Feb 25, 2022 • 0 new comments -
Ambiguous way to store n-grams in TfidfVectorizer and CountVectorizer
#13733 commented on
Feb 25, 2022 • 0 new comments -
calling ComplementNB.predict_proba with sparse X converts feature_log_prob_ to sparse
#13752 commented on
Feb 25, 2022 • 0 new comments -
[idea] extend attributes of RFECV to indicate order of feature elimination
#13756 commented on
Feb 25, 2022 • 0 new comments -
doctest SpectralCoclustering fails on Ubuntu arm64
#13762 commented on
Feb 25, 2022 • 0 new comments -
knn predict unreasonably slow b/c of use of scipy.stats.mode
#13783 commented on
Feb 25, 2022 • 0 new comments -
train_test_split with stratify causing integer overflow (32bit version)
#13794 commented on
Feb 25, 2022 • 0 new comments -
BayesianRidge scores_ formula seems a bit inaccurate
#13852 commented on
Feb 25, 2022 • 0 new comments -
Feature Request: DummyRegressor Per Category
#13917 commented on
Feb 25, 2022 • 0 new comments -
[AgglomerativeClustering] confusing parameter 'affinity'
#13945 commented on
Feb 25, 2022 • 0 new comments -
Automatically publish to Releases section of repo
#13949 commented on
Feb 25, 2022 • 0 new comments -
Use of target_names in example datasets is inconsistent
#13962 commented on
Feb 25, 2022 • 0 new comments -
Experimental error message
#13964 commented on
Feb 25, 2022 • 0 new comments -
how can cv folds can be more than number of groups in cross_validate?
#13972 commented on
Feb 25, 2022 • 0 new comments -
GaussianProcessRegressor multi-output underlying mechanics?
#13989 commented on
Feb 25, 2022 • 0 new comments -
add three-fold split method train/val/test
#13990 commented on
Feb 25, 2022 • 0 new comments -
Kernel Linear Discriminant Analysis
#13994 commented on
Feb 25, 2022 • 0 new comments -
`RidgeCV` `cv_values_` are for preprocessed data: centered and scaled by sample weights.
#13998 commented on
Feb 27, 2022 • 0 new comments -
[WIP] Example of multiple imputation with IterativeImputer
#13025 commented on
Feb 22, 2022 • 0 new comments -
[MRG] Fix formula of the objective function in BayesianRidge
#13908 commented on
Feb 25, 2022 • 0 new comments -
Refactor BaseEstimator's and Kernel's get_params and set_params
#14175 commented on
Feb 23, 2022 • 0 new comments -
[MRG] ENH add support for multiclass-multioutput to ClassifierChain
#14654 commented on
Feb 22, 2022 • 0 new comments -
[MRG] Online implementation of non-negative matrix factorization
#16948 commented on
Feb 22, 2022 • 0 new comments -
[MRG] Added option to return raw predictions from cross_validate
#18390 commented on
Feb 22, 2022 • 0 new comments -
FEA Confusion matrix derived metrics
#19556 commented on
Feb 22, 2022 • 0 new comments -
FIX adaboost return nan in feature importance
#20415 commented on
Feb 23, 2022 • 0 new comments -
MRG stacking classifier support multilabel classification.
#20424 commented on
Feb 21, 2022 • 0 new comments -
ENH Adds im_kw to ConfusionMatrixDisplay
#20753 commented on
Feb 22, 2022 • 0 new comments -
[WIP] Callback API continued
#22000 commented on
Feb 22, 2022 • 0 new comments -
[MRG] Add D2 pinbal score and D2 absolute error score
#22118 commented on
Feb 21, 2022 • 0 new comments -
DOC Clarify the LS term in example
#22156 commented on
Feb 23, 2022 • 0 new comments -
ENH Implement SVD algorithm in MDS
#22330 commented on
Feb 27, 2022 • 0 new comments -
[WIP] MAINT Use check_scalar in _BaseStacking
#22405 commented on
Feb 23, 2022 • 0 new comments -
Kernel Ridge Classifier
#22417 commented on
Feb 22, 2022 • 0 new comments -
First attempt at using lock files in the CI
#22448 commented on
Feb 23, 2022 • 0 new comments -
DOC use notebook-style for plot_faces_decomposition
#22452 commented on
Feb 25, 2022 • 0 new comments -
[MRG] separate penalty factors for GLM regressions
#22485 commented on
Feb 22, 2022 • 0 new comments -
FEA Add positive and negative likelihood ratios to metrics
#22518 commented on
Feb 25, 2022 • 0 new comments -
update notebook style for plot_lda_qda
#22528 commented on
Feb 25, 2022 • 0 new comments -
DOC Link directly developer docs in the navbar
#22550 commented on
Feb 22, 2022 • 0 new comments -
ENH Adds Array API support to LinearDiscriminantAnalysis
#22554 commented on
Feb 24, 2022 • 0 new comments