@@ -386,24 +386,15 @@ gpu:
386386 - ensemble/tests/test_weight_boosting.py
387387 # Fails
388388 - cluster/tests/test_dbscan.py::test_weighted_dbscan
389- - cluster/tests/test_k_means.py::test_kmeans_elkan_results[42-1e-100-sparse-normal]
390389 - model_selection/tests/test_search.py::test_unsupervised_grid_search
391- - ensemble/tests/test_bagging.py::test_estimators_samples
392- - ensemble/tests/test_voting.py::test_sample_weight
393- - metrics/tests/test_score_objects.py::test_average_precision_pos_label
390+ - ensemble/tests/test_voting.py::test_sample_weight[42]
394391 - model_selection/tests/test_search.py::test_search_default_iid
395392 - neighbors/tests/test_neighbors.py::test_unsupervised_kneighbors
396- - neighbors/tests/test_neighbors.py::test_neighbors_metrics
397- - svm/tests/test_sparse.py::test_svc
398- - svm/tests/test_sparse.py::test_svc_iris
399- - svm/tests/test_sparse.py::test_sparse_realdata
400- - svm/tests/test_svm.py::test_precomputed
401- - svm/tests/test_svm.py::test_tweak_params
393+ - neighbors/tests/test_neighbors.py::test_neighbors_metrics[float64-l2]
402394 - svm/tests/test_svm.py::test_svm_classifier_sided_sample_weight[estimator0]
403395 - svm/tests/test_svm.py::test_svm_equivalence_sample_weight_C
404396 - svm/tests/test_svm.py::test_negative_weights_svc_leave_two_labels[partial-mask-label-1-SVC]
405397 - svm/tests/test_svm.py::test_negative_weights_svc_leave_two_labels[partial-mask-label-2-SVC]
406- - svm/tests/test_svm.py::test_svc_clone_with_callable_kernel
407398 # sparse input is not implemented for DBSCAN.
408399 - tests/test_common.py::test_estimators[RandomForestClassifier()-check_class_weight_classifiers]
409400 - tests/test_common.py::test_estimators[SVC()-check_sample_weights_not_an_array]
@@ -415,28 +406,11 @@ gpu:
415406 # Segmentation faults on GPU
416407 - tests/test_common.py::test_search_cv
417408
418- # Other device issues
419- - tests/test_multioutput.py::test_classifier_chain_tuple_order[list]
420- - tests/test_multioutput.py::test_classifier_chain_tuple_order[tuple]
421409 # KD Tree (not implemented for GPU)
422410 - neighbors/tests/test_neighbors.py::test_neigh_predictions_algorithm_agnosticity[float64-KNeighborsClassifier-50-500-l2-1000-5-100]
423411 - neighbors/tests/test_neighbors.py::test_neigh_predictions_algorithm_agnosticity[float64-KNeighborsClassifier-100-1000-l2-1000-5-100]
424412 - neighbors/tests/test_neighbors.py::test_neigh_predictions_algorithm_agnosticity[float64-KNeighborsRegressor-50-500-l2-1000-5-100]
425413 - neighbors/tests/test_neighbors.py::test_neigh_predictions_algorithm_agnosticity[float64-KNeighborsRegressor-100-1000-l2-1000-5-100]
426- # failing due to numeric/code error
427- - linear_model/tests/test_common.py::test_balance_property[42-False-LogisticRegressionCV]
428- - sklearn/manifold/tests/test_t_sne.py::test_n_iter_without_progress
429- - model_selection/tests/test_search.py::test_searchcv_raise_warning_with_non_finite_score[RandomizedSearchCV-specialized_params1-False]
430- - model_selection/tests/test_search.py::test_searchcv_raise_warning_with_non_finite_score[RandomizedSearchCV-specialized_params1-True]
431- - tests/test_calibration.py::test_calibrated_classifier_cv_double_sample_weights_equivalence
432- - tests/test_calibration.py::test_calibrated_classifier_cv_zeros_sample_weights_equivalence
433- - tests/test_common.py::test_estimators[FeatureAgglomeration()-check_parameters_default_constructible]
434- - neighbors/tests/test_lof.py::test_novelty_true_common_tests[LocalOutlierFactor(novelty=True)-check_methods_subset_invariance]
435- - tests/test_common.py::test_transformers_get_feature_names_out[StackingRegressor(estimators=[('est1',Ridge(alpha=0.1)),('est2',Ridge(alpha=1))])]
436- - tests/test_common.py::test_transformers_get_feature_names_out[VotingRegressor(estimators=[('est1',Ridge(alpha=0.1)),('est2',Ridge(alpha=1))])]
437- - tests/test_common.py::test_f_contiguous_array_estimator[TSNE]
438- - manifold/tests/test_t_sne.py::test_tsne_works_with_pandas_output
439-
440414 # GPU Forest algorithm implementation does not follow certain Scikit-learn standards
441415 - ensemble/tests/test_forest.py::test_max_leaf_nodes_max_depth
442416 - ensemble/tests/test_forest.py::test_min_samples_split[ExtraTreesClassifier]
@@ -449,13 +423,6 @@ gpu:
449423 - tests/test_common.py::test_estimators[ExtraTreesClassifier()-check_class_weight_classifiers]
450424 - tests/test_common.py::test_estimators[ExtraTreesRegressor()-check_sample_weights_invariance(kind=zeros)]
451425 - tests/test_common.py::test_estimators[RandomForestRegressor()-check_regressor_data_not_an_array]
452- - ensemble/tests/test_forest.py::test_max_samples_boundary_classifiers[ExtraTreesClassifier]
453- - tests/test_common.py::test_estimators[ExtraTreesClassifier()-check_classifier_data_not_an_array]
454- - tests/test_common.py::test_estimators[ExtraTreesClassifier()-check_classifiers_train]
455- - tests/test_common.py::test_estimators[ExtraTreesClassifier()-check_classifiers_train(readonly_memmap=True)]
456- - tests/test_common.py::test_estimators[ExtraTreesClassifier()-check_fit_idempotent]
457- - tests/test_common.py::test_estimators[ExtraTreesRegressor()-check_fit_idempotent]
458- - tests/test_common.py::test_estimators[ExtraTreesRegressor()-check_regressor_data_not_an_array]
459426
460427 # GPU implementation of Extra Trees doesn't support sample_weights
461428 # comparisons to GPU with sample weights will use different algorithms
0 commit comments