diff --git a/ci/gpu/build.sh b/ci/gpu/build.sh index cf70ed1fc99..42350799186 100755 --- a/ci/gpu/build.sh +++ b/ci/gpu/build.sh @@ -38,6 +38,7 @@ export HOME=$WORKSPACE cd $WORKSPACE export GIT_DESCRIBE_TAG=`git describe --tags` export MINOR_VERSION=`echo $GIT_DESCRIBE_TAG | grep -o -E '([0-9]+\.[0-9]+)'` +unset GIT_DESCRIBE_TAG # ucx-py version export UCX_PY_VERSION='0.26.*' @@ -102,15 +103,15 @@ if [[ -z "$PROJECT_FLASH" || "$PROJECT_FLASH" == "0" ]]; then gpuci_logger "Build from source" $WORKSPACE/build.sh -v clean libcugraph pylibcugraph cugraph else - echo "Installing libcugraph-tests" + gpuci_logger "Installing libcugraph-tests" gpuci_mamba_retry install -c ${CONDA_ARTIFACT_PATH} libcugraph libcugraph_etl libcugraph-tests - gpuci_logger "Install the master version of dask and distributed" - pip install "git+https://github.com/dask/distributed.git" --upgrade --no-deps - pip install "git+https://github.com/dask/dask.git" --upgrade --no-deps - - echo "Build pylibcugraph and cugraph..." - $WORKSPACE/build.sh pylibcugraph cugraph + gpuci_logger "Building and installing pylibcugraph and cugraph..." + export CONDA_BLD_DIR="${WORKSPACE}/.conda-bld" + export VERSION_SUFFIX="" + gpuci_conda_retry build conda/recipes/pylibcugraph --no-build-id --croot ${CONDA_BLD_DIR} -c ${CONDA_ARTIFACT_PATH} --python=${PYTHON} + gpuci_conda_retry build conda/recipes/cugraph --no-build-id --croot ${CONDA_BLD_DIR} -c ${CONDA_ARTIFACT_PATH} --python=${PYTHON} + gpuci_mamba_retry install cugraph pylibcugraph -c ${CONDA_BLD_DIR} fi ################################################################################ diff --git a/python/pylibcugraph/pylibcugraph/tests/__init__.py b/python/cugraph/cugraph/testing/__init__.py similarity index 100% rename from python/pylibcugraph/pylibcugraph/tests/__init__.py rename to python/cugraph/cugraph/testing/__init__.py diff --git a/python/cugraph/cugraph/tests/utils.py b/python/cugraph/cugraph/testing/utils.py old mode 100755 new mode 100644 similarity index 99% rename from python/cugraph/cugraph/tests/utils.py rename to python/cugraph/cugraph/testing/utils.py index bcfa29bed1b..d907fac98db --- a/python/cugraph/cugraph/tests/utils.py +++ b/python/cugraph/cugraph/testing/utils.py @@ -374,7 +374,7 @@ def random_edgelist( Examples -------- - >>> from cugraph.tests import utils + >>> from cugraph.testing import utils >>> # genrates 20 df with 100M edges each and write to disk >>> for x in range(20): >>> df = utils.random_edgelist(e=100000000, ef=64, diff --git a/python/cugraph/cugraph/tests/__init__.py b/python/cugraph/cugraph/tests/__init__.py deleted file mode 100644 index 9f8b5edce9b..00000000000 --- a/python/cugraph/cugraph/tests/__init__.py +++ /dev/null @@ -1,12 +0,0 @@ -# Copyright (c) 2019-2021, NVIDIA CORPORATION. -# Licensed under the Apache License, Version 2.0 (the "License"); -# you may not use this file except in compliance with the License. -# You may obtain a copy of the License at -# -# http://www.apache.org/licenses/LICENSE-2.0 -# -# Unless required by applicable law or agreed to in writing, software -# distributed under the License is distributed on an "AS IS" BASIS, -# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. -# See the License for the specific language governing permissions and -# limitations under the License. diff --git a/python/cugraph/cugraph/tests/mg/test_mg_batch_betweenness_centrality.py b/python/cugraph/cugraph/tests/mg/test_mg_batch_betweenness_centrality.py index 6501ac6a04b..57d7559795d 100644 --- a/python/cugraph/cugraph/tests/mg/test_mg_batch_betweenness_centrality.py +++ b/python/cugraph/cugraph/tests/mg/test_mg_batch_betweenness_centrality.py @@ -12,15 +12,18 @@ # limitations under the License. import gc +import sys import pytest import numpy as np from cugraph.dask.common.mg_utils import is_single_gpu -from cugraph.tests.utils import RAPIDS_DATASET_ROOT_DIR_PATH +from cugraph.testing.utils import RAPIDS_DATASET_ROOT_DIR_PATH # Get parameters from standard betwenness_centrality_test -from cugraph.tests.test_betweenness_centrality import ( +# As tests directory is not a module, we need to add it to the path +sys.path.insert(0, '../') +from test_betweenness_centrality import ( # noqa: E402 DIRECTED_GRAPH_OPTIONS, ENDPOINTS_OPTIONS, NORMALIZED_OPTIONS, @@ -29,7 +32,7 @@ SUBSET_SEED_OPTIONS, ) -from cugraph.tests.test_betweenness_centrality import ( +from test_betweenness_centrality import ( # noqa: E402 calc_betweenness_centrality, compare_scores, ) diff --git a/python/cugraph/cugraph/tests/mg/test_mg_batch_edge_betweenness_centrality.py b/python/cugraph/cugraph/tests/mg/test_mg_batch_edge_betweenness_centrality.py index ca17bd75bed..c5076d91fb3 100644 --- a/python/cugraph/cugraph/tests/mg/test_mg_batch_edge_betweenness_centrality.py +++ b/python/cugraph/cugraph/tests/mg/test_mg_batch_edge_betweenness_centrality.py @@ -12,16 +12,19 @@ # limitations under the License. import gc +import sys import pytest import numpy as np from cugraph.dask.common.mg_utils import is_single_gpu -from cugraph.tests.utils import RAPIDS_DATASET_ROOT_DIR_PATH +from cugraph.testing.utils import RAPIDS_DATASET_ROOT_DIR_PATH # Get parameters from standard betwenness_centrality_test -from cugraph.tests.test_edge_betweenness_centrality import ( +# As tests directory is not a module, we need to add it to the path +sys.path.insert(0, '.') +from test_edge_betweenness_centrality import ( # noqa: E402 DIRECTED_GRAPH_OPTIONS, NORMALIZED_OPTIONS, DEFAULT_EPSILON, @@ -29,7 +32,7 @@ SUBSET_SEED_OPTIONS, ) -from cugraph.tests.test_edge_betweenness_centrality import ( +from test_edge_betweenness_centrality import ( # noqa: E402 calc_edge_betweenness_centrality, compare_scores, ) diff --git a/python/cugraph/cugraph/tests/mg/test_mg_bfs.py b/python/cugraph/cugraph/tests/mg/test_mg_bfs.py index f5aa1a05b98..e3fb207eff1 100644 --- a/python/cugraph/cugraph/tests/mg/test_mg_bfs.py +++ b/python/cugraph/cugraph/tests/mg/test_mg_bfs.py @@ -19,7 +19,7 @@ import dask_cudf import cudf # from cugraph.dask.common.mg_utils import is_single_gpu -from cugraph.tests.utils import RAPIDS_DATASET_ROOT_DIR_PATH +from cugraph.testing.utils import RAPIDS_DATASET_ROOT_DIR_PATH # ============================================================================= # Pytest Setup / Teardown - called for each test function diff --git a/python/cugraph/cugraph/tests/mg/test_mg_comms.py b/python/cugraph/cugraph/tests/mg/test_mg_comms.py index cb3dfdc3eb7..eb51c55f6fc 100644 --- a/python/cugraph/cugraph/tests/mg/test_mg_comms.py +++ b/python/cugraph/cugraph/tests/mg/test_mg_comms.py @@ -19,7 +19,7 @@ import dask_cudf import cudf # from cugraph.dask.common.mg_utils import is_single_gpu -from cugraph.tests.utils import RAPIDS_DATASET_ROOT_DIR_PATH +from cugraph.testing.utils import RAPIDS_DATASET_ROOT_DIR_PATH # ============================================================================= # Pytest Setup / Teardown - called for each test function diff --git a/python/cugraph/cugraph/tests/mg/test_mg_connectivity.py b/python/cugraph/cugraph/tests/mg/test_mg_connectivity.py index fbe04da6348..2de11ac2588 100644 --- a/python/cugraph/cugraph/tests/mg/test_mg_connectivity.py +++ b/python/cugraph/cugraph/tests/mg/test_mg_connectivity.py @@ -19,7 +19,7 @@ import dask_cudf import cudf # from cugraph.dask.common.mg_utils import is_single_gpu -from cugraph.tests.utils import RAPIDS_DATASET_ROOT_DIR_PATH +from cugraph.testing.utils import RAPIDS_DATASET_ROOT_DIR_PATH # ============================================================================= # Pytest Setup / Teardown - called for each test function diff --git a/python/cugraph/cugraph/tests/mg/test_mg_degree.py b/python/cugraph/cugraph/tests/mg/test_mg_degree.py index ce27c6e6c95..ec3979630ed 100644 --- a/python/cugraph/cugraph/tests/mg/test_mg_degree.py +++ b/python/cugraph/cugraph/tests/mg/test_mg_degree.py @@ -19,7 +19,7 @@ import cugraph from cugraph.dask.common.mg_utils import is_single_gpu -from cugraph.tests.utils import RAPIDS_DATASET_ROOT_DIR_PATH +from cugraph.testing.utils import RAPIDS_DATASET_ROOT_DIR_PATH # ============================================================================= # Pytest Setup / Teardown - called for each test function diff --git a/python/cugraph/cugraph/tests/mg/test_mg_doctests.py b/python/cugraph/cugraph/tests/mg/test_mg_doctests.py index 1ed387095e3..c0660456f19 100644 --- a/python/cugraph/cugraph/tests/mg/test_mg_doctests.py +++ b/python/cugraph/cugraph/tests/mg/test_mg_doctests.py @@ -24,7 +24,7 @@ import cugraph import cudf -from cugraph.tests import utils +from cugraph.testing import utils from dask.distributed import Client from dask_cuda import LocalCUDACluster diff --git a/python/cugraph/cugraph/tests/mg/test_mg_hits.py b/python/cugraph/cugraph/tests/mg/test_mg_hits.py index dde91690b7a..f876733bb49 100644 --- a/python/cugraph/cugraph/tests/mg/test_mg_hits.py +++ b/python/cugraph/cugraph/tests/mg/test_mg_hits.py @@ -17,7 +17,7 @@ import cugraph import dask_cudf # from cugraph.dask.common.mg_utils import is_single_gpu -from cugraph.tests import utils +from cugraph.testing import utils # ============================================================================= diff --git a/python/cugraph/cugraph/tests/mg/test_mg_katz_centrality.py b/python/cugraph/cugraph/tests/mg/test_mg_katz_centrality.py index 97b5b56fe9a..cd93f257db0 100644 --- a/python/cugraph/cugraph/tests/mg/test_mg_katz_centrality.py +++ b/python/cugraph/cugraph/tests/mg/test_mg_katz_centrality.py @@ -19,7 +19,7 @@ import dask_cudf import cudf from cugraph.dask.common.mg_utils import is_single_gpu -from cugraph.tests.utils import RAPIDS_DATASET_ROOT_DIR_PATH +from cugraph.testing.utils import RAPIDS_DATASET_ROOT_DIR_PATH # ============================================================================= @@ -65,7 +65,7 @@ def test_dask_katz_centrality(dask_client, directed): mg_res = mg_res.compute() import networkx as nx - from cugraph.tests import utils + from cugraph.testing import utils NM = utils.read_csv_for_nx(input_data_path) if directed: Gnx = nx.from_pandas_edgelist( diff --git a/python/cugraph/cugraph/tests/mg/test_mg_louvain.py b/python/cugraph/cugraph/tests/mg/test_mg_louvain.py index 43389c0f679..885b33f9450 100644 --- a/python/cugraph/cugraph/tests/mg/test_mg_louvain.py +++ b/python/cugraph/cugraph/tests/mg/test_mg_louvain.py @@ -16,7 +16,7 @@ import cugraph.dask as dcg import cugraph import dask_cudf -from cugraph.tests import utils +from cugraph.testing import utils # from cugraph.dask.common.mg_utils import is_single_gpu try: diff --git a/python/cugraph/cugraph/tests/mg/test_mg_neighborhood_sampling.py b/python/cugraph/cugraph/tests/mg/test_mg_neighborhood_sampling.py index 4dcba8d6ee9..5adbb04269c 100644 --- a/python/cugraph/cugraph/tests/mg/test_mg_neighborhood_sampling.py +++ b/python/cugraph/cugraph/tests/mg/test_mg_neighborhood_sampling.py @@ -18,7 +18,7 @@ import dask_cudf import cudf from cugraph.dask.common.mg_utils import is_single_gpu -from cugraph.tests import utils +from cugraph.testing import utils # ============================================================================= diff --git a/python/cugraph/cugraph/tests/mg/test_mg_pagerank.py b/python/cugraph/cugraph/tests/mg/test_mg_pagerank.py index f03a77a46f6..7ed651679fa 100644 --- a/python/cugraph/cugraph/tests/mg/test_mg_pagerank.py +++ b/python/cugraph/cugraph/tests/mg/test_mg_pagerank.py @@ -18,7 +18,7 @@ import dask_cudf import cudf # from cugraph.dask.common.mg_utils import is_single_gpu -from cugraph.tests.utils import RAPIDS_DATASET_ROOT_DIR_PATH +from cugraph.testing.utils import RAPIDS_DATASET_ROOT_DIR_PATH # The function selects personalization_perc% of accessible vertices in graph M diff --git a/python/cugraph/cugraph/tests/mg/test_mg_renumber.py b/python/cugraph/cugraph/tests/mg/test_mg_renumber.py index d21b96cf4c5..75586e54af8 100644 --- a/python/cugraph/cugraph/tests/mg/test_mg_renumber.py +++ b/python/cugraph/cugraph/tests/mg/test_mg_renumber.py @@ -25,10 +25,10 @@ import cugraph.dask as dcg import cugraph -from cugraph.tests import utils +from cugraph.testing import utils from cugraph.structure.number_map import NumberMap from cugraph.dask.common.mg_utils import is_single_gpu -from cugraph.tests.utils import RAPIDS_DATASET_ROOT_DIR_PATH +from cugraph.testing.utils import RAPIDS_DATASET_ROOT_DIR_PATH # ============================================================================= diff --git a/python/cugraph/cugraph/tests/mg/test_mg_replication.py b/python/cugraph/cugraph/tests/mg/test_mg_replication.py index b5800c854ef..27a810bb39c 100644 --- a/python/cugraph/cugraph/tests/mg/test_mg_replication.py +++ b/python/cugraph/cugraph/tests/mg/test_mg_replication.py @@ -20,7 +20,7 @@ import cugraph import cugraph.dask.structure.replication as replication from cugraph.dask.common.mg_utils import is_single_gpu -import cugraph.tests.utils as utils +import cugraph.testing.utils as utils DATASETS_OPTIONS = utils.DATASETS_SMALL DIRECTED_GRAPH_OPTIONS = [False, True] diff --git a/python/cugraph/cugraph/tests/mg/test_mg_sssp.py b/python/cugraph/cugraph/tests/mg/test_mg_sssp.py index c8a2361b6ad..6f023328d8c 100644 --- a/python/cugraph/cugraph/tests/mg/test_mg_sssp.py +++ b/python/cugraph/cugraph/tests/mg/test_mg_sssp.py @@ -19,7 +19,7 @@ import dask_cudf import cudf # from cugraph.dask.common.mg_utils import is_single_gpu -from cugraph.tests.utils import RAPIDS_DATASET_ROOT_DIR_PATH +from cugraph.testing.utils import RAPIDS_DATASET_ROOT_DIR_PATH # ============================================================================= # Pytest Setup / Teardown - called for each test function diff --git a/python/cugraph/cugraph/tests/mg/test_mg_symmetrize.py b/python/cugraph/cugraph/tests/mg/test_mg_symmetrize.py index 2749069b59a..86d5882cbdd 100644 --- a/python/cugraph/cugraph/tests/mg/test_mg_symmetrize.py +++ b/python/cugraph/cugraph/tests/mg/test_mg_symmetrize.py @@ -18,7 +18,7 @@ import pandas as pd import cudf import cugraph -from cugraph.tests import utils +from cugraph.testing import utils from cugraph.dask.common.mg_utils import (is_single_gpu, setup_local_dask_cluster, teardown_local_dask_cluster) diff --git a/python/cugraph/cugraph/tests/mg/test_mg_utility.py b/python/cugraph/cugraph/tests/mg/test_mg_utility.py index 4aec0ba93c1..e9d7023c100 100644 --- a/python/cugraph/cugraph/tests/mg/test_mg_utility.py +++ b/python/cugraph/cugraph/tests/mg/test_mg_utility.py @@ -20,12 +20,12 @@ from cugraph.dask.common.part_utils import concat_within_workers from cugraph.dask.common.read_utils import get_n_workers from cugraph.dask.common.mg_utils import is_single_gpu -from cugraph.tests.utils import RAPIDS_DATASET_ROOT_DIR_PATH +from cugraph.testing.utils import RAPIDS_DATASET_ROOT_DIR_PATH import os import time import numpy as np -from cugraph.tests import utils +from cugraph.testing import utils # ============================================================================= diff --git a/python/cugraph/cugraph/tests/test_balanced_cut.py b/python/cugraph/cugraph/tests/test_balanced_cut.py index 9c53344daad..d4148fe4a31 100644 --- a/python/cugraph/cugraph/tests/test_balanced_cut.py +++ b/python/cugraph/cugraph/tests/test_balanced_cut.py @@ -19,7 +19,7 @@ import pandas as pd import cudf import cugraph -from cugraph.tests import utils +from cugraph.testing import utils def cugraph_call(G, partitions): diff --git a/python/cugraph/cugraph/tests/test_betweenness_centrality.py b/python/cugraph/cugraph/tests/test_betweenness_centrality.py index 765ed4d4039..d723a4ae934 100755 --- a/python/cugraph/cugraph/tests/test_betweenness_centrality.py +++ b/python/cugraph/cugraph/tests/test_betweenness_centrality.py @@ -1,4 +1,4 @@ -# Copyright (c) 2020-2021, NVIDIA CORPORATION.: +# Copyright (c) 2020-2022, NVIDIA CORPORATION.: # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. # You may obtain a copy of the License at @@ -16,7 +16,7 @@ import pytest import cugraph -from cugraph.tests import utils +from cugraph.testing import utils import random import numpy as np import cudf diff --git a/python/cugraph/cugraph/tests/test_bfs.py b/python/cugraph/cugraph/tests/test_bfs.py index ddf58302b00..13d62cbf0b0 100644 --- a/python/cugraph/cugraph/tests/test_bfs.py +++ b/python/cugraph/cugraph/tests/test_bfs.py @@ -18,7 +18,7 @@ import cudf import pytest import cugraph -from cugraph.tests import utils +from cugraph.testing import utils import random import pandas as pd diff --git a/python/cugraph/cugraph/tests/test_compat_pr.py b/python/cugraph/cugraph/tests/test_compat_pr.py index d7bafe518d5..065f9d6d4d9 100644 --- a/python/cugraph/cugraph/tests/test_compat_pr.py +++ b/python/cugraph/cugraph/tests/test_compat_pr.py @@ -18,7 +18,7 @@ # python 3.7. Also, this import networkx needs to be relocated in the # third-party group once this gets fixed. import pytest -from cugraph.tests import utils +from cugraph.testing import utils import numpy as np import gc import importlib diff --git a/python/cugraph/cugraph/tests/test_connectivity.py b/python/cugraph/cugraph/tests/test_connectivity.py index 37a5bf606c8..0de9084ffcc 100644 --- a/python/cugraph/cugraph/tests/test_connectivity.py +++ b/python/cugraph/cugraph/tests/test_connectivity.py @@ -27,7 +27,7 @@ import cudf import cugraph -from cugraph.tests import utils +from cugraph.testing import utils # Temporarily suppress warnings till networkX fixes deprecation warnings # (Using or importing the ABCs from 'collections' instead of from diff --git a/python/cugraph/cugraph/tests/test_convert_matrix.py b/python/cugraph/cugraph/tests/test_convert_matrix.py index 1dbf51910ea..9d73b756f61 100644 --- a/python/cugraph/cugraph/tests/test_convert_matrix.py +++ b/python/cugraph/cugraph/tests/test_convert_matrix.py @@ -1,4 +1,4 @@ -# Copyright (c) 2019-2021, NVIDIA CORPORATION. +# Copyright (c) 2019-2022, NVIDIA CORPORATION. # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. # You may obtain a copy of the License at @@ -14,7 +14,7 @@ import gc import pytest import cugraph -from cugraph.tests import utils +from cugraph.testing import utils import numpy as np # Temporarily suppress warnings till networkX fixes deprecation warnings diff --git a/python/cugraph/cugraph/tests/test_core_number.py b/python/cugraph/cugraph/tests/test_core_number.py index 9cfc37ba1c5..4b304d85f93 100644 --- a/python/cugraph/cugraph/tests/test_core_number.py +++ b/python/cugraph/cugraph/tests/test_core_number.py @@ -1,4 +1,4 @@ -# Copyright (c) 2019-2021, NVIDIA CORPORATION. +# Copyright (c) 2019-2022, NVIDIA CORPORATION. # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. # You may obtain a copy of the License at @@ -14,7 +14,7 @@ import gc import pytest import cugraph -from cugraph.tests import utils +from cugraph.testing import utils from cugraph.utilities import df_score_to_dictionary # Temporarily suppress warnings till networkX fixes deprecation warnings diff --git a/python/cugraph/cugraph/tests/test_doctests.py b/python/cugraph/cugraph/tests/test_doctests.py index 401a1682cc3..6a6f6e45627 100644 --- a/python/cugraph/cugraph/tests/test_doctests.py +++ b/python/cugraph/cugraph/tests/test_doctests.py @@ -26,7 +26,7 @@ import pylibcugraph import cudf from numba import cuda -from cugraph.tests import utils +from cugraph.testing import utils modules_to_skip = ["dask", "proto", "raft"] diff --git a/python/cugraph/cugraph/tests/test_ecg.py b/python/cugraph/cugraph/tests/test_ecg.py index e51ef9b7a98..c7ec0d51489 100644 --- a/python/cugraph/cugraph/tests/test_ecg.py +++ b/python/cugraph/cugraph/tests/test_ecg.py @@ -1,4 +1,4 @@ -# Copyright (c) 2020-2021, NVIDIA CORPORATION. +# Copyright (c) 2020-2022, NVIDIA CORPORATION. # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. # You may obtain a copy of the License at @@ -17,7 +17,7 @@ import networkx as nx import cugraph -from cugraph.tests import utils +from cugraph.testing import utils from pathlib import PurePath diff --git a/python/cugraph/cugraph/tests/test_edge_betweenness_centrality.py b/python/cugraph/cugraph/tests/test_edge_betweenness_centrality.py index 0d78574b821..0ae55e76bee 100644 --- a/python/cugraph/cugraph/tests/test_edge_betweenness_centrality.py +++ b/python/cugraph/cugraph/tests/test_edge_betweenness_centrality.py @@ -1,4 +1,4 @@ -# Copyright (c) 2019-2021, NVIDIA CORPORATION.: +# Copyright (c) 2019-2022, NVIDIA CORPORATION.: # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. # You may obtain a copy of the License at @@ -16,7 +16,7 @@ import pytest import cugraph -from cugraph.tests import utils +from cugraph.testing import utils import random import numpy as np import cupy diff --git a/python/cugraph/cugraph/tests/test_egonet.py b/python/cugraph/cugraph/tests/test_egonet.py index fc0ce38eb9c..ad434d7e393 100644 --- a/python/cugraph/cugraph/tests/test_egonet.py +++ b/python/cugraph/cugraph/tests/test_egonet.py @@ -1,4 +1,4 @@ -# Copyright (c) 2021, NVIDIA CORPORATION. +# Copyright (c) 2021-2022, NVIDIA CORPORATION. # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. # You may obtain a copy of the License at @@ -17,7 +17,7 @@ import cudf import cugraph -from cugraph.tests import utils +from cugraph.testing import utils # Temporarily suppress warnings till networkX fixes deprecation warnings # (Using or importing the ABCs from 'collections' instead of from diff --git a/python/cugraph/cugraph/tests/test_filter_unreachable.py b/python/cugraph/cugraph/tests/test_filter_unreachable.py index 6c00461d234..5f00775f43d 100644 --- a/python/cugraph/cugraph/tests/test_filter_unreachable.py +++ b/python/cugraph/cugraph/tests/test_filter_unreachable.py @@ -1,4 +1,4 @@ -# Copyright (c) 2019-2021, NVIDIA CORPORATION. +# Copyright (c) 2019-2022, NVIDIA CORPORATION. # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. # You may obtain a copy of the License at @@ -17,7 +17,7 @@ import numpy as np import cugraph -from cugraph.tests import utils +from cugraph.testing import utils # Temporarily suppress warnings till networkX fixes deprecation warnings # (Using or importing the ABCs from 'collections' instead of from diff --git a/python/cugraph/cugraph/tests/test_force_atlas2.py b/python/cugraph/cugraph/tests/test_force_atlas2.py index 1128f52904a..dec99be17fe 100644 --- a/python/cugraph/cugraph/tests/test_force_atlas2.py +++ b/python/cugraph/cugraph/tests/test_force_atlas2.py @@ -1,4 +1,4 @@ -# Copyright (c) 2020-2021, NVIDIA CORPORATION. +# Copyright (c) 2020-2022, NVIDIA CORPORATION. # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. # You may obtain a copy of the License at @@ -17,7 +17,7 @@ import cudf import cugraph from cugraph.internals import GraphBasedDimRedCallback -from cugraph.tests import utils +from cugraph.testing import utils from sklearn.manifold import trustworthiness import scipy.io from pathlib import PurePath diff --git a/python/cugraph/cugraph/tests/test_graph.py b/python/cugraph/cugraph/tests/test_graph.py index 9a12f84a6cf..e2e619cfa55 100644 --- a/python/cugraph/cugraph/tests/test_graph.py +++ b/python/cugraph/cugraph/tests/test_graph.py @@ -1,4 +1,4 @@ -# Copyright (c) 2019-2021, NVIDIA CORPORATION. +# Copyright (c) 2019-2022, NVIDIA CORPORATION. # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. # You may obtain a copy of the License at @@ -22,7 +22,7 @@ import cudf from cudf.testing.testing import assert_frame_equal import cugraph -from cugraph.tests import utils +from cugraph.testing import utils # MG import cugraph.dask as dcg diff --git a/python/cugraph/cugraph/tests/test_graph_store.py b/python/cugraph/cugraph/tests/test_graph_store.py index 794811d5ee9..947057dce39 100644 --- a/python/cugraph/cugraph/tests/test_graph_store.py +++ b/python/cugraph/cugraph/tests/test_graph_store.py @@ -14,7 +14,7 @@ import pytest import cugraph -from cugraph.tests import utils +from cugraph.testing import utils from cugraph.experimental import PropertyGraph import numpy as np import cudf diff --git a/python/cugraph/cugraph/tests/test_hits.py b/python/cugraph/cugraph/tests/test_hits.py index 0d8bff17652..4f19abe17bd 100644 --- a/python/cugraph/cugraph/tests/test_hits.py +++ b/python/cugraph/cugraph/tests/test_hits.py @@ -1,4 +1,4 @@ -# Copyright (c) 2020-2021, NVIDIA CORPORATION. +# Copyright (c) 2020-2022, NVIDIA CORPORATION. # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. # You may obtain a copy of the License at @@ -19,7 +19,7 @@ import cudf import cugraph -from cugraph.tests import utils +from cugraph.testing import utils # ============================================================================= diff --git a/python/cugraph/cugraph/tests/test_jaccard.py b/python/cugraph/cugraph/tests/test_jaccard.py index b7ce514d5f9..8881813618c 100644 --- a/python/cugraph/cugraph/tests/test_jaccard.py +++ b/python/cugraph/cugraph/tests/test_jaccard.py @@ -18,7 +18,7 @@ from cudf.testing import assert_series_equal import cugraph -from cugraph.tests import utils +from cugraph.testing import utils # Temporarily suppress warnings till networkX fixes deprecation warnings # (Using or importing the ABCs from 'collections' instead of from diff --git a/python/cugraph/cugraph/tests/test_k_core.py b/python/cugraph/cugraph/tests/test_k_core.py index d09b719ab79..0ac299db85f 100644 --- a/python/cugraph/cugraph/tests/test_k_core.py +++ b/python/cugraph/cugraph/tests/test_k_core.py @@ -1,4 +1,4 @@ -# Copyright (c) 2019-2021, NVIDIA CORPORATION. +# Copyright (c) 2019-2022, NVIDIA CORPORATION. # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. # You may obtain a copy of the License at @@ -16,7 +16,7 @@ import pytest import cugraph -from cugraph.tests import utils +from cugraph.testing import utils # Temporarily suppress warnings till networkX fixes deprecation warnings # (Using or importing the ABCs from 'collections' instead of from diff --git a/python/cugraph/cugraph/tests/test_k_truss_subgraph.py b/python/cugraph/cugraph/tests/test_k_truss_subgraph.py index 1a1f5c66693..ac8a8c25836 100644 --- a/python/cugraph/cugraph/tests/test_k_truss_subgraph.py +++ b/python/cugraph/cugraph/tests/test_k_truss_subgraph.py @@ -1,4 +1,4 @@ -# Copyright (c) 2020-2021, NVIDIA CORPORATION. +# Copyright (c) 2020-2022, NVIDIA CORPORATION. # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. # You may obtain a copy of the License at @@ -16,7 +16,7 @@ import pytest import cugraph -from cugraph.tests import utils +from cugraph.testing import utils import numpy as np from numba import cuda diff --git a/python/cugraph/cugraph/tests/test_katz_centrality.py b/python/cugraph/cugraph/tests/test_katz_centrality.py index aed5930665b..b5af4380849 100644 --- a/python/cugraph/cugraph/tests/test_katz_centrality.py +++ b/python/cugraph/cugraph/tests/test_katz_centrality.py @@ -17,7 +17,7 @@ import cudf import cugraph -from cugraph.tests import utils +from cugraph.testing import utils # Temporarily suppress warnings till networkX fixes deprecation warnings # (Using or importing the ABCs from 'collections' instead of from diff --git a/python/cugraph/cugraph/tests/test_leiden.py b/python/cugraph/cugraph/tests/test_leiden.py index b6c23dad6f2..2b22aa25818 100644 --- a/python/cugraph/cugraph/tests/test_leiden.py +++ b/python/cugraph/cugraph/tests/test_leiden.py @@ -1,4 +1,4 @@ -# Copyright (c) 2019-2021, NVIDIA CORPORATION. +# Copyright (c) 2019-2022, NVIDIA CORPORATION. # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. # You may obtain a copy of the License at @@ -18,7 +18,7 @@ import networkx as nx import cugraph -from cugraph.tests import utils +from cugraph.testing import utils # Temporarily suppress warnings till networkX fixes deprecation warnings # (Using or importing the ABCs from 'collections' instead of from diff --git a/python/cugraph/cugraph/tests/test_louvain.py b/python/cugraph/cugraph/tests/test_louvain.py index fb9bdd7be80..2a0d4096545 100644 --- a/python/cugraph/cugraph/tests/test_louvain.py +++ b/python/cugraph/cugraph/tests/test_louvain.py @@ -1,4 +1,4 @@ -# Copyright (c) 2019-2021, NVIDIA CORPORATION. +# Copyright (c) 2019-2022, NVIDIA CORPORATION. # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. # You may obtain a copy of the License at @@ -17,7 +17,7 @@ import pytest import cugraph -from cugraph.tests import utils +from cugraph.testing import utils # Temporarily suppress warnings till networkX fixes deprecation warnings # (Using or importing the ABCs from 'collections' instead of from diff --git a/python/cugraph/cugraph/tests/test_maximum_spanning_tree.py b/python/cugraph/cugraph/tests/test_maximum_spanning_tree.py index 311f28bd6f8..4acf795dcfb 100644 --- a/python/cugraph/cugraph/tests/test_maximum_spanning_tree.py +++ b/python/cugraph/cugraph/tests/test_maximum_spanning_tree.py @@ -1,4 +1,4 @@ -# Copyright (c) 2019-2021, NVIDIA CORPORATION. +# Copyright (c) 2019-2022, NVIDIA CORPORATION. # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. # You may obtain a copy of the License at @@ -20,7 +20,7 @@ import cudf import cugraph -from cugraph.tests import utils +from cugraph.testing import utils # Temporarily suppress warnings till networkX fixes deprecation warnings diff --git a/python/cugraph/cugraph/tests/test_minimum_spanning_tree.py b/python/cugraph/cugraph/tests/test_minimum_spanning_tree.py index d1588507bce..15a73de47db 100644 --- a/python/cugraph/cugraph/tests/test_minimum_spanning_tree.py +++ b/python/cugraph/cugraph/tests/test_minimum_spanning_tree.py @@ -1,4 +1,4 @@ -# Copyright (c) 2019-2021, NVIDIA CORPORATION. +# Copyright (c) 2019-2022, NVIDIA CORPORATION. # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. # You may obtain a copy of the License at @@ -20,7 +20,7 @@ import cudf import cugraph -from cugraph.tests import utils +from cugraph.testing import utils # Temporarily suppress warnings till networkX fixes deprecation warnings diff --git a/python/cugraph/cugraph/tests/test_modularity.py b/python/cugraph/cugraph/tests/test_modularity.py index 852d9403341..d3de71fbe4e 100644 --- a/python/cugraph/cugraph/tests/test_modularity.py +++ b/python/cugraph/cugraph/tests/test_modularity.py @@ -18,7 +18,7 @@ import cudf import cugraph -from cugraph.tests import utils +from cugraph.testing import utils from cugraph.utilities import ensure_cugraph_obj_for_nx import networkx as nx diff --git a/python/cugraph/cugraph/tests/test_multigraph.py b/python/cugraph/cugraph/tests/test_multigraph.py index 69b47f83142..1d6aea58051 100644 --- a/python/cugraph/cugraph/tests/test_multigraph.py +++ b/python/cugraph/cugraph/tests/test_multigraph.py @@ -1,4 +1,4 @@ -# Copyright (c) 2020-2021, NVIDIA CORPORATION. +# Copyright (c) 2020-2022, NVIDIA CORPORATION. # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. # You may obtain a copy of the License at @@ -18,7 +18,7 @@ import numpy as np import cugraph -from cugraph.tests import utils +from cugraph.testing import utils # ============================================================================= diff --git a/python/cugraph/cugraph/tests/test_node2vec.py b/python/cugraph/cugraph/tests/test_node2vec.py index e897c5fd0a3..1327e608493 100644 --- a/python/cugraph/cugraph/tests/test_node2vec.py +++ b/python/cugraph/cugraph/tests/test_node2vec.py @@ -16,7 +16,7 @@ import pytest -from cugraph.tests import utils +from cugraph.testing import utils import cugraph import cudf diff --git a/python/cugraph/cugraph/tests/test_nx_convert.py b/python/cugraph/cugraph/tests/test_nx_convert.py index 5bd32213864..9e716c41027 100644 --- a/python/cugraph/cugraph/tests/test_nx_convert.py +++ b/python/cugraph/cugraph/tests/test_nx_convert.py @@ -1,4 +1,4 @@ -# Copyright (c) 2019-2021, NVIDIA CORPORATION. +# Copyright (c) 2019-2022, NVIDIA CORPORATION. # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. # You may obtain a copy of the License at @@ -16,7 +16,7 @@ import cudf import cugraph -from cugraph.tests import utils +from cugraph.testing import utils # Temporarily suppress warnings till networkX fixes deprecation warnings diff --git a/python/cugraph/cugraph/tests/test_overlap.py b/python/cugraph/cugraph/tests/test_overlap.py index e1e7e60b5d4..03a4395d008 100644 --- a/python/cugraph/cugraph/tests/test_overlap.py +++ b/python/cugraph/cugraph/tests/test_overlap.py @@ -1,4 +1,4 @@ -# Copyright (c) 2019-2021, NVIDIA CORPORATION. +# Copyright (c) 2019-2022, NVIDIA CORPORATION. # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. # You may obtain a copy of the License at @@ -20,7 +20,7 @@ from cudf.testing import assert_series_equal import cugraph -from cugraph.tests import utils +from cugraph.testing import utils # ============================================================================= diff --git a/python/cugraph/cugraph/tests/test_pagerank.py b/python/cugraph/cugraph/tests/test_pagerank.py index fae79f6ce80..b9329fc09bd 100644 --- a/python/cugraph/cugraph/tests/test_pagerank.py +++ b/python/cugraph/cugraph/tests/test_pagerank.py @@ -1,4 +1,4 @@ -# Copyright (c) 2019-2021, NVIDIA CORPORATION. +# Copyright (c) 2019-2022, NVIDIA CORPORATION. # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. # You may obtain a copy of the License at @@ -19,7 +19,7 @@ import cudf import cugraph -from cugraph.tests import utils +from cugraph.testing import utils # Temporarily suppress warnings till networkX fixes deprecation warnings diff --git a/python/cugraph/cugraph/tests/test_property_graph.py b/python/cugraph/cugraph/tests/test_property_graph.py index 6643e3c3c46..56d0c43bd04 100644 --- a/python/cugraph/cugraph/tests/test_property_graph.py +++ b/python/cugraph/cugraph/tests/test_property_graph.py @@ -33,7 +33,7 @@ import cugraph from cugraph.generators import rmat -from cugraph.tests import utils +from cugraph.testing import utils # ============================================================================= # Test data diff --git a/python/cugraph/cugraph/tests/test_random_walks.py b/python/cugraph/cugraph/tests/test_random_walks.py index 80baa0b4e2a..3deb9a39ad0 100644 --- a/python/cugraph/cugraph/tests/test_random_walks.py +++ b/python/cugraph/cugraph/tests/test_random_walks.py @@ -1,4 +1,4 @@ -# Copyright (c) 2020-2021, NVIDIA CORPORATION.: +# Copyright (c) 2020-2022, NVIDIA CORPORATION.: # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. # You may obtain a copy of the License at @@ -17,7 +17,7 @@ import pytest from cudf.testing import assert_series_equal -from cugraph.tests import utils +from cugraph.testing import utils import cugraph diff --git a/python/cugraph/cugraph/tests/test_renumber.py b/python/cugraph/cugraph/tests/test_renumber.py index 2b7dc552e2e..f0d37cade38 100644 --- a/python/cugraph/cugraph/tests/test_renumber.py +++ b/python/cugraph/cugraph/tests/test_renumber.py @@ -21,7 +21,7 @@ from cudf.testing import assert_series_equal from cugraph.structure.number_map import NumberMap -from cugraph.tests import utils +from cugraph.testing import utils def test_renumber_ips(): diff --git a/python/cugraph/cugraph/tests/test_sorensen.py b/python/cugraph/cugraph/tests/test_sorensen.py index 5e46ac91910..bfae8662409 100644 --- a/python/cugraph/cugraph/tests/test_sorensen.py +++ b/python/cugraph/cugraph/tests/test_sorensen.py @@ -1,4 +1,4 @@ -# Copyright (c) 2021, NVIDIA CORPORATION. +# Copyright (c) 2021-2022, NVIDIA CORPORATION. # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. # You may obtain a copy of the License at @@ -18,7 +18,7 @@ from cudf.testing import assert_series_equal import cugraph -from cugraph.tests import utils +from cugraph.testing import utils # Temporarily suppress warnings till networkX fixes deprecation warnings # (Using or importing the ABCs from 'collections' instead of from diff --git a/python/cugraph/cugraph/tests/test_sssp.py b/python/cugraph/cugraph/tests/test_sssp.py index e50c4ee626c..2fdc50664e1 100644 --- a/python/cugraph/cugraph/tests/test_sssp.py +++ b/python/cugraph/cugraph/tests/test_sssp.py @@ -27,7 +27,7 @@ import cudf import cugraph -from cugraph.tests import utils +from cugraph.testing import utils # Temporarily suppress warnings till networkX fixes deprecation warnings diff --git a/python/cugraph/cugraph/tests/test_subgraph_extraction.py b/python/cugraph/cugraph/tests/test_subgraph_extraction.py index 3dc3789d82d..cd44030083d 100644 --- a/python/cugraph/cugraph/tests/test_subgraph_extraction.py +++ b/python/cugraph/cugraph/tests/test_subgraph_extraction.py @@ -1,4 +1,4 @@ -# Copyright (c) 2019-2021, NVIDIA CORPORATION. +# Copyright (c) 2019-2022, NVIDIA CORPORATION. # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. # You may obtain a copy of the License at @@ -19,7 +19,7 @@ import cudf import cugraph -from cugraph.tests import utils +from cugraph.testing import utils ############################################################################### diff --git a/python/cugraph/cugraph/tests/test_symmetrize.py b/python/cugraph/cugraph/tests/test_symmetrize.py index 9d740b585e4..ecfee359a0b 100644 --- a/python/cugraph/cugraph/tests/test_symmetrize.py +++ b/python/cugraph/cugraph/tests/test_symmetrize.py @@ -18,7 +18,7 @@ import pandas as pd import cudf import cugraph -from cugraph.tests import utils +from cugraph.testing import utils def test_version(): diff --git a/python/cugraph/cugraph/tests/test_triangle_count.py b/python/cugraph/cugraph/tests/test_triangle_count.py index 917a4f320a7..e2b6b03bb13 100644 --- a/python/cugraph/cugraph/tests/test_triangle_count.py +++ b/python/cugraph/cugraph/tests/test_triangle_count.py @@ -1,4 +1,4 @@ -# Copyright (c) 2019-2021, NVIDIA CORPORATION. +# Copyright (c) 2019-2022, NVIDIA CORPORATION. # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. # You may obtain a copy of the License at @@ -17,7 +17,7 @@ import cudf import cugraph -from cugraph.tests import utils +from cugraph.testing import utils # Temporarily suppress warnings till networkX fixes deprecation warnings diff --git a/python/cugraph/cugraph/tests/test_utils.py b/python/cugraph/cugraph/tests/test_utils.py index 175cf389d16..03a1f7c103a 100644 --- a/python/cugraph/cugraph/tests/test_utils.py +++ b/python/cugraph/cugraph/tests/test_utils.py @@ -1,4 +1,4 @@ -# Copyright (c) 2020-2021, NVIDIA CORPORATION. +# Copyright (c) 2020-2022, NVIDIA CORPORATION. # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. # You may obtain a copy of the License at @@ -18,7 +18,7 @@ import cugraph import cudf -from cugraph.tests import utils +from cugraph.testing import utils import numpy as np diff --git a/python/cugraph/cugraph/tests/test_wjaccard.py b/python/cugraph/cugraph/tests/test_wjaccard.py index f0e1283a0fb..23a778591af 100644 --- a/python/cugraph/cugraph/tests/test_wjaccard.py +++ b/python/cugraph/cugraph/tests/test_wjaccard.py @@ -1,4 +1,4 @@ -# Copyright (c) 2019-2021, NVIDIA CORPORATION. +# Copyright (c) 2019-2022, NVIDIA CORPORATION. # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. # You may obtain a copy of the License at @@ -20,7 +20,7 @@ from cudf.testing import assert_series_equal import cugraph -from cugraph.tests import utils +from cugraph.testing import utils # Temporarily suppress warnings till networkX fixes deprecation warnings diff --git a/python/cugraph/cugraph/tests/test_woverlap.py b/python/cugraph/cugraph/tests/test_woverlap.py index 889303223b8..419d60a1cd6 100644 --- a/python/cugraph/cugraph/tests/test_woverlap.py +++ b/python/cugraph/cugraph/tests/test_woverlap.py @@ -1,4 +1,4 @@ -# Copyright (c) 2019-2021, NVIDIA CORPORATION. +# Copyright (c) 2019-2022, NVIDIA CORPORATION. # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. # You may obtain a copy of the License at @@ -20,7 +20,7 @@ from cudf.testing import assert_series_equal import cugraph -from cugraph.tests import utils +from cugraph.testing import utils # ============================================================================= diff --git a/python/cugraph/cugraph/tests/test_wsorensen.py b/python/cugraph/cugraph/tests/test_wsorensen.py index 57d277d4173..45bd3662a88 100644 --- a/python/cugraph/cugraph/tests/test_wsorensen.py +++ b/python/cugraph/cugraph/tests/test_wsorensen.py @@ -1,4 +1,4 @@ -# Copyright (c) 2021, NVIDIA CORPORATION. +# Copyright (c) 2021-2022, NVIDIA CORPORATION. # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. # You may obtain a copy of the License at @@ -20,7 +20,7 @@ from cudf.testing import assert_series_equal import cugraph -from cugraph.tests import utils +from cugraph.testing import utils # Temporarily suppress warnings till networkX fixes deprecation warnings diff --git a/python/pylibcugraph/pylibcugraph/__init__.py b/python/pylibcugraph/pylibcugraph/__init__.py index 361b4dba2a6..96cee8e43c1 100644 --- a/python/pylibcugraph/pylibcugraph/__init__.py +++ b/python/pylibcugraph/pylibcugraph/__init__.py @@ -11,26 +11,26 @@ # See the License for the specific language governing permissions and # limitations under the License. -from .components._connectivity import ( +from pylibcugraph.components._connectivity import ( strongly_connected_components, weakly_connected_components, ) -from . import experimental +from pylibcugraph import experimental -from .graphs import ( +from pylibcugraph.graphs import ( SGGraph, MGGraph ) -from .resource_handle import ResourceHandle +from pylibcugraph.resource_handle import ResourceHandle -from .graph_properties import GraphProperties +from pylibcugraph.graph_properties import GraphProperties -from .pagerank import pagerank +from pylibcugraph.pagerank import pagerank -from .sssp import sssp +from pylibcugraph.sssp import sssp -from .hits import hits +from pylibcugraph.hits import hits -from .node2vec import node2vec +from pylibcugraph.node2vec import node2vec diff --git a/python/pylibcugraph/pylibcugraph/testing/__init__.py b/python/pylibcugraph/pylibcugraph/testing/__init__.py new file mode 100644 index 00000000000..e69de29bb2d diff --git a/python/pylibcugraph/pylibcugraph/tests/utils.py b/python/pylibcugraph/pylibcugraph/testing/utils.py similarity index 100% rename from python/pylibcugraph/pylibcugraph/tests/utils.py rename to python/pylibcugraph/pylibcugraph/testing/utils.py diff --git a/python/pylibcugraph/pylibcugraph/tests/conftest.py b/python/pylibcugraph/pylibcugraph/tests/conftest.py index df77e58d6be..0431e461c71 100644 --- a/python/pylibcugraph/pylibcugraph/tests/conftest.py +++ b/python/pylibcugraph/pylibcugraph/tests/conftest.py @@ -17,7 +17,7 @@ import pytest -from . import utils +from pylibcugraph.testing import utils # ============================================================================= diff --git a/python/pylibcugraph/pylibcugraph/tests/test_connected_components.py b/python/pylibcugraph/pylibcugraph/tests/test_connected_components.py index 5e84b063fcb..750d81ed4ce 100644 --- a/python/pylibcugraph/pylibcugraph/tests/test_connected_components.py +++ b/python/pylibcugraph/pylibcugraph/tests/test_connected_components.py @@ -19,7 +19,7 @@ import cupy as cp from scipy.sparse import coo_matrix, csr_matrix -from . import utils +from pylibcugraph.testing import utils # ============================================================================= diff --git a/python/pylibcugraph/pylibcugraph/tests/test_katz_centrality.py b/python/pylibcugraph/pylibcugraph/tests/test_katz_centrality.py index e50e2401039..b36c2382b74 100644 --- a/python/pylibcugraph/pylibcugraph/tests/test_katz_centrality.py +++ b/python/pylibcugraph/pylibcugraph/tests/test_katz_centrality.py @@ -18,11 +18,7 @@ GraphProperties, SGGraph, katz_centrality) -import pathlib -import pylibcugraph - - -datasets = pathlib.Path(pylibcugraph.__path__[0]).parent.parent.parent +from pylibcugraph.testing import utils # ============================================================================= @@ -79,8 +75,8 @@ def _generic_katz_test(src_arr, def test_katz(): num_edges = 8 num_vertices = 6 - graph_data = np.genfromtxt(datasets / 'datasets/toy_graph.csv', - delimiter=' ') + graph_data = np.genfromtxt( + utils.RAPIDS_DATASET_ROOT_DIR_PATH / 'toy_graph.csv', delimiter=' ') src = cp.asarray(graph_data[:, 0], dtype=np.int32) dst = cp.asarray(graph_data[:, 1], dtype=np.int32) wgt = cp.asarray(graph_data[:, 2], dtype=np.float32) diff --git a/python/pylibcugraph/pylibcugraph/tests/test_node2vec.py b/python/pylibcugraph/pylibcugraph/tests/test_node2vec.py index 766b9de97ec..8dee18beff7 100644 --- a/python/pylibcugraph/pylibcugraph/tests/test_node2vec.py +++ b/python/pylibcugraph/pylibcugraph/tests/test_node2vec.py @@ -18,7 +18,7 @@ GraphProperties, SGGraph, node2vec) -from cugraph.tests import utils +from cugraph.testing import utils import cugraph