Skip to content

Commit

Permalink
Remove RAFT MM includes (#4637)
Browse files Browse the repository at this point in the history
Authors:
  - Victor Lafargue (https://github.com/viclafargue)

Approvers:
  - Corey J. Nolet (https://github.com/cjnolet)

URL: #4637
  • Loading branch information
viclafargue authored Mar 21, 2022
1 parent 48120ce commit 3f54aec
Show file tree
Hide file tree
Showing 28 changed files with 2 additions and 34 deletions.
1 change: 0 additions & 1 deletion cpp/examples/symreg/symreg_example.cpp
Original file line number Diff line number Diff line change
Expand Up @@ -29,7 +29,6 @@
#include <cuml/genetic/program.h>

#include <raft/cudart_utils.h>
#include <raft/mr/device/allocator.hpp>
#include <rmm/device_scalar.hpp>
#include <rmm/device_uvector.hpp>

Expand Down
3 changes: 1 addition & 2 deletions cpp/include/cuml/linear_model/preprocess_mg.hpp
Original file line number Diff line number Diff line change
@@ -1,5 +1,5 @@
/*
* 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.
Expand All @@ -20,7 +20,6 @@
#include <opg/matrix/part_descriptor.hpp>
#include <raft/comms/comms.hpp>
#include <raft/handle.hpp>
#include <raft/mr/device/allocator.hpp>

namespace ML {
namespace GLM {
Expand Down
2 changes: 0 additions & 2 deletions cpp/src/common/cumlHandle.cpp
Original file line number Diff line number Diff line change
Expand Up @@ -22,8 +22,6 @@
#include <raft/linalg/detail/cublas_wrappers.hpp>
// #TODO: Replace with public header when ready
#include <raft/linalg/detail/cusolver_wrappers.hpp>
#include <raft/mr/device/allocator.hpp>
#include <raft/mr/host/allocator.hpp>

namespace ML {

Expand Down
4 changes: 1 addition & 3 deletions cpp/src/common/cumlHandle.hpp
Original file line number Diff line number Diff line change
@@ -1,5 +1,5 @@
/*
* 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.
Expand All @@ -19,8 +19,6 @@
#include <cuml/cuml_api.h>

#include <raft/handle.hpp>
#include <raft/mr/device/allocator.hpp>
#include <raft/mr/host/allocator.hpp>

namespace ML {

Expand Down
2 changes: 0 additions & 2 deletions cpp/src/glm/ols_mg.cu
Original file line number Diff line number Diff line change
Expand Up @@ -26,8 +26,6 @@
#include <raft/linalg/gemm.hpp>
#include <raft/matrix/math.hpp>
#include <raft/matrix/matrix.hpp>
#include <raft/mr/device/allocator.hpp>
#include <raft/mr/host/allocator.hpp>

#include <rmm/device_uvector.hpp>

Expand Down
1 change: 0 additions & 1 deletion cpp/src/glm/qn/simple_mat/sparse.hpp
Original file line number Diff line number Diff line change
Expand Up @@ -28,7 +28,6 @@
#include <raft/linalg/map_then_reduce.hpp>
#include <raft/linalg/norm.hpp>
#include <raft/linalg/unary_op.hpp>
#include <raft/mr/device/allocator.hpp>
#include <raft/sparse/detail/cusparse_wrappers.h>
#include <rmm/device_uvector.hpp>

Expand Down
1 change: 0 additions & 1 deletion cpp/src/holtwinters/internal/hw_utils.cuh
Original file line number Diff line number Diff line change
Expand Up @@ -20,7 +20,6 @@
#include <iostream>
#include <raft/cudart_utils.h>
#include <raft/linalg/eltwise.hpp>
#include <raft/mr/device/allocator.hpp>
#include <vector>

#define IDX(n, m, N) (n + (m) * (N))
Expand Down
1 change: 0 additions & 1 deletion cpp/src/knn/knn_opg_common.cuh
Original file line number Diff line number Diff line change
Expand Up @@ -27,7 +27,6 @@
#include <raft/comms/comms.hpp>
#include <raft/cuda_utils.cuh>
#include <raft/cudart_utils.h>
#include <raft/mr/device/allocator.hpp>
#include <raft/spatial/knn/knn.hpp>

#include <cstddef>
Expand Down
1 change: 0 additions & 1 deletion cpp/src/randomforest/randomforest.cuh
Original file line number Diff line number Diff line change
Expand Up @@ -27,7 +27,6 @@
#include <raft/random/rng.hpp>

#include <raft/cudart_utils.h>
#include <raft/mr/device/allocator.hpp>
#include <raft/random/rng.hpp>

#ifdef _OPENMP
Expand Down
1 change: 0 additions & 1 deletion cpp/src/umap/simpl_set_embed/runner.cuh
Original file line number Diff line number Diff line change
Expand Up @@ -18,7 +18,6 @@

#include "algo.cuh"
#include <cuml/manifold/umapparams.h>
#include <raft/mr/device/allocator.hpp>

#include <raft/sparse/coo.hpp>

Expand Down
1 change: 0 additions & 1 deletion cpp/src_prims/cache/cache.cuh
Original file line number Diff line number Diff line change
Expand Up @@ -24,7 +24,6 @@
#include <raft/cuda_utils.cuh>
#include <raft/cudart_utils.h>
#include <raft/interruptible.hpp>
#include <raft/mr/device/allocator.hpp>
#include <rmm/device_scalar.hpp>
#include <rmm/device_uvector.hpp>

Expand Down
1 change: 0 additions & 1 deletion cpp/src_prims/metrics/homogeneity_score.cuh
Original file line number Diff line number Diff line change
Expand Up @@ -22,7 +22,6 @@

#include "entropy.cuh"
#include "mutual_info_score.cuh"
#include <raft/mr/device/allocator.hpp>

namespace MLCommon {

Expand Down
1 change: 0 additions & 1 deletion cpp/src_prims/selection/knn.cuh
Original file line number Diff line number Diff line change
Expand Up @@ -27,7 +27,6 @@
#include <raft/cudart_utils.h>
#include <raft/distance/distance.hpp>
#include <raft/distance/distance_type.hpp>
#include <raft/mr/device/allocator.hpp>

#include <faiss/gpu/GpuDistance.h>
#include <faiss/gpu/GpuIndexFlat.h>
Expand Down
1 change: 0 additions & 1 deletion cpp/src_prims/timeSeries/arima_helpers.cuh
Original file line number Diff line number Diff line change
Expand Up @@ -25,7 +25,6 @@
#include <raft/cudart_utils.h>
#include <raft/linalg/matrix_vector_op.hpp>
#include <raft/linalg/unary_op.hpp>
#include <raft/mr/device/allocator.hpp>

// Private helper functions and kernels in the anonymous namespace
namespace {
Expand Down
1 change: 0 additions & 1 deletion cpp/src_prims/timeSeries/fillna.cuh
Original file line number Diff line number Diff line change
Expand Up @@ -26,7 +26,6 @@
#include <raft/cudart_utils.h>
#include <raft/linalg/matrix_vector_op.hpp>
#include <raft/linalg/unary_op.hpp>
#include <raft/mr/device/allocator.hpp>
#include <rmm/device_uvector.hpp>

// Auxiliary functions in anonymous namespace
Expand Down
1 change: 0 additions & 1 deletion cpp/test/mg/knn_classify.cu
Original file line number Diff line number Diff line change
Expand Up @@ -15,7 +15,6 @@
*/

#include "knn_test_helper.cuh"
#include <raft/mr/device/allocator.hpp>

namespace ML {
namespace KNN {
Expand Down
2 changes: 0 additions & 2 deletions cpp/test/mg/knn_test_helper.cuh
Original file line number Diff line number Diff line change
Expand Up @@ -26,8 +26,6 @@
#include <raft/linalg/reduce_rows_by_key.cuh>
#include <selection/knn.cuh>

#include <raft/mr/device/allocator.hpp>

#include <raft/cuda_utils.cuh>

namespace ML {
Expand Down
1 change: 0 additions & 1 deletion cpp/test/prims/batched/csr.cu
Original file line number Diff line number Diff line change
Expand Up @@ -21,7 +21,6 @@
#include <sparse/batched/csr.cuh>

#include <raft/cudart_utils.h>
#include <raft/mr/device/allocator.hpp>

#include <gtest/gtest.h>

Expand Down
1 change: 0 additions & 1 deletion cpp/test/prims/batched/matrix.cu
Original file line number Diff line number Diff line change
Expand Up @@ -21,7 +21,6 @@

#include <raft/cudart_utils.h>
#include <raft/linalg/add.hpp>
#include <raft/mr/device/allocator.hpp>

#include <gtest/gtest.h>

Expand Down
1 change: 0 additions & 1 deletion cpp/test/prims/fillna.cu
Original file line number Diff line number Diff line change
Expand Up @@ -22,7 +22,6 @@
#include <raft/cuda_utils.cuh>
#include <raft/cudart_utils.h>
#include <raft/handle.hpp>
#include <raft/mr/device/allocator.hpp>
#include <rmm/device_uvector.hpp>

#include "test_utils.h"
Expand Down
1 change: 0 additions & 1 deletion cpp/test/prims/gram.cu
Original file line number Diff line number Diff line change
Expand Up @@ -23,7 +23,6 @@
#include <memory>
#include <raft/cuda_utils.cuh>
#include <raft/cudart_utils.h>
#include <raft/mr/host/allocator.hpp>
#include <raft/random/rng.hpp>
#include <rmm/device_uvector.hpp>

Expand Down
1 change: 0 additions & 1 deletion cpp/test/prims/merge_labels.cu
Original file line number Diff line number Diff line change
Expand Up @@ -20,7 +20,6 @@
#include "test_utils.h"
#include <raft/cudart_utils.h>
#include <raft/handle.hpp>
#include <raft/mr/device/allocator.hpp>
#include <rmm/device_uvector.hpp>
#include <thrust/device_ptr.h>

Expand Down
1 change: 0 additions & 1 deletion cpp/test/sg/hdbscan_test.cu
Original file line number Diff line number Diff line change
Expand Up @@ -32,7 +32,6 @@

#include <raft/distance/distance_type.hpp>
#include <raft/linalg/transpose.hpp>
#include <raft/mr/device/allocator.hpp>
#include <raft/sparse/coo.hpp>
#include <raft/sparse/op/sort.hpp>
#include <rmm/device_uvector.hpp>
Expand Down
1 change: 0 additions & 1 deletion cpp/test/sg/kmeans_test.cu
Original file line number Diff line number Diff line change
Expand Up @@ -26,7 +26,6 @@
#include <cuml/common/logger.hpp>
#include <cuml/datasets/make_blobs.hpp>
#include <cuml/metrics/metrics.hpp>
#include <raft/mr/device/allocator.hpp>
#include <thrust/fill.h>

namespace ML {
Expand Down
1 change: 0 additions & 1 deletion cpp/test/sg/linkage_test.cu
Original file line number Diff line number Diff line change
Expand Up @@ -22,7 +22,6 @@
#include <cuml/cluster/linkage.hpp>
#include <cuml/datasets/make_blobs.hpp>
#include <hierarchy/pw_dist_graph.cuh>
#include <raft/mr/device/allocator.hpp>

#include <raft/distance/distance_type.hpp>
#include <raft/linalg/transpose.hpp>
Expand Down
1 change: 0 additions & 1 deletion cpp/test/sg/ols.cu
Original file line number Diff line number Diff line change
Expand Up @@ -18,7 +18,6 @@
#include <gtest/gtest.h>
#include <raft/cuda_utils.cuh>
#include <raft/cudart_utils.h>
#include <raft/mr/device/allocator.hpp>
#include <rmm/cuda_stream_pool.hpp>
#include <test_utils.h>
#include <vector>
Expand Down
1 change: 0 additions & 1 deletion cpp/test/sg/shap_kernel.cu
Original file line number Diff line number Diff line change
Expand Up @@ -21,7 +21,6 @@
#include <raft/cuda_utils.cuh>
#include <raft/cudart_utils.h>
#include <raft/handle.hpp>
#include <raft/mr/device/allocator.hpp>
#include <rmm/device_uvector.hpp>

#include <thrust/device_ptr.h>
Expand Down
1 change: 0 additions & 1 deletion cpp/test/sg/umap_parametrizable_test.cu
Original file line number Diff line number Diff line change
Expand Up @@ -35,7 +35,6 @@
#include <raft/cudart_utils.h>
#include <raft/distance/distance.hpp>
#include <raft/handle.hpp>
#include <raft/mr/device/allocator.hpp>
#include <selection/knn.cuh>
#include <umap/runner.cuh>

Expand Down

0 comments on commit 3f54aec

Please sign in to comment.