scikit-learn / scikit-learn Public
Overview
Could not load contribution data
Please try again later
16 Pull requests merged by 13 people
-
BUG Fix upstream updater when test collection fails
#21655 merged
Nov 13, 2021 -
MAINT move PyPy back to scheduled build
#21645 merged
Nov 12, 2021 -
ENH Accelerate plot_mlp_alpha.py
#21648 merged
Nov 12, 2021 -
[MRG] Add Swiss-Hole dataset and expand example
#21482 merged
Nov 12, 2021 -
FIX enforce keyword-only arguments in mean_absolute_percentage_error
#21576 merged
Nov 12, 2021 -
MAINT Adds script to create or update issue when CI fails
#21544 merged
Nov 12, 2021 -
DOC fix extra . between 1e-3 in TheilSenRegressor's docstring
#21623 merged
Nov 12, 2021 -
MNT pin PyWavelet in doc-min builds
#21607 merged
Nov 12, 2021 -
DOC Fix link to the Scipy Development Workflow
#21633 merged
Nov 11, 2021 -
Enhance mape documentation, fixes #21556
#21574 merged
Nov 10, 2021 -
MAINT: Use non-deprecated SciPy imports
#21603 merged
Nov 9, 2021 -
ENH expose n_oversamples in PCA when using solver="randomized"
#21109 merged
Nov 9, 2021 -
DOC fix typos and code in logistic regression example
#21596 merged
Nov 8, 2021 -
TST accelerate runtime for test svm/tests/test_svm.py::test_svc_ovr_tie_breaking[NuSVC]
#21443 merged
Nov 8, 2021 -
EHN Support unit-variance whitening for `FastICA`
#19490 merged
Nov 8, 2021 -
MNT remove X_idx_sorted parameter in decision trees
#21593 merged
Nov 8, 2021
38 Pull requests opened by 15 people
-
DOC Fix code according to comment
#21597 opened
Nov 8, 2021 -
DOC fix according to comment
#21600 opened
Nov 8, 2021 -
Add test TST Check correct interactions of class_weight and sam…
#21601 opened
Nov 8, 2021 -
Added simple example of Content-based Recommendation Engine
#21602 opened
Nov 8, 2021 -
MNT Use check_scalar in AdaBoostRegressor
#21605 opened
Nov 9, 2021 -
MNT Add validation for parameter `alphas` in `RidgeCV`
#21606 opened
Nov 9, 2021 -
Set the shading parameter for pcolormesh in plot_custom_kernel.py
#21608 opened
Nov 9, 2021 -
[MRG] accelerate plot_gradient_boosting_early_stopping.py example #21598
#21609 opened
Nov 9, 2021 -
Increase execution speed of plot_sgd_comparison.py through parameter adaptions
#21610 opened
Nov 9, 2021 -
[MRG] accelerate plot_gradient_boosting_regularization.py example #21598
#21611 opened
Nov 9, 2021 -
accelerate plot_successive_halving_iterations.py example #21598
#21612 opened
Nov 9, 2021 -
[MRG] SimpleImputer skipped feature warning with feature names
#21617 opened
Nov 10, 2021 -
Increase execution speed of plot_sparse_logistic_regression_20newsgroup.py
#21619 opened
Nov 10, 2021 -
Changed number of features and max iteration limits in plot_tweedie_regression_insurance_claims.py
#21622 opened
Nov 10, 2021 -
Increase execution speed of plot_cluster_comparison.py
#21624 opened
Nov 10, 2021 -
Increased speed by decreasing number of splits plot_svm_scale_c.py
#21625 opened
Nov 10, 2021 -
Increased speed by adding cv and n_jobs params plot_multi_metric_evaluation.py
#21626 opened
Nov 10, 2021 -
speed up sgdclassifier plotting example plot_sgd_early_stopping.py
#21627 opened
Nov 10, 2021 -
Adapted the number of splits in shuffle split to increase speed in plot_learning_curve.py
#21628 opened
Nov 10, 2021 -
Adapted the explanations for default value change procedures
#21629 opened
Nov 10, 2021 -
Improve example Importance of Feature Scaling
#21630 opened
Nov 11, 2021 -
[WIP] MNT Use check_scalar in BaseGradientBoosting
#21632 opened
Nov 11, 2021 -
Speed up example on plot_gradient_boosting_categorical.py
#21634 opened
Nov 11, 2021 -
[MRG] Accelerate examples/manifold/plot_compare_methods.py
#21635 opened
Nov 11, 2021 -
[MRG] Accelerate examples/manifold/plot_t_sne_perplexity.py
#21636 opened
Nov 11, 2021 -
[MRG] accelerate plot_randomized_search.py example #21598
#21637 opened
Nov 11, 2021 -
Changed n_jobs parameter to increase speed in plot_validation_curve.py
#21638 opened
Nov 11, 2021 -
Changed layer number and learning rate init to make execution of plot_mnist_filters.py quicker
#21647 opened
Nov 12, 2021 -
Added link to LinkedIn site to readme file
#21650 opened
Nov 12, 2021 -
Changed the estimator numbers to make plot_adaboost_multiclass.py quicker in execution
#21651 opened
Nov 13, 2021 -
DOC Add default to constant parameter of dummy clf
#21652 opened
Nov 13, 2021 -
DOC typo in gaussian_process_regressor
#21653 opened
Nov 13, 2021 -
[WIP] DEBUG segmentation fault on memory mapped contiguous memoryview
#21654 opened
Nov 13, 2021 -
DOC Ensures that sklearn._config.get_config passes numpydoc validation.
#21656 opened
Nov 13, 2021 -
[MRG] Speed up plot_discretization_classification.py
#21661 opened
Nov 14, 2021 -
FIX out of bounds error on X_indptr in kmeans
#21662 opened
Nov 14, 2021 -
[DOC] Speed up `plot_gradient_boosting_quantile.py` example
#21666 opened
Nov 14, 2021
6 Issues closed by 5 people
-
MAINT slow pypy builds on PRs
#21286 closed
Nov 12, 2021 -
Inconsistent use of keyword-only arguments in mean_absolute_percentage_error
#21575 closed
Nov 12, 2021 -
mean_absolute_percentage_error error in the documentation
#21556 closed
Nov 10, 2021 -
../examples/ensemble/plot_gradient_boosting_quantile.py: 60.39 sec 0.0 MB
#21615 closed
Nov 9, 2021 -
`LabelEncoder` uses `y`. Therefore breaking transformers.
#21604 closed
Nov 9, 2021 -
FastICA whitening problem (Bug)
#13056 closed
Nov 8, 2021
12 Issues opened by 11 people
-
CI with boundscheck=False
#21668 opened
Nov 14, 2021 -
Inconsistency in allowed argument shape for e.g. LassoLars and LassoLarsCV
#21667 opened
Nov 14, 2021 -
Mean Standardized Log Loss (MSLL) for uncertainty aware regression models
#21665 opened
Nov 14, 2021 -
⚠️ CI failed on Linux_Nightly.pylatest_pip_scipy_dev ⚠️
#21657 opened
Nov 14, 2021 -
add link to LinkedIn page to "Communications" section of main README.md
#21646 opened
Nov 12, 2021 -
ElasticNetCV call with l1_ratio=0 produces warning incorrectly identifying alpha=0 as the issue
#21644 opened
Nov 12, 2021 -
Bad error region in examples on learning curves for fast models
#21643 opened
Nov 12, 2021 -
Default Value for SimpleImputer with all missing values
#21639 opened
Nov 12, 2021 -
`_check_feature_names` raising a false positive when fitting a GBDT and `n_iter_no_change` is not None
#21618 opened
Nov 10, 2021 -
SimpleImputer skipped values with feature names
#21616 opened
Nov 10, 2021 -
`_check_feature_names` raises UserWarning when accesing bagged estimators
#21599 opened
Nov 8, 2021 -
Accelerate slow examples
#21598 opened
Nov 8, 2021
68 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.
-
FIX/API Fix AIC/BIC in LassoLarsIC and introduce noise_variance
#21481 commented on
Nov 9, 2021 • 22 new comments -
[MRG] Common Private Loss Module with tempita
#20567 commented on
Nov 14, 2021 • 20 new comments -
[MRG] Expose `n_iter_` to BaseLibSVM
#21408 commented on
Nov 11, 2021 • 15 new comments -
[MRG] Adding variable force_alpha to classes in naive_bayes.py
#18805 commented on
Nov 12, 2021 • 12 new comments -
DOC Add example comparing permutation importance and SHAP
#18139 commented on
Nov 10, 2021 • 10 new comments -
FIX Remove warnings when fitting a dataframe
#21578 commented on
Nov 12, 2021 • 9 new comments -
[MRG] FEA add interaction constraints to HGBT
#21020 commented on
Nov 13, 2021 • 8 new comments -
DOC: first draft on the comms
#21287 commented on
Nov 12, 2021 • 7 new comments -
Add option to choose OOB scorer in RandomForest
#21521 commented on
Nov 8, 2021 • 6 new comments -
EHN Pairwise Distances ArgKmin
#21462 commented on
Nov 8, 2021 • 6 new comments -
Example with ranking metrices
#21138 commented on
Nov 8, 2021 • 5 new comments -
[DOC] Outdated description of attributes oob_decision_function_ and oob_prediction_ in bagging estimators
#21490 commented on
Nov 9, 2021 • 4 new comments -
MRG stacking classifier support multilabel classification.
#20424 commented on
Nov 8, 2021 • 4 new comments -
DOC Ensures that plot_roc_curve passes numpydoc validation
#21547 commented on
Nov 14, 2021 • 4 new comments -
ENH Updating defaults for RandomForestRegressor and Classifier
#20803 commented on
Nov 12, 2021 • 3 new comments -
Add custom_range argument for partial dependence
#21033 commented on
Nov 9, 2021 • 3 new comments -
[MRG] Arxiv updating
#21418 commented on
Nov 14, 2021 • 3 new comments -
[MRG] accelerate stacking-classifier in test_common.py::test_ensemble_heterogeneous_estimators_behavior
#21562 commented on
Nov 14, 2021 • 3 new comments -
Interaction terms between categorical and numerical features
#15263 commented on
Nov 8, 2021 • 2 new comments -
Better (__-free) ways to specify grid search hyperparameters
#19045 commented on
Nov 10, 2021 • 2 new comments -
add sklearn.metrics Display class to plot Precision/Recall/F1 for probability thresholds
#21391 commented on
Nov 11, 2021 • 2 new comments -
Enable stop/resume in GridSearchCV and RandomizedSearchCV
#17069 commented on
Nov 12, 2021 • 2 new comments -
Native wheels for the macos/arm64 platform (Apple Silicon M1 hardware)
#19137 commented on
Nov 13, 2021 • 2 new comments -
Confusion matrix derived metrics
#19556 commented on
Nov 11, 2021 • 2 new comments -
BLD Build 3.10 wheel for linux [cd build gh]
#21232 commented on
Nov 8, 2021 • 2 new comments -
MNT Add validation of scalar parameters in Ridge
#21341 commented on
Nov 10, 2021 • 2 new comments -
[MRG] CV fit doc improvement
#21514 commented on
Nov 10, 2021 • 2 new comments -
FIX check that parameters validation happen in fit for KernelPCA
#21567 commented on
Nov 14, 2021 • 2 new comments -
MNT remove deprecated attributes in PLS
#21585 commented on
Nov 8, 2021 • 2 new comments -
MNT change and deprecate square_distances in TSNE
#21592 commented on
Nov 12, 2021 • 2 new comments -
Problem computing %error on "StratifiedShuffleSplit"
#21483 commented on
Nov 8, 2021 • 1 new comment -
Do cross-validation estimators like LassoCV re-estimate the model on the full training set after finding the best hyperparameters?
#20488 commented on
Nov 8, 2021 • 1 new comment -
permutation_test_score doesn't shuffle labels as expected when there are label groups
#21543 commented on
Nov 8, 2021 • 1 new comment -
Conflict between key-values and build-in method name in `Bunch`
#21595 commented on
Nov 9, 2021 • 1 new comment -
add graph-based clustering
#21570 commented on
Nov 9, 2021 • 1 new comment -
Inconsistency of attributes and methods for clustering algorithms
#10036 commented on
Nov 9, 2021 • 1 new comment -
Perplexity not monotonically decreasing for batch Latent Dirichlet Allocation
#6777 commented on
Nov 9, 2021 • 1 new comment -
Adding Oblique Trees (Forest-RC) to the Cythonized Tree Module
#20819 commented on
Nov 9, 2021 • 1 new comment -
Use check_scalar for parameters validation
#20724 commented on
Nov 10, 2021 • 1 new comment -
Is there an issue with TimeSeriesSplit and the learning_curve?
#7834 commented on
Nov 10, 2021 • 1 new comment -
Naive Bayes Classifier with Mixed Bernoulli/Gaussian Models
#12957 commented on
Nov 11, 2021 • 1 new comment -
unsupervised scoring methods should be a value addition in score.py
#20773 commented on
Nov 13, 2021 • 1 new comment -
Ensure that functions's docstrings pass numpydoc validation
#21350 commented on
Nov 13, 2021 • 1 new comment -
Remove validation from `__init__` and `set_params`
#21406 commented on
Nov 14, 2021 • 1 new comment -
ENH: use Bayesian priors in Nearest Neighbors classifier (Issue 399)
#970 commented on
Nov 10, 2021 • 1 new comment -
MRG: Evidence Accumulation Clustering
#1830 commented on
Nov 10, 2021 • 1 new comment -
[MGR] Implemented Determinant ECOC
#2391 commented on
Nov 10, 2021 • 1 new comment -
Added vip_ attribute to PLSRegression
#13492 commented on
Nov 8, 2021 • 1 new comment -
CalibratedClassifierCV passes on fit_params
#18170 commented on
Nov 13, 2021 • 1 new comment -
FIX make creation of dataset deterministic in SGD
#19716 commented on
Nov 8, 2021 • 1 new comment -
Fix bug default marking of unlabeled data
#20494 commented on
Nov 12, 2021 • 1 new comment -
MNT use check_scalar in SpectralBiClustering and SpectralCoClustering
#20817 commented on
Nov 11, 2021 • 1 new comment -
[MRG] FEA Lift metric and curve
#21320 commented on
Nov 11, 2021 • 1 new comment -
[MRG] Add alt text to scikit-learn documentation
#21354 commented on
Nov 8, 2021 • 1 new comment -
DOC ensure that meaning if random_state = None is specified in spectral embedding
#21427 commented on
Nov 8, 2021 • 1 new comment -
DOC ensures that paired_distances passes numpydoc validation.
#21440 commented on
Nov 8, 2021 • 1 new comment -
ENH Add get_feature_names_out for ensemble module
#21459 commented on
Nov 12, 2021 • 1 new comment -
Bugfix: Fixed Attribut self.n_components reference
#21533 commented on
Nov 10, 2021 • 1 new comment -
FIX: spectral_embedding.py initial eigenvector approximations for LOBPCG and AMG solvers should be randn not rand
#21565 commented on
Nov 10, 2021 • 1 new comment -
Add get_feature_names_out to FunctionTransformer
#21569 commented on
Nov 14, 2021 • 1 new comment -
DOC Ensures that function passes numpydoc validation: has_fit_parameter
#21590 commented on
Nov 13, 2021 • 1 new comment -
DOC Ensures that function passes numpydoc validation: column_or_1d function
#21591 commented on
Nov 13, 2021 • 1 new comment -
[MRG+1] Support Vector Data Description
#7910 commented on
Nov 10, 2021 • 0 new comments -
[MRG]Clusters-Class auto-match
#10604 commented on
Nov 14, 2021 • 0 new comments -
[MRG] Monotonic trees (continued)
#13649 commented on
Nov 13, 2021 • 0 new comments -
FEA added support for sample weight in KBinsDiscretizer with "quantile" strategy
#20768 commented on
Nov 8, 2021 • 0 new comments -
[MRG] Speed up slow test: linear_model/tests/test_quantile.py::test_asymmetric_error
#21546 commented on
Nov 12, 2021 • 0 new comments -
Support cross 32bit/64bit pickles for decision tree
#21552 commented on
Nov 8, 2021 • 0 new comments