Overview
Could not load contribution data
Please try again later
48 Pull requests merged by 26 people
-
TST Replace pytest.warns(None) in feature_extraction/tests/test_text.py
#22962 merged
Mar 27, 2022 -
TST Replace pytest.warns(None) in manifold/tests/test_t_sne.py
#22963 merged
Mar 27, 2022 -
TST Replace pytest.warns(None) in utils/tests/test_utils.py
#22961 merged
Mar 27, 2022 -
TST Replace pytest.warns(None) in test_gpc.py
#22960 merged
Mar 27, 2022 -
TST replace pytest.warns(None) in metrics/cluster/test_supervised.py
#22955 merged
Mar 27, 2022 -
TST replace pytest.warns(None) in metrics/cluster/test_unsupervised.py
#22956 merged
Mar 27, 2022 -
TST Replace pytest.warns(None) in test_gpr.py
#22959 merged
Mar 26, 2022 -
TST replace pytest.warns(None) in metrics/tests/test_pairwise.py
#22957 merged
Mar 26, 2022 -
TST replace pytest.warns(None) in preprocessing/test_common.py
#22936 merged
Mar 26, 2022 -
tiny typo fix in faq.rst
#22958 merged
Mar 26, 2022 -
DOC Makes Sphinx reference to Bunch a class
#22948 merged
Mar 25, 2022 -
TST use global_dtype in sklearn/feature_selection/tests/test_mutual_info.py
#22677 merged
Mar 25, 2022 -
Update comms team
#22942 merged
Mar 25, 2022 -
FIX Fix recall in multilabel classification when true labels are all negative
#19085 merged
Mar 25, 2022 -
ENH add sample_weight to sparse coordinade descent
#22808 merged
Mar 25, 2022 -
FIX Removes warning in HGBT when fitting on dataframes
#22908 merged
Mar 25, 2022 -
[MAINT] Separate unit tests in `test_tree.py` for pickling and min_impurity_decrease
#22915 merged
Mar 25, 2022 -
MNT fix typo in tree test name
#22943 merged
Mar 24, 2022 -
TST replace pytest.warns(None) in preprocessing/test_function_transformer.py
#22937 merged
Mar 24, 2022 -
TST replace pytest.warns(None) in preprocessing/test_data.py
#22938 merged
Mar 24, 2022 -
FIX PowerTransformer Yeo-Johnson auto-tuning on significantly non-Gaussian data
#20653 merged
Mar 24, 2022 -
BLD Monkeypatch windows build to stablize build
#22693 merged
Mar 24, 2022 -
TST replace pytest.warns(None) in metrics/test_classification.py
#22888 merged
Mar 24, 2022 -
FEAT SLEP6: scorers
#22757 merged
Mar 24, 2022 -
TST Fix test failing scipy nightly
#22935 merged
Mar 24, 2022 -
API Deprecate max_feature=`auto` for tree classes
#22476 merged
Mar 23, 2022 -
ENH Adds encoded_missing_value to OrdinalEncoder
#21988 merged
Mar 23, 2022 -
[Fix] a typo in doc
#22924 merged
Mar 23, 2022 -
DOC corrected docstring on sklearn.datasets._covtype.fetch_covtype
#22918 merged
Mar 22, 2022 -
Fix Ridge sparse + sample_weight + intercept
#22899 merged
Mar 22, 2022 -
MNT Clean deprecation of dtype='numeric' + array of strings in check_array for 1.1
#22589 merged
Mar 22, 2022 -
MAINT use the default CPU_COUNT=2 for the macOS builds
#22919 merged
Mar 22, 2022 -
API Add data_transposed argument and warning to make_sparse_coded_signal
#21425 merged
Mar 22, 2022 -
MNT Replace pytest.warns(None) in test_ridge.py
#22917 merged
Mar 22, 2022 -
Update plot_label_propagation_structure.py
#22726 merged
Mar 22, 2022 -
Update plot_label_propagation_digits.py
#22725 merged
Mar 22, 2022 -
ENH Allow `SelectFromModel`'s `max_features` to accept callables
#22356 merged
Mar 22, 2022 -
np docstrings format min_max_axis
#22839 merged
Mar 22, 2022 -
DOC Ensures that sklearn.metrics._plot.confusion_matrix.plot_confusion_matrix passes numpydoc validation
#22842 merged
Mar 22, 2022 -
Doc : adds 4 points to sklearn.datasets._samples_generator.make_sparse_coded_signal
#22817 merged
Mar 21, 2022 -
DOC Ensures that preprocessing._data.power_transform passes numpydoc validation
#22802 merged
Mar 21, 2022 -
DOC Ensure that ledoit_wolf is passing numpydoc validation
#22496 merged
Mar 21, 2022 -
DOC adds two dots from datasets._base.load_sample_image
#22805 merged
Mar 21, 2022 -
DOC Ensures that load_wine passes numpydoc
#22469 merged
Mar 21, 2022 -
DOC corrected docstring on california_housing
#22882 merged
Mar 21, 2022 -
ENH Use simultaenous sort in tree splitter
#22868 merged
Mar 21, 2022 -
API Config: change default display to "diagram"
#22856 merged
Mar 21, 2022 -
MNT More plausible spelling fix
#22912 merged
Mar 21, 2022
20 Pull requests opened by 16 people
-
DOC Update notebook style for plot_bayesian_ridge_curvefit
#22916 opened
Mar 21, 2022 -
MNT Uses memoryviews in tree criterion
#22921 opened
Mar 22, 2022 -
ENH Support cardinality filtering of columns in `make_column_selector`
#22923 opened
Mar 23, 2022 -
TST Add TODO for global_dtype in sklearn/tree/tests/test_tree.py
#22926 opened
Mar 23, 2022 -
DOC rework plot_document_classification_20newsgroups.py example
#22928 opened
Mar 23, 2022 -
DOC: Update plot_dict_face_patches.py
#22929 opened
Mar 23, 2022 -
Add sample_weight to the calculation of alphas in enet_path and LinearModelCV
#22933 opened
Mar 24, 2022 -
ENH `LinearRegression` Optimizations
#22940 opened
Mar 24, 2022 -
TST Add TODO for global_dtype in sklearn/ensemble/tests/test_forest.py
#22941 opened
Mar 24, 2022 -
Fix verbosity regression in cross-validation grid search
#22946 opened
Mar 25, 2022 -
TST Replaces pytest.warns(None) in test_voting
#22949 opened
Mar 25, 2022 -
ENH enable LSQR solver with intercept term in Ridge with sparse input
#22950 opened
Mar 25, 2022 -
[WIP] Elaborates on description of MaxAbsScaler in example.
#22951 opened
Mar 25, 2022 -
[MRG] Small fixes in Tweedie deviances documentation
#22952 opened
Mar 25, 2022 -
Fix: Feature Union: Checking if feautre union is fitted fails
#22953 opened
Mar 25, 2022 -
DOC Fixes nav bar by dynamically changing searchbar size
#22954 opened
Mar 25, 2022 -
[MRG] Add sparse input support to OPTICS
#22965 opened
Mar 27, 2022 -
ENH Added `dtype` preservation to `Birch`
#22968 opened
Mar 27, 2022 -
Rename triage team to contributor experience team
#22970 opened
Mar 28, 2022 -
DOC Rename Triage Team to Contributor Experience Team
#22971 opened
Mar 28, 2022
25 Issues closed by 9 people
-
custom pairwise distance: absolute correlation / cosine - DBSCAN too slow
#15140 closed
Mar 28, 2022 -
Feature Importance - Isolation Regression Forest
#15275 closed
Mar 28, 2022 -
Add friedman's H statistic
#22964 closed
Mar 26, 2022 -
Bunch object appears as :func: role in intersphinx inventory
#22840 closed
Mar 25, 2022 -
AttributeError when use ‘CountVectorizer‘ with ‘preprocessor ’
#22944 closed
Mar 25, 2022 -
average_precision_score does not return correct AP when all negative ground truth labels
#8245 closed
Mar 25, 2022 -
sample_weight for lasso, elastic etc
#3702 closed
Mar 25, 2022 -
UserWarning is thrown when calling `HistGradientBoostingRegressor.fit` while specifying `scoring` argument
#22907 closed
Mar 25, 2022 -
PowerTransformer 'divide by zero encountered in log' + proposed fix
#14959 closed
Mar 24, 2022 -
sklearn.preprocessing.LabelEncoder: new feature to manage unknown value in `transform()` method
#22939 closed
Mar 24, 2022 -
⚠️ CI failed on Linux_Nightly.pylatest_pip_scipy_dev ⚠️
#22934 closed
Mar 24, 2022 -
status Labels on github
#14570 closed
Mar 23, 2022 -
BUG: sklearn/utils/multiclass.type_of_target inconsistent for similar inputs
#14671 closed
Mar 23, 2022 -
Pandas error when using ColumnTransformer
#14690 closed
Mar 23, 2022 -
Deprecate max_features="auto" in DecisionTree*
#22458 closed
Mar 23, 2022 -
R squared is missing in Scikit learn
#22927 closed
Mar 23, 2022 -
wrong input into entropy function
#14497 closed
Mar 23, 2022 -
Bug in sparse in Ridge with sample weights
#15438 closed
Mar 22, 2022 -
make_sparse_coded_signal returns data transposed
#19894 closed
Mar 22, 2022 -
SelectFromModel: max_features can't be greater than number of features
#21117 closed
Mar 22, 2022 -
test_k_means_fit_predict failing on some MacPython runs
#12644 closed
Mar 22, 2022 -
random Segfaults on distance_transform_edt with Intel 12 Alder lake (E-Core enabled)
#22744 closed
Mar 21, 2022 -
kMeans stopped working with numpy 1.22.2
#22689 closed
Mar 21, 2022 -
Cannot run KDE on projected coordinates
#22879 closed
Mar 21, 2022 -
RFC Enable set_config(display='diagram') by default?
#21285 closed
Mar 21, 2022
9 Issues opened by 9 people
-
cross_validate with multiple scorers sets ALL results to nan after just one has errored
#22969 opened
Mar 27, 2022 -
Why does GridSearchCV cause the computer to overheat when n_job=-1?
#22967 opened
Mar 27, 2022 -
Out of Fold score calculation for Cross validation
#22966 opened
Mar 27, 2022 -
BUG unpenalized Ridge does not give minimum norm solution
#22947 opened
Mar 25, 2022 -
GaussianProcessRegressor (predict)
#22945 opened
Mar 25, 2022 -
CI: artifacts are not generated
#22931 opened
Mar 23, 2022 -
roc_auc_score, support `average=None` for multiclass labels
#22930 opened
Mar 23, 2022 -
QuantileRegressor unable to allocate memory for large datasets
#22922 opened
Mar 23, 2022 -
Calculation of alphas in ElasticNetCV doesn't use sample_weight
#22914 opened
Mar 21, 2022
146 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.
-
ENH Preserving dtypes for ICA
#22806 commented on
Mar 25, 2022 • 28 new comments -
TST tight and clean tests for Ridge
#22910 commented on
Mar 26, 2022 • 16 new comments -
ENH migrate GLMs / TweedieRegressor to linear loss
#22548 commented on
Mar 28, 2022 • 14 new comments -
TST use global_dtype in sklearn/neighbors/tests/test_neighbors.py
#22663 commented on
Mar 25, 2022 • 12 new comments -
FIX make coef_ in PLS estimator consistent with linear models
#22016 commented on
Mar 27, 2022 • 11 new comments -
TST use global_dtype in sklearn/cluster/tests/test_affinity_propagation.py
#22667 commented on
Mar 25, 2022 • 11 new comments -
TST use global_dtype in sklearn/neighbors/tests/test_lof.py
#22665 commented on
Mar 25, 2022 • 8 new comments -
MAINT Common parameter validation
#22722 commented on
Mar 27, 2022 • 8 new comments -
FIX ColumnTransformer.get_feature_names_out with string slices
#22913 commented on
Mar 25, 2022 • 8 new comments -
TST use global_dtype in sklearn/cluster/tests/test_mean_shift.py
#22672 commented on
Mar 24, 2022 • 7 new comments -
Solve Gaussian Mixture Model sample/kmeans++-based initialisation merge conflicts #11101
#20408 commented on
Mar 22, 2022 • 6 new comments -
ENH add Naive Bayes Metaestimator `ColumnwiseNB` (aka "GeneralNB")
#22574 commented on
Mar 28, 2022 • 6 new comments -
TST use global_dtype in sklearn/semi_supervised/tests/test_label_propagation.py
#22670 commented on
Mar 25, 2022 • 6 new comments -
KFold splitter falsely claims it supports groups
#22848 commented on
Mar 27, 2022 • 5 new comments -
ENH Adds Array API support to LinearDiscriminantAnalysis
#22554 commented on
Mar 28, 2022 • 5 new comments -
Deprecate `class_weight_` and `n_support_` in regression/single class models in SVM module
#22898 commented on
Mar 25, 2022 • 5 new comments -
Fix notebook-style examples
#22406 commented on
Mar 28, 2022 • 4 new comments -
[WIP] cd_fast speedup
#15931 commented on
Mar 23, 2022 • 4 new comments -
ENH Add eigh as a solver in MDS
#22330 commented on
Mar 27, 2022 • 4 new comments -
ENH Add `eigh` solver to `FastICA`
#22527 commented on
Mar 27, 2022 • 4 new comments -
Improve tests to make them run on variously typed data using the `global_dtype` fixture
#22881 commented on
Mar 24, 2022 • 3 new comments -
SLEP006 - Metadata Routing task list
#22893 commented on
Mar 24, 2022 • 3 new comments -
Create a similar class to KMeans that uses medians instead of means (KMedians)
#22709 commented on
Mar 26, 2022 • 3 new comments -
RuntimeError: "Cannot clone object ..." when cloning an estimator that copies parameters in either __init__ or get_params
#22857 commented on
Mar 27, 2022 • 3 new comments -
Transform method for TSNE (different from the fit_transform already present)
#19717 commented on
Mar 28, 2022 • 3 new comments -
Change name of Triage Team
#21993 commented on
Mar 28, 2022 • 3 new comments -
FEA Add DecisionBoundaryDisplay
#16061 commented on
Mar 25, 2022 • 3 new comments -
FIX make creation of dataset deterministic in SGD
#19716 commented on
Mar 24, 2022 • 3 new comments -
TST use global_dtype in sklearn/cluster/tests/test_spectral.py
#22669 commented on
Mar 25, 2022 • 3 new comments -
MNT accelerate examples/kernel_approximation/plot_scalable_poly_kernels.py
#22903 commented on
Mar 28, 2022 • 3 new comments -
Ensure that functions's docstrings pass numpydoc validation
#21350 commented on
Mar 22, 2022 • 2 new comments -
decision_path method for GradientBoosting
#19294 commented on
Mar 22, 2022 • 2 new comments -
EllipticEnvelope does not work with a sparse matrix
#14613 commented on
Mar 23, 2022 • 2 new comments -
KNeighborsClassifier: allow p value for Minkowski calculation to be less than 1.0 (and greater than 0)
#22811 commented on
Mar 25, 2022 • 2 new comments -
pytest warnings due to deprecation of pytest.warns(None)
#22572 commented on
Mar 27, 2022 • 2 new comments -
MNT Refactor scorer using _get_response
#18589 commented on
Mar 25, 2022 • 2 new comments -
[MRG] MAINT Use check_scalar in _BaseStacking
#22405 commented on
Mar 21, 2022 • 2 new comments -
ENH Feature: calculate normed stress (Stress-1) in `manifold.MDS`
#22562 commented on
Mar 25, 2022 • 2 new comments -
TST use global_dtype in sklearn/cluster/tests/test_optics.py
#22668 commented on
Mar 25, 2022 • 2 new comments -
ENH Paired haversine
#22705 commented on
Mar 22, 2022 • 2 new comments -
MAINT Refactor vector sentinel into utils
#22728 commented on
Mar 26, 2022 • 2 new comments -
TST Add a check for dtype preservation on Regressors' predictions
#22763 commented on
Mar 22, 2022 • 2 new comments -
TST use global_random_seed in sklearn/ensemble/tests/test_iforest.py
#22901 commented on
Mar 26, 2022 • 2 new comments -
CI Azure: try removing setuptools workaround on windows
#22905 commented on
Mar 22, 2022 • 2 new comments -
Path for pluggable low-level computational routines
#22438 commented on
Mar 21, 2022 • 1 new comment -
Implementation of XRAY solver for NMF per Kumar 2013
#22538 commented on
Mar 21, 2022 • 1 new comment -
Add Penalty factors for each coefficient in enet (similar to the R's glmnet library)
#11566 commented on
Mar 21, 2022 • 1 new comment -
add icl to mixture.GMM
#4580 commented on
Mar 22, 2022 • 1 new comment -
make_column_selector: support for cardinality selection
#15873 commented on
Mar 23, 2022 • 1 new comment -
Add friedman's H statistic
#22383 commented on
Mar 23, 2022 • 1 new comment -
Quantile Regression Forest [Feature request]
#11086 commented on
Mar 24, 2022 • 1 new comment -
Net benefit curve and decision curve analysis
#22136 commented on
Mar 24, 2022 • 1 new comment -
SVC parameter decision_function_shape states "However, one-vs-one (‘ovo’) is always used as multi-class strategy."
#22612 commented on
Mar 25, 2022 • 1 new comment -
OPTICS should support sparse matrices and precomputed distances
#11982 commented on
Mar 26, 2022 • 1 new comment -
Found a case where isotonic regression takes non-polynomial time
#8063 commented on
Mar 26, 2022 • 1 new comment -
PCA hangs occasionally when applied to data that fits in memory
#22434 commented on
Mar 27, 2022 • 1 new comment -
Feature importances and node impurity of an ExtraTreesRegressor are NaN after fitting the model
#15150 commented on
Mar 28, 2022 • 1 new comment -
ENH propagate `eigen_tol` to all eigen solver
#11968 commented on
Mar 25, 2022 • 1 new comment -
[MRG] fixes #14257 - Group aware Time-based cross validation
#16236 commented on
Mar 22, 2022 • 1 new comment -
[MRG] LinearRegression Optimizations
#17560 commented on
Mar 24, 2022 • 1 new comment -
ENH Add option to centered ICE plots (cICE)
#18310 commented on
Mar 22, 2022 • 1 new comment -
FEA Bisecting K-Means
#20031 commented on
Mar 22, 2022 • 1 new comment -
FIX use correct formulation for ExpSineSquared kernel
#20070 commented on
Mar 25, 2022 • 1 new comment -
[ENH] Introduce Manifold-regularized Discriminative NMF
#21763 commented on
Mar 22, 2022 • 1 new comment -
ENH Optimise `decomposition.FastICA.fit` memory footprint and runtime
#22268 commented on
Mar 26, 2022 • 1 new comment -
Modifications to LinearRegression documentation.
#22561 commented on
Mar 21, 2022 • 1 new comment -
TST use global_dtype in sklearn/manifold/tests/test_isomap.py
#22673 commented on
Mar 25, 2022 • 1 new comment -
TST use global_dtype in sklearn/manifold/tests/test_locally_linear.py
#22676 commented on
Mar 25, 2022 • 1 new comment -
add HDBSCAN
#14331 commented on
Mar 23, 2022 • 0 new comments -
IterativeImputer not converging (at all)
#14338 commented on
Mar 23, 2022 • 0 new comments -
Add support for pLSA
#14345 commented on
Mar 23, 2022 • 0 new comments -
Incorrect error bar predicted by scikit-learn
#14395 commented on
Mar 23, 2022 • 0 new comments -
Formulate for _compute_lower_bound in gaussian_mixture
#14419 commented on
Mar 23, 2022 • 0 new comments -
cross_val_predict failing (IndexError: index 1 is out of bounds for axis 1 with size 1)
#14429 commented on
Mar 23, 2022 • 0 new comments -
Faster GPs using HODLR solver
#14437 commented on
Mar 23, 2022 • 0 new comments -
Add Supervised Latent Dirichlet Allocation (sLDA) to the API
#14440 commented on
Mar 23, 2022 • 0 new comments -
Provide an option to consider class prior in ComplementNB
#14444 commented on
Mar 23, 2022 • 0 new comments -
NEP on CPython version dependency
#14449 commented on
Mar 23, 2022 • 0 new comments -
Support Mini-Batch gradient descent
#14468 commented on
Mar 23, 2022 • 0 new comments -
Add common test for huge sparse matrix
#14483 commented on
Mar 23, 2022 • 0 new comments -
Incorrect density values while implementing KDE on point data(X,Y) (scikit-learn)
#14552 commented on
Mar 23, 2022 • 0 new comments -
CountVectorizer sets self.vocabulary_ in transform
#14559 commented on
Mar 23, 2022 • 0 new comments -
Adding L1 Isotonic Regression, want to contribute
#14569 commented on
Mar 23, 2022 • 0 new comments -
include correlation matrix function at covariance estimators
#14612 commented on
Mar 23, 2022 • 0 new comments -
adding multilabel capability to voting classifier and bagging classifier
#14648 commented on
Mar 23, 2022 • 0 new comments -
should utils.resample accept sample_weight?
#14692 commented on
Mar 23, 2022 • 0 new comments -
`sklearn/tree/*` refactoring
#14711 commented on
Mar 23, 2022 • 0 new comments -
Cannot pickle predict_proba function with 1.0 release
#21344 commented on
Mar 23, 2022 • 0 new comments -
Changed behavior for Sparse DictVectorizer regarding Explicit Zeros in Scipy 1.3.X
#14718 commented on
Mar 23, 2022 • 0 new comments -
Use decorators for simple input validations
#14721 commented on
Mar 23, 2022 • 0 new comments -
Stratify subsampling when binning for histogram GBT
#14725 commented on
Mar 23, 2022 • 0 new comments -
Deprecate n_support_ and class_weight_ from SVR class
#14788 commented on
Mar 23, 2022 • 0 new comments -
IncrementalPCA error
#14851 commented on
Mar 23, 2022 • 0 new comments -
`sklearn.utils.multiclass.type_of_target` with sparse csr matrix raises ValueError
#14860 commented on
Mar 23, 2022 • 0 new comments -
SGDRegressor is slower than 'Ridge'
#14882 commented on
Mar 23, 2022 • 0 new comments -
RFC Deprecate RidgeCV(cv=cv)?
#14886 commented on
Mar 23, 2022 • 0 new comments -
feature: verbose flag in cluster.DBscan
#14947 commented on
Mar 23, 2022 • 0 new comments -
Text vectorizers clean-up / TfidfVectorizer deprecation
#14951 commented on
Mar 23, 2022 • 0 new comments -
Handle pd.Categorical in encoders
#14953 commented on
Mar 23, 2022 • 0 new comments -
OrdinalEncoder: Deprecate automatically assuming lexicographic ordering
#14954 commented on
Mar 23, 2022 • 0 new comments -
Enhancement for partial dependence plot
#14969 commented on
Mar 23, 2022 • 0 new comments -
iForest - support for height limit (hlim) evaluation parameter
#14977 commented on
Mar 23, 2022 • 0 new comments -
QDA Classifier: divide by zero if data not of full rank
#14997 commented on
Mar 23, 2022 • 0 new comments -
Segmentation fault with SVC with probability = True and degree 3
#15008 commented on
Mar 23, 2022 • 0 new comments -
cross_val_score threshold adjustment
#15019 commented on
Mar 23, 2022 • 0 new comments -
Verbosity option is not working in GridSearchCV (Jupyter notebook)
#22849 commented on
Mar 25, 2022 • 0 new comments -
Change how KNeighborsClassifier handles tiebreakers
#22818 commented on
Mar 25, 2022 • 0 new comments -
LabelEncoder encodes multiple classes to the same number.
#15124 commented on
Mar 27, 2022 • 0 new comments -
Notes on warmstarting GridSearchCV and SuccessiveHalving
#15125 commented on
Mar 27, 2022 • 0 new comments -
Update gridsearch example for multimetric scoring
#15047 commented on
Mar 27, 2022 • 0 new comments -
Feature selection based on permutation importance
#15075 commented on
Mar 28, 2022 • 0 new comments -
Implement GeneralNB
#15077 commented on
Mar 28, 2022 • 0 new comments -
GBDT support custom validation set
#15127 commented on
Mar 28, 2022 • 0 new comments -
Parameter searches: folds used in evaluate_candidates aren't consistent across calls
#15149 commented on
Mar 28, 2022 • 0 new comments -
Transform target when using SelectFromModel
#15154 commented on
Mar 28, 2022 • 0 new comments -
Do we want to keep the Passive Agressive estimators?
#15161 commented on
Mar 28, 2022 • 0 new comments -
Avoid calculating feature importance for multiple times in SelectFromModel
#15169 commented on
Mar 28, 2022 • 0 new comments -
Should sklearn include the Equal Error Rate metric?
#15247 commented on
Mar 28, 2022 • 0 new comments -
Future request: NaN instead of zeros when cossine_similairty is computed on a zero vector
#15256 commented on
Mar 28, 2022 • 0 new comments -
Interaction terms between categorical and numerical features
#15263 commented on
Mar 28, 2022 • 0 new comments -
MLP Classifier produces different results for the same data despite random seed
#15266 commented on
Mar 28, 2022 • 0 new comments -
sklearn MDS vs skbio PCoA
#15272 commented on
Mar 28, 2022 • 0 new comments -
[AgglomerativeClustering] should be lax about precomputed distances
#15287 commented on
Mar 28, 2022 • 0 new comments -
Add Sparse Matrix Support For HistGradientBoostingClassifier
#15336 commented on
Mar 28, 2022 • 0 new comments -
Future request: for supporting complex array in multitask-elastic-net
#15340 commented on
Mar 28, 2022 • 0 new comments -
Add __getitem__ to `ColumnTransformer`?
#15346 commented on
Mar 28, 2022 • 0 new comments -
Strict identity parameter check in sklearn.base.clone
#15371 commented on
Mar 28, 2022 • 0 new comments -
metrics.confusion_matrix far too slow for Boolean cases
#15388 commented on
Mar 28, 2022 • 0 new comments -
[MRG] Sorting ordering option in OrdinalEncoder
#14984 commented on
Mar 23, 2022 • 0 new comments -
Patch for floating point overrun in IncrementalPCA partial_fit
#16180 commented on
Mar 23, 2022 • 0 new comments -
[MRG] Online implementation of non-negative matrix factorization
#16948 commented on
Mar 25, 2022 • 0 new comments -
[MRG] Add class_weight parameter to CalibratedClassifierCV
#17541 commented on
Mar 22, 2022 • 0 new comments -
ENH Extend PDP for nominal categorical features
#18298 commented on
Mar 25, 2022 • 0 new comments -
[MRG] ComplementNB with class priors when computing joint log-likelihoods (Trac : #14523, #14444)
#18521 commented on
Mar 23, 2022 • 0 new comments -
[MRG] Refactor MiniBatchDictionaryLearning and add stopping criterion
#18975 commented on
Mar 24, 2022 • 0 new comments -
[WIP] Add sparse matrix support for histgradientboostingclassifier
#19187 commented on
Mar 28, 2022 • 0 new comments -
MNT Refactor scorer using _get_response_values
#20999 commented on
Mar 25, 2022 • 0 new comments -
[MRG] Update gridsearch example for multimetric scoring.
#22279 commented on
Mar 27, 2022 • 0 new comments -
Kernel Ridge Classifier
#22417 commented on
Mar 23, 2022 • 0 new comments -
DOC Fix the See Also section of GraphicalLasso in GraphicalLassoCV
#22456 commented on
Mar 25, 2022 • 0 new comments -
[WIP] Include HDBSCAN as a sub-module for `sklearn.cluster`
#22616 commented on
Mar 27, 2022 • 0 new comments -
TST use global_dtype in sklearn/metrics/tests/test_pairwise.py
#22666 commented on
Mar 24, 2022 • 0 new comments -
TST use global_dtype in sklearn/manifold/tests/test_t_sne.py
#22675 commented on
Mar 23, 2022 • 0 new comments -
[ENH] Add Oblique trees and oblique splitters demonstrating upgradeability of Tree code
#22754 commented on
Mar 23, 2022 • 0 new comments -
DOC Use notebook style in plot_kernel_ridge_regression.py
#22804 commented on
Mar 28, 2022 • 0 new comments -
DOC better reference for test_multinomial_identifiability_on_iris
#22897 commented on
Mar 25, 2022 • 0 new comments