Skip to content

Commit

Permalink
Merge branch 'branch-25.02' into ridge-alpha-0
Browse files Browse the repository at this point in the history
  • Loading branch information
lowener authored Jan 23, 2025
2 parents a507869 + bd7c69e commit 6a6fa0b
Show file tree
Hide file tree
Showing 8 changed files with 25 additions and 12 deletions.
2 changes: 1 addition & 1 deletion conda/environments/all_cuda-118_arch-x86_64.yaml
Original file line number Diff line number Diff line change
Expand Up @@ -47,7 +47,7 @@ dependencies:
- nbsphinx
- ninja
- nltk
- numba>=0.57
- numba>=0.59.1,<0.61.0a0
- numpy>=1.23,<3.0a0
- numpydoc
- nvcc_linux-64=11.8
Expand Down
2 changes: 1 addition & 1 deletion conda/environments/all_cuda-125_arch-x86_64.yaml
Original file line number Diff line number Diff line change
Expand Up @@ -44,7 +44,7 @@ dependencies:
- nbsphinx
- ninja
- nltk
- numba>=0.57
- numba>=0.59.1,<0.61.0a0
- numpy>=1.23,<3.0a0
- numpydoc
- packaging
Expand Down
2 changes: 1 addition & 1 deletion dependencies.yaml
Original file line number Diff line number Diff line change
Expand Up @@ -234,7 +234,7 @@ dependencies:
packages:
- dask-cuda==25.2.*,>=0.0.0a0
- joblib>=0.11
- numba>=0.57
- numba>=0.59.1,<0.61.0a0
- numpy>=1.23,<3.0a0
# TODO: Is scipy really a hard dependency, or should
# we make it optional (i.e. an extra for pip
Expand Down
7 changes: 6 additions & 1 deletion python/cuml/cuml/tests/dask/test_dask_logistic_regression.py
Original file line number Diff line number Diff line change
Expand Up @@ -34,7 +34,12 @@
dask_cudf = gpu_only_import("dask_cudf")
cudf = gpu_only_import("cudf")

pytestmark = pytest.mark.mg
pytestmark = [
pytest.mark.mg,
pytest.mark.skip(
reason="pytest hang https://github.com/rapidsai/cuml/issues/6247"
),
]


def _prep_training_data(c, X_train, y_train, partitions_per_worker):
Expand Down
16 changes: 10 additions & 6 deletions python/cuml/cuml/tests/test_input_utils.py
Original file line number Diff line number Diff line change
@@ -1,5 +1,5 @@
#
# Copyright (c) 2019-2024, NVIDIA CORPORATION.
# Copyright (c) 2019-2025, NVIDIA CORPORATION.
#
# Licensed under the Apache License, Version 2.0 (the "License");
# you may not use this file except in compliance with the License.
Expand Down Expand Up @@ -35,6 +35,7 @@
np = cpu_only_import("numpy")

nbcuda = gpu_only_import_from("numba", "cuda")
cudf_pandas_active = gpu_only_import_from("cudf.pandas", "LOADED")
pdDF = cpu_only_import_from("pandas", "DataFrame")


Expand Down Expand Up @@ -446,11 +447,14 @@ def test_tocupy_missing_values_handling():
assert str(array.dtype) == "float64"
assert cp.isnan(array[1])

with pytest.raises(ValueError):
df = cudf.Series(data=[7, None, 3])
array, n_rows, n_cols, dtype = input_to_cupy_array(
df, fail_on_null=True
)
# cudf.pandas now mimics pandas better for handling None, so we don't
# need to fail and raise this error when cudf.pandas is active.
if not cudf_pandas_active:
with pytest.raises(ValueError):
df = cudf.Series(data=[7, None, 3])
array, n_rows, n_cols, dtype = input_to_cupy_array(
df, fail_on_null=True
)


@pytest.mark.cudf_pandas
Expand Down
4 changes: 3 additions & 1 deletion python/cuml/cuml/tests/test_kneighbors_classifier.py
Original file line number Diff line number Diff line change
@@ -1,4 +1,4 @@
# Copyright (c) 2019-2023, NVIDIA CORPORATION.
# Copyright (c) 2019-2025, NVIDIA CORPORATION.
#
# Licensed under the Apache License, Version 2.0 (the "License");
# you may not use this file except in compliance with the License.
Expand Down Expand Up @@ -218,6 +218,8 @@ def test_predict_large_n_classes(datatype):
assert array_equal(y_hat.astype(np.int32), y_test.astype(np.int32))


# Ignore FutureWarning: Using `__dataframe__` is deprecated
@pytest.mark.filterwarnings("ignore::FutureWarning")
@pytest.mark.parametrize("n_samples", [100])
@pytest.mark.parametrize("n_features", [40])
@pytest.mark.parametrize("n_neighbors", [4])
Expand Down
2 changes: 2 additions & 0 deletions python/cuml/cuml/tests/test_metrics.py
Original file line number Diff line number Diff line change
Expand Up @@ -163,6 +163,8 @@ def test_r2_score(datatype, use_handle):
np.testing.assert_almost_equal(score, 0.98, decimal=7)


# Ignore FutureWarning: Using `__dataframe__` is deprecated
@pytest.mark.filterwarnings("ignore::FutureWarning")
def test_sklearn_search():
"""Test ensures scoring function works with sklearn machinery"""
import numpy as np
Expand Down
2 changes: 1 addition & 1 deletion python/cuml/pyproject.toml
Original file line number Diff line number Diff line change
Expand Up @@ -99,7 +99,7 @@ dependencies = [
"dask-cuda==25.2.*,>=0.0.0a0",
"dask-cudf==25.2.*,>=0.0.0a0",
"joblib>=0.11",
"numba>=0.57",
"numba>=0.59.1,<0.61.0a0",
"numpy>=1.23,<3.0a0",
"nvidia-cublas",
"nvidia-cufft",
Expand Down

0 comments on commit 6a6fa0b

Please sign in to comment.