From 6f42ced4d6f84cc04ea27f8940449d57fa08ab51 Mon Sep 17 00:00:00 2001 From: Micka <9810050+lowener@users.noreply.github.com> Date: Fri, 9 Sep 2022 00:14:24 +0200 Subject: [PATCH] Remove Raft deprecated headers (#4858) This should be merged before the Raft PR: https://github.com/rapidsai/raft/pull/753. Authors: - Micka (https://github.com/lowener) Approvers: - Corey J. Nolet (https://github.com/cjnolet) - William Hicks (https://github.com/wphicks) URL: https://github.com/rapidsai/cuml/pull/4858 --- cpp/bench/common/ml_benchmark.hpp | 2 +- cpp/bench/prims/add.cu | 2 +- cpp/bench/prims/distance_common.cuh | 6 ++--- cpp/bench/prims/fused_l2_nn.cu | 12 +++++----- cpp/bench/prims/gram_matrix.cu | 2 +- cpp/bench/prims/make_blobs.cu | 2 +- cpp/bench/prims/map_then_reduce.cu | 2 +- cpp/bench/prims/matrix_vector_op.cu | 2 +- cpp/bench/prims/permute.cu | 6 ++--- cpp/bench/prims/reduce.cu | 2 +- cpp/bench/prims/rng.cu | 4 ++-- cpp/bench/sg/arima_loglikelihood.cu | 6 ++--- cpp/bench/sg/benchmark.cuh | 4 ++-- cpp/bench/sg/dataset.cuh | 10 ++++---- cpp/bench/sg/dataset_ts.cuh | 6 ++--- cpp/examples/dbscan/dbscan_example.cpp | 2 +- cpp/examples/kmeans/kmeans_example.cpp | 4 ++-- cpp/examples/symreg/symreg_example.cpp | 2 +- cpp/include/cuml/cluster/hdbscan.hpp | 2 +- cpp/include/cuml/cluster/linkage.hpp | 2 +- cpp/include/cuml/common/utils.hpp | 4 ++-- .../cuml/decomposition/sign_flip_mg.hpp | 2 +- cpp/include/cuml/genetic/genetic.h | 2 +- cpp/include/cuml/genetic/program.h | 2 +- cpp/include/cuml/linear_model/glm.hpp | 2 +- .../cuml/linear_model/preprocess_mg.hpp | 4 ++-- cpp/include/cuml/neighbors/knn_mg.hpp | 2 +- cpp/include/cuml/random_projection/rproj_c.h | 4 ++-- cpp/include/cuml/solvers/lars.hpp | 2 +- cpp/include/cuml/svm/linear.hpp | 4 ++-- cpp/include/cuml/svm/svc.hpp | 2 +- cpp/include/cuml/tsa/arima_common.h | 4 ++-- cpp/src/arima/batched_arima.cu | 8 +++---- cpp/src/arima/batched_kalman.cu | 8 +++---- cpp/src/common/cumlHandle.cpp | 2 +- cpp/src/common/cumlHandle.hpp | 2 +- cpp/src/common/cuml_api.cpp | 2 +- cpp/src/common/nvtx.hpp | 12 +++++----- cpp/src/common/tensor.hpp | 4 ++-- cpp/src/datasets/make_blobs.cu | 2 +- cpp/src/datasets/make_regression.cu | 2 +- cpp/src/dbscan/adjgraph/algo.cuh | 2 +- cpp/src/dbscan/corepoints/compute.cuh | 2 +- cpp/src/dbscan/corepoints/exchange.cuh | 4 ++-- cpp/src/dbscan/dbscan.cu | 2 +- cpp/src/dbscan/dbscan.cuh | 2 +- cpp/src/dbscan/mergelabels/runner.cuh | 4 ++-- cpp/src/dbscan/mergelabels/tree_reduction.cuh | 4 ++-- cpp/src/dbscan/runner.cuh | 6 ++--- cpp/src/dbscan/vertexdeg/algo.cuh | 6 ++--- cpp/src/dbscan/vertexdeg/precomputed.cuh | 6 ++--- .../batched-levelalgo/builder.cuh | 4 ++-- .../kernels/builder_kernels.cuh | 2 +- .../batched-levelalgo/quantiles.cuh | 4 ++-- .../decisiontree/batched-levelalgo/split.cuh | 2 +- cpp/src/decisiontree/decisiontree.cu | 2 +- cpp/src/decisiontree/decisiontree.cuh | 6 ++--- cpp/src/explainer/kernel_shap.cu | 4 ++-- cpp/src/explainer/permutation_shap.cu | 4 ++-- cpp/src/explainer/tree_shap.cu | 4 ++-- cpp/src/fil/fil.cu | 10 ++++---- cpp/src/fil/infer.cu | 2 +- cpp/src/fil/internal.cuh | 2 +- cpp/src/fil/treelite_import.cu | 6 ++--- cpp/src/genetic/fitness.cuh | 20 ++++++++-------- cpp/src/genetic/genetic.cu | 8 +++---- cpp/src/genetic/program.cu | 4 ++-- cpp/src/glm/ols_mg.cu | 10 ++++---- cpp/src/glm/preprocess.cuh | 18 +++++++------- cpp/src/glm/preprocess_mg.cu | 10 ++++---- cpp/src/glm/qn/glm_base.cuh | 12 +++++----- cpp/src/glm/qn/glm_linear.cuh | 2 +- cpp/src/glm/qn/glm_logistic.cuh | 2 +- cpp/src/glm/qn/glm_regularizer.cuh | 8 +++---- cpp/src/glm/qn/glm_softmax.cuh | 2 +- cpp/src/glm/qn/glm_svm.cuh | 2 +- cpp/src/glm/qn/qn.cuh | 2 +- cpp/src/glm/qn/simple_mat/base.hpp | 4 ++-- cpp/src/glm/qn/simple_mat/dense.hpp | 12 +++++----- cpp/src/glm/qn/simple_mat/sparse.hpp | 12 +++++----- cpp/src/glm/ridge.cuh | 24 +++++++++---------- cpp/src/glm/ridge_mg.cu | 12 +++++----- cpp/src/hdbscan/condensed_hierarchy.cu | 8 +++---- cpp/src/hdbscan/detail/condense.cuh | 6 ++--- cpp/src/hdbscan/detail/extract.cuh | 8 +++---- cpp/src/hdbscan/detail/membership.cuh | 8 +++---- cpp/src/hdbscan/detail/predict.cuh | 2 +- cpp/src/hdbscan/detail/reachability.cuh | 12 +++++----- cpp/src/hdbscan/detail/reachability_faiss.cuh | 2 +- cpp/src/hdbscan/detail/select.cuh | 8 +++---- cpp/src/hdbscan/detail/soft_clustering.cuh | 16 ++++++------- cpp/src/hdbscan/detail/stabilities.cuh | 8 +++---- cpp/src/hdbscan/detail/utils.h | 12 +++++----- cpp/src/hdbscan/hdbscan.cu | 5 +--- cpp/src/hdbscan/prediction_data.cu | 8 +++---- cpp/src/hdbscan/runner.h | 4 ++-- cpp/src/hierarchy/linkage.cu | 2 +- cpp/src/hierarchy/pw_dist_graph.cuh | 2 +- cpp/src/holtwinters/internal/hw_decompose.cuh | 4 ++-- cpp/src/holtwinters/internal/hw_eval.cuh | 4 ++-- cpp/src/holtwinters/internal/hw_optim.cuh | 2 +- cpp/src/holtwinters/internal/hw_utils.cuh | 4 ++-- cpp/src/holtwinters/runner.cuh | 4 ++-- cpp/src/kmeans/common.cuh | 20 ++++++++-------- cpp/src/kmeans/kmeans_mg_impl.cuh | 2 +- cpp/src/kmeans/sg_impl.cuh | 2 +- cpp/src/knn/knn.cu | 10 ++++---- cpp/src/knn/knn_opg_common.cuh | 6 ++--- cpp/src/knn/knn_sparse.cu | 4 ++-- cpp/src/metrics/mutual_info_score.cu | 4 ++-- cpp/src/metrics/pairwise_distance.cu | 8 +++---- cpp/src/metrics/pairwise_distance_canberra.cu | 4 ++-- .../metrics/pairwise_distance_canberra.cuh | 8 +++---- .../metrics/pairwise_distance_chebyshev.cu | 4 ++-- .../metrics/pairwise_distance_chebyshev.cuh | 8 +++---- .../metrics/pairwise_distance_correlation.cu | 4 ++-- .../metrics/pairwise_distance_correlation.cuh | 8 +++---- cpp/src/metrics/pairwise_distance_cosine.cu | 4 ++-- cpp/src/metrics/pairwise_distance_cosine.cuh | 8 +++---- .../metrics/pairwise_distance_euclidean.cu | 4 ++-- .../metrics/pairwise_distance_euclidean.cuh | 8 +++---- cpp/src/metrics/pairwise_distance_hamming.cu | 4 ++-- cpp/src/metrics/pairwise_distance_hamming.cuh | 8 +++---- .../metrics/pairwise_distance_hellinger.cu | 4 ++-- .../metrics/pairwise_distance_hellinger.cuh | 8 +++---- .../pairwise_distance_jensen_shannon.cu | 4 ++-- .../pairwise_distance_jensen_shannon.cuh | 8 +++---- .../pairwise_distance_kl_divergence.cu | 4 ++-- .../pairwise_distance_kl_divergence.cuh | 8 +++---- cpp/src/metrics/pairwise_distance_l1.cu | 4 ++-- cpp/src/metrics/pairwise_distance_l1.cuh | 8 +++---- .../metrics/pairwise_distance_minkowski.cu | 4 ++-- .../metrics/pairwise_distance_minkowski.cuh | 8 +++---- .../metrics/pairwise_distance_russell_rao.cu | 4 ++-- .../metrics/pairwise_distance_russell_rao.cuh | 8 +++---- cpp/src/metrics/rand_index.cu | 4 ++-- cpp/src/metrics/trustworthiness.cu | 8 +++---- cpp/src/ml_cuda_utils.h | 4 ++-- cpp/src/ml_mg_utils.cuh | 2 +- cpp/src/pca/pca.cuh | 18 +++++++------- cpp/src/pca/pca_mg.cu | 10 ++++---- cpp/src/pca/sign_flip_mg.cu | 8 +++---- cpp/src/random_projection/rproj.cuh | 2 +- cpp/src/random_projection/rproj_utils.cuh | 4 ++-- cpp/src/randomforest/randomforest.cu | 2 +- cpp/src/randomforest/randomforest.cuh | 6 ++--- cpp/src/solver/cd.cuh | 5 ++-- cpp/src/solver/cd_mg.cu | 18 +++++++------- cpp/src/solver/lars_impl.cuh | 12 +++++----- cpp/src/solver/sgd.cuh | 22 ++++++++--------- cpp/src/spectral/spectral.cu | 4 ++-- cpp/src/svm/kernelcache.cuh | 6 ++--- cpp/src/svm/linear.cu | 16 ++++++------- cpp/src/svm/results.cuh | 10 ++++---- cpp/src/svm/smosolver.cuh | 10 ++++---- cpp/src/svm/svc.cu | 2 +- cpp/src/svm/svc_impl.cuh | 4 ++-- cpp/src/svm/svr.cu | 2 +- cpp/src/svm/svr_impl.cuh | 4 ++-- cpp/src/svm/workingset.cuh | 6 ++--- cpp/src/tsa/auto_arima.cu | 4 ++-- cpp/src/tsa/auto_arima.cuh | 2 +- cpp/src/tsne/barnes_hut_kernels.cuh | 4 ++-- cpp/src/tsne/barnes_hut_tsne.cuh | 4 ++-- cpp/src/tsne/distances.cuh | 10 ++++---- cpp/src/tsne/exact_kernels.cuh | 4 ++-- cpp/src/tsne/exact_tsne.cuh | 2 +- cpp/src/tsne/fft_tsne.cuh | 4 ++-- cpp/src/tsne/tsne_runner.cuh | 2 +- cpp/src/tsne/utils.cuh | 8 +++---- cpp/src/tsvd/tsvd.cuh | 24 +++++++++---------- cpp/src/tsvd/tsvd_mg.cu | 10 ++++---- cpp/src/umap/fuzzy_simpl_set/naive.cuh | 8 +++---- cpp/src/umap/init_embed/random_algo.cuh | 4 ++-- cpp/src/umap/init_embed/spectral_algo.cuh | 6 ++--- cpp/src/umap/knn_graph/algo.cuh | 8 +++---- cpp/src/umap/optimize.cuh | 14 +++++------ cpp/src/umap/runner.cuh | 10 ++++---- cpp/src/umap/simpl_set_embed/algo.cuh | 6 ++--- .../simpl_set_embed/optimize_batch_kernel.cuh | 4 ++-- cpp/src/umap/supervised.cuh | 12 +++++----- cpp/src_prims/cache/cache.cuh | 4 ++-- cpp/src_prims/cufft_utils.h | 4 ++-- cpp/src_prims/functions/hinge.cuh | 22 ++++++++--------- cpp/src_prims/functions/linearReg.cuh | 18 +++++++------- cpp/src_prims/functions/log.cuh | 2 +- cpp/src_prims/functions/logisticReg.cuh | 18 +++++++------- cpp/src_prims/functions/penalty.cuh | 12 +++++----- cpp/src_prims/functions/sigmoid.cuh | 2 +- cpp/src_prims/functions/sign.cuh | 2 +- cpp/src_prims/functions/softThres.cuh | 2 +- cpp/src_prims/label/classlabels.cuh | 8 +++---- cpp/src_prims/label/merge_labels.cuh | 4 ++-- cpp/src_prims/linalg/batched/matrix.cuh | 6 ++--- cpp/src_prims/linalg/block.cuh | 2 +- cpp/src_prims/linalg/init.h | 2 +- cpp/src_prims/matrix/grammatrix.cuh | 4 ++-- cpp/src_prims/matrix/kernelfactory.cuh | 2 +- cpp/src_prims/matrix/kernelmatrices.cuh | 4 ++-- cpp/src_prims/metrics/adjusted_rand_index.cuh | 8 +++---- .../metrics/batched/information_criterion.cuh | 2 +- cpp/src_prims/metrics/contingencyMatrix.cuh | 2 +- cpp/src_prims/metrics/dispersion.cuh | 6 ++--- cpp/src_prims/metrics/entropy.cuh | 6 ++--- cpp/src_prims/metrics/kl_divergence.cuh | 4 ++-- cpp/src_prims/metrics/mutual_info_score.cuh | 4 ++-- cpp/src_prims/metrics/rand_index.cuh | 2 +- cpp/src_prims/metrics/scores.cuh | 12 +++++----- cpp/src_prims/metrics/silhouette_score.cuh | 12 +++++----- .../metrics/trustworthiness_score.cuh | 6 ++--- cpp/src_prims/random/make_arima.cuh | 2 +- cpp/src_prims/selection/knn.cuh | 4 ++-- cpp/src_prims/selection/processing.cuh | 10 ++++---- cpp/src_prims/sparse/batched/csr.cuh | 4 ++-- cpp/src_prims/timeSeries/arima_helpers.cuh | 6 ++--- cpp/src_prims/timeSeries/fillna.cuh | 6 ++--- cpp/src_prims/timeSeries/jones_transform.cuh | 4 ++-- cpp/src_prims/timeSeries/stationarity.cuh | 8 +++---- cpp/test/mg/knn.cu | 2 +- cpp/test/mg/knn_test_helper.cuh | 2 +- cpp/test/mg/pca.cu | 4 ++-- cpp/test/prims/add_sub_dev_scalar.cu | 10 ++++---- cpp/test/prims/adjusted_rand_index.cu | 2 +- cpp/test/prims/batched/csr.cu | 2 +- cpp/test/prims/batched/gemv.cu | 4 ++-- .../prims/batched/information_criterion.cu | 2 +- cpp/test/prims/batched/make_symm.cu | 4 ++-- cpp/test/prims/batched/matrix.cu | 4 ++-- cpp/test/prims/cache.cu | 4 ++-- cpp/test/prims/columnSort.cu | 2 +- cpp/test/prims/completeness_score.cu | 2 +- cpp/test/prims/contingencyMatrix.cu | 2 +- cpp/test/prims/decoupled_lookback.cu | 4 ++-- cpp/test/prims/device_utils.cu | 4 ++-- cpp/test/prims/dispersion.cu | 4 ++-- cpp/test/prims/dist_adj.cu | 4 ++-- cpp/test/prims/distance_base.cuh | 4 ++-- cpp/test/prims/eltwise2d.cu | 4 ++-- cpp/test/prims/entropy.cu | 4 ++-- cpp/test/prims/fast_int_div.cu | 2 +- cpp/test/prims/fillna.cu | 4 ++-- cpp/test/prims/gather.cu | 6 ++--- cpp/test/prims/gram.cu | 4 ++-- cpp/test/prims/grid_sync.cu | 2 +- cpp/test/prims/hinge.cu | 4 ++-- cpp/test/prims/homogeneity_score.cu | 2 +- cpp/test/prims/jones_transform.cu | 4 ++-- cpp/test/prims/kl_divergence.cu | 2 +- cpp/test/prims/knn_classify.cu | 8 +++---- cpp/test/prims/knn_regression.cu | 8 +++---- cpp/test/prims/kselection.cu | 4 ++-- cpp/test/prims/label.cu | 4 ++-- cpp/test/prims/linalg_block.cu | 6 ++--- cpp/test/prims/linearReg.cu | 4 ++-- cpp/test/prims/log.cu | 2 +- cpp/test/prims/logisticReg.cu | 4 ++-- cpp/test/prims/make_arima.cu | 4 ++-- cpp/test/prims/merge_labels.cu | 4 ++-- cpp/test/prims/mutual_info_score.cu | 2 +- cpp/test/prims/penalty.cu | 4 ++-- cpp/test/prims/rand_index.cu | 2 +- cpp/test/prims/reverse.cu | 4 ++-- cpp/test/prims/score.cu | 6 ++--- cpp/test/prims/sigmoid.cu | 2 +- cpp/test/prims/silhouette_score.cu | 2 +- cpp/test/prims/test_utils.h | 4 ++-- cpp/test/prims/trustworthiness.cu | 4 ++-- cpp/test/prims/v_measure.cu | 2 +- cpp/test/sg/dbscan_test.cu | 8 +++---- cpp/test/sg/fil_test.cu | 4 ++-- cpp/test/sg/fnv_hash_test.cpp | 4 ++-- cpp/test/sg/genetic/evolution_test.cu | 4 ++-- cpp/test/sg/genetic/node_test.cpp | 4 ++-- cpp/test/sg/genetic/program_test.cu | 4 ++-- cpp/test/sg/hdbscan_test.cu | 6 ++--- cpp/test/sg/holtwinters_test.cu | 4 ++-- cpp/test/sg/kmeans_test.cu | 4 ++-- cpp/test/sg/knn_test.cu | 4 ++-- cpp/test/sg/lars_test.cu | 6 ++--- cpp/test/sg/linear_svm_test.cu | 10 ++++---- cpp/test/sg/linkage_test.cu | 4 ++-- cpp/test/sg/multi_sum_test.cu | 4 ++-- cpp/test/sg/ols.cu | 2 +- cpp/test/sg/pca_test.cu | 4 ++-- cpp/test/sg/quasi_newton.cu | 6 ++--- cpp/test/sg/rf_test.cu | 8 +++---- cpp/test/sg/ridge.cu | 2 +- cpp/test/sg/rproj_test.cu | 6 ++--- cpp/test/sg/sgd.cu | 4 ++-- cpp/test/sg/shap_kernel.cu | 4 ++-- cpp/test/sg/svc_test.cu | 10 ++++---- cpp/test/sg/trustworthiness_test.cu | 4 ++-- cpp/test/sg/tsne_test.cu | 4 ++-- cpp/test/sg/tsvd_test.cu | 4 ++-- cpp/test/sg/umap_parametrizable_test.cu | 8 +++---- wiki/cpp/DEVELOPER_GUIDE.md | 6 ++--- 296 files changed, 814 insertions(+), 816 deletions(-) diff --git a/cpp/bench/common/ml_benchmark.hpp b/cpp/bench/common/ml_benchmark.hpp index 23c7ef7e5a..71feb7608b 100644 --- a/cpp/bench/common/ml_benchmark.hpp +++ b/cpp/bench/common/ml_benchmark.hpp @@ -21,7 +21,7 @@ #include #include #include -#include +#include #include #include #include diff --git a/cpp/bench/prims/add.cu b/cpp/bench/prims/add.cu index 5a9340cd2f..d3e89921e0 100644 --- a/cpp/bench/prims/add.cu +++ b/cpp/bench/prims/add.cu @@ -15,7 +15,7 @@ */ #include -#include +#include namespace MLCommon { namespace Bench { diff --git a/cpp/bench/prims/distance_common.cuh b/cpp/bench/prims/distance_common.cuh index dcc8292f82..9ce14ff897 100644 --- a/cpp/bench/prims/distance_common.cuh +++ b/cpp/bench/prims/distance_common.cuh @@ -15,9 +15,9 @@ */ #include -#include -#include -#include +#include +#include +#include namespace MLCommon { namespace Bench { diff --git a/cpp/bench/prims/fused_l2_nn.cu b/cpp/bench/prims/fused_l2_nn.cu index c949e119d3..475f384081 100644 --- a/cpp/bench/prims/fused_l2_nn.cu +++ b/cpp/bench/prims/fused_l2_nn.cu @@ -16,12 +16,12 @@ #include #include -#include -#include -#include -#include -#include -#include +#include +#include +#include +#include +#include +#include namespace MLCommon { namespace Bench { diff --git a/cpp/bench/prims/gram_matrix.cu b/cpp/bench/prims/gram_matrix.cu index be1e180bc8..fec6cd1b8e 100644 --- a/cpp/bench/prims/gram_matrix.cu +++ b/cpp/bench/prims/gram_matrix.cu @@ -21,7 +21,7 @@ #include // #TODO: Replace with public header when ready #include -#include +#include #include #include #include diff --git a/cpp/bench/prims/make_blobs.cu b/cpp/bench/prims/make_blobs.cu index 963679d77c..6b3beac598 100644 --- a/cpp/bench/prims/make_blobs.cu +++ b/cpp/bench/prims/make_blobs.cu @@ -15,7 +15,7 @@ */ #include -#include +#include namespace MLCommon { namespace Bench { diff --git a/cpp/bench/prims/map_then_reduce.cu b/cpp/bench/prims/map_then_reduce.cu index 0520562f7b..cb0c173750 100644 --- a/cpp/bench/prims/map_then_reduce.cu +++ b/cpp/bench/prims/map_then_reduce.cu @@ -15,7 +15,7 @@ */ #include -#include +#include namespace MLCommon { namespace Bench { diff --git a/cpp/bench/prims/matrix_vector_op.cu b/cpp/bench/prims/matrix_vector_op.cu index e117d96bb2..168cd1a45d 100644 --- a/cpp/bench/prims/matrix_vector_op.cu +++ b/cpp/bench/prims/matrix_vector_op.cu @@ -15,7 +15,7 @@ */ #include -#include +#include namespace MLCommon { namespace Bench { diff --git a/cpp/bench/prims/permute.cu b/cpp/bench/prims/permute.cu index 9f6c6d40a7..50888a5688 100644 --- a/cpp/bench/prims/permute.cu +++ b/cpp/bench/prims/permute.cu @@ -15,9 +15,9 @@ */ #include -#include -#include -#include +#include +#include +#include namespace MLCommon { namespace Bench { diff --git a/cpp/bench/prims/reduce.cu b/cpp/bench/prims/reduce.cu index bdfe17c62d..f6df432dcf 100644 --- a/cpp/bench/prims/reduce.cu +++ b/cpp/bench/prims/reduce.cu @@ -15,7 +15,7 @@ */ #include -#include +#include namespace MLCommon { namespace Bench { diff --git a/cpp/bench/prims/rng.cu b/cpp/bench/prims/rng.cu index aca727eb1b..b8135198cf 100644 --- a/cpp/bench/prims/rng.cu +++ b/cpp/bench/prims/rng.cu @@ -15,8 +15,8 @@ */ #include -#include -#include +#include +#include namespace MLCommon { namespace Bench { diff --git a/cpp/bench/sg/arima_loglikelihood.cu b/cpp/bench/sg/arima_loglikelihood.cu index 119eb5027a..34ae8f8b35 100644 --- a/cpp/bench/sg/arima_loglikelihood.cu +++ b/cpp/bench/sg/arima_loglikelihood.cu @@ -20,12 +20,12 @@ #include #include -#include -#include +#include +#include #include #include "benchmark.cuh" -#include +#include namespace ML { namespace Bench { diff --git a/cpp/bench/sg/benchmark.cuh b/cpp/bench/sg/benchmark.cuh index 279c85c6e4..3dbc50e087 100644 --- a/cpp/bench/sg/benchmark.cuh +++ b/cpp/bench/sg/benchmark.cuh @@ -22,8 +22,8 @@ #include #include #include -#include -#include +#include +#include namespace ML { namespace Bench { diff --git a/cpp/bench/sg/dataset.cuh b/cpp/bench/sg/dataset.cuh index af5975e1f0..6d965af53f 100644 --- a/cpp/bench/sg/dataset.cuh +++ b/cpp/bench/sg/dataset.cuh @@ -19,12 +19,12 @@ #include #include #include +#include +#include #include -#include -#include -#include -#include -#include +#include +#include +#include #include #include #include diff --git a/cpp/bench/sg/dataset_ts.cuh b/cpp/bench/sg/dataset_ts.cuh index 37392a8273..481a6b899f 100644 --- a/cpp/bench/sg/dataset_ts.cuh +++ b/cpp/bench/sg/dataset_ts.cuh @@ -16,10 +16,10 @@ #pragma once +#include +#include #include -#include -#include -#include +#include namespace ML { namespace Bench { diff --git a/cpp/examples/dbscan/dbscan_example.cpp b/cpp/examples/dbscan/dbscan_example.cpp index 203e7b9afb..385aa66ae2 100644 --- a/cpp/examples/dbscan/dbscan_example.cpp +++ b/cpp/examples/dbscan/dbscan_example.cpp @@ -23,7 +23,7 @@ #include #include -#include +#include #include diff --git a/cpp/examples/kmeans/kmeans_example.cpp b/cpp/examples/kmeans/kmeans_example.cpp index 81eab915cb..5149ffcd2d 100644 --- a/cpp/examples/kmeans/kmeans_example.cpp +++ b/cpp/examples/kmeans/kmeans_example.cpp @@ -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. @@ -23,7 +23,7 @@ #include -#include +#include #include diff --git a/cpp/examples/symreg/symreg_example.cpp b/cpp/examples/symreg/symreg_example.cpp index 498c994d82..1ed530b5c4 100644 --- a/cpp/examples/symreg/symreg_example.cpp +++ b/cpp/examples/symreg/symreg_example.cpp @@ -28,7 +28,7 @@ #include #include -#include +#include #include #include diff --git a/cpp/include/cuml/cluster/hdbscan.hpp b/cpp/include/cuml/cluster/hdbscan.hpp index 0e72ae030a..a061d00525 100644 --- a/cpp/include/cuml/cluster/hdbscan.hpp +++ b/cpp/include/cuml/cluster/hdbscan.hpp @@ -18,7 +18,7 @@ #include -#include +#include #include diff --git a/cpp/include/cuml/cluster/linkage.hpp b/cpp/include/cuml/cluster/linkage.hpp index eb6e88ff81..1da6d849be 100644 --- a/cpp/include/cuml/cluster/linkage.hpp +++ b/cpp/include/cuml/cluster/linkage.hpp @@ -19,7 +19,7 @@ #include #include -#include +#include namespace raft { class handle_t; diff --git a/cpp/include/cuml/common/utils.hpp b/cpp/include/cuml/common/utils.hpp index 120b81b061..2a61d04e4f 100644 --- a/cpp/include/cuml/common/utils.hpp +++ b/cpp/include/cuml/common/utils.hpp @@ -18,11 +18,11 @@ #include #include -#include +#include #include -#include +#include #include #include #include diff --git a/cpp/include/cuml/decomposition/sign_flip_mg.hpp b/cpp/include/cuml/decomposition/sign_flip_mg.hpp index f64c75ce35..58f07e0331 100644 --- a/cpp/include/cuml/decomposition/sign_flip_mg.hpp +++ b/cpp/include/cuml/decomposition/sign_flip_mg.hpp @@ -18,7 +18,7 @@ #include #include -#include +#include namespace ML { namespace PCA { diff --git a/cpp/include/cuml/genetic/genetic.h b/cpp/include/cuml/genetic/genetic.h index df50808646..207502bc77 100644 --- a/cpp/include/cuml/genetic/genetic.h +++ b/cpp/include/cuml/genetic/genetic.h @@ -16,7 +16,7 @@ #pragma once -#include +#include #include "common.h" #include "program.h" diff --git a/cpp/include/cuml/genetic/program.h b/cpp/include/cuml/genetic/program.h index 10b949ed3c..42fcdb4eac 100644 --- a/cpp/include/cuml/genetic/program.h +++ b/cpp/include/cuml/genetic/program.h @@ -16,7 +16,7 @@ #pragma once -#include +#include #include #include "common.h" diff --git a/cpp/include/cuml/linear_model/glm.hpp b/cpp/include/cuml/linear_model/glm.hpp index c4875c50fb..1085586f94 100644 --- a/cpp/include/cuml/linear_model/glm.hpp +++ b/cpp/include/cuml/linear_model/glm.hpp @@ -17,7 +17,7 @@ #include -#include +#include namespace ML { namespace GLM { diff --git a/cpp/include/cuml/linear_model/preprocess_mg.hpp b/cpp/include/cuml/linear_model/preprocess_mg.hpp index 5c30c0dca0..9373f25733 100644 --- a/cpp/include/cuml/linear_model/preprocess_mg.hpp +++ b/cpp/include/cuml/linear_model/preprocess_mg.hpp @@ -18,8 +18,8 @@ #include #include -#include -#include +#include +#include namespace ML { namespace GLM { diff --git a/cpp/include/cuml/neighbors/knn_mg.hpp b/cpp/include/cuml/neighbors/knn_mg.hpp index eca0ec0ac3..7ee9771fc0 100644 --- a/cpp/include/cuml/neighbors/knn_mg.hpp +++ b/cpp/include/cuml/neighbors/knn_mg.hpp @@ -16,7 +16,7 @@ #pragma once -#include +#include #include #include diff --git a/cpp/include/cuml/random_projection/rproj_c.h b/cpp/include/cuml/random_projection/rproj_c.h index 7e14e14e0d..5e6b148556 100644 --- a/cpp/include/cuml/random_projection/rproj_c.h +++ b/cpp/include/cuml/random_projection/rproj_c.h @@ -1,5 +1,5 @@ /* - * Copyright (c) 2018-2021, NVIDIA CORPORATION. + * Copyright (c) 2018-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. @@ -16,7 +16,7 @@ #pragma once -#include +#include #include namespace ML { diff --git a/cpp/include/cuml/solvers/lars.hpp b/cpp/include/cuml/solvers/lars.hpp index 796be49ca7..c740b64672 100644 --- a/cpp/include/cuml/solvers/lars.hpp +++ b/cpp/include/cuml/solvers/lars.hpp @@ -16,7 +16,7 @@ #pragma once -#include +#include namespace ML { namespace Solver { diff --git a/cpp/include/cuml/svm/linear.hpp b/cpp/include/cuml/svm/linear.hpp index 8df5c6e606..2717cec307 100644 --- a/cpp/include/cuml/svm/linear.hpp +++ b/cpp/include/cuml/svm/linear.hpp @@ -1,5 +1,5 @@ /* - * 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. @@ -16,7 +16,7 @@ #pragma once -#include +#include namespace ML { namespace SVM { diff --git a/cpp/include/cuml/svm/svc.hpp b/cpp/include/cuml/svm/svc.hpp index 5ed13e60ac..5413929ab1 100644 --- a/cpp/include/cuml/svm/svc.hpp +++ b/cpp/include/cuml/svm/svc.hpp @@ -20,7 +20,7 @@ #include "svm_parameter.h" #include #include -#include +#include // namespace raft { // class handle_t; diff --git a/cpp/include/cuml/tsa/arima_common.h b/cpp/include/cuml/tsa/arima_common.h index 1f4f3554a3..feacae5b3e 100644 --- a/cpp/include/cuml/tsa/arima_common.h +++ b/cpp/include/cuml/tsa/arima_common.h @@ -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. @@ -20,7 +20,7 @@ #include -#include +#include #include #include #include diff --git a/cpp/src/arima/batched_arima.cu b/cpp/src/arima/batched_arima.cu index 3bf5384342..1004df53c0 100644 --- a/cpp/src/arima/batched_arima.cu +++ b/cpp/src/arima/batched_arima.cu @@ -32,11 +32,11 @@ #include #include #include -#include +#include +#include +#include #include -#include -#include -#include +#include #include #include #include diff --git a/cpp/src/arima/batched_kalman.cu b/cpp/src/arima/batched_kalman.cu index c05cce367f..f4cc3b6adf 100644 --- a/cpp/src/arima/batched_kalman.cu +++ b/cpp/src/arima/batched_kalman.cu @@ -24,17 +24,17 @@ #include #include +#include +#include #include -#include -#include -#include +#include // #TODO: Replace with public header when ready #include #include #include #include -#include +#include #include namespace ML { diff --git a/cpp/src/common/cumlHandle.cpp b/cpp/src/common/cumlHandle.cpp index 42ec14f6df..187d8ede4f 100644 --- a/cpp/src/common/cumlHandle.cpp +++ b/cpp/src/common/cumlHandle.cpp @@ -17,7 +17,7 @@ #include "cumlHandle.hpp" #include -#include +#include // #TODO: Replace with public header when ready #include // #TODO: Replace with public header when ready diff --git a/cpp/src/common/cumlHandle.hpp b/cpp/src/common/cumlHandle.hpp index 3e0ca98dd5..3d7fa3b031 100644 --- a/cpp/src/common/cumlHandle.hpp +++ b/cpp/src/common/cumlHandle.hpp @@ -18,7 +18,7 @@ #include -#include +#include namespace ML { diff --git a/cpp/src/common/cuml_api.cpp b/cpp/src/common/cuml_api.cpp index fea33b4826..7ce6728395 100644 --- a/cpp/src/common/cuml_api.cpp +++ b/cpp/src/common/cuml_api.cpp @@ -19,7 +19,7 @@ #include #include -#include +#include #include #include diff --git a/cpp/src/common/nvtx.hpp b/cpp/src/common/nvtx.hpp index 1d9a2a3336..21c61c48f4 100644 --- a/cpp/src/common/nvtx.hpp +++ b/cpp/src/common/nvtx.hpp @@ -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. @@ -16,7 +16,7 @@ #pragma once -#include +#include namespace ML { @@ -25,7 +25,7 @@ namespace ML { * @param name range name * @param stream stream to synchronize */ -[[deprecated("Use new raft::common::nvtx::push_range from ")]] inline void +[[deprecated("Use new raft::common::nvtx::push_range from ")]] inline void PUSH_RANGE(const char* name, cudaStream_t stream) { raft::common::nvtx::push_range(name); @@ -35,7 +35,7 @@ PUSH_RANGE(const char* name, cudaStream_t stream) * @brief Synchronize CUDA stream and pop the latest nvtx range * @param stream stream to synchronize */ -[[deprecated("Use new raft::common::nvtx::pop_range from ")]] inline void +[[deprecated("Use new raft::common::nvtx::pop_range from ")]] inline void POP_RANGE(cudaStream_t stream) { raft::common::nvtx::pop_range(); @@ -45,14 +45,14 @@ POP_RANGE(cudaStream_t stream) * @brief Push a named nvtx range * @param name range name */ -[[deprecated("Use new raft::common::nvtx::push_range from ")]] inline void +[[deprecated("Use new raft::common::nvtx::push_range from ")]] inline void PUSH_RANGE(const char* name) { raft::common::nvtx::push_range(name); } /** Pop the latest range */ -[[deprecated("Use new raft::common::nvtx::pop_range from ")]] inline void +[[deprecated("Use new raft::common::nvtx::pop_range from ")]] inline void POP_RANGE() { raft::common::nvtx::pop_range(); diff --git a/cpp/src/common/tensor.hpp b/cpp/src/common/tensor.hpp index b76428b6c3..61bb8b84e9 100644 --- a/cpp/src/common/tensor.hpp +++ b/cpp/src/common/tensor.hpp @@ -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. @@ -16,7 +16,7 @@ #pragma once -#include +#include #include #include diff --git a/cpp/src/datasets/make_blobs.cu b/cpp/src/datasets/make_blobs.cu index 400a366588..bfe8f9b12c 100644 --- a/cpp/src/datasets/make_blobs.cu +++ b/cpp/src/datasets/make_blobs.cu @@ -15,7 +15,7 @@ */ #include -#include +#include namespace ML { namespace Datasets { diff --git a/cpp/src/datasets/make_regression.cu b/cpp/src/datasets/make_regression.cu index 55a54368a7..463908bd0e 100644 --- a/cpp/src/datasets/make_regression.cu +++ b/cpp/src/datasets/make_regression.cu @@ -15,7 +15,7 @@ */ #include -#include +#include namespace ML { namespace Datasets { diff --git a/cpp/src/dbscan/adjgraph/algo.cuh b/cpp/src/dbscan/adjgraph/algo.cuh index 0e49a8fab1..543f820daa 100644 --- a/cpp/src/dbscan/adjgraph/algo.cuh +++ b/cpp/src/dbscan/adjgraph/algo.cuh @@ -22,8 +22,8 @@ #include "pack.h" +#include #include -#include #include #include diff --git a/cpp/src/dbscan/corepoints/compute.cuh b/cpp/src/dbscan/corepoints/compute.cuh index 547604b508..0cf8b14457 100644 --- a/cpp/src/dbscan/corepoints/compute.cuh +++ b/cpp/src/dbscan/corepoints/compute.cuh @@ -16,7 +16,7 @@ #pragma once -#include +#include #include #include diff --git a/cpp/src/dbscan/corepoints/exchange.cuh b/cpp/src/dbscan/corepoints/exchange.cuh index 61897cd1a7..449147fd64 100644 --- a/cpp/src/dbscan/corepoints/exchange.cuh +++ b/cpp/src/dbscan/corepoints/exchange.cuh @@ -1,5 +1,5 @@ /* - * 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. @@ -16,7 +16,7 @@ #pragma once -#include +#include namespace ML { namespace Dbscan { diff --git a/cpp/src/dbscan/dbscan.cu b/cpp/src/dbscan/dbscan.cu index df0a357809..ec65ebe725 100644 --- a/cpp/src/dbscan/dbscan.cu +++ b/cpp/src/dbscan/dbscan.cu @@ -17,7 +17,7 @@ #include #include "dbscan.cuh" -#include +#include namespace ML { namespace Dbscan { diff --git a/cpp/src/dbscan/dbscan.cuh b/cpp/src/dbscan/dbscan.cuh index 6b8c38435f..ef4be6f66f 100644 --- a/cpp/src/dbscan/dbscan.cuh +++ b/cpp/src/dbscan/dbscan.cuh @@ -18,7 +18,7 @@ #include "runner.cuh" -#include +#include #include #include diff --git a/cpp/src/dbscan/mergelabels/runner.cuh b/cpp/src/dbscan/mergelabels/runner.cuh index 506239e04a..4dc40e2d09 100644 --- a/cpp/src/dbscan/mergelabels/runner.cuh +++ b/cpp/src/dbscan/mergelabels/runner.cuh @@ -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. @@ -18,7 +18,7 @@ #include