From a356ec61a2af31c86abbd2b7285f4b156a2826b3 Mon Sep 17 00:00:00 2001 From: Mark Harris <783069+harrism@users.noreply.github.com> Date: Fri, 1 Mar 2024 04:19:08 +1100 Subject: [PATCH] Automate C++ include file grouping and ordering using clang-format (#5787) This uses the `IncludeCategories` settings in` .clang-format` to automate include ordering and grouping and to make include ordering more consistent with the rest of RAPIDS. For discussion, see https://github.com/rapidsai/cudf/pull/15063. This PR uses a similar set of header grouping categories used in that PR, adapted for cuML. One purpose of this is to make it easier to automate injection of a header change with an upcoming RMM refactoring (and in the future). The header reordering in this PR uncovered multiple places where headers were not included where they are used. Most commonly this was a missing `#include ` Closes #5779 Authors: - Mark Harris (https://github.com/harrism) Approvers: - Dante Gama Dessavre (https://github.com/dantegd) URL: https://github.com/rapidsai/cuml/pull/5787 --- cpp/.clang-format | 26 ++++++++++-- cpp/bench/common/ml_benchmark.hpp | 13 ++++-- cpp/bench/sg/arima_loglikelihood.cu | 14 ++++--- cpp/bench/sg/benchmark.cuh | 10 +++-- cpp/bench/sg/dataset.cuh | 8 ++-- cpp/bench/sg/dbscan.cu | 5 ++- cpp/bench/sg/fil.cu | 8 ++-- cpp/bench/sg/filex.cu | 16 +++---- cpp/bench/sg/kmeans.cu | 5 ++- cpp/bench/sg/linkage.cu | 5 ++- cpp/bench/sg/rf_classifier.cu | 6 ++- cpp/bench/sg/rf_regressor.cu | 6 ++- cpp/bench/sg/svc.cu | 7 +++- cpp/bench/sg/svr.cu | 7 +++- cpp/bench/sg/umap.cu | 5 ++- cpp/examples/dbscan/dbscan_example.cpp | 13 +++--- cpp/examples/kmeans/kmeans_example.cpp | 13 +++--- cpp/examples/symreg/symreg_example.cpp | 21 +++++----- cpp/include/cuml/cluster/dbscan.hpp | 7 +++- cpp/include/cuml/cluster/hdbscan.hpp | 5 +-- cpp/include/cuml/cluster/kmeans.hpp | 3 +- cpp/include/cuml/cluster/linkage.hpp | 5 +-- cpp/include/cuml/common/logger.hpp | 6 +-- cpp/include/cuml/common/utils.hpp | 13 +++--- cpp/include/cuml/cuml_api.h | 6 +-- cpp/include/cuml/decomposition/pca_mg.hpp | 6 +-- cpp/include/cuml/decomposition/tsvd_mg.hpp | 6 +-- .../cuml/experimental/fil/decision_forest.hpp | 12 +++--- .../cuml/experimental/fil/detail/bitset.hpp | 13 +++--- .../fil/detail/decision_forest_builder.hpp | 12 +++--- .../fil/detail/device_initialization.hpp | 3 +- .../fil/detail/device_initialization/cpu.hpp | 5 ++- .../fil/detail/device_initialization/gpu.cuh | 8 +++- .../fil/detail/device_initialization/gpu.hpp | 5 ++- .../experimental/fil/detail/evaluate_tree.hpp | 3 +- .../cuml/experimental/fil/detail/forest.hpp | 4 +- .../fil/detail/gpu_introspection.hpp | 6 ++- .../cuml/experimental/fil/detail/infer.hpp | 17 ++++---- .../experimental/fil/detail/infer/cpu.hpp | 7 +++- .../experimental/fil/detail/infer/gpu.cuh | 5 ++- .../experimental/fil/detail/infer/gpu.hpp | 5 ++- .../fil/detail/infer_kernel/cpu.hpp | 5 ++- .../fil/detail/infer_kernel/gpu.cuh | 6 ++- .../infer_kernel/shared_memory_buffer.cuh | 6 ++- .../cuml/experimental/fil/detail/node.hpp | 4 +- .../experimental/fil/detail/postprocessor.hpp | 14 ++++--- .../fil/detail/raft_proto/buffer.hpp | 8 ++-- .../fil/detail/raft_proto/detail/copy.hpp | 3 +- .../fil/detail/raft_proto/detail/copy/cpu.hpp | 8 ++-- .../fil/detail/raft_proto/detail/copy/gpu.hpp | 7 +++- .../raft_proto/detail/cuda_check/gpu.hpp | 5 ++- .../raft_proto/detail/device_id/gpu.hpp | 3 +- .../raft_proto/detail/device_setter/gpu.hpp | 6 ++- .../detail/non_owning_buffer/base.hpp | 3 +- .../raft_proto/detail/owning_buffer/base.hpp | 3 +- .../raft_proto/detail/owning_buffer/cpu.hpp | 3 +- .../raft_proto/detail/owning_buffer/gpu.hpp | 7 +++- .../fil/detail/raft_proto/device_id.hpp | 3 +- .../fil/detail/raft_proto/gpu_support.hpp | 5 ++- .../fil/detail/raft_proto/handle.hpp | 5 ++- .../fil/detail/specialization_types.hpp | 7 +++- .../detail/specializations/forest_macros.hpp | 3 +- .../detail/specializations/infer_macros.hpp | 5 ++- .../cuml/experimental/fil/forest_model.hpp | 5 ++- .../experimental/fil/treelite_importer.hpp | 10 +++-- cpp/include/cuml/explainer/tree_shap.hpp | 5 ++- cpp/include/cuml/fil/fil.h | 6 +-- cpp/include/cuml/genetic/genetic.h | 6 +-- cpp/include/cuml/genetic/program.h | 7 ++-- cpp/include/cuml/linear_model/glm_api.h | 4 +- cpp/include/cuml/linear_model/ols_mg.hpp | 3 +- cpp/include/cuml/linear_model/qn_mg.hpp | 6 ++- cpp/include/cuml/linear_model/ridge_mg.hpp | 6 +-- cpp/include/cuml/manifold/tsne.h | 3 +- cpp/include/cuml/manifold/umap.hpp | 5 ++- cpp/include/cuml/manifold/umapparams.h | 3 +- cpp/include/cuml/neighbors/knn_api.h | 3 +- cpp/include/cuml/neighbors/knn_mg.hpp | 8 ++-- cpp/include/cuml/neighbors/knn_sparse.hpp | 7 ++-- cpp/include/cuml/random_projection/rproj_c.h | 3 +- cpp/include/cuml/solvers/cd_mg.hpp | 3 +- cpp/include/cuml/svm/svc.hpp | 4 +- cpp/include/cuml/svm/svr.hpp | 5 ++- cpp/include/cuml/tsa/arima_common.h | 11 ++--- cpp/include/cuml/tsa/holtwinters_api.h | 3 +- cpp/src/arima/batched_arima.cu | 31 +++++++------- cpp/src/arima/batched_kalman.cu | 19 +++++---- cpp/src/common/cumlHandle.cpp | 3 +- cpp/src/common/logger.cpp | 7 ++-- cpp/src/datasets/make_arima.cu | 4 +- cpp/src/datasets/make_blobs.cu | 3 +- cpp/src/datasets/make_regression.cu | 3 +- cpp/src/dbscan/adjgraph/algo.cuh | 11 ++--- cpp/src/dbscan/dbscan.cu | 5 ++- cpp/src/dbscan/dbscan.cuh | 6 +-- cpp/src/dbscan/dbscan_api.cpp | 6 +-- cpp/src/dbscan/mergelabels/runner.cuh | 5 +-- cpp/src/dbscan/mergelabels/tree_reduction.cuh | 6 +-- cpp/src/dbscan/runner.cuh | 10 ++--- cpp/src/dbscan/vertexdeg/algo.cuh | 13 +++--- cpp/src/dbscan/vertexdeg/precomputed.cuh | 12 +++--- .../batched-levelalgo/builder.cuh | 15 ++++--- .../kernels/builder_kernels_impl.cuh | 10 +++-- .../kernels/entropy-double.cu | 6 +-- .../kernels/entropy-float.cu | 6 +-- .../batched-levelalgo/kernels/gamma-double.cu | 6 +-- .../batched-levelalgo/kernels/gamma-float.cu | 6 +-- .../batched-levelalgo/kernels/gini-double.cu | 6 +-- .../batched-levelalgo/kernels/gini-float.cu | 6 +-- .../kernels/inverse_gaussian-double.cu | 6 +-- .../kernels/inverse_gaussian-float.cu | 6 +-- .../batched-levelalgo/kernels/mse-double.cu | 6 +-- .../batched-levelalgo/kernels/mse-float.cu | 6 +-- .../kernels/poisson-double.cu | 6 +-- .../kernels/poisson-float.cu | 6 +-- .../batched-levelalgo/objectives.cuh | 4 +- .../batched-levelalgo/quantiles.cuh | 16 +++---- cpp/src/decisiontree/decisiontree.cu | 7 ++-- cpp/src/decisiontree/decisiontree.cuh | 12 +++--- cpp/src/explainer/kernel_shap.cu | 6 +-- cpp/src/explainer/permutation_shap.cu | 6 +-- cpp/src/explainer/tree_shap.cu | 25 ++++++----- cpp/src/fil/common.cuh | 17 ++++---- cpp/src/fil/fil.cu | 8 ++-- cpp/src/fil/infer.cu | 3 +- cpp/src/fil/internal.cuh | 14 ++++--- cpp/src/fil/treelite_import.cu | 3 +- cpp/src/genetic/fitness.cuh | 7 ++-- cpp/src/genetic/genetic.cu | 12 +++--- cpp/src/genetic/node.cu | 3 +- cpp/src/genetic/node.cuh | 3 +- cpp/src/genetic/program.cu | 14 ++++--- cpp/src/glm/glm.cu | 3 +- cpp/src/glm/glm_api.cpp | 8 ++-- cpp/src/glm/ols.cuh | 7 ++-- cpp/src/glm/ols_mg.cu | 3 +- cpp/src/glm/preprocess.cuh | 4 +- cpp/src/glm/preprocess_mg.cu | 3 +- cpp/src/glm/qn/glm_base.cuh | 4 +- cpp/src/glm/qn/glm_linear.cuh | 3 +- cpp/src/glm/qn/glm_logistic.cuh | 3 +- cpp/src/glm/qn/glm_regularizer.cuh | 3 +- cpp/src/glm/qn/glm_softmax.cuh | 3 +- cpp/src/glm/qn/glm_svm.cuh | 3 +- cpp/src/glm/qn/mg/glm_base_mg.cuh | 3 +- cpp/src/glm/qn/mg/qn_mg.cuh | 7 ++-- cpp/src/glm/qn/mg/standardization.cuh | 11 +++-- cpp/src/glm/qn/qn.cuh | 3 +- cpp/src/glm/qn/qn_solvers.cuh | 5 ++- cpp/src/glm/qn/qn_util.cuh | 7 ++-- cpp/src/glm/qn/simple_mat/dense.hpp | 10 +++-- cpp/src/glm/qn/simple_mat/sparse.hpp | 17 ++++---- cpp/src/glm/qn_mg.cu | 6 ++- cpp/src/glm/ridge.cuh | 7 ++-- cpp/src/glm/ridge_mg.cu | 3 +- cpp/src/hdbscan/condensed_hierarchy.cu | 17 ++++---- cpp/src/hdbscan/detail/condense.cuh | 12 +++--- cpp/src/hdbscan/detail/extract.cuh | 8 ++-- cpp/src/hdbscan/detail/membership.cuh | 19 ++++----- cpp/src/hdbscan/detail/reachability.cuh | 12 +++--- cpp/src/hdbscan/detail/select.cuh | 19 ++++----- cpp/src/hdbscan/detail/soft_clustering.cuh | 27 ++++++------ cpp/src/hdbscan/detail/stabilities.cuh | 19 ++++----- cpp/src/hdbscan/detail/utils.h | 22 +++++----- cpp/src/hdbscan/hdbscan.cu | 6 +-- cpp/src/hdbscan/prediction_data.cu | 15 ++++--- cpp/src/hdbscan/runner.h | 23 +++++----- cpp/src/holtwinters/holtwinters.cu | 3 +- cpp/src/holtwinters/holtwinters_api.cpp | 6 +-- cpp/src/holtwinters/internal/hw_decompose.cuh | 7 ++-- cpp/src/holtwinters/internal/hw_utils.cuh | 9 ++-- cpp/src/holtwinters/runner.cuh | 5 ++- cpp/src/kmeans/kmeans_fit_predict.cu | 5 +-- cpp/src/kmeans/kmeans_mg.cu | 4 +- cpp/src/kmeans/kmeans_mg_impl.cuh | 7 +++- cpp/src/kmeans/kmeans_predict.cu | 5 +-- cpp/src/kmeans/kmeans_transform.cu | 5 +-- cpp/src/knn/knn.cu | 12 +++--- cpp/src/knn/knn_api.cpp | 6 +-- cpp/src/knn/knn_opg_common.cuh | 7 ++-- cpp/src/knn/knn_sparse.cu | 4 +- cpp/src/metrics/accuracy_score.cu | 3 +- cpp/src/metrics/adjusted_rand_index.cu | 3 +- cpp/src/metrics/completeness_score.cu | 3 +- cpp/src/metrics/entropy.cu | 3 +- cpp/src/metrics/homogeneity_score.cu | 3 +- cpp/src/metrics/kl_divergence.cu | 3 +- cpp/src/metrics/mutual_info_score.cu | 5 +-- cpp/src/metrics/pairwise_distance.cu | 4 +- cpp/src/metrics/pairwise_distance_canberra.cu | 4 +- .../metrics/pairwise_distance_chebyshev.cu | 4 +- .../metrics/pairwise_distance_correlation.cu | 4 +- cpp/src/metrics/pairwise_distance_cosine.cu | 4 +- .../metrics/pairwise_distance_euclidean.cu | 4 +- cpp/src/metrics/pairwise_distance_hamming.cu | 4 +- .../metrics/pairwise_distance_hellinger.cu | 4 +- .../pairwise_distance_jensen_shannon.cu | 4 +- .../pairwise_distance_kl_divergence.cu | 4 +- cpp/src/metrics/pairwise_distance_l1.cu | 4 +- .../metrics/pairwise_distance_minkowski.cu | 4 +- .../metrics/pairwise_distance_russell_rao.cu | 4 +- cpp/src/metrics/r2_score.cu | 3 +- cpp/src/metrics/rand_index.cu | 5 +-- cpp/src/metrics/silhouette_score.cu | 3 +- .../silhouette_score_batched_double.cu | 3 +- .../metrics/silhouette_score_batched_float.cu | 3 +- cpp/src/metrics/trustworthiness.cu | 7 ++-- cpp/src/metrics/v_measure.cu | 3 +- cpp/src/ml_cuda_utils.h | 5 ++- cpp/src/pca/pca.cu | 4 +- cpp/src/pca/pca.cuh | 5 ++- cpp/src/pca/pca_mg.cu | 3 +- cpp/src/pca/sign_flip_mg.cu | 4 +- cpp/src/random_projection/rproj.cu | 4 +- cpp/src/random_projection/rproj_utils.cuh | 3 +- cpp/src/randomforest/randomforest.cu | 8 ++-- cpp/src/randomforest/randomforest.cuh | 13 +++--- cpp/src/solver/cd.cuh | 13 +++--- cpp/src/solver/cd_mg.cu | 8 ++-- cpp/src/solver/lars.cu | 4 +- cpp/src/solver/lars_impl.cuh | 18 ++++---- cpp/src/solver/learning_rate.h | 3 +- cpp/src/solver/sgd.cuh | 14 ++++--- cpp/src/solver/solver.cu | 4 +- cpp/src/spectral/spectral.cu | 5 +-- cpp/src/svm/kernelcache.cuh | 14 +++---- cpp/src/svm/linear.cu | 18 ++++---- cpp/src/svm/results.cuh | 19 +++++---- cpp/src/svm/smoblocksolve.cuh | 5 ++- cpp/src/svm/smosolver.cuh | 42 ++++++++----------- cpp/src/svm/sparse_util.cuh | 4 +- cpp/src/svm/svc.cu | 8 ++-- cpp/src/svm/svc_impl.cuh | 13 ++++-- cpp/src/svm/svm_api.cpp | 8 ++-- cpp/src/svm/svr.cu | 8 ++-- cpp/src/svm/svr_impl.cuh | 12 ++++-- cpp/src/svm/workingset.cuh | 14 ++----- cpp/src/svm/ws_util.cu | 6 ++- cpp/src/tsa/auto_arima.cu | 6 +-- cpp/src/tsa/auto_arima.cuh | 14 ++++--- cpp/src/tsa/stationarity.cu | 3 +- cpp/src/tsne/barnes_hut_kernels.cuh | 14 ++++--- cpp/src/tsne/barnes_hut_tsne.cuh | 6 ++- cpp/src/tsne/cannylab/bh.cu | 1 + cpp/src/tsne/distances.cuh | 16 +++---- cpp/src/tsne/exact_kernels.cuh | 7 ++-- cpp/src/tsne/exact_tsne.cuh | 4 +- cpp/src/tsne/fft_tsne.cuh | 11 +++-- cpp/src/tsne/tsne.cu | 5 ++- cpp/src/tsne/tsne_runner.cuh | 12 +++--- cpp/src/tsne/utils.cuh | 26 ++++++------ cpp/src/tsvd/tsvd.cu | 4 +- cpp/src/tsvd/tsvd.cuh | 5 ++- cpp/src/tsvd/tsvd_mg.cu | 5 +-- cpp/src/umap/fuzzy_simpl_set/naive.cuh | 8 ++-- cpp/src/umap/fuzzy_simpl_set/runner.cuh | 3 +- cpp/src/umap/init_embed/random_algo.cuh | 3 +- cpp/src/umap/init_embed/runner.cuh | 8 ++-- cpp/src/umap/init_embed/spectral_algo.cuh | 3 +- cpp/src/umap/knn_graph/algo.cuh | 10 ++--- cpp/src/umap/knn_graph/runner.cuh | 3 +- cpp/src/umap/optimize.cuh | 3 +- cpp/src/umap/runner.cuh | 35 ++++++++-------- cpp/src/umap/simpl_set_embed/algo.cuh | 28 ++++++------- cpp/src/umap/simpl_set_embed/runner.cuh | 3 +- cpp/src/umap/supervised.cuh | 30 +++++++------ cpp/src/umap/umap.cu | 4 +- cpp/src_prims/common/device_utils.cuh | 3 +- cpp/src_prims/common/fast_int_div.cuh | 3 +- cpp/src_prims/cufft_utils.h | 5 ++- cpp/src_prims/functions/hinge.cuh | 4 +- cpp/src_prims/functions/linearReg.cuh | 4 +- cpp/src_prims/functions/logisticReg.cuh | 4 +- cpp/src_prims/functions/penalty.cuh | 4 +- cpp/src_prims/linalg/batched/matrix.cuh | 7 ++-- cpp/src_prims/linalg/block.cuh | 6 +-- cpp/src_prims/random/make_arima.cuh | 10 +++-- cpp/src_prims/selection/knn.cuh | 7 ++-- cpp/src_prims/selection/kselection.cuh | 6 ++- cpp/src_prims/sparse/batched/csr.cuh | 6 ++- cpp/src_prims/timeSeries/arima_helpers.cuh | 11 +++-- cpp/src_prims/timeSeries/fillna.cuh | 14 ++++--- cpp/src_prims/timeSeries/jones_transform.cuh | 5 ++- cpp/test/mg/kmeans_test.cu | 24 ++++++----- cpp/test/mg/knn.cu | 12 +++--- cpp/test/mg/knn_test_helper.cuh | 13 +++--- cpp/test/mg/main.cu | 6 +-- cpp/test/mg/pca.cu | 10 +++-- cpp/test/mg/test_opg_utils.h | 5 ++- cpp/test/prims/add_sub_dev_scalar.cu | 7 +++- cpp/test/prims/batched/csr.cu | 12 +++--- cpp/test/prims/batched/gemv.cu | 8 ++-- cpp/test/prims/batched/make_symm.cu | 9 ++-- cpp/test/prims/batched/matrix.cu | 15 ++++--- cpp/test/prims/decoupled_lookback.cu | 9 ++-- cpp/test/prims/device_utils.cu | 8 +++- cpp/test/prims/dist_adj.cu | 8 ++-- cpp/test/prims/distance_base.cuh | 8 ++-- cpp/test/prims/eltwise2d.cu | 8 ++-- cpp/test/prims/fast_int_div.cu | 8 +++- cpp/test/prims/fillna.cu | 14 +++---- cpp/test/prims/grid_sync.cu | 8 +++- cpp/test/prims/hinge.cu | 8 ++-- cpp/test/prims/jones_transform.cu | 14 ++++--- cpp/test/prims/knn_classify.cu | 10 +++-- cpp/test/prims/knn_regression.cu | 10 ++--- cpp/test/prims/kselection.cu | 10 +++-- cpp/test/prims/linalg_block.cu | 15 ++++--- cpp/test/prims/linearReg.cu | 8 ++-- cpp/test/prims/log.cu | 9 ++-- cpp/test/prims/logisticReg.cu | 8 ++-- cpp/test/prims/make_arima.cu | 12 +++--- cpp/test/prims/penalty.cu | 8 ++-- cpp/test/prims/sigmoid.cu | 9 ++-- cpp/test/prims/test_utils.h | 10 +++-- cpp/test/sg/cd_test.cu | 14 ++++--- cpp/test/sg/dbscan_test.cu | 10 ++--- .../sg/experimental/fil/raft_proto/buffer.cpp | 3 +- .../sg/experimental/fil/raft_proto/buffer.cu | 7 +++- cpp/test/sg/fil_child_index_test.cu | 6 +-- cpp/test/sg/fil_test.cu | 8 ++-- cpp/test/sg/fnv_hash_test.cpp | 6 ++- cpp/test/sg/genetic/evolution_test.cu | 14 ++++--- cpp/test/sg/genetic/node_test.cpp | 6 ++- cpp/test/sg/genetic/param_test.cu | 4 +- cpp/test/sg/genetic/program_test.cu | 12 ++++-- cpp/test/sg/handle_test.cu | 7 ++-- cpp/test/sg/hdbscan_inputs.hpp | 3 +- cpp/test/sg/hdbscan_test.cu | 27 ++++++------ cpp/test/sg/holtwinters_test.cu | 11 +++-- cpp/test/sg/knn_test.cu | 17 ++++---- cpp/test/sg/lars_test.cu | 13 ++++-- cpp/test/sg/linear_svm_test.cu | 11 +++-- cpp/test/sg/linkage_test.cu | 17 ++++---- cpp/test/sg/logger.cpp | 4 +- cpp/test/sg/multi_sum_test.cu | 7 ++-- cpp/test/sg/ols.cu | 8 +++- cpp/test/sg/pca_test.cu | 9 ++-- cpp/test/sg/quasi_newton.cu | 11 +++-- cpp/test/sg/rf_test.cu | 13 +++--- cpp/test/sg/ridge.cu | 7 +++- cpp/test/sg/rproj_test.cu | 11 +++-- cpp/test/sg/sgd.cu | 6 ++- cpp/test/sg/shap_kernel.cu | 5 +-- cpp/test/sg/svc_test.cu | 21 ++++++---- cpp/test/sg/trustworthiness_test.cu | 7 +++- cpp/test/sg/tsne_test.cu | 16 +++---- cpp/test/sg/tsvd_test.cu | 7 +++- cpp/test/sg/umap_parametrizable_test.cu | 20 +++------ 349 files changed, 1638 insertions(+), 1199 deletions(-) diff --git a/cpp/.clang-format b/cpp/.clang-format index 6019a6f3d5..3885a69719 100644 --- a/cpp/.clang-format +++ b/cpp/.clang-format @@ -15,7 +15,7 @@ AlignTrailingComments: true AllowAllArgumentsOnNextLine: true AllowAllConstructorInitializersOnNextLine: true AllowAllParametersOfDeclarationOnNextLine: true -AllowShortBlocksOnASingleLine: true +AllowShortBlocksOnASingleLine: true AllowShortCaseLabelsOnASingleLine: true AllowShortEnumsOnASingleLine: true AllowShortFunctionsOnASingleLine: All @@ -27,7 +27,7 @@ AlwaysBreakAfterDefinitionReturnType: None AlwaysBreakAfterReturnType: None AlwaysBreakBeforeMultilineStrings: true AlwaysBreakTemplateDeclarations: Yes -BinPackArguments: false +BinPackArguments: false BinPackParameters: false BraceWrapping: AfterClass: false @@ -71,8 +71,26 @@ ForEachMacros: - foreach - Q_FOREACH - BOOST_FOREACH -IncludeBlocks: Preserve -IncludeIsMainRegex: '([-_](test|unittest))?$' +IncludeBlocks: Regroup +IncludeCategories: + - Regex: '^"' # quoted includes + Priority: 1 + - Regex: '^<(common|benchmarks|tests)/' # benchmark/test includes + Priority: 2 + - Regex: '^ -#include #include #include -#include + #include + #include + +#include + +#include + +#include #include #include #include diff --git a/cpp/bench/sg/arima_loglikelihood.cu b/cpp/bench/sg/arima_loglikelihood.cu index 9c9088fb65..a8fcab9b28 100644 --- a/cpp/bench/sg/arima_loglikelihood.cu +++ b/cpp/bench/sg/arima_loglikelihood.cu @@ -1,5 +1,5 @@ /* - * Copyright (c) 2020-2022, NVIDIA CORPORATION. + * Copyright (c) 2020-2024, NVIDIA CORPORATION. * * Licensed under the Apache License, Version 2.0 (the "License"); * you may not use this file except in compliance with the License. @@ -14,18 +14,20 @@ * limitations under the License. */ -#include -#include -#include +#include "benchmark.cuh" #include #include + #include #include +#include + #include -#include "benchmark.cuh" -#include +#include +#include +#include namespace ML { namespace Bench { diff --git a/cpp/bench/sg/benchmark.cuh b/cpp/bench/sg/benchmark.cuh index 5299d9c5fe..0f229306aa 100644 --- a/cpp/bench/sg/benchmark.cuh +++ b/cpp/bench/sg/benchmark.cuh @@ -1,5 +1,5 @@ /* - * Copyright (c) 2019-2022, NVIDIA CORPORATION. + * Copyright (c) 2019-2024, NVIDIA CORPORATION. * * Licensed under the Apache License, Version 2.0 (the "License"); * you may not use this file except in compliance with the License. @@ -19,12 +19,16 @@ #include "../common/ml_benchmark.hpp" #include "dataset.cuh" #include "dataset_ts.cuh" -#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 fd0e25b9fa..9b652fbf8a 100644 --- a/cpp/bench/sg/dataset.cuh +++ b/cpp/bench/sg/dataset.cuh @@ -1,5 +1,5 @@ /* - * Copyright (c) 2019-2023, NVIDIA CORPORATION. + * Copyright (c) 2019-2024, NVIDIA CORPORATION. * * Licensed under the Apache License, Version 2.0 (the "License"); * you may not use this file except in compliance with the License. @@ -17,14 +17,16 @@ #pragma once #include -#include -#include + #include #include #include #include #include #include + +#include +#include #include #include #include diff --git a/cpp/bench/sg/dbscan.cu b/cpp/bench/sg/dbscan.cu index fc94bf8dda..34fa8631f2 100644 --- a/cpp/bench/sg/dbscan.cu +++ b/cpp/bench/sg/dbscan.cu @@ -1,5 +1,5 @@ /* - * Copyright (c) 2019-2023, NVIDIA CORPORATION. + * Copyright (c) 2019-2024, NVIDIA CORPORATION. * * Licensed under the Apache License, Version 2.0 (the "License"); * you may not use this file except in compliance with the License. @@ -14,9 +14,10 @@ * limitations under the License. */ +#include "benchmark.cuh" + #include -#include "benchmark.cuh" #include namespace ML { diff --git a/cpp/bench/sg/fil.cu b/cpp/bench/sg/fil.cu index 348ea2f6b9..c32edba7ae 100644 --- a/cpp/bench/sg/fil.cu +++ b/cpp/bench/sg/fil.cu @@ -1,5 +1,5 @@ /* - * Copyright (c) 2019-2023, NVIDIA CORPORATION. + * Copyright (c) 2019-2024, NVIDIA CORPORATION. * * Licensed under the Apache License, Version 2.0 (the "License"); * you may not use this file except in compliance with the License. @@ -14,14 +14,16 @@ * limitations under the License. */ -#include - #include "benchmark.cuh" + #include #include +#include #include + #include #include + #include namespace ML { diff --git a/cpp/bench/sg/filex.cu b/cpp/bench/sg/filex.cu index aa47195cf9..695418a059 100644 --- a/cpp/bench/sg/filex.cu +++ b/cpp/bench/sg/filex.cu @@ -1,5 +1,5 @@ /* - * Copyright (c) 2023, NVIDIA CORPORATION. + * Copyright (c) 2023-2024, NVIDIA CORPORATION. * * Licensed under the Apache License, Version 2.0 (the "License"); * you may not use this file except in compliance with the License. @@ -14,20 +14,22 @@ * limitations under the License. */ +#include "benchmark.cuh" + +#include +#include #include #include #include #include #include - -#include "benchmark.cuh" -#include -#include -#include -#include #include + #include #include + +#include +#include #include namespace ML { diff --git a/cpp/bench/sg/kmeans.cu b/cpp/bench/sg/kmeans.cu index eaf84d655e..37eeed6346 100644 --- a/cpp/bench/sg/kmeans.cu +++ b/cpp/bench/sg/kmeans.cu @@ -1,5 +1,5 @@ /* - * Copyright (c) 2019-2023, NVIDIA CORPORATION. + * Copyright (c) 2019-2024, NVIDIA CORPORATION. * * Licensed under the Apache License, Version 2.0 (the "License"); * you may not use this file except in compliance with the License. @@ -15,10 +15,13 @@ */ #include "benchmark.cuh" + #include #include + #include #include + #include namespace ML { diff --git a/cpp/bench/sg/linkage.cu b/cpp/bench/sg/linkage.cu index 6f8cf9689d..db27b32e65 100644 --- a/cpp/bench/sg/linkage.cu +++ b/cpp/bench/sg/linkage.cu @@ -1,5 +1,5 @@ /* - * Copyright (c) 2019-2022, NVIDIA CORPORATION. + * Copyright (c) 2019-2024, NVIDIA CORPORATION. * * Licensed under the Apache License, Version 2.0 (the "License"); * you may not use this file except in compliance with the License. @@ -15,10 +15,13 @@ */ #include "benchmark.cuh" + #include #include + #include #include + #include namespace ML { diff --git a/cpp/bench/sg/rf_classifier.cu b/cpp/bench/sg/rf_classifier.cu index 7bbbcc49d7..9f591e06da 100644 --- a/cpp/bench/sg/rf_classifier.cu +++ b/cpp/bench/sg/rf_classifier.cu @@ -1,5 +1,5 @@ /* - * Copyright (c) 2019-2023, NVIDIA CORPORATION. + * Copyright (c) 2019-2024, NVIDIA CORPORATION. * * Licensed under the Apache License, Version 2.0 (the "License"); * you may not use this file except in compliance with the License. @@ -15,8 +15,10 @@ */ #include "benchmark.cuh" -#include + #include + +#include #include namespace ML { diff --git a/cpp/bench/sg/rf_regressor.cu b/cpp/bench/sg/rf_regressor.cu index bc259f391e..c955c25438 100644 --- a/cpp/bench/sg/rf_regressor.cu +++ b/cpp/bench/sg/rf_regressor.cu @@ -1,5 +1,5 @@ /* - * Copyright (c) 2019-2023, NVIDIA CORPORATION. + * Copyright (c) 2019-2024, NVIDIA CORPORATION. * * Licensed under the Apache License, Version 2.0 (the "License"); * you may not use this file except in compliance with the License. @@ -15,8 +15,10 @@ */ #include "benchmark.cuh" -#include + #include + +#include #include namespace ML { diff --git a/cpp/bench/sg/svc.cu b/cpp/bench/sg/svc.cu index 31e4a5f3ab..8ddd8be441 100644 --- a/cpp/bench/sg/svc.cu +++ b/cpp/bench/sg/svc.cu @@ -1,5 +1,5 @@ /* - * Copyright (c) 2020-2023, NVIDIA CORPORATION. + * Copyright (c) 2020-2024, NVIDIA CORPORATION. * * Licensed under the Apache License, Version 2.0 (the "License"); * you may not use this file except in compliance with the License. @@ -15,11 +15,14 @@ */ #include "benchmark.cuh" -#include + #include #include #include + #include + +#include #include #include diff --git a/cpp/bench/sg/svr.cu b/cpp/bench/sg/svr.cu index 41ecd7ca9f..c061e53b1f 100644 --- a/cpp/bench/sg/svr.cu +++ b/cpp/bench/sg/svr.cu @@ -1,5 +1,5 @@ /* - * Copyright (c) 2020-2023, NVIDIA CORPORATION. + * Copyright (c) 2020-2024, NVIDIA CORPORATION. * * Licensed under the Apache License, Version 2.0 (the "License"); * you may not use this file except in compliance with the License. @@ -15,12 +15,15 @@ */ #include "benchmark.cuh" -#include + #include #include #include #include + #include + +#include #include namespace ML { diff --git a/cpp/bench/sg/umap.cu b/cpp/bench/sg/umap.cu index dd4a4a7dca..cafbd76aa7 100644 --- a/cpp/bench/sg/umap.cu +++ b/cpp/bench/sg/umap.cu @@ -1,5 +1,5 @@ /* - * Copyright (c) 2020-2022, NVIDIA CORPORATION. + * Copyright (c) 2020-2024, NVIDIA CORPORATION. * * Licensed under the Apache License, Version 2.0 (the "License"); * you may not use this file except in compliance with the License. @@ -15,9 +15,12 @@ */ #include "benchmark.cuh" + #include #include + #include + #include namespace ML { diff --git a/cpp/examples/dbscan/dbscan_example.cpp b/cpp/examples/dbscan/dbscan_example.cpp index 5a8fc01eca..f5c7c31824 100644 --- a/cpp/examples/dbscan/dbscan_example.cpp +++ b/cpp/examples/dbscan/dbscan_example.cpp @@ -1,5 +1,5 @@ /* - * Copyright (c) 2019-2023, NVIDIA CORPORATION. + * Copyright (c) 2019-2024, NVIDIA CORPORATION. * * Licensed under the Apache License, Version 2.0 (the "License"); * you may not use this file except in compliance with the License. @@ -13,9 +13,14 @@ * See the License for the specific language governing permissions and * limitations under the License. */ +#include + +#include + +#include + #include #include -#include #include #include #include @@ -23,10 +28,6 @@ #include #include -#include - -#include - #ifndef CUDA_RT_CALL #define CUDA_RT_CALL(call) \ { \ diff --git a/cpp/examples/kmeans/kmeans_example.cpp b/cpp/examples/kmeans/kmeans_example.cpp index 31d4d29cf3..4e0a39e5bc 100644 --- a/cpp/examples/kmeans/kmeans_example.cpp +++ b/cpp/examples/kmeans/kmeans_example.cpp @@ -1,5 +1,5 @@ /* - * Copyright (c) 2019-2022, NVIDIA CORPORATION. + * Copyright (c) 2019-2024, NVIDIA CORPORATION. * * Licensed under the Apache License, Version 2.0 (the "License"); * you may not use this file except in compliance with the License. @@ -13,6 +13,12 @@ * See the License for the specific language governing permissions and * limitations under the License. */ +#include + +#include + +#include + #include #include #include @@ -21,11 +27,6 @@ #include #include -#include - -#include -#include - #ifndef CUDA_RT_CALL #define CUDA_RT_CALL(call) \ { \ diff --git a/cpp/examples/symreg/symreg_example.cpp b/cpp/examples/symreg/symreg_example.cpp index 9bca626e97..7624f7b66b 100644 --- a/cpp/examples/symreg/symreg_example.cpp +++ b/cpp/examples/symreg/symreg_example.cpp @@ -1,5 +1,5 @@ /* - * Copyright (c) 2021-2023, NVIDIA CORPORATION. + * Copyright (c) 2021-2024, NVIDIA CORPORATION. * * Licensed under the Apache License, Version 2.0 (the "License"); * you may not use this file except in compliance with the License. @@ -14,25 +14,26 @@ * limitations under the License. */ -#include -#include -#include -#include -#include -#include -#include -#include - #include #include #include #include #include + #include #include #include +#include +#include +#include +#include +#include +#include +#include +#include + // Namespace alias namespace cg = cuml::genetic; diff --git a/cpp/include/cuml/cluster/dbscan.hpp b/cpp/include/cuml/cluster/dbscan.hpp index b41f50417c..8582da21d3 100644 --- a/cpp/include/cuml/cluster/dbscan.hpp +++ b/cpp/include/cuml/cluster/dbscan.hpp @@ -1,5 +1,5 @@ /* - * Copyright (c) 2018-2023, NVIDIA CORPORATION. + * Copyright (c) 2018-2024, 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,9 +16,12 @@ #pragma once +#include + #include -#include +#include +#include namespace raft { class handle_t; diff --git a/cpp/include/cuml/cluster/hdbscan.hpp b/cpp/include/cuml/cluster/hdbscan.hpp index 9dd934fd2c..eb1223fd88 100644 --- a/cpp/include/cuml/cluster/hdbscan.hpp +++ b/cpp/include/cuml/cluster/hdbscan.hpp @@ -1,5 +1,5 @@ /* - * Copyright (c) 2021-2023, NVIDIA CORPORATION. + * Copyright (c) 2021-2024, 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,9 +16,8 @@ #pragma once -#include - #include +#include #include diff --git a/cpp/include/cuml/cluster/kmeans.hpp b/cpp/include/cuml/cluster/kmeans.hpp index 8939b43c71..b62059945e 100644 --- a/cpp/include/cuml/cluster/kmeans.hpp +++ b/cpp/include/cuml/cluster/kmeans.hpp @@ -1,5 +1,5 @@ /* - * Copyright (c) 2019-2022, NVIDIA CORPORATION. + * Copyright (c) 2019-2024, NVIDIA CORPORATION. * * Licensed under the Apache License, Version 2.0 (the "License"); * you may not use this file except in compliance with the License. @@ -17,6 +17,7 @@ #pragma once #include + #include namespace raft { diff --git a/cpp/include/cuml/cluster/linkage.hpp b/cpp/include/cuml/cluster/linkage.hpp index 2b78ef6fa0..f17fa11e21 100644 --- a/cpp/include/cuml/cluster/linkage.hpp +++ b/cpp/include/cuml/cluster/linkage.hpp @@ -1,5 +1,5 @@ /* - * Copyright (c) 2018-2022, NVIDIA CORPORATION. + * Copyright (c) 2018-2024, 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,11 +16,10 @@ #pragma once +#include #include #include -#include - namespace raft { class handle_t; } diff --git a/cpp/include/cuml/common/logger.hpp b/cpp/include/cuml/common/logger.hpp index 46c4c49926..161d881087 100644 --- a/cpp/include/cuml/common/logger.hpp +++ b/cpp/include/cuml/common/logger.hpp @@ -1,5 +1,5 @@ /* - * Copyright (c) 2020-2022, NVIDIA CORPORATION. + * Copyright (c) 2020-2024, NVIDIA CORPORATION. * * Licensed under the Apache License, Version 2.0 (the "License"); * you may not use this file except in compliance with the License. @@ -15,6 +15,8 @@ */ #pragma once +#include + #include #include @@ -22,8 +24,6 @@ #include #include -#include - namespace spdlog { class logger; namespace sinks { diff --git a/cpp/include/cuml/common/utils.hpp b/cpp/include/cuml/common/utils.hpp index fcabb32fcd..db5f8fc00b 100644 --- a/cpp/include/cuml/common/utils.hpp +++ b/cpp/include/cuml/common/utils.hpp @@ -1,5 +1,5 @@ /* - * Copyright (c) 2019-2022, NVIDIA CORPORATION. + * Copyright (c) 2019-2024, 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,15 +16,16 @@ #pragma once +#include "logger.hpp" + +#include +#include + #include + #include -#include #include - -#include #include #include #include - -#include "logger.hpp" diff --git a/cpp/include/cuml/cuml_api.h b/cpp/include/cuml/cuml_api.h index e2f94ecace..5c27fec10e 100644 --- a/cpp/include/cuml/cuml_api.h +++ b/cpp/include/cuml/cuml_api.h @@ -1,5 +1,5 @@ /* - * Copyright (c) 2019-2021, NVIDIA CORPORATION. + * Copyright (c) 2019-2024, 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,10 +16,10 @@ #pragma once -#include - #include +#include + // Block inclusion of this header when compiling libcuml++.so. If this error is // shown during compilation, there is an issue with how the `#include` have // been set up. To debug the issue, run `./build.sh cppdocs` and open the page diff --git a/cpp/include/cuml/decomposition/pca_mg.hpp b/cpp/include/cuml/decomposition/pca_mg.hpp index be4bdce897..856a30a73a 100644 --- a/cpp/include/cuml/decomposition/pca_mg.hpp +++ b/cpp/include/cuml/decomposition/pca_mg.hpp @@ -1,5 +1,5 @@ /* - * Copyright (c) 2020-2022, NVIDIA CORPORATION. + * Copyright (c) 2020-2024, 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,11 +16,11 @@ #pragma once +#include "pca.hpp" + #include #include -#include "pca.hpp" - namespace ML { namespace PCA { namespace opg { diff --git a/cpp/include/cuml/decomposition/tsvd_mg.hpp b/cpp/include/cuml/decomposition/tsvd_mg.hpp index f4ad9691ad..0af571e116 100644 --- a/cpp/include/cuml/decomposition/tsvd_mg.hpp +++ b/cpp/include/cuml/decomposition/tsvd_mg.hpp @@ -1,5 +1,5 @@ /* - * Copyright (c) 2020-2022, NVIDIA CORPORATION. + * Copyright (c) 2020-2024, 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,11 +16,11 @@ #pragma once +#include "tsvd.hpp" + #include #include -#include "tsvd.hpp" - namespace ML { namespace TSVD { namespace opg { diff --git a/cpp/include/cuml/experimental/fil/decision_forest.hpp b/cpp/include/cuml/experimental/fil/decision_forest.hpp index 06738df043..0cb10c5606 100644 --- a/cpp/include/cuml/experimental/fil/decision_forest.hpp +++ b/cpp/include/cuml/experimental/fil/decision_forest.hpp @@ -1,5 +1,5 @@ /* - * Copyright (c) 2023, NVIDIA CORPORATION. + * Copyright (c) 2023-2024, NVIDIA CORPORATION. * * Licensed under the Apache License, Version 2.0 (the "License"); * you may not use this file except in compliance with the License. @@ -14,8 +14,6 @@ * limitations under the License. */ #pragma once -#include -#include #include #include #include @@ -30,10 +28,14 @@ #include #include #include -#include -#include + #include #include + +#include +#include +#include +#include #include namespace ML { diff --git a/cpp/include/cuml/experimental/fil/detail/bitset.hpp b/cpp/include/cuml/experimental/fil/detail/bitset.hpp index 6a5b65927b..bbeb1fb356 100644 --- a/cpp/include/cuml/experimental/fil/detail/bitset.hpp +++ b/cpp/include/cuml/experimental/fil/detail/bitset.hpp @@ -1,5 +1,5 @@ /* - * Copyright (c) 2023, NVIDIA CORPORATION. + * Copyright (c) 2023-2024, NVIDIA CORPORATION. * * Licensed under the Apache License, Version 2.0 (the "License"); * you may not use this file except in compliance with the License. @@ -14,16 +14,17 @@ * limitations under the License. */ #pragma once -#include -#ifndef __CUDACC__ -#include -#endif #include #include -#include + +#include #include #include +#ifndef __CUDACC__ +#include +#endif + namespace ML { namespace experimental { namespace fil { diff --git a/cpp/include/cuml/experimental/fil/detail/decision_forest_builder.hpp b/cpp/include/cuml/experimental/fil/detail/decision_forest_builder.hpp index 52a81e21c8..a601aa9d32 100644 --- a/cpp/include/cuml/experimental/fil/detail/decision_forest_builder.hpp +++ b/cpp/include/cuml/experimental/fil/detail/decision_forest_builder.hpp @@ -1,5 +1,5 @@ /* - * Copyright (c) 2023, NVIDIA CORPORATION. + * Copyright (c) 2023-2024, NVIDIA CORPORATION. * * Licensed under the Apache License, Version 2.0 (the "License"); * you may not use this file except in compliance with the License. @@ -14,9 +14,6 @@ * limitations under the License. */ #pragma once -#include -#include -#include #include #include #include @@ -26,9 +23,14 @@ #include #include #include + +#include + +#include +#include +#include #include #include -#include #include namespace ML { diff --git a/cpp/include/cuml/experimental/fil/detail/device_initialization.hpp b/cpp/include/cuml/experimental/fil/detail/device_initialization.hpp index eaaa570819..f0048b589c 100644 --- a/cpp/include/cuml/experimental/fil/detail/device_initialization.hpp +++ b/cpp/include/cuml/experimental/fil/detail/device_initialization.hpp @@ -1,5 +1,5 @@ /* - * Copyright (c) 2023, NVIDIA CORPORATION. + * Copyright (c) 2023-2024, 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,6 +16,7 @@ #pragma once #include + #include #ifdef CUML_ENABLE_GPU #include diff --git a/cpp/include/cuml/experimental/fil/detail/device_initialization/cpu.hpp b/cpp/include/cuml/experimental/fil/detail/device_initialization/cpu.hpp index 2735aa2978..bcd551b4db 100644 --- a/cpp/include/cuml/experimental/fil/detail/device_initialization/cpu.hpp +++ b/cpp/include/cuml/experimental/fil/detail/device_initialization/cpu.hpp @@ -1,5 +1,5 @@ /* - * Copyright (c) 2023, NVIDIA CORPORATION. + * Copyright (c) 2023-2024, NVIDIA CORPORATION. * * Licensed under the Apache License, Version 2.0 (the "License"); * you may not use this file except in compliance with the License. @@ -14,10 +14,13 @@ * limitations under the License. */ #pragma once + #include #include #include + #include + namespace ML { namespace experimental { namespace fil { diff --git a/cpp/include/cuml/experimental/fil/detail/device_initialization/gpu.cuh b/cpp/include/cuml/experimental/fil/detail/device_initialization/gpu.cuh index 90fab16fff..6ed96d549c 100644 --- a/cpp/include/cuml/experimental/fil/detail/device_initialization/gpu.cuh +++ b/cpp/include/cuml/experimental/fil/detail/device_initialization/gpu.cuh @@ -1,5 +1,5 @@ /* - * Copyright (c) 2023, NVIDIA CORPORATION. + * Copyright (c) 2023-2024, NVIDIA CORPORATION. * * Licensed under the Apache License, Version 2.0 (the "License"); * you may not use this file except in compliance with the License. @@ -14,7 +14,7 @@ * limitations under the License. */ #pragma once -#include + #include #include #include @@ -24,7 +24,11 @@ #include #include #include + +#include + #include + namespace ML { namespace experimental { namespace fil { diff --git a/cpp/include/cuml/experimental/fil/detail/device_initialization/gpu.hpp b/cpp/include/cuml/experimental/fil/detail/device_initialization/gpu.hpp index 22e5a2a7c8..5de860dd8f 100644 --- a/cpp/include/cuml/experimental/fil/detail/device_initialization/gpu.hpp +++ b/cpp/include/cuml/experimental/fil/detail/device_initialization/gpu.hpp @@ -1,5 +1,5 @@ /* - * Copyright (c) 2023, NVIDIA CORPORATION. + * Copyright (c) 2023-2024, NVIDIA CORPORATION. * * Licensed under the Apache License, Version 2.0 (the "License"); * you may not use this file except in compliance with the License. @@ -14,11 +14,14 @@ * limitations under the License. */ #pragma once + #include #include #include #include + #include + namespace ML { namespace experimental { namespace fil { diff --git a/cpp/include/cuml/experimental/fil/detail/evaluate_tree.hpp b/cpp/include/cuml/experimental/fil/detail/evaluate_tree.hpp index 331bd53d13..e0bdfda6aa 100644 --- a/cpp/include/cuml/experimental/fil/detail/evaluate_tree.hpp +++ b/cpp/include/cuml/experimental/fil/detail/evaluate_tree.hpp @@ -1,5 +1,5 @@ /* - * Copyright (c) 2023, NVIDIA CORPORATION. + * Copyright (c) 2023-2024, NVIDIA CORPORATION. * * Licensed under the Apache License, Version 2.0 (the "License"); * you may not use this file except in compliance with the License. @@ -15,6 +15,7 @@ */ #pragma once #include + #include #ifndef __CUDACC__ #include diff --git a/cpp/include/cuml/experimental/fil/detail/forest.hpp b/cpp/include/cuml/experimental/fil/detail/forest.hpp index 46fe4a289f..f92c86b163 100644 --- a/cpp/include/cuml/experimental/fil/detail/forest.hpp +++ b/cpp/include/cuml/experimental/fil/detail/forest.hpp @@ -1,5 +1,5 @@ /* - * Copyright (c) 2023, NVIDIA CORPORATION. + * Copyright (c) 2023-2024, NVIDIA CORPORATION. * * Licensed under the Apache License, Version 2.0 (the "License"); * you may not use this file except in compliance with the License. @@ -17,7 +17,9 @@ #include #include #include + #include + #include namespace ML { diff --git a/cpp/include/cuml/experimental/fil/detail/gpu_introspection.hpp b/cpp/include/cuml/experimental/fil/detail/gpu_introspection.hpp index 1c5c18e857..b4d132de66 100644 --- a/cpp/include/cuml/experimental/fil/detail/gpu_introspection.hpp +++ b/cpp/include/cuml/experimental/fil/detail/gpu_introspection.hpp @@ -1,5 +1,5 @@ /* - * Copyright (c) 2023, NVIDIA CORPORATION. + * Copyright (c) 2023-2024, NVIDIA CORPORATION. * * Licensed under the Apache License, Version 2.0 (the "License"); * you may not use this file except in compliance with the License. @@ -14,11 +14,13 @@ * limitations under the License. */ #pragma once -#include #include #include #include #include + +#include + #include namespace ML { diff --git a/cpp/include/cuml/experimental/fil/detail/infer.hpp b/cpp/include/cuml/experimental/fil/detail/infer.hpp index 82c406b0ac..01e4bbf350 100644 --- a/cpp/include/cuml/experimental/fil/detail/infer.hpp +++ b/cpp/include/cuml/experimental/fil/detail/infer.hpp @@ -1,5 +1,5 @@ /* - * Copyright (c) 2023, NVIDIA CORPORATION. + * Copyright (c) 2023-2024, NVIDIA CORPORATION. * * Licensed under the Apache License, Version 2.0 (the "License"); * you may not use this file except in compliance with the License. @@ -14,21 +14,24 @@ * limitations under the License. */ #pragma once -#include #include #include +#include +#include +#include +#include +#include #include + +#include #include #include #include + #ifdef CUML_ENABLE_GPU #include #endif -#include -#include -#include -#include -#include + namespace ML { namespace experimental { namespace fil { diff --git a/cpp/include/cuml/experimental/fil/detail/infer/cpu.hpp b/cpp/include/cuml/experimental/fil/detail/infer/cpu.hpp index 3c714e36d4..33f0ceadcc 100644 --- a/cpp/include/cuml/experimental/fil/detail/infer/cpu.hpp +++ b/cpp/include/cuml/experimental/fil/detail/infer/cpu.hpp @@ -1,5 +1,5 @@ /* - * Copyright (c) 2023, NVIDIA CORPORATION. + * Copyright (c) 2023-2024, NVIDIA CORPORATION. * * Licensed under the Apache License, Version 2.0 (the "License"); * you may not use this file except in compliance with the License. @@ -14,7 +14,7 @@ * limitations under the License. */ #pragma once -#include + #include #include #include @@ -27,7 +27,10 @@ #include #include #include + +#include #include + namespace ML { namespace experimental { namespace fil { diff --git a/cpp/include/cuml/experimental/fil/detail/infer/gpu.cuh b/cpp/include/cuml/experimental/fil/detail/infer/gpu.cuh index cf233895d0..8ba66d57ee 100644 --- a/cpp/include/cuml/experimental/fil/detail/infer/gpu.cuh +++ b/cpp/include/cuml/experimental/fil/detail/infer/gpu.cuh @@ -1,5 +1,5 @@ /* - * Copyright (c) 2023, NVIDIA CORPORATION. + * Copyright (c) 2023-2024, NVIDIA CORPORATION. * * Licensed under the Apache License, Version 2.0 (the "License"); * you may not use this file except in compliance with the License. @@ -14,7 +14,6 @@ * limitations under the License. */ #pragma once -#include #include #include #include @@ -31,6 +30,8 @@ #include #include #include + +#include #include #include diff --git a/cpp/include/cuml/experimental/fil/detail/infer/gpu.hpp b/cpp/include/cuml/experimental/fil/detail/infer/gpu.hpp index 795ce49ed5..98f399dfc5 100644 --- a/cpp/include/cuml/experimental/fil/detail/infer/gpu.hpp +++ b/cpp/include/cuml/experimental/fil/detail/infer/gpu.hpp @@ -1,5 +1,5 @@ /* - * Copyright (c) 2023, NVIDIA CORPORATION. + * Copyright (c) 2023-2024, NVIDIA CORPORATION. * * Licensed under the Apache License, Version 2.0 (the "License"); * you may not use this file except in compliance with the License. @@ -13,7 +13,6 @@ * See the License for the specific language governing permissions and * limitations under the License. */ -#include #include #include #include @@ -21,6 +20,8 @@ #include #include #include + +#include #include namespace ML { diff --git a/cpp/include/cuml/experimental/fil/detail/infer_kernel/cpu.hpp b/cpp/include/cuml/experimental/fil/detail/infer_kernel/cpu.hpp index a62f0e27af..33a2d4691c 100644 --- a/cpp/include/cuml/experimental/fil/detail/infer_kernel/cpu.hpp +++ b/cpp/include/cuml/experimental/fil/detail/infer_kernel/cpu.hpp @@ -1,5 +1,5 @@ /* - * Copyright (c) 2023, NVIDIA CORPORATION. + * Copyright (c) 2023-2024, NVIDIA CORPORATION. * * Licensed under the Apache License, Version 2.0 (the "License"); * you may not use this file except in compliance with the License. @@ -14,13 +14,14 @@ * limitations under the License. */ #pragma once -#include #include #include #include #include #include #include + +#include #include #include #include diff --git a/cpp/include/cuml/experimental/fil/detail/infer_kernel/gpu.cuh b/cpp/include/cuml/experimental/fil/detail/infer_kernel/gpu.cuh index aaad331c72..a3cd2909cc 100644 --- a/cpp/include/cuml/experimental/fil/detail/infer_kernel/gpu.cuh +++ b/cpp/include/cuml/experimental/fil/detail/infer_kernel/gpu.cuh @@ -1,5 +1,5 @@ /* - * Copyright (c) 2023, NVIDIA CORPORATION. + * Copyright (c) 2023-2024, NVIDIA CORPORATION. * * Licensed under the Apache License, Version 2.0 (the "License"); * you may not use this file except in compliance with the License. @@ -14,7 +14,6 @@ * limitations under the License. */ #pragma once -#include #include #include #include @@ -23,8 +22,11 @@ #include #include #include + #include +#include + namespace ML { namespace experimental { namespace fil { diff --git a/cpp/include/cuml/experimental/fil/detail/infer_kernel/shared_memory_buffer.cuh b/cpp/include/cuml/experimental/fil/detail/infer_kernel/shared_memory_buffer.cuh index f3b6b2ac34..6033efde5b 100644 --- a/cpp/include/cuml/experimental/fil/detail/infer_kernel/shared_memory_buffer.cuh +++ b/cpp/include/cuml/experimental/fil/detail/infer_kernel/shared_memory_buffer.cuh @@ -1,5 +1,5 @@ /* - * Copyright (c) 2023, NVIDIA CORPORATION. + * Copyright (c) 2023-2024, NVIDIA CORPORATION. * * Licensed under the Apache License, Version 2.0 (the "License"); * you may not use this file except in compliance with the License. @@ -14,9 +14,11 @@ * limitations under the License. */ #pragma once -#include #include + #include + +#include #include namespace ML { diff --git a/cpp/include/cuml/experimental/fil/detail/node.hpp b/cpp/include/cuml/experimental/fil/detail/node.hpp index d3024593c9..e678242ead 100644 --- a/cpp/include/cuml/experimental/fil/detail/node.hpp +++ b/cpp/include/cuml/experimental/fil/detail/node.hpp @@ -1,5 +1,5 @@ /* - * Copyright (c) 2023, NVIDIA CORPORATION. + * Copyright (c) 2023-2024, NVIDIA CORPORATION. * * Licensed under the Apache License, Version 2.0 (the "License"); * you may not use this file except in compliance with the License. @@ -14,9 +14,11 @@ * limitations under the License. */ #pragma once + #include #include #include + #include #include diff --git a/cpp/include/cuml/experimental/fil/detail/postprocessor.hpp b/cpp/include/cuml/experimental/fil/detail/postprocessor.hpp index 5ea3820f2c..5dd5301f4e 100644 --- a/cpp/include/cuml/experimental/fil/detail/postprocessor.hpp +++ b/cpp/include/cuml/experimental/fil/detail/postprocessor.hpp @@ -1,5 +1,5 @@ /* - * Copyright (c) 2023, NVIDIA CORPORATION. + * Copyright (c) 2023-2024, NVIDIA CORPORATION. * * Licensed under the Apache License, Version 2.0 (the "License"); * you may not use this file except in compliance with the License. @@ -14,16 +14,20 @@ * limitations under the License. */ #pragma once -#ifndef __CUDACC__ -#include -#endif + #include #include #include -#include + #include + +#include #include +#ifndef __CUDACC__ +#include +#endif + namespace ML { namespace experimental { namespace fil { diff --git a/cpp/include/cuml/experimental/fil/detail/raft_proto/buffer.hpp b/cpp/include/cuml/experimental/fil/detail/raft_proto/buffer.hpp index 40de57789f..4d80ce8554 100644 --- a/cpp/include/cuml/experimental/fil/detail/raft_proto/buffer.hpp +++ b/cpp/include/cuml/experimental/fil/detail/raft_proto/buffer.hpp @@ -1,5 +1,5 @@ /* - * Copyright (c) 2023, NVIDIA CORPORATION. + * Copyright (c) 2023-2024, NVIDIA CORPORATION. * * Licensed under the Apache License, Version 2.0 (the "License"); * you may not use this file except in compliance with the License. @@ -14,7 +14,6 @@ * limitations under the License. */ #pragma once -#include #include #include #include @@ -24,9 +23,12 @@ #include #include #include + +#include + +#include #include #include -#include #include #include diff --git a/cpp/include/cuml/experimental/fil/detail/raft_proto/detail/copy.hpp b/cpp/include/cuml/experimental/fil/detail/raft_proto/detail/copy.hpp index 04a530e341..5f90c2036a 100644 --- a/cpp/include/cuml/experimental/fil/detail/raft_proto/detail/copy.hpp +++ b/cpp/include/cuml/experimental/fil/detail/raft_proto/detail/copy.hpp @@ -1,5 +1,5 @@ /* - * Copyright (c) 2023, NVIDIA CORPORATION. + * Copyright (c) 2023-2024, 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,6 +16,7 @@ #pragma once #include #include + #include #ifdef CUML_ENABLE_GPU #include diff --git a/cpp/include/cuml/experimental/fil/detail/raft_proto/detail/copy/cpu.hpp b/cpp/include/cuml/experimental/fil/detail/raft_proto/detail/copy/cpu.hpp index 1766c044ba..9d6085c952 100644 --- a/cpp/include/cuml/experimental/fil/detail/raft_proto/detail/copy/cpu.hpp +++ b/cpp/include/cuml/experimental/fil/detail/raft_proto/detail/copy/cpu.hpp @@ -1,5 +1,5 @@ /* - * Copyright (c) 2023, NVIDIA CORPORATION. + * Copyright (c) 2023-2024, NVIDIA CORPORATION. * * Licensed under the Apache License, Version 2.0 (the "License"); * you may not use this file except in compliance with the License. @@ -14,13 +14,15 @@ * limitations under the License. */ #pragma once -#include -#include #include #include #include + #include +#include +#include + namespace raft_proto { namespace detail { diff --git a/cpp/include/cuml/experimental/fil/detail/raft_proto/detail/copy/gpu.hpp b/cpp/include/cuml/experimental/fil/detail/raft_proto/detail/copy/gpu.hpp index eeeecca77f..3339863adc 100644 --- a/cpp/include/cuml/experimental/fil/detail/raft_proto/detail/copy/gpu.hpp +++ b/cpp/include/cuml/experimental/fil/detail/raft_proto/detail/copy/gpu.hpp @@ -1,5 +1,5 @@ /* - * Copyright (c) 2023, NVIDIA CORPORATION. + * Copyright (c) 2023-2024, NVIDIA CORPORATION. * * Licensed under the Apache License, Version 2.0 (the "License"); * you may not use this file except in compliance with the License. @@ -14,11 +14,14 @@ * limitations under the License. */ #pragma once -#include #include #include #include + +#include + #include + #include namespace raft_proto { diff --git a/cpp/include/cuml/experimental/fil/detail/raft_proto/detail/cuda_check/gpu.hpp b/cpp/include/cuml/experimental/fil/detail/raft_proto/detail/cuda_check/gpu.hpp index 66b19d7e20..bb703a66fa 100644 --- a/cpp/include/cuml/experimental/fil/detail/raft_proto/detail/cuda_check/gpu.hpp +++ b/cpp/include/cuml/experimental/fil/detail/raft_proto/detail/cuda_check/gpu.hpp @@ -1,5 +1,5 @@ /* - * Copyright (c) 2023, NVIDIA CORPORATION. + * Copyright (c) 2023-2024, NVIDIA CORPORATION. * * Licensed under the Apache License, Version 2.0 (the "License"); * you may not use this file except in compliance with the License. @@ -14,10 +14,11 @@ * limitations under the License. */ #pragma once -#include #include #include #include + +#include namespace raft_proto { namespace detail { diff --git a/cpp/include/cuml/experimental/fil/detail/raft_proto/detail/device_id/gpu.hpp b/cpp/include/cuml/experimental/fil/detail/raft_proto/detail/device_id/gpu.hpp index 760eb5f71b..d32c8779e3 100644 --- a/cpp/include/cuml/experimental/fil/detail/raft_proto/detail/device_id/gpu.hpp +++ b/cpp/include/cuml/experimental/fil/detail/raft_proto/detail/device_id/gpu.hpp @@ -1,5 +1,5 @@ /* - * Copyright (c) 2023, NVIDIA CORPORATION. + * Copyright (c) 2023-2024, NVIDIA CORPORATION. * * Licensed under the Apache License, Version 2.0 (the "License"); * you may not use this file except in compliance with the License. @@ -17,6 +17,7 @@ #include #include #include + #include namespace raft_proto { diff --git a/cpp/include/cuml/experimental/fil/detail/raft_proto/detail/device_setter/gpu.hpp b/cpp/include/cuml/experimental/fil/detail/raft_proto/detail/device_setter/gpu.hpp index 71366c55e0..444526fce8 100644 --- a/cpp/include/cuml/experimental/fil/detail/raft_proto/detail/device_setter/gpu.hpp +++ b/cpp/include/cuml/experimental/fil/detail/raft_proto/detail/device_setter/gpu.hpp @@ -1,5 +1,5 @@ /* - * Copyright (c) 2023, NVIDIA CORPORATION. + * Copyright (c) 2023-2024, NVIDIA CORPORATION. * * Licensed under the Apache License, Version 2.0 (the "License"); * you may not use this file except in compliance with the License. @@ -14,13 +14,15 @@ * limitations under the License. */ #pragma once -#include #include #include #include #include + #include +#include + namespace raft_proto { namespace detail { diff --git a/cpp/include/cuml/experimental/fil/detail/raft_proto/detail/non_owning_buffer/base.hpp b/cpp/include/cuml/experimental/fil/detail/raft_proto/detail/non_owning_buffer/base.hpp index 67e1a92699..cffdad11e3 100644 --- a/cpp/include/cuml/experimental/fil/detail/raft_proto/detail/non_owning_buffer/base.hpp +++ b/cpp/include/cuml/experimental/fil/detail/raft_proto/detail/non_owning_buffer/base.hpp @@ -1,5 +1,5 @@ /* - * Copyright (c) 2023, NVIDIA CORPORATION. + * Copyright (c) 2023-2024, NVIDIA CORPORATION. * * Licensed under the Apache License, Version 2.0 (the "License"); * you may not use this file except in compliance with the License. @@ -15,6 +15,7 @@ */ #pragma once #include + #include #include diff --git a/cpp/include/cuml/experimental/fil/detail/raft_proto/detail/owning_buffer/base.hpp b/cpp/include/cuml/experimental/fil/detail/raft_proto/detail/owning_buffer/base.hpp index b5c377f2ec..b775860563 100644 --- a/cpp/include/cuml/experimental/fil/detail/raft_proto/detail/owning_buffer/base.hpp +++ b/cpp/include/cuml/experimental/fil/detail/raft_proto/detail/owning_buffer/base.hpp @@ -1,5 +1,5 @@ /* - * Copyright (c) 2023, NVIDIA CORPORATION. + * Copyright (c) 2023-2024, NVIDIA CORPORATION. * * Licensed under the Apache License, Version 2.0 (the "License"); * you may not use this file except in compliance with the License. @@ -17,6 +17,7 @@ #include #include #include + #include namespace raft_proto { diff --git a/cpp/include/cuml/experimental/fil/detail/raft_proto/detail/owning_buffer/cpu.hpp b/cpp/include/cuml/experimental/fil/detail/raft_proto/detail/owning_buffer/cpu.hpp index 056c790def..a401db4c6b 100644 --- a/cpp/include/cuml/experimental/fil/detail/raft_proto/detail/owning_buffer/cpu.hpp +++ b/cpp/include/cuml/experimental/fil/detail/raft_proto/detail/owning_buffer/cpu.hpp @@ -1,5 +1,5 @@ /* - * Copyright (c) 2023, NVIDIA CORPORATION. + * Copyright (c) 2023-2024, NVIDIA CORPORATION. * * Licensed under the Apache License, Version 2.0 (the "License"); * you may not use this file except in compliance with the License. @@ -17,6 +17,7 @@ #include #include #include + #include #include diff --git a/cpp/include/cuml/experimental/fil/detail/raft_proto/detail/owning_buffer/gpu.hpp b/cpp/include/cuml/experimental/fil/detail/raft_proto/detail/owning_buffer/gpu.hpp index 80bf7e46b6..bab276a15d 100644 --- a/cpp/include/cuml/experimental/fil/detail/raft_proto/detail/owning_buffer/gpu.hpp +++ b/cpp/include/cuml/experimental/fil/detail/raft_proto/detail/owning_buffer/gpu.hpp @@ -1,5 +1,5 @@ /* - * Copyright (c) 2023, NVIDIA CORPORATION. + * Copyright (c) 2023-2024, NVIDIA CORPORATION. * * Licensed under the Apache License, Version 2.0 (the "License"); * you may not use this file except in compliance with the License. @@ -14,12 +14,15 @@ * limitations under the License. */ #pragma once -#include #include #include #include #include + #include + +#include + #include namespace raft_proto { diff --git a/cpp/include/cuml/experimental/fil/detail/raft_proto/device_id.hpp b/cpp/include/cuml/experimental/fil/detail/raft_proto/device_id.hpp index c74ad239a4..33fac733bb 100644 --- a/cpp/include/cuml/experimental/fil/detail/raft_proto/device_id.hpp +++ b/cpp/include/cuml/experimental/fil/detail/raft_proto/device_id.hpp @@ -1,5 +1,5 @@ /* - * Copyright (c) 2023, NVIDIA CORPORATION. + * Copyright (c) 2023-2024, NVIDIA CORPORATION. * * Licensed under the Apache License, Version 2.0 (the "License"); * you may not use this file except in compliance with the License. @@ -21,6 +21,7 @@ #include #endif #include + #include namespace raft_proto { diff --git a/cpp/include/cuml/experimental/fil/detail/raft_proto/gpu_support.hpp b/cpp/include/cuml/experimental/fil/detail/raft_proto/gpu_support.hpp index 159d1fa80e..3e181c2f7b 100644 --- a/cpp/include/cuml/experimental/fil/detail/raft_proto/gpu_support.hpp +++ b/cpp/include/cuml/experimental/fil/detail/raft_proto/gpu_support.hpp @@ -1,5 +1,5 @@ /* - * Copyright (c) 2023, NVIDIA CORPORATION. + * Copyright (c) 2023-2024, NVIDIA CORPORATION. * * Licensed under the Apache License, Version 2.0 (the "License"); * you may not use this file except in compliance with the License. @@ -14,9 +14,10 @@ * limitations under the License. */ #pragma once +#include + #include #include -#include namespace raft_proto { #ifdef CUML_ENABLE_GPU diff --git a/cpp/include/cuml/experimental/fil/detail/raft_proto/handle.hpp b/cpp/include/cuml/experimental/fil/detail/raft_proto/handle.hpp index f0fe9bd81f..7d0d1c9ec9 100644 --- a/cpp/include/cuml/experimental/fil/detail/raft_proto/handle.hpp +++ b/cpp/include/cuml/experimental/fil/detail/raft_proto/handle.hpp @@ -1,5 +1,5 @@ /* - * Copyright (c) 2023, NVIDIA CORPORATION. + * Copyright (c) 2023-2024, NVIDIA CORPORATION. * * Licensed under the Apache License, Version 2.0 (the "License"); * you may not use this file except in compliance with the License. @@ -14,9 +14,10 @@ * limitations under the License. */ #pragma once +#include + #include #include -#include #ifdef CUML_ENABLE_GPU #include #endif diff --git a/cpp/include/cuml/experimental/fil/detail/specialization_types.hpp b/cpp/include/cuml/experimental/fil/detail/specialization_types.hpp index d4f0826e73..7034bef183 100644 --- a/cpp/include/cuml/experimental/fil/detail/specialization_types.hpp +++ b/cpp/include/cuml/experimental/fil/detail/specialization_types.hpp @@ -1,5 +1,5 @@ /* - * Copyright (c) 2023, NVIDIA CORPORATION. + * Copyright (c) 2023-2024, NVIDIA CORPORATION. * * Licensed under the Apache License, Version 2.0 (the "License"); * you may not use this file except in compliance with the License. @@ -14,11 +14,14 @@ * limitations under the License. */ #pragma once + +#include + #include #include -#include #include #include + namespace ML { namespace experimental { namespace fil { diff --git a/cpp/include/cuml/experimental/fil/detail/specializations/forest_macros.hpp b/cpp/include/cuml/experimental/fil/detail/specializations/forest_macros.hpp index 561b5beb70..4af2c2c4e9 100644 --- a/cpp/include/cuml/experimental/fil/detail/specializations/forest_macros.hpp +++ b/cpp/include/cuml/experimental/fil/detail/specializations/forest_macros.hpp @@ -1,5 +1,5 @@ /* - * Copyright (c) 2023, NVIDIA CORPORATION. + * Copyright (c) 2023-2024, 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,6 +18,7 @@ #include #include #include + #include /* Macro which, given a variant index, will extract the type of the diff --git a/cpp/include/cuml/experimental/fil/detail/specializations/infer_macros.hpp b/cpp/include/cuml/experimental/fil/detail/specializations/infer_macros.hpp index 376e5d0d20..433cfc99ef 100644 --- a/cpp/include/cuml/experimental/fil/detail/specializations/infer_macros.hpp +++ b/cpp/include/cuml/experimental/fil/detail/specializations/infer_macros.hpp @@ -1,5 +1,5 @@ /* - * Copyright (c) 2023, NVIDIA CORPORATION. + * Copyright (c) 2023-2024, NVIDIA CORPORATION. * * Licensed under the Apache License, Version 2.0 (the "License"); * you may not use this file except in compliance with the License. @@ -14,7 +14,6 @@ * limitations under the License. */ #pragma once -#include #include #include #include @@ -25,6 +24,8 @@ #include #include #include + +#include #include /* Macro which expands to the valid arguments to an inference call for a forest diff --git a/cpp/include/cuml/experimental/fil/forest_model.hpp b/cpp/include/cuml/experimental/fil/forest_model.hpp index 60cd031d37..9230f37f49 100644 --- a/cpp/include/cuml/experimental/fil/forest_model.hpp +++ b/cpp/include/cuml/experimental/fil/forest_model.hpp @@ -1,5 +1,5 @@ /* - * Copyright (c) 2023, NVIDIA CORPORATION. + * Copyright (c) 2023-2024, NVIDIA CORPORATION. * * Licensed under the Apache License, Version 2.0 (the "License"); * you may not use this file except in compliance with the License. @@ -14,13 +14,14 @@ * limitations under the License. */ #pragma once -#include #include #include #include #include #include #include + +#include #include #include diff --git a/cpp/include/cuml/experimental/fil/treelite_importer.hpp b/cpp/include/cuml/experimental/fil/treelite_importer.hpp index f083f30cf7..ed6edaa106 100644 --- a/cpp/include/cuml/experimental/fil/treelite_importer.hpp +++ b/cpp/include/cuml/experimental/fil/treelite_importer.hpp @@ -14,8 +14,6 @@ * limitations under the License. */ #pragma once -#include -#include #include #include #include @@ -24,13 +22,17 @@ #include #include #include -#include -#include + #include #include #include #include #include + +#include +#include +#include +#include #include namespace ML { diff --git a/cpp/include/cuml/explainer/tree_shap.hpp b/cpp/include/cuml/explainer/tree_shap.hpp index 6b8b0f75d9..3b77c9058c 100644 --- a/cpp/include/cuml/explainer/tree_shap.hpp +++ b/cpp/include/cuml/explainer/tree_shap.hpp @@ -1,5 +1,5 @@ /* - * Copyright (c) 2021-2023, NVIDIA CORPORATION. + * Copyright (c) 2021-2024, 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,9 +16,10 @@ #pragma once +#include + #include #include -#include #include #include diff --git a/cpp/include/cuml/fil/fil.h b/cpp/include/cuml/fil/fil.h index 4058590c49..592a58866f 100644 --- a/cpp/include/cuml/fil/fil.h +++ b/cpp/include/cuml/fil/fil.h @@ -1,5 +1,5 @@ /* - * Copyright (c) 2019-2023, NVIDIA CORPORATION. + * Copyright (c) 2019-2024, 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,12 +18,12 @@ #pragma once +#include + #include #include // for std::get<>, std::variant<> -#include - namespace raft { class handle_t; } diff --git a/cpp/include/cuml/genetic/genetic.h b/cpp/include/cuml/genetic/genetic.h index 5a65eb8ad1..6e57d1e239 100644 --- a/cpp/include/cuml/genetic/genetic.h +++ b/cpp/include/cuml/genetic/genetic.h @@ -1,5 +1,5 @@ /* - * Copyright (c) 2020-2023, NVIDIA CORPORATION. + * Copyright (c) 2020-2024, 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,11 +16,11 @@ #pragma once -#include - #include "common.h" #include "program.h" +#include + namespace cuml { namespace genetic { diff --git a/cpp/include/cuml/genetic/program.h b/cpp/include/cuml/genetic/program.h index c4179868b1..a458aa3650 100644 --- a/cpp/include/cuml/genetic/program.h +++ b/cpp/include/cuml/genetic/program.h @@ -1,5 +1,5 @@ /* - * Copyright (c) 2021-2023, NVIDIA CORPORATION. + * Copyright (c) 2021-2024, 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,10 +16,11 @@ #pragma once +#include "common.h" + #include -#include -#include "common.h" +#include namespace cuml { namespace genetic { diff --git a/cpp/include/cuml/linear_model/glm_api.h b/cpp/include/cuml/linear_model/glm_api.h index 2849e3611e..6cf9258f74 100644 --- a/cpp/include/cuml/linear_model/glm_api.h +++ b/cpp/include/cuml/linear_model/glm_api.h @@ -1,5 +1,5 @@ /* - * Copyright (c) 2019-2022, NVIDIA CORPORATION. + * Copyright (c) 2019-2024, NVIDIA CORPORATION. * * Licensed under the Apache License, Version 2.0 (the "License"); * you may not use this file except in compliance with the License. @@ -15,9 +15,9 @@ */ #pragma once +#include #include -#include #include #ifdef __cplusplus diff --git a/cpp/include/cuml/linear_model/ols_mg.hpp b/cpp/include/cuml/linear_model/ols_mg.hpp index 1c14afaf16..c2b8d0d5fd 100644 --- a/cpp/include/cuml/linear_model/ols_mg.hpp +++ b/cpp/include/cuml/linear_model/ols_mg.hpp @@ -1,5 +1,5 @@ /* - * Copyright (c) 2020-2022, NVIDIA CORPORATION. + * Copyright (c) 2020-2024, NVIDIA CORPORATION. * * Licensed under the Apache License, Version 2.0 (the "License"); * you may not use this file except in compliance with the License. @@ -17,6 +17,7 @@ #pragma once #include + #include #include diff --git a/cpp/include/cuml/linear_model/qn_mg.hpp b/cpp/include/cuml/linear_model/qn_mg.hpp index 2370814fab..048d65c322 100644 --- a/cpp/include/cuml/linear_model/qn_mg.hpp +++ b/cpp/include/cuml/linear_model/qn_mg.hpp @@ -14,13 +14,15 @@ * limitations under the License. */ -#include #include #include -#include #include #include +#include + +#include + #include using namespace MLCommon; diff --git a/cpp/include/cuml/linear_model/ridge_mg.hpp b/cpp/include/cuml/linear_model/ridge_mg.hpp index 40fb119cd5..ceecf01b30 100644 --- a/cpp/include/cuml/linear_model/ridge_mg.hpp +++ b/cpp/include/cuml/linear_model/ridge_mg.hpp @@ -1,5 +1,5 @@ /* - * Copyright (c) 2020-2022, NVIDIA CORPORATION. + * Copyright (c) 2020-2024, 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,11 +16,11 @@ #pragma once +#include "glm.hpp" + #include #include -#include "glm.hpp" - namespace ML { namespace Ridge { namespace opg { diff --git a/cpp/include/cuml/manifold/tsne.h b/cpp/include/cuml/manifold/tsne.h index c07b72f486..c8d12f2b8c 100644 --- a/cpp/include/cuml/manifold/tsne.h +++ b/cpp/include/cuml/manifold/tsne.h @@ -1,5 +1,5 @@ /* - * Copyright (c) 2019-2023, NVIDIA CORPORATION. + * Copyright (c) 2019-2024, NVIDIA CORPORATION. * * Licensed under the Apache License, Version 2.0 (the "License"); * you may not use this file except in compliance with the License. @@ -17,6 +17,7 @@ #pragma once #include + #include namespace raft { diff --git a/cpp/include/cuml/manifold/umap.hpp b/cpp/include/cuml/manifold/umap.hpp index da119df636..62a875e685 100644 --- a/cpp/include/cuml/manifold/umap.hpp +++ b/cpp/include/cuml/manifold/umap.hpp @@ -1,5 +1,5 @@ /* - * Copyright (c) 2019-2023, NVIDIA CORPORATION. + * Copyright (c) 2019-2024, 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,11 +16,12 @@ #pragma once +#include + #include #include #include -#include #include namespace raft { diff --git a/cpp/include/cuml/manifold/umapparams.h b/cpp/include/cuml/manifold/umapparams.h index ad9b440806..227f46982e 100644 --- a/cpp/include/cuml/manifold/umapparams.h +++ b/cpp/include/cuml/manifold/umapparams.h @@ -1,5 +1,5 @@ /* - * Copyright (c) 2019-2022, NVIDIA CORPORATION. + * Copyright (c) 2019-2024, 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,6 +18,7 @@ #include #include + #include namespace ML { diff --git a/cpp/include/cuml/neighbors/knn_api.h b/cpp/include/cuml/neighbors/knn_api.h index cc7ee149e8..0ba8ffbc8b 100644 --- a/cpp/include/cuml/neighbors/knn_api.h +++ b/cpp/include/cuml/neighbors/knn_api.h @@ -1,5 +1,5 @@ /* - * Copyright (c) 2019-2023, NVIDIA CORPORATION. + * Copyright (c) 2019-2024, NVIDIA CORPORATION. * * Licensed under the Apache License, Version 2.0 (the "License"); * you may not use this file except in compliance with the License. @@ -17,6 +17,7 @@ #pragma once #include + #include #include diff --git a/cpp/include/cuml/neighbors/knn_mg.hpp b/cpp/include/cuml/neighbors/knn_mg.hpp index 7ee9771fc0..28d9ccad68 100644 --- a/cpp/include/cuml/neighbors/knn_mg.hpp +++ b/cpp/include/cuml/neighbors/knn_mg.hpp @@ -1,5 +1,5 @@ /* - * Copyright (c) 2019-2022, NVIDIA CORPORATION. + * Copyright (c) 2019-2024, 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,11 +16,11 @@ #pragma once -#include -#include - #include #include +#include + +#include namespace ML { namespace KNN { diff --git a/cpp/include/cuml/neighbors/knn_sparse.hpp b/cpp/include/cuml/neighbors/knn_sparse.hpp index fa4e6bbe76..3ac0d7969a 100644 --- a/cpp/include/cuml/neighbors/knn_sparse.hpp +++ b/cpp/include/cuml/neighbors/knn_sparse.hpp @@ -1,5 +1,5 @@ /* - * Copyright (c) 2019-2022, NVIDIA CORPORATION. + * Copyright (c) 2019-2024, 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,11 +16,12 @@ #pragma once -#include - #include + #include +#include + namespace raft { class handle_t; } diff --git a/cpp/include/cuml/random_projection/rproj_c.h b/cpp/include/cuml/random_projection/rproj_c.h index 5e6b148556..c671bd6876 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-2022, NVIDIA CORPORATION. + * Copyright (c) 2018-2024, NVIDIA CORPORATION. * * Licensed under the Apache License, Version 2.0 (the "License"); * you may not use this file except in compliance with the License. @@ -17,6 +17,7 @@ #pragma once #include + #include namespace ML { diff --git a/cpp/include/cuml/solvers/cd_mg.hpp b/cpp/include/cuml/solvers/cd_mg.hpp index 810be66f45..142efde86f 100644 --- a/cpp/include/cuml/solvers/cd_mg.hpp +++ b/cpp/include/cuml/solvers/cd_mg.hpp @@ -1,5 +1,5 @@ /* - * Copyright (c) 2020-2022, NVIDIA CORPORATION. + * Copyright (c) 2020-2024, NVIDIA CORPORATION. * * Licensed under the Apache License, Version 2.0 (the "License"); * you may not use this file except in compliance with the License. @@ -17,6 +17,7 @@ #pragma once #include + #include #include diff --git a/cpp/include/cuml/svm/svc.hpp b/cpp/include/cuml/svm/svc.hpp index 612a7e7af5..426a049483 100644 --- a/cpp/include/cuml/svm/svc.hpp +++ b/cpp/include/cuml/svm/svc.hpp @@ -1,5 +1,5 @@ /* - * Copyright (c) 2019-2023, NVIDIA CORPORATION. + * Copyright (c) 2019-2024, 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,9 @@ #include "svm_model.h" #include "svm_parameter.h" + #include + #include #include diff --git a/cpp/include/cuml/svm/svr.hpp b/cpp/include/cuml/svm/svr.hpp index d51022f502..1bc426d1d6 100644 --- a/cpp/include/cuml/svm/svr.hpp +++ b/cpp/include/cuml/svm/svr.hpp @@ -1,5 +1,5 @@ /* - * Copyright (c) 2019-2023, NVIDIA CORPORATION. + * Copyright (c) 2019-2024, 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,9 +16,10 @@ #pragma once -#include #include +#include + namespace ML { namespace SVM { diff --git a/cpp/include/cuml/tsa/arima_common.h b/cpp/include/cuml/tsa/arima_common.h index 4e34358ae7..cd9f2d22f5 100644 --- a/cpp/include/cuml/tsa/arima_common.h +++ b/cpp/include/cuml/tsa/arima_common.h @@ -1,5 +1,5 @@ /* - * Copyright (c) 2020-2023, NVIDIA CORPORATION. + * Copyright (c) 2020-2024, 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,16 +16,17 @@ #pragma once -#include - -#include - #include + #include + +#include #include #include #include +#include + namespace ML { /** diff --git a/cpp/include/cuml/tsa/holtwinters_api.h b/cpp/include/cuml/tsa/holtwinters_api.h index f96e172cc4..72356f7b04 100644 --- a/cpp/include/cuml/tsa/holtwinters_api.h +++ b/cpp/include/cuml/tsa/holtwinters_api.h @@ -1,5 +1,5 @@ /* - * Copyright (c) 2019-2021, NVIDIA CORPORATION. + * Copyright (c) 2019-2024, 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,6 +16,7 @@ #pragma once #include + #include #ifdef __cplusplus diff --git a/cpp/src/arima/batched_arima.cu b/cpp/src/arima/batched_arima.cu index 71ec2d5b69..50ce88be25 100644 --- a/cpp/src/arima/batched_arima.cu +++ b/cpp/src/arima/batched_arima.cu @@ -1,5 +1,5 @@ /* - * Copyright (c) 2019-2023, NVIDIA CORPORATION. + * Copyright (c) 2019-2024, NVIDIA CORPORATION. * * Licensed under the Apache License, Version 2.0 (the "License"); * you may not use this file except in compliance with the License. @@ -14,23 +14,11 @@ * limitations under the License. */ -#include -#include -#include -#include - -#include -#include -#include -#include -#include -#include +#include #include #include -#include -#include #include #include #include @@ -38,10 +26,25 @@ #include #include #include + #include + +#include +#include +#include +#include +#include +#include + +#include #include #include +#include +#include +#include +#include + namespace ML { void pack(raft::handle_t& handle, diff --git a/cpp/src/arima/batched_kalman.cu b/cpp/src/arima/batched_kalman.cu index 52b2033860..034089c2b9 100644 --- a/cpp/src/arima/batched_kalman.cu +++ b/cpp/src/arima/batched_kalman.cu @@ -1,5 +1,5 @@ /* - * Copyright (c) 2019-2023, NVIDIA CORPORATION. + * Copyright (c) 2019-2024, NVIDIA CORPORATION. * * Licensed under the Apache License, Version 2.0 (the "License"); * you may not use this file except in compliance with the License. @@ -14,27 +14,28 @@ * limitations under the License. */ -#include -#include - #include +#include +#include +#include +#include + #include #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 4db5b7e342..85190b4367 100644 --- a/cpp/src/common/cumlHandle.cpp +++ b/cpp/src/common/cumlHandle.cpp @@ -1,5 +1,5 @@ /* - * Copyright (c) 2019-2022, NVIDIA CORPORATION. + * Copyright (c) 2019-2024, NVIDIA CORPORATION. * * Licensed under the Apache License, Version 2.0 (the "License"); * you may not use this file except in compliance with the License. @@ -17,6 +17,7 @@ #include "cumlHandle.hpp" #include + #include // #TODO: Replace with public header when ready #include diff --git a/cpp/src/common/logger.cpp b/cpp/src/common/logger.cpp index e2bc5d0149..b39a59e94f 100644 --- a/cpp/src/common/logger.cpp +++ b/cpp/src/common/logger.cpp @@ -1,5 +1,5 @@ /* - * Copyright (c) 2020-2021, NVIDIA CORPORATION. + * Copyright (c) 2020-2024, NVIDIA CORPORATION. * * Licensed under the Apache License, Version 2.0 (the "License"); * you may not use this file except in compliance with the License. @@ -14,12 +14,13 @@ * limitations under the License. */ #define SPDLOG_HEADER_ONLY +#include +#include + #include // NOLINT #include // NOLINT #include -#include -#include #include namespace ML { diff --git a/cpp/src/datasets/make_arima.cu b/cpp/src/datasets/make_arima.cu index 49476f5d9d..5eeecccc84 100644 --- a/cpp/src/datasets/make_arima.cu +++ b/cpp/src/datasets/make_arima.cu @@ -1,5 +1,5 @@ /* - * Copyright (c) 2020-2021, NVIDIA CORPORATION. + * Copyright (c) 2020-2024, NVIDIA CORPORATION. * * Licensed under the Apache License, Version 2.0 (the "License"); * you may not use this file except in compliance with the License. @@ -15,7 +15,9 @@ */ #include + #include + #include namespace ML { diff --git a/cpp/src/datasets/make_blobs.cu b/cpp/src/datasets/make_blobs.cu index 469898f9f1..a5467ff7df 100644 --- a/cpp/src/datasets/make_blobs.cu +++ b/cpp/src/datasets/make_blobs.cu @@ -1,5 +1,5 @@ /* - * Copyright (c) 2019-2022, NVIDIA CORPORATION. + * Copyright (c) 2019-2024, NVIDIA CORPORATION. * * Licensed under the Apache License, Version 2.0 (the "License"); * you may not use this file except in compliance with the License. @@ -15,6 +15,7 @@ */ #include + #include #include diff --git a/cpp/src/datasets/make_regression.cu b/cpp/src/datasets/make_regression.cu index 26c8ae756b..706d5a9e4e 100644 --- a/cpp/src/datasets/make_regression.cu +++ b/cpp/src/datasets/make_regression.cu @@ -1,5 +1,5 @@ /* - * Copyright (c) 2019-2022, NVIDIA CORPORATION. + * Copyright (c) 2019-2024, NVIDIA CORPORATION. * * Licensed under the Apache License, Version 2.0 (the "License"); * you may not use this file except in compliance with the License. @@ -15,6 +15,7 @@ */ #include + #include #include diff --git a/cpp/src/dbscan/adjgraph/algo.cuh b/cpp/src/dbscan/adjgraph/algo.cuh index 1b958e2d39..93dca57c0e 100644 --- a/cpp/src/dbscan/adjgraph/algo.cuh +++ b/cpp/src/dbscan/adjgraph/algo.cuh @@ -1,5 +1,5 @@ /* - * Copyright (c) 2018-2022, NVIDIA CORPORATION. + * Copyright (c) 2018-2024, 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,17 +16,18 @@ #pragma once -#include -#include -#include - #include "pack.h" #include #include #include + #include +#include +#include +#include + namespace ML { namespace Dbscan { namespace AdjGraph { diff --git a/cpp/src/dbscan/dbscan.cu b/cpp/src/dbscan/dbscan.cu index 0d01e94271..72a13424b0 100644 --- a/cpp/src/dbscan/dbscan.cu +++ b/cpp/src/dbscan/dbscan.cu @@ -1,5 +1,5 @@ /* - * Copyright (c) 2018-2023, NVIDIA CORPORATION. + * Copyright (c) 2018-2024, NVIDIA CORPORATION. * * Licensed under the Apache License, Version 2.0 (the "License"); * you may not use this file except in compliance with the License. @@ -14,9 +14,10 @@ * limitations under the License. */ +#include "dbscan.cuh" + #include -#include "dbscan.cuh" #include namespace ML { diff --git a/cpp/src/dbscan/dbscan.cuh b/cpp/src/dbscan/dbscan.cuh index 2796955793..dd7e6dd98b 100644 --- a/cpp/src/dbscan/dbscan.cuh +++ b/cpp/src/dbscan/dbscan.cuh @@ -1,5 +1,5 @@ /* - * Copyright (c) 2018-2023, NVIDIA CORPORATION. + * Copyright (c) 2018-2024, 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,11 +18,11 @@ #include "runner.cuh" -#include - #include #include +#include + #include #include diff --git a/cpp/src/dbscan/dbscan_api.cpp b/cpp/src/dbscan/dbscan_api.cpp index 061c1f6b02..db3bfa07f7 100644 --- a/cpp/src/dbscan/dbscan_api.cpp +++ b/cpp/src/dbscan/dbscan_api.cpp @@ -1,5 +1,5 @@ /* - * Copyright (c) 2018-2023, NVIDIA CORPORATION. + * Copyright (c) 2018-2024, NVIDIA CORPORATION. * * Licensed under the Apache License, Version 2.0 (the "License"); * you may not use this file except in compliance with the License. @@ -14,10 +14,10 @@ * limitations under the License. */ -#include - #include + #include +#include #include extern "C" { diff --git a/cpp/src/dbscan/mergelabels/runner.cuh b/cpp/src/dbscan/mergelabels/runner.cuh index c4d109ae39..1e4d997270 100644 --- a/cpp/src/dbscan/mergelabels/runner.cuh +++ b/cpp/src/dbscan/mergelabels/runner.cuh @@ -1,5 +1,5 @@ /* - * Copyright (c) 2020-2022, NVIDIA CORPORATION. + * Copyright (c) 2020-2024, 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,9 +16,8 @@ #pragma once -#include - #include +#include namespace ML { namespace Dbscan { namespace MergeLabels { diff --git a/cpp/src/dbscan/mergelabels/tree_reduction.cuh b/cpp/src/dbscan/mergelabels/tree_reduction.cuh index 3bb9fdd6cd..79d104215f 100644 --- a/cpp/src/dbscan/mergelabels/tree_reduction.cuh +++ b/cpp/src/dbscan/mergelabels/tree_reduction.cuh @@ -1,5 +1,5 @@ /* - * Copyright (c) 2020-2022, NVIDIA CORPORATION. + * Copyright (c) 2020-2024, 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,10 +18,10 @@ #include "runner.cuh" -#include - #include +#include + namespace ML { namespace Dbscan { namespace MergeLabels { diff --git a/cpp/src/dbscan/runner.cuh b/cpp/src/dbscan/runner.cuh index 89e714e058..79ea76e29e 100644 --- a/cpp/src/dbscan/runner.cuh +++ b/cpp/src/dbscan/runner.cuh @@ -1,5 +1,5 @@ /* - * Copyright (c) 2018-2023, NVIDIA CORPORATION. + * Copyright (c) 2018-2024, NVIDIA CORPORATION. * * Licensed under the Apache License, Version 2.0 (the "License"); * you may not use this file except in compliance with the License. @@ -22,15 +22,15 @@ #include "mergelabels/runner.cuh" #include "mergelabels/tree_reduction.cuh" #include "vertexdeg/runner.cuh" + #include -#include -#include -#include -#include #include #include +#include +#include +#include #include #include diff --git a/cpp/src/dbscan/vertexdeg/algo.cuh b/cpp/src/dbscan/vertexdeg/algo.cuh index ac67664207..2deecc2047 100644 --- a/cpp/src/dbscan/vertexdeg/algo.cuh +++ b/cpp/src/dbscan/vertexdeg/algo.cuh @@ -1,5 +1,5 @@ /* - * Copyright (c) 2018-2023, NVIDIA CORPORATION. + * Copyright (c) 2018-2024, NVIDIA CORPORATION. * * Licensed under the Apache License, Version 2.0 (the "License"); * you may not use this file except in compliance with the License. @@ -17,17 +17,20 @@ #pragma once #include "pack.h" -#include -#include -#include -#include "pack.h" +#include #include #include #include +#include #include + #include +#include + +#include + namespace ML { namespace Dbscan { namespace VertexDeg { diff --git a/cpp/src/dbscan/vertexdeg/precomputed.cuh b/cpp/src/dbscan/vertexdeg/precomputed.cuh index 9dbd7605c9..8f13bc7cd6 100644 --- a/cpp/src/dbscan/vertexdeg/precomputed.cuh +++ b/cpp/src/dbscan/vertexdeg/precomputed.cuh @@ -1,5 +1,5 @@ /* - * Copyright (c) 2021-2023, NVIDIA CORPORATION. + * Copyright (c) 2021-2024, 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,16 +16,18 @@ #pragma once -#include -#include -#include +#include "pack.h" + #include #include #include #include #include -#include "pack.h" +#include +#include + +#include namespace ML { namespace Dbscan { diff --git a/cpp/src/decisiontree/batched-levelalgo/builder.cuh b/cpp/src/decisiontree/batched-levelalgo/builder.cuh index 7b6c02bc1d..2695118c56 100644 --- a/cpp/src/decisiontree/batched-levelalgo/builder.cuh +++ b/cpp/src/decisiontree/batched-levelalgo/builder.cuh @@ -1,5 +1,5 @@ /* - * Copyright (c) 2019-2023, NVIDIA CORPORATION. + * Copyright (c) 2019-2024, 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,19 +16,22 @@ #pragma once -#include -#include -#include - #include "kernels/builder_kernels.cuh" #include + #include +#include #include + +#include +#include #include +#include + #include -#include +#include #include namespace ML { diff --git a/cpp/src/decisiontree/batched-levelalgo/kernels/builder_kernels_impl.cuh b/cpp/src/decisiontree/batched-levelalgo/kernels/builder_kernels_impl.cuh index 6e6e526c78..c73af68f4d 100644 --- a/cpp/src/decisiontree/batched-levelalgo/kernels/builder_kernels_impl.cuh +++ b/cpp/src/decisiontree/batched-levelalgo/kernels/builder_kernels_impl.cuh @@ -1,5 +1,5 @@ /* - * Copyright (c) 2019-2023, NVIDIA CORPORATION. + * Copyright (c) 2019-2024, NVIDIA CORPORATION. * * Licensed under the Apache License, Version 2.0 (the "License"); * you may not use this file except in compliance with the License. @@ -15,14 +15,16 @@ */ #pragma once -#include +#include "builder_kernels.cuh" #include -#include + #include + +#include #include -#include "builder_kernels.cuh" +#include namespace ML { namespace DT { diff --git a/cpp/src/decisiontree/batched-levelalgo/kernels/entropy-double.cu b/cpp/src/decisiontree/batched-levelalgo/kernels/entropy-double.cu index 1b37a03503..0ae14d45a2 100644 --- a/cpp/src/decisiontree/batched-levelalgo/kernels/entropy-double.cu +++ b/cpp/src/decisiontree/batched-levelalgo/kernels/entropy-double.cu @@ -1,5 +1,5 @@ /* - * Copyright (c) 2019-2022, NVIDIA CORPORATION. + * Copyright (c) 2019-2024, NVIDIA CORPORATION. * * Licensed under the Apache License, Version 2.0 (the "License"); * you may not use this file except in compliance with the License. @@ -14,11 +14,11 @@ * limitations under the License. */ -#include - #include "../bins.cuh" #include "../objectives.cuh" +#include + namespace ML { namespace DT { using _DataT = double; diff --git a/cpp/src/decisiontree/batched-levelalgo/kernels/entropy-float.cu b/cpp/src/decisiontree/batched-levelalgo/kernels/entropy-float.cu index 618e03fef5..92c2eefe4e 100644 --- a/cpp/src/decisiontree/batched-levelalgo/kernels/entropy-float.cu +++ b/cpp/src/decisiontree/batched-levelalgo/kernels/entropy-float.cu @@ -1,5 +1,5 @@ /* - * Copyright (c) 2019-2022, NVIDIA CORPORATION. + * Copyright (c) 2019-2024, NVIDIA CORPORATION. * * Licensed under the Apache License, Version 2.0 (the "License"); * you may not use this file except in compliance with the License. @@ -14,11 +14,11 @@ * limitations under the License. */ -#include - #include "../bins.cuh" #include "../objectives.cuh" +#include + namespace ML { namespace DT { using _DataT = float; diff --git a/cpp/src/decisiontree/batched-levelalgo/kernels/gamma-double.cu b/cpp/src/decisiontree/batched-levelalgo/kernels/gamma-double.cu index 60c35bb9b4..731dde9761 100644 --- a/cpp/src/decisiontree/batched-levelalgo/kernels/gamma-double.cu +++ b/cpp/src/decisiontree/batched-levelalgo/kernels/gamma-double.cu @@ -1,5 +1,5 @@ /* - * Copyright (c) 2019-2022, NVIDIA CORPORATION. + * Copyright (c) 2019-2024, NVIDIA CORPORATION. * * Licensed under the Apache License, Version 2.0 (the "License"); * you may not use this file except in compliance with the License. @@ -14,11 +14,11 @@ * limitations under the License. */ -#include - #include "../bins.cuh" #include "../objectives.cuh" +#include + namespace ML { namespace DT { using _DataT = double; diff --git a/cpp/src/decisiontree/batched-levelalgo/kernels/gamma-float.cu b/cpp/src/decisiontree/batched-levelalgo/kernels/gamma-float.cu index e3c6630ede..2526fc74d4 100644 --- a/cpp/src/decisiontree/batched-levelalgo/kernels/gamma-float.cu +++ b/cpp/src/decisiontree/batched-levelalgo/kernels/gamma-float.cu @@ -1,5 +1,5 @@ /* - * Copyright (c) 2019-2022, NVIDIA CORPORATION. + * Copyright (c) 2019-2024, NVIDIA CORPORATION. * * Licensed under the Apache License, Version 2.0 (the "License"); * you may not use this file except in compliance with the License. @@ -14,11 +14,11 @@ * limitations under the License. */ -#include - #include "../bins.cuh" #include "../objectives.cuh" +#include + namespace ML { namespace DT { using _DataT = float; diff --git a/cpp/src/decisiontree/batched-levelalgo/kernels/gini-double.cu b/cpp/src/decisiontree/batched-levelalgo/kernels/gini-double.cu index 3666e48f7d..de396abb6b 100644 --- a/cpp/src/decisiontree/batched-levelalgo/kernels/gini-double.cu +++ b/cpp/src/decisiontree/batched-levelalgo/kernels/gini-double.cu @@ -1,5 +1,5 @@ /* - * Copyright (c) 2019-2022, NVIDIA CORPORATION. + * Copyright (c) 2019-2024, NVIDIA CORPORATION. * * Licensed under the Apache License, Version 2.0 (the "License"); * you may not use this file except in compliance with the License. @@ -14,11 +14,11 @@ * limitations under the License. */ -#include - #include "../bins.cuh" #include "../objectives.cuh" +#include + namespace ML { namespace DT { using _DataT = double; diff --git a/cpp/src/decisiontree/batched-levelalgo/kernels/gini-float.cu b/cpp/src/decisiontree/batched-levelalgo/kernels/gini-float.cu index 0abd98756f..87a1967bfb 100644 --- a/cpp/src/decisiontree/batched-levelalgo/kernels/gini-float.cu +++ b/cpp/src/decisiontree/batched-levelalgo/kernels/gini-float.cu @@ -1,5 +1,5 @@ /* - * Copyright (c) 2019-2022, NVIDIA CORPORATION. + * Copyright (c) 2019-2024, NVIDIA CORPORATION. * * Licensed under the Apache License, Version 2.0 (the "License"); * you may not use this file except in compliance with the License. @@ -14,11 +14,11 @@ * limitations under the License. */ -#include - #include "../bins.cuh" #include "../objectives.cuh" +#include + namespace ML { namespace DT { using _DataT = float; diff --git a/cpp/src/decisiontree/batched-levelalgo/kernels/inverse_gaussian-double.cu b/cpp/src/decisiontree/batched-levelalgo/kernels/inverse_gaussian-double.cu index a89f27a265..41fff20a49 100644 --- a/cpp/src/decisiontree/batched-levelalgo/kernels/inverse_gaussian-double.cu +++ b/cpp/src/decisiontree/batched-levelalgo/kernels/inverse_gaussian-double.cu @@ -1,5 +1,5 @@ /* - * Copyright (c) 2019-2022, NVIDIA CORPORATION. + * Copyright (c) 2019-2024, NVIDIA CORPORATION. * * Licensed under the Apache License, Version 2.0 (the "License"); * you may not use this file except in compliance with the License. @@ -14,11 +14,11 @@ * limitations under the License. */ -#include - #include "../bins.cuh" #include "../objectives.cuh" +#include + namespace ML { namespace DT { using _DataT = double; diff --git a/cpp/src/decisiontree/batched-levelalgo/kernels/inverse_gaussian-float.cu b/cpp/src/decisiontree/batched-levelalgo/kernels/inverse_gaussian-float.cu index b2582ef14a..a98a52c1d1 100644 --- a/cpp/src/decisiontree/batched-levelalgo/kernels/inverse_gaussian-float.cu +++ b/cpp/src/decisiontree/batched-levelalgo/kernels/inverse_gaussian-float.cu @@ -1,5 +1,5 @@ /* - * Copyright (c) 2019-2022, NVIDIA CORPORATION. + * Copyright (c) 2019-2024, NVIDIA CORPORATION. * * Licensed under the Apache License, Version 2.0 (the "License"); * you may not use this file except in compliance with the License. @@ -14,11 +14,11 @@ * limitations under the License. */ -#include - #include "../bins.cuh" #include "../objectives.cuh" +#include + namespace ML { namespace DT { using _DataT = float; diff --git a/cpp/src/decisiontree/batched-levelalgo/kernels/mse-double.cu b/cpp/src/decisiontree/batched-levelalgo/kernels/mse-double.cu index b9b5ec461b..3dd82c07bc 100644 --- a/cpp/src/decisiontree/batched-levelalgo/kernels/mse-double.cu +++ b/cpp/src/decisiontree/batched-levelalgo/kernels/mse-double.cu @@ -1,5 +1,5 @@ /* - * Copyright (c) 2019-2022, NVIDIA CORPORATION. + * Copyright (c) 2019-2024, NVIDIA CORPORATION. * * Licensed under the Apache License, Version 2.0 (the "License"); * you may not use this file except in compliance with the License. @@ -14,11 +14,11 @@ * limitations under the License. */ -#include - #include "../bins.cuh" #include "../objectives.cuh" +#include + namespace ML { namespace DT { using _DataT = double; diff --git a/cpp/src/decisiontree/batched-levelalgo/kernels/mse-float.cu b/cpp/src/decisiontree/batched-levelalgo/kernels/mse-float.cu index ca1f36425d..52c2ca0d62 100644 --- a/cpp/src/decisiontree/batched-levelalgo/kernels/mse-float.cu +++ b/cpp/src/decisiontree/batched-levelalgo/kernels/mse-float.cu @@ -1,5 +1,5 @@ /* - * Copyright (c) 2019-2022, NVIDIA CORPORATION. + * Copyright (c) 2019-2024, NVIDIA CORPORATION. * * Licensed under the Apache License, Version 2.0 (the "License"); * you may not use this file except in compliance with the License. @@ -14,11 +14,11 @@ * limitations under the License. */ -#include - #include "../bins.cuh" #include "../objectives.cuh" +#include + namespace ML { namespace DT { using _DataT = float; diff --git a/cpp/src/decisiontree/batched-levelalgo/kernels/poisson-double.cu b/cpp/src/decisiontree/batched-levelalgo/kernels/poisson-double.cu index fd15ceffda..496fd2d42a 100644 --- a/cpp/src/decisiontree/batched-levelalgo/kernels/poisson-double.cu +++ b/cpp/src/decisiontree/batched-levelalgo/kernels/poisson-double.cu @@ -1,5 +1,5 @@ /* - * Copyright (c) 2019-2022, NVIDIA CORPORATION. + * Copyright (c) 2019-2024, NVIDIA CORPORATION. * * Licensed under the Apache License, Version 2.0 (the "License"); * you may not use this file except in compliance with the License. @@ -14,11 +14,11 @@ * limitations under the License. */ -#include - #include "../bins.cuh" #include "../objectives.cuh" +#include + namespace ML { namespace DT { using _DataT = double; diff --git a/cpp/src/decisiontree/batched-levelalgo/kernels/poisson-float.cu b/cpp/src/decisiontree/batched-levelalgo/kernels/poisson-float.cu index db3f9114ce..02e2ba5218 100644 --- a/cpp/src/decisiontree/batched-levelalgo/kernels/poisson-float.cu +++ b/cpp/src/decisiontree/batched-levelalgo/kernels/poisson-float.cu @@ -1,5 +1,5 @@ /* - * Copyright (c) 2019-2022, NVIDIA CORPORATION. + * Copyright (c) 2019-2024, NVIDIA CORPORATION. * * Licensed under the Apache License, Version 2.0 (the "License"); * you may not use this file except in compliance with the License. @@ -14,11 +14,11 @@ * limitations under the License. */ -#include - #include "../bins.cuh" #include "../objectives.cuh" +#include + namespace ML { namespace DT { using _DataT = float; diff --git a/cpp/src/decisiontree/batched-levelalgo/objectives.cuh b/cpp/src/decisiontree/batched-levelalgo/objectives.cuh index 8ecebf90f4..348dbfe04c 100644 --- a/cpp/src/decisiontree/batched-levelalgo/objectives.cuh +++ b/cpp/src/decisiontree/batched-levelalgo/objectives.cuh @@ -1,5 +1,5 @@ /* - * Copyright (c) 2019-2022, NVIDIA CORPORATION. + * Copyright (c) 2019-2024, 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,9 @@ #include "dataset.h" #include "split.cuh" + #include + #include namespace ML { diff --git a/cpp/src/decisiontree/batched-levelalgo/quantiles.cuh b/cpp/src/decisiontree/batched-levelalgo/quantiles.cuh index 174605a22d..93ce1d4d64 100644 --- a/cpp/src/decisiontree/batched-levelalgo/quantiles.cuh +++ b/cpp/src/decisiontree/batched-levelalgo/quantiles.cuh @@ -1,5 +1,5 @@ /* - * Copyright (c) 2019-2022, NVIDIA CORPORATION. + * Copyright (c) 2019-2024, 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,18 +16,20 @@ #pragma once -#include -#include -#include +#include "quantiles.h" + #include +#include #include + #include #include -#include -#include +#include +#include -#include "quantiles.h" +#include +#include namespace ML { namespace DT { diff --git a/cpp/src/decisiontree/decisiontree.cu b/cpp/src/decisiontree/decisiontree.cu index 46516aaa4a..dc29cac4bb 100644 --- a/cpp/src/decisiontree/decisiontree.cu +++ b/cpp/src/decisiontree/decisiontree.cu @@ -1,5 +1,5 @@ /* - * Copyright (c) 2019-2022, NVIDIA CORPORATION. + * Copyright (c) 2019-2024, NVIDIA CORPORATION. * * Licensed under the Apache License, Version 2.0 (the "License"); * you may not use this file except in compliance with the License. @@ -14,11 +14,12 @@ * limitations under the License. */ +#include "decisiontree.cuh" + #include #include -#include -#include "decisiontree.cuh" +#include namespace ML { namespace DT { diff --git a/cpp/src/decisiontree/decisiontree.cuh b/cpp/src/decisiontree/decisiontree.cuh index 25143337e7..296239e10a 100644 --- a/cpp/src/decisiontree/decisiontree.cuh +++ b/cpp/src/decisiontree/decisiontree.cuh @@ -1,5 +1,5 @@ /* - * Copyright (c) 2019-2023, NVIDIA CORPORATION. + * Copyright (c) 2019-2024, 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,13 +16,17 @@ #pragma once +#include "batched-levelalgo/builder.cuh" +#include "batched-levelalgo/quantiles.cuh" +#include "treelite_util.h" + #include #include #include +#include #include -#include "treelite_util.h" #include #include @@ -32,13 +36,9 @@ #include #include #include -#include #include #include -#include "batched-levelalgo/builder.cuh" -#include "batched-levelalgo/quantiles.cuh" - /** check for treelite runtime API errors and assert accordingly */ #define TREELITE_CHECK_RET(call) \ diff --git a/cpp/src/explainer/kernel_shap.cu b/cpp/src/explainer/kernel_shap.cu index 4bc968f2e7..141258a0d5 100644 --- a/cpp/src/explainer/kernel_shap.cu +++ b/cpp/src/explainer/kernel_shap.cu @@ -1,5 +1,5 @@ /* - * Copyright (c) 2020-2023, NVIDIA CORPORATION. + * Copyright (c) 2020-2024, NVIDIA CORPORATION. * * Licensed under the Apache License, Version 2.0 (the "License"); * you may not use this file except in compliance with the License. @@ -14,11 +14,11 @@ * limitations under the License. */ +#include + #include #include -#include - #include #include diff --git a/cpp/src/explainer/permutation_shap.cu b/cpp/src/explainer/permutation_shap.cu index 46d78d99b2..1cc19e9139 100644 --- a/cpp/src/explainer/permutation_shap.cu +++ b/cpp/src/explainer/permutation_shap.cu @@ -1,5 +1,5 @@ /* - * Copyright (c) 2020-2023, NVIDIA CORPORATION. + * Copyright (c) 2020-2024, NVIDIA CORPORATION. * * Licensed under the Apache License, Version 2.0 (the "License"); * you may not use this file except in compliance with the License. @@ -14,11 +14,11 @@ * limitations under the License. */ +#include + #include #include -#include - namespace ML { namespace Explainer { diff --git a/cpp/src/explainer/tree_shap.cu b/cpp/src/explainer/tree_shap.cu index b05a6f7c3c..bea15d5441 100644 --- a/cpp/src/explainer/tree_shap.cu +++ b/cpp/src/explainer/tree_shap.cu @@ -1,5 +1,5 @@ /* - * Copyright (c) 2021-2023, NVIDIA CORPORATION. + * Copyright (c) 2021-2024, NVIDIA CORPORATION. * * Licensed under the Apache License, Version 2.0 (the "License"); * you may not use this file except in compliance with the License. @@ -14,29 +14,34 @@ * limitations under the License. */ -#include -#include -#include -#include -#include #include -#include -#include -#include -#include + #include #include + #include + #include #include #include #include #include #include + +#include #include #include #include #include + +#include +#include +#include +#include +#include +#include +#include +#include #include #include #include diff --git a/cpp/src/fil/common.cuh b/cpp/src/fil/common.cuh index 34eace065e..bce33bf4b8 100644 --- a/cpp/src/fil/common.cuh +++ b/cpp/src/fil/common.cuh @@ -1,5 +1,5 @@ /* - * Copyright (c) 2019-2022, NVIDIA CORPORATION. + * Copyright (c) 2019-2024, NVIDIA CORPORATION. * * Licensed under the Apache License, Version 2.0 (the "License"); * you may not use this file except in compliance with the License. @@ -17,16 +17,19 @@ /** @file common.cuh Common GPU functionality */ #pragma once -#include -#include -#include -#include -#include +#include "internal.cuh" #include + #include -#include "internal.cuh" +#include + +#include +#include + +#include +#include namespace ML { namespace fil { diff --git a/cpp/src/fil/fil.cu b/cpp/src/fil/fil.cu index e0a1bb778d..9a42b16de4 100644 --- a/cpp/src/fil/fil.cu +++ b/cpp/src/fil/fil.cu @@ -1,5 +1,5 @@ /* - * Copyright (c) 2019-2023, NVIDIA CORPORATION. + * Copyright (c) 2019-2024, NVIDIA CORPORATION. * * Licensed under the Apache License, Version 2.0 (the "License"); * you may not use this file except in compliance with the License. @@ -25,8 +25,10 @@ creation and prediction (the main inference kernel is defined in infer.cu). */ #include // for ASSERT #include // for handle_t #include // for RAFT_CUDA_TRY, cudaStream_t, -#include // for device_uvector -#include // for host_vector + +#include // for device_uvector + +#include // for host_vector #include // for expf #include // for size_t diff --git a/cpp/src/fil/infer.cu b/cpp/src/fil/infer.cu index 73da47cfc1..540293c24e 100644 --- a/cpp/src/fil/infer.cu +++ b/cpp/src/fil/infer.cu @@ -1,5 +1,5 @@ /* - * Copyright (c) 2019-2023, NVIDIA CORPORATION. + * Copyright (c) 2019-2024, NVIDIA CORPORATION. * * Licensed under the Apache License, Version 2.0 (the "License"); * you may not use this file except in compliance with the License. @@ -15,7 +15,6 @@ */ #include "common.cuh" - #include "internal.cuh" #include diff --git a/cpp/src/fil/internal.cuh b/cpp/src/fil/internal.cuh index a7ed967af1..a62ba8c415 100644 --- a/cpp/src/fil/internal.cuh +++ b/cpp/src/fil/internal.cuh @@ -1,5 +1,5 @@ /* - * Copyright (c) 2020-2023, NVIDIA CORPORATION. + * Copyright (c) 2020-2024, NVIDIA CORPORATION. * * Licensed under the Apache License, Version 2.0 (the "License"); * you may not use this file except in compliance with the License. @@ -17,16 +17,20 @@ /** @file internal.cuh cuML-internal interface to Forest Inference Library. */ #pragma once -#include -#include #include -#include -#include + #include #include + #include + #include #include + +#include +#include +#include +#include #include #include diff --git a/cpp/src/fil/treelite_import.cu b/cpp/src/fil/treelite_import.cu index 59dc21132b..bc3a13abb8 100644 --- a/cpp/src/fil/treelite_import.cu +++ b/cpp/src/fil/treelite_import.cu @@ -28,13 +28,12 @@ #include // for handle_t #include // for RAFT_CUDA_TRY +#include // for omp #include // for TreeliteModelHandle #include // for Operator #include // for TreeNodeType #include // for Tree, Model, ModelPreset -#include // for omp - #include // for std::max #include // for std::bitset #include // for NAN diff --git a/cpp/src/genetic/fitness.cuh b/cpp/src/genetic/fitness.cuh index ea6ac4109b..acf605d8fa 100644 --- a/cpp/src/genetic/fitness.cuh +++ b/cpp/src/genetic/fitness.cuh @@ -1,5 +1,5 @@ /* - * Copyright (c) 2021-2023, NVIDIA CORPORATION. + * Copyright (c) 2021-2024, NVIDIA CORPORATION. * * Licensed under the Apache License, Version 2.0 (the "License"); * you may not use this file except in compliance with the License. @@ -14,6 +14,7 @@ * limitations under the License. */ +#include #include #include #include @@ -24,9 +25,11 @@ #include #include #include +#include #include #include +#include #include #include @@ -40,8 +43,6 @@ #include #include -#include - namespace cuml { namespace genetic { diff --git a/cpp/src/genetic/genetic.cu b/cpp/src/genetic/genetic.cu index bad8a2e0e7..f4c3ae5e01 100644 --- a/cpp/src/genetic/genetic.cu +++ b/cpp/src/genetic/genetic.cu @@ -1,5 +1,5 @@ /* - * Copyright (c) 2020-2023, NVIDIA CORPORATION. + * Copyright (c) 2020-2024, 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,6 +16,7 @@ #include "constants.h" #include "node.cuh" + #include #include #include @@ -27,15 +28,16 @@ #include #include +#include +#include + +#include + #include #include #include #include -#include -#include -#include - namespace cuml { namespace genetic { diff --git a/cpp/src/genetic/node.cu b/cpp/src/genetic/node.cu index 5e31d35347..4358206702 100644 --- a/cpp/src/genetic/node.cu +++ b/cpp/src/genetic/node.cu @@ -1,5 +1,5 @@ /* - * Copyright (c) 2020-2022, NVIDIA CORPORATION. + * Copyright (c) 2020-2024, NVIDIA CORPORATION. * * Licensed under the Apache License, Version 2.0 (the "License"); * you may not use this file except in compliance with the License. @@ -15,6 +15,7 @@ */ #include "node.cuh" + #include namespace cuml { diff --git a/cpp/src/genetic/node.cuh b/cpp/src/genetic/node.cuh index a0d5ca95cf..7b7ffaadd5 100644 --- a/cpp/src/genetic/node.cuh +++ b/cpp/src/genetic/node.cuh @@ -1,5 +1,5 @@ /* - * Copyright (c) 2020-2021, NVIDIA CORPORATION. + * Copyright (c) 2020-2024, NVIDIA CORPORATION. * * Licensed under the Apache License, Version 2.0 (the "License"); * you may not use this file except in compliance with the License. @@ -17,6 +17,7 @@ #pragma once #include + #include namespace cuml { diff --git a/cpp/src/genetic/program.cu b/cpp/src/genetic/program.cu index b504985d14..6b172f7874 100644 --- a/cpp/src/genetic/program.cu +++ b/cpp/src/genetic/program.cu @@ -1,5 +1,5 @@ /* - * Copyright (c) 2021-2022, NVIDIA CORPORATION. + * Copyright (c) 2021-2024, NVIDIA CORPORATION. * * Licensed under the Apache License, Version 2.0 (the "License"); * you may not use this file except in compliance with the License. @@ -14,11 +14,18 @@ * limitations under the License. */ +#include "constants.h" +#include "fitness.cuh" +#include "node.cuh" +#include "reg_stack.cuh" + #include #include #include + #include #include + #include #include @@ -26,11 +33,6 @@ #include #include -#include "constants.h" -#include "fitness.cuh" -#include "node.cuh" -#include "reg_stack.cuh" - namespace cuml { namespace genetic { diff --git a/cpp/src/glm/glm.cu b/cpp/src/glm/glm.cu index a7a828f8c8..2cbe666ac0 100644 --- a/cpp/src/glm/glm.cu +++ b/cpp/src/glm/glm.cu @@ -1,5 +1,5 @@ /* - * Copyright (c) 2018-2022, NVIDIA CORPORATION. + * Copyright (c) 2018-2024, NVIDIA CORPORATION. * * Licensed under the Apache License, Version 2.0 (the "License"); * you may not use this file except in compliance with the License. @@ -17,6 +17,7 @@ #include "ols.cuh" #include "qn/qn.cuh" #include "ridge.cuh" + #include namespace raft { diff --git a/cpp/src/glm/glm_api.cpp b/cpp/src/glm/glm_api.cpp index f28ac599ee..30b8a0bd44 100644 --- a/cpp/src/glm/glm_api.cpp +++ b/cpp/src/glm/glm_api.cpp @@ -1,5 +1,5 @@ /* - * Copyright (c) 2019-2022, NVIDIA CORPORATION. + * Copyright (c) 2019-2024, NVIDIA CORPORATION. * * Licensed under the Apache License, Version 2.0 (the "License"); * you may not use this file except in compliance with the License. @@ -14,11 +14,11 @@ * limitations under the License. */ -#include -#include - #include + #include +#include +#include namespace ML::GLM { diff --git a/cpp/src/glm/ols.cuh b/cpp/src/glm/ols.cuh index 0bc7d9bb3f..3621bdb990 100644 --- a/cpp/src/glm/ols.cuh +++ b/cpp/src/glm/ols.cuh @@ -1,5 +1,5 @@ /* - * Copyright (c) 2018-2023, NVIDIA CORPORATION. + * Copyright (c) 2018-2024, 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,6 +16,8 @@ #pragma once +#include "preprocess.cuh" + #include #include #include @@ -29,9 +31,8 @@ #include #include #include -#include -#include "preprocess.cuh" +#include namespace ML { namespace GLM { diff --git a/cpp/src/glm/ols_mg.cu b/cpp/src/glm/ols_mg.cu index 0fda36c038..54e28f5d11 100644 --- a/cpp/src/glm/ols_mg.cu +++ b/cpp/src/glm/ols_mg.cu @@ -1,5 +1,5 @@ /* - * Copyright (c) 2020-2023, NVIDIA CORPORATION. + * Copyright (c) 2020-2024, NVIDIA CORPORATION. * * Licensed under the Apache License, Version 2.0 (the "License"); * you may not use this file except in compliance with the License. @@ -19,7 +19,6 @@ #include #include - #include #include #include diff --git a/cpp/src/glm/preprocess.cuh b/cpp/src/glm/preprocess.cuh index 226040f98b..5188cc96e1 100644 --- a/cpp/src/glm/preprocess.cuh +++ b/cpp/src/glm/preprocess.cuh @@ -1,5 +1,5 @@ /* - * Copyright (c) 2018-2022, NVIDIA CORPORATION. + * Copyright (c) 2018-2024, NVIDIA CORPORATION. * * Licensed under the Apache License, Version 2.0 (the "License"); * you may not use this file except in compliance with the License. @@ -19,6 +19,7 @@ #include #include #include +#include #include #include #include @@ -27,6 +28,7 @@ #include #include #include + #include #include diff --git a/cpp/src/glm/preprocess_mg.cu b/cpp/src/glm/preprocess_mg.cu index 29ae4ae281..822d80ba35 100644 --- a/cpp/src/glm/preprocess_mg.cu +++ b/cpp/src/glm/preprocess_mg.cu @@ -1,5 +1,5 @@ /* - * Copyright (c) 2020-2022, NVIDIA CORPORATION. + * Copyright (c) 2020-2024, NVIDIA CORPORATION. * * Licensed under the Apache License, Version 2.0 (the "License"); * you may not use this file except in compliance with the License. @@ -26,6 +26,7 @@ #include #include #include + #include using namespace MLCommon; diff --git a/cpp/src/glm/qn/glm_base.cuh b/cpp/src/glm/qn/glm_base.cuh index d1e6ef37c6..cfe2657a0b 100644 --- a/cpp/src/glm/qn/glm_base.cuh +++ b/cpp/src/glm/qn/glm_base.cuh @@ -1,5 +1,5 @@ /* - * Copyright (c) 2018-2023, NVIDIA CORPORATION. + * Copyright (c) 2018-2024, NVIDIA CORPORATION. * * Licensed under the Apache License, Version 2.0 (the "License"); * you may not use this file except in compliance with the License. @@ -17,6 +17,7 @@ #pragma once #include "simple_mat.cuh" + #include #include #include @@ -28,6 +29,7 @@ #include #include #include + #include namespace ML { diff --git a/cpp/src/glm/qn/glm_linear.cuh b/cpp/src/glm/qn/glm_linear.cuh index 9f39018187..7a7a45c266 100644 --- a/cpp/src/glm/qn/glm_linear.cuh +++ b/cpp/src/glm/qn/glm_linear.cuh @@ -1,5 +1,5 @@ /* - * Copyright (c) 2018-2022, NVIDIA CORPORATION. + * Copyright (c) 2018-2024, 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,6 +18,7 @@ #include "glm_base.cuh" #include "simple_mat.cuh" + #include #include diff --git a/cpp/src/glm/qn/glm_logistic.cuh b/cpp/src/glm/qn/glm_logistic.cuh index 1c57b6fadf..d6c7622d0e 100644 --- a/cpp/src/glm/qn/glm_logistic.cuh +++ b/cpp/src/glm/qn/glm_logistic.cuh @@ -1,5 +1,5 @@ /* - * Copyright (c) 2018-2022, NVIDIA CORPORATION. + * Copyright (c) 2018-2024, 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,6 +18,7 @@ #include "glm_base.cuh" #include "simple_mat.cuh" + #include #include diff --git a/cpp/src/glm/qn/glm_regularizer.cuh b/cpp/src/glm/qn/glm_regularizer.cuh index 6f88ccc78d..6eed6a9047 100644 --- a/cpp/src/glm/qn/glm_regularizer.cuh +++ b/cpp/src/glm/qn/glm_regularizer.cuh @@ -1,5 +1,5 @@ /* - * Copyright (c) 2018-2022, NVIDIA CORPORATION. + * Copyright (c) 2018-2024, NVIDIA CORPORATION. * * Licensed under the Apache License, Version 2.0 (the "License"); * you may not use this file except in compliance with the License. @@ -17,6 +17,7 @@ #pragma once #include "simple_mat.cuh" + #include #include #include diff --git a/cpp/src/glm/qn/glm_softmax.cuh b/cpp/src/glm/qn/glm_softmax.cuh index 44483a9103..cd4a67f9c7 100644 --- a/cpp/src/glm/qn/glm_softmax.cuh +++ b/cpp/src/glm/qn/glm_softmax.cuh @@ -1,5 +1,5 @@ /* - * Copyright (c) 2018-2023, NVIDIA CORPORATION. + * Copyright (c) 2018-2024, 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,6 +18,7 @@ #include "glm_base.cuh" #include "simple_mat.cuh" + #include #include diff --git a/cpp/src/glm/qn/glm_svm.cuh b/cpp/src/glm/qn/glm_svm.cuh index 24bad5e301..75f2113bb6 100644 --- a/cpp/src/glm/qn/glm_svm.cuh +++ b/cpp/src/glm/qn/glm_svm.cuh @@ -1,5 +1,5 @@ /* - * Copyright (c) 2021-2022, NVIDIA CORPORATION. + * Copyright (c) 2021-2024, 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,6 +18,7 @@ #include "glm_base.cuh" #include "simple_mat.cuh" + #include #include diff --git a/cpp/src/glm/qn/mg/glm_base_mg.cuh b/cpp/src/glm/qn/mg/glm_base_mg.cuh index eac3398b94..07a8f050e8 100644 --- a/cpp/src/glm/qn/mg/glm_base_mg.cuh +++ b/cpp/src/glm/qn/mg/glm_base_mg.cuh @@ -20,11 +20,10 @@ #include #include -#include - #include #include #include +#include #include #include diff --git a/cpp/src/glm/qn/mg/qn_mg.cuh b/cpp/src/glm/qn/mg/qn_mg.cuh index e9178dd6ac..d594890f1e 100644 --- a/cpp/src/glm/qn/mg/qn_mg.cuh +++ b/cpp/src/glm/qn/mg/qn_mg.cuh @@ -17,6 +17,10 @@ #include "glm_base_mg.cuh" #include "standardization.cuh" +#include + +#include + #include #include #include @@ -24,9 +28,6 @@ #include #include -#include -#include - namespace ML { namespace GLM { namespace opg { diff --git a/cpp/src/glm/qn/mg/standardization.cuh b/cpp/src/glm/qn/mg/standardization.cuh index 8b3eaeada0..3d75a1c94f 100644 --- a/cpp/src/glm/qn/mg/standardization.cuh +++ b/cpp/src/glm/qn/mg/standardization.cuh @@ -16,15 +16,11 @@ #pragma once -#include - -#include -#include +#include #include #include #include - #include #include #include @@ -34,7 +30,10 @@ #include #include -#include +#include +#include + +#include namespace ML { namespace GLM { diff --git a/cpp/src/glm/qn/qn.cuh b/cpp/src/glm/qn/qn.cuh index 37c962ed36..5be5abd9a7 100644 --- a/cpp/src/glm/qn/qn.cuh +++ b/cpp/src/glm/qn/qn.cuh @@ -1,5 +1,5 @@ /* - * Copyright (c) 2018-2023, NVIDIA CORPORATION. + * Copyright (c) 2018-2024, NVIDIA CORPORATION. * * Licensed under the Apache License, Version 2.0 (the "License"); * you may not use this file except in compliance with the License. @@ -28,6 +28,7 @@ #include #include + #include namespace ML { diff --git a/cpp/src/glm/qn/qn_solvers.cuh b/cpp/src/glm/qn/qn_solvers.cuh index bd80d2ac0d..6f43c7eef0 100644 --- a/cpp/src/glm/qn/qn_solvers.cuh +++ b/cpp/src/glm/qn/qn_solvers.cuh @@ -1,5 +1,5 @@ /* - * Copyright (c) 2018-2023, NVIDIA CORPORATION. + * Copyright (c) 2018-2024, NVIDIA CORPORATION. * * Licensed under the Apache License, Version 2.0 (the "License"); * you may not use this file except in compliance with the License. @@ -43,8 +43,11 @@ #include "qn_linesearch.cuh" #include "qn_util.cuh" #include "simple_mat.cuh" + #include + #include + #include namespace ML { diff --git a/cpp/src/glm/qn/qn_util.cuh b/cpp/src/glm/qn/qn_util.cuh index f6e7ca9950..1013110353 100644 --- a/cpp/src/glm/qn/qn_util.cuh +++ b/cpp/src/glm/qn/qn_util.cuh @@ -1,5 +1,5 @@ /* - * Copyright (c) 2018-2023, NVIDIA CORPORATION. + * Copyright (c) 2018-2024, 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,12 +16,13 @@ #pragma once +#include #include -#include -#include #include +#include + namespace ML { namespace GLM { namespace detail { diff --git a/cpp/src/glm/qn/simple_mat/dense.hpp b/cpp/src/glm/qn/simple_mat/dense.hpp index d09cd0f6b0..ad3c615384 100644 --- a/cpp/src/glm/qn/simple_mat/dense.hpp +++ b/cpp/src/glm/qn/simple_mat/dense.hpp @@ -1,5 +1,5 @@ /* - * Copyright (c) 2018-2022, NVIDIA CORPORATION. + * Copyright (c) 2018-2024, NVIDIA CORPORATION. * * Licensed under the Apache License, Version 2.0 (the "License"); * you may not use this file except in compliance with the License. @@ -15,20 +15,22 @@ */ #pragma once -#include -#include - #include "base.hpp" + #include #include #include #include #include + +#include +#include // #TODO: Replace with public header when ready #include #include #include #include + #include namespace ML { diff --git a/cpp/src/glm/qn/simple_mat/sparse.hpp b/cpp/src/glm/qn/simple_mat/sparse.hpp index 1301ab9ef5..e3fde45e51 100644 --- a/cpp/src/glm/qn/simple_mat/sparse.hpp +++ b/cpp/src/glm/qn/simple_mat/sparse.hpp @@ -1,5 +1,5 @@ /* - * Copyright (c) 2021-2022, NVIDIA CORPORATION. + * Copyright (c) 2021-2024, NVIDIA CORPORATION. * * Licensed under the Apache License, Version 2.0 (the "License"); * you may not use this file except in compliance with the License. @@ -15,23 +15,22 @@ */ #pragma once -#include -#include - #include "base.hpp" -#include -#include -#include -#include +#include #include #include #include +#include #include #include +#include +#include + #include -#include +#include +#include namespace ML { diff --git a/cpp/src/glm/qn_mg.cu b/cpp/src/glm/qn_mg.cu index 1a128100c8..fcd8b02991 100644 --- a/cpp/src/glm/qn_mg.cu +++ b/cpp/src/glm/qn_mg.cu @@ -17,10 +17,11 @@ #include "qn/mg/qn_mg.cuh" #include "qn/mg/standardization.cuh" #include "qn/simple_mat/dense.hpp" -#include + #include #include #include + #include #include #include @@ -35,6 +36,9 @@ #include #include #include + +#include + #include using namespace MLCommon; diff --git a/cpp/src/glm/ridge.cuh b/cpp/src/glm/ridge.cuh index 837a25f066..ccdc4bf08f 100644 --- a/cpp/src/glm/ridge.cuh +++ b/cpp/src/glm/ridge.cuh @@ -1,5 +1,5 @@ /* - * Copyright (c) 2018-2023, NVIDIA CORPORATION. + * Copyright (c) 2018-2024, 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,6 +16,8 @@ #pragma once +#include "preprocess.cuh" + #include #include #include @@ -28,9 +30,8 @@ #include #include #include -#include -#include "preprocess.cuh" +#include namespace ML { namespace GLM { diff --git a/cpp/src/glm/ridge_mg.cu b/cpp/src/glm/ridge_mg.cu index 5562c207bc..1bcedca7e7 100644 --- a/cpp/src/glm/ridge_mg.cu +++ b/cpp/src/glm/ridge_mg.cu @@ -1,5 +1,5 @@ /* - * Copyright (c) 2020-2023, NVIDIA CORPORATION. + * Copyright (c) 2020-2024, 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,6 @@ #include #include #include - #include #include #include diff --git a/cpp/src/hdbscan/condensed_hierarchy.cu b/cpp/src/hdbscan/condensed_hierarchy.cu index 4f3cdcc73b..20f155b012 100644 --- a/cpp/src/hdbscan/condensed_hierarchy.cu +++ b/cpp/src/hdbscan/condensed_hierarchy.cu @@ -1,5 +1,5 @@ /* - * Copyright (c) 2021-2022, NVIDIA CORPORATION. + * Copyright (c) 2021-2024, NVIDIA CORPORATION. * * Licensed under the Apache License, Version 2.0 (the "License"); * you may not use this file except in compliance with the License. @@ -14,19 +14,18 @@ * limitations under the License. */ -#include - -#include - +#include #include + +#include +#include +#include #include #include #include -#include -#include - +#include #include #include #include @@ -39,8 +38,6 @@ #include #include -#include - namespace ML { namespace HDBSCAN { namespace Common { diff --git a/cpp/src/hdbscan/detail/condense.cuh b/cpp/src/hdbscan/detail/condense.cuh index d19a22c69c..e836c19bc6 100644 --- a/cpp/src/hdbscan/detail/condense.cuh +++ b/cpp/src/hdbscan/detail/condense.cuh @@ -1,5 +1,5 @@ /* - * Copyright (c) 2021-2022, NVIDIA CORPORATION. + * Copyright (c) 2021-2024, 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,18 +18,16 @@ #include "kernels/condense.cuh" -#include +#include +#include +#include #include #include #include -#include -#include - -#include - +#include #include #include #include diff --git a/cpp/src/hdbscan/detail/extract.cuh b/cpp/src/hdbscan/detail/extract.cuh index d33e22107d..ba63bf1708 100644 --- a/cpp/src/hdbscan/detail/extract.cuh +++ b/cpp/src/hdbscan/detail/extract.cuh @@ -1,5 +1,5 @@ /* - * Copyright (c) 2021-2023, NVIDIA CORPORATION. + * Copyright (c) 2021-2024, NVIDIA CORPORATION. * * Licensed under the Apache License, Version 2.0 (the "License"); * you may not use this file except in compliance with the License. @@ -21,10 +21,9 @@ #include "stabilities.cuh" #include "utils.h" -#include - #include +#include #include #include #include @@ -32,6 +31,7 @@ #include #include +#include #include #include #include @@ -40,8 +40,6 @@ #include #include -#include - #include #include diff --git a/cpp/src/hdbscan/detail/membership.cuh b/cpp/src/hdbscan/detail/membership.cuh index 9fe1633990..1392788329 100644 --- a/cpp/src/hdbscan/detail/membership.cuh +++ b/cpp/src/hdbscan/detail/membership.cuh @@ -1,5 +1,5 @@ /* - * Copyright (c) 2021-2023, NVIDIA CORPORATION. + * Copyright (c) 2021-2024, NVIDIA CORPORATION. * * Licensed under the Apache License, Version 2.0 (the "License"); * you may not use this file except in compliance with the License. @@ -19,19 +19,17 @@ #include "kernels/membership.cuh" #include "utils.h" -#include - -#include - -#include -#include - #include #include +#include +#include +#include -#include +#include +#include +#include #include #include #include @@ -40,8 +38,7 @@ #include #include -#include -#include +#include namespace ML { namespace HDBSCAN { diff --git a/cpp/src/hdbscan/detail/reachability.cuh b/cpp/src/hdbscan/detail/reachability.cuh index 2105861a3c..03a7f7c0ad 100644 --- a/cpp/src/hdbscan/detail/reachability.cuh +++ b/cpp/src/hdbscan/detail/reachability.cuh @@ -1,5 +1,5 @@ /* - * Copyright (c) 2021-2023, NVIDIA CORPORATION. + * Copyright (c) 2021-2024, 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,21 +16,19 @@ #pragma once -#include -#include +#include +#include #include - #include #include #include +#include +#include #include #include -#include -#include - #include #include #include diff --git a/cpp/src/hdbscan/detail/select.cuh b/cpp/src/hdbscan/detail/select.cuh index e8bf64852c..3bf17c437f 100644 --- a/cpp/src/hdbscan/detail/select.cuh +++ b/cpp/src/hdbscan/detail/select.cuh @@ -1,5 +1,5 @@ /* - * Copyright (c) 2021-2023, NVIDIA CORPORATION. + * Copyright (c) 2021-2024, NVIDIA CORPORATION. * * Licensed under the Apache License, Version 2.0 (the "License"); * you may not use this file except in compliance with the License. @@ -19,19 +19,17 @@ #include "kernels/select.cuh" #include "utils.h" -#include - -#include - -#include -#include - #include #include +#include +#include +#include -#include +#include +#include +#include #include #include #include @@ -45,8 +43,7 @@ #include #include -#include -#include +#include namespace ML { namespace HDBSCAN { diff --git a/cpp/src/hdbscan/detail/soft_clustering.cuh b/cpp/src/hdbscan/detail/soft_clustering.cuh index 85a9c4b9f4..19f6e40754 100644 --- a/cpp/src/hdbscan/detail/soft_clustering.cuh +++ b/cpp/src/hdbscan/detail/soft_clustering.cuh @@ -1,5 +1,5 @@ /* - * Copyright (c) 2022-2023, NVIDIA CORPORATION. + * Copyright (c) 2022-2024, NVIDIA CORPORATION. * * Licensed under the Apache License, Version 2.0 (the "License"); * you may not use this file except in compliance with the License. @@ -19,17 +19,9 @@ #include "kernels/soft_clustering.cuh" #include "select.cuh" #include "utils.h" -#include - -#include - -#include -#include - -#include -#include #include +#include #include #include @@ -38,17 +30,22 @@ #include #include #include +#include +#include +#include +#include #include -#include -#include -#include +#include +#include +#include #include #include -#include -#include +#include +#include +#include namespace ML { namespace HDBSCAN { diff --git a/cpp/src/hdbscan/detail/stabilities.cuh b/cpp/src/hdbscan/detail/stabilities.cuh index 27d7d00c4e..674a58dd59 100644 --- a/cpp/src/hdbscan/detail/stabilities.cuh +++ b/cpp/src/hdbscan/detail/stabilities.cuh @@ -1,5 +1,5 @@ /* - * Copyright (c) 2021-2023, NVIDIA CORPORATION. + * Copyright (c) 2021-2024, NVIDIA CORPORATION. * * Licensed under the Apache License, Version 2.0 (the "License"); * you may not use this file except in compliance with the License. @@ -19,19 +19,17 @@ #include "kernels/stabilities.cuh" #include "utils.h" -#include - -#include - -#include -#include - #include #include +#include +#include +#include -#include +#include +#include +#include #include #include #include @@ -42,8 +40,7 @@ #include #include -#include -#include +#include namespace ML { namespace HDBSCAN { diff --git a/cpp/src/hdbscan/detail/utils.h b/cpp/src/hdbscan/detail/utils.h index 158e48e728..092dc2e673 100644 --- a/cpp/src/hdbscan/detail/utils.h +++ b/cpp/src/hdbscan/detail/utils.h @@ -1,5 +1,5 @@ /* - * Copyright (c) 2021-2023, NVIDIA CORPORATION. + * Copyright (c) 2021-2024, 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,12 +16,9 @@ #pragma once -#include - -#include +#include "../condensed_hierarchy.cu" -#include -#include +#include #include @@ -29,12 +26,14 @@ #include #include #include +#include +#include +#include -#include - -#include "../condensed_hierarchy.cu" -#include +#include +#include +#include #include #include #include @@ -46,8 +45,7 @@ #include #include -#include -#include +#include namespace ML { namespace HDBSCAN { diff --git a/cpp/src/hdbscan/hdbscan.cu b/cpp/src/hdbscan/hdbscan.cu index 8f056d9bc8..ea64d20f6b 100644 --- a/cpp/src/hdbscan/hdbscan.cu +++ b/cpp/src/hdbscan/hdbscan.cu @@ -1,5 +1,5 @@ /* - * Copyright (c) 2021-2023, NVIDIA CORPORATION. + * Copyright (c) 2021-2024, 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,13 +16,13 @@ #include "detail/condense.cuh" #include "detail/predict.cuh" +#include "runner.h" + #include #include #include -#include "runner.h" - namespace ML { void hdbscan(const raft::handle_t& handle, diff --git a/cpp/src/hdbscan/prediction_data.cu b/cpp/src/hdbscan/prediction_data.cu index 99b2d22e0b..8e4db992cb 100644 --- a/cpp/src/hdbscan/prediction_data.cu +++ b/cpp/src/hdbscan/prediction_data.cu @@ -1,5 +1,5 @@ /* - * Copyright (c) 2022-2023, NVIDIA CORPORATION. + * Copyright (c) 2022-2024, 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,16 +16,15 @@ #include "detail/utils.h" -#include -#include - #include #include #include +#include +#include -#include -#include +#include +#include #include #include @@ -35,8 +34,8 @@ #include #include -#include -#include +#include +#include namespace ML { namespace HDBSCAN { namespace Common { diff --git a/cpp/src/hdbscan/runner.h b/cpp/src/hdbscan/runner.h index 20301299de..c79148eed2 100644 --- a/cpp/src/hdbscan/runner.h +++ b/cpp/src/hdbscan/runner.h @@ -1,5 +1,5 @@ /* - * Copyright (c) 2021-2022, NVIDIA CORPORATION. + * Copyright (c) 2021-2024, 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,24 +16,23 @@ #pragma once -#include -#include - -#include -#include -#include +#include "detail/condense.cuh" +#include "detail/extract.cuh" +#include "detail/reachability.cuh" +#include "detail/soft_clustering.cuh" +#include #include #include #include +#include +#include +#include #include +#include -#include "detail/condense.cuh" -#include "detail/extract.cuh" -#include "detail/reachability.cuh" -#include "detail/soft_clustering.cuh" -#include +#include #include #include diff --git a/cpp/src/holtwinters/holtwinters.cu b/cpp/src/holtwinters/holtwinters.cu index 91aa13a71c..315476f45e 100644 --- a/cpp/src/holtwinters/holtwinters.cu +++ b/cpp/src/holtwinters/holtwinters.cu @@ -1,5 +1,5 @@ /* - * Copyright (c) 2019-2022, NVIDIA CORPORATION. + * Copyright (c) 2019-2024, NVIDIA CORPORATION. * * Licensed under the Apache License, Version 2.0 (the "License"); * you may not use this file except in compliance with the License. @@ -15,6 +15,7 @@ */ #include "runner.cuh" + #include namespace ML { diff --git a/cpp/src/holtwinters/holtwinters_api.cpp b/cpp/src/holtwinters/holtwinters_api.cpp index ee791ee498..ed012de402 100644 --- a/cpp/src/holtwinters/holtwinters_api.cpp +++ b/cpp/src/holtwinters/holtwinters_api.cpp @@ -1,5 +1,5 @@ /* - * Copyright (c) 2019-2022, NVIDIA CORPORATION. + * Copyright (c) 2019-2024, NVIDIA CORPORATION. * * Licensed under the Apache License, Version 2.0 (the "License"); * you may not use this file except in compliance with the License. @@ -14,10 +14,10 @@ * limitations under the License. */ -#include - #include + #include +#include extern "C" { diff --git a/cpp/src/holtwinters/internal/hw_decompose.cuh b/cpp/src/holtwinters/internal/hw_decompose.cuh index 8c1efdd7b7..1c78a7af62 100644 --- a/cpp/src/holtwinters/internal/hw_decompose.cuh +++ b/cpp/src/holtwinters/internal/hw_decompose.cuh @@ -1,5 +1,5 @@ /* - * Copyright (c) 2019-2023, NVIDIA CORPORATION. + * Copyright (c) 2019-2024, NVIDIA CORPORATION. * * Licensed under the Apache License, Version 2.0 (the "License"); * you may not use this file except in compliance with the License. @@ -21,12 +21,13 @@ // #TODO: Replace with public header when ready #include // #TODO: Replace with public header when ready +#include "hw_utils.cuh" + #include + #include #include -#include "hw_utils.cuh" - // optimize, maybe im2col ? // https://github.com/rapidsai/cuml/issues/891 template diff --git a/cpp/src/holtwinters/internal/hw_utils.cuh b/cpp/src/holtwinters/internal/hw_utils.cuh index cc161f46c3..26815665e5 100644 --- a/cpp/src/holtwinters/internal/hw_utils.cuh +++ b/cpp/src/holtwinters/internal/hw_utils.cuh @@ -1,5 +1,5 @@ /* - * Copyright (c) 2019-2022, NVIDIA CORPORATION. + * Copyright (c) 2019-2024, NVIDIA CORPORATION. * * Licensed under the Apache License, Version 2.0 (the "License"); * you may not use this file except in compliance with the License. @@ -15,11 +15,14 @@ */ #pragma once -#include #include -#include + #include #include + +#include + +#include #include #define IDX(n, m, N) (n + (m) * (N)) diff --git a/cpp/src/holtwinters/runner.cuh b/cpp/src/holtwinters/runner.cuh index 83a7557be7..cf7b107c7d 100644 --- a/cpp/src/holtwinters/runner.cuh +++ b/cpp/src/holtwinters/runner.cuh @@ -1,5 +1,5 @@ /* - * Copyright (c) 2019-2022, NVIDIA CORPORATION. + * Copyright (c) 2019-2024, 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,11 +20,14 @@ #include "internal/hw_eval.cuh" #include "internal/hw_forecast.cuh" #include "internal/hw_optim.cuh" + #include + #include // #TODO: Replace with public header when ready #include #include + #include namespace ML { diff --git a/cpp/src/kmeans/kmeans_fit_predict.cu b/cpp/src/kmeans/kmeans_fit_predict.cu index ec41ff088c..f982e6b26a 100644 --- a/cpp/src/kmeans/kmeans_fit_predict.cu +++ b/cpp/src/kmeans/kmeans_fit_predict.cu @@ -1,5 +1,5 @@ /* - * Copyright (c) 2019-2023, NVIDIA CORPORATION. + * Copyright (c) 2019-2024, NVIDIA CORPORATION. * * Licensed under the Apache License, Version 2.0 (the "License"); * you may not use this file except in compliance with the License. @@ -14,10 +14,9 @@ * limitations under the License. */ -#include - #include #include +#include namespace ML { namespace kmeans { diff --git a/cpp/src/kmeans/kmeans_mg.cu b/cpp/src/kmeans/kmeans_mg.cu index 4b0410d19f..0d135ebf99 100644 --- a/cpp/src/kmeans/kmeans_mg.cu +++ b/cpp/src/kmeans/kmeans_mg.cu @@ -1,5 +1,5 @@ /* - * Copyright (c) 2020-2023, NVIDIA CORPORATION. + * Copyright (c) 2020-2024, NVIDIA CORPORATION. * * Licensed under the Apache License, Version 2.0 (the "License"); * you may not use this file except in compliance with the License. @@ -15,7 +15,9 @@ */ #include "kmeans_mg_impl.cuh" + #include + #include namespace ML { diff --git a/cpp/src/kmeans/kmeans_mg_impl.cuh b/cpp/src/kmeans/kmeans_mg_impl.cuh index c53c346df8..6f08130632 100644 --- a/cpp/src/kmeans/kmeans_mg_impl.cuh +++ b/cpp/src/kmeans/kmeans_mg_impl.cuh @@ -1,5 +1,5 @@ /* - * Copyright (c) 2020-2023, NVIDIA CORPORATION. + * Copyright (c) 2020-2024, 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,6 +16,7 @@ #pragma once #include + #include #include #include @@ -23,17 +24,19 @@ #include #include #include + #include #include #include -#include #include #include #include #include #include +#include + #include namespace ML { diff --git a/cpp/src/kmeans/kmeans_predict.cu b/cpp/src/kmeans/kmeans_predict.cu index 54d6807415..c0e79757f5 100644 --- a/cpp/src/kmeans/kmeans_predict.cu +++ b/cpp/src/kmeans/kmeans_predict.cu @@ -1,5 +1,5 @@ /* - * Copyright (c) 2019-2023, NVIDIA CORPORATION. + * Copyright (c) 2019-2024, NVIDIA CORPORATION. * * Licensed under the Apache License, Version 2.0 (the "License"); * you may not use this file except in compliance with the License. @@ -14,10 +14,9 @@ * limitations under the License. */ -#include - #include #include +#include namespace ML { namespace kmeans { diff --git a/cpp/src/kmeans/kmeans_transform.cu b/cpp/src/kmeans/kmeans_transform.cu index d14265ba22..2cef14f787 100644 --- a/cpp/src/kmeans/kmeans_transform.cu +++ b/cpp/src/kmeans/kmeans_transform.cu @@ -1,5 +1,5 @@ /* - * Copyright (c) 2019-2023, NVIDIA CORPORATION. + * Copyright (c) 2019-2024, NVIDIA CORPORATION. * * Licensed under the Apache License, Version 2.0 (the "License"); * you may not use this file except in compliance with the License. @@ -14,10 +14,9 @@ * limitations under the License. */ -#include - #include #include +#include namespace ML { namespace kmeans { diff --git a/cpp/src/knn/knn.cu b/cpp/src/knn/knn.cu index 69af5935da..3d5329abc6 100644 --- a/cpp/src/knn/knn.cu +++ b/cpp/src/knn/knn.cu @@ -1,5 +1,5 @@ /* - * Copyright (c) 2019-2023, NVIDIA CORPORATION. + * Copyright (c) 2019-2024, NVIDIA CORPORATION. * * Licensed under the Apache License, Version 2.0 (the "License"); * you may not use this file except in compliance with the License. @@ -14,18 +14,20 @@ * limitations under the License. */ -#include +#include +#include + #include #include #include #include +#include #include -#include #include -#include -#include +#include + #include #include diff --git a/cpp/src/knn/knn_api.cpp b/cpp/src/knn/knn_api.cpp index a70f7a4653..62766635c4 100644 --- a/cpp/src/knn/knn_api.cpp +++ b/cpp/src/knn/knn_api.cpp @@ -1,5 +1,5 @@ /* - * Copyright (c) 2019-2021, NVIDIA CORPORATION. + * Copyright (c) 2019-2024, NVIDIA CORPORATION. * * Licensed under the Apache License, Version 2.0 (the "License"); * you may not use this file except in compliance with the License. @@ -14,10 +14,10 @@ * limitations under the License. */ -#include - #include + #include +#include #include diff --git a/cpp/src/knn/knn_opg_common.cuh b/cpp/src/knn/knn_opg_common.cuh index a6bbfc54d7..495b3d5a2e 100644 --- a/cpp/src/knn/knn_opg_common.cuh +++ b/cpp/src/knn/knn_opg_common.cuh @@ -1,5 +1,5 @@ /* - * Copyright (c) 2019-2023, NVIDIA CORPORATION. + * Copyright (c) 2019-2024, NVIDIA CORPORATION. * * Licensed under the Apache License, Version 2.0 (the "License"); * you may not use this file except in compliance with the License. @@ -19,17 +19,16 @@ #include #include -#include - #include #include - #include #include #include #include #include +#include + #include #include #include diff --git a/cpp/src/knn/knn_sparse.cu b/cpp/src/knn/knn_sparse.cu index 7a0904783a..f7392266f6 100644 --- a/cpp/src/knn/knn_sparse.cu +++ b/cpp/src/knn/knn_sparse.cu @@ -1,5 +1,5 @@ /* - * Copyright (c) 2019-2023, NVIDIA CORPORATION. + * Copyright (c) 2019-2024, NVIDIA CORPORATION. * * Licensed under the Apache License, Version 2.0 (the "License"); * you may not use this file except in compliance with the License. @@ -15,8 +15,8 @@ */ #include -#include +#include #include namespace ML { diff --git a/cpp/src/metrics/accuracy_score.cu b/cpp/src/metrics/accuracy_score.cu index f99feacd3f..bb4c76c336 100644 --- a/cpp/src/metrics/accuracy_score.cu +++ b/cpp/src/metrics/accuracy_score.cu @@ -1,6 +1,6 @@ /* - * Copyright (c) 2019-2022, NVIDIA CORPORATION. + * Copyright (c) 2019-2024, 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,6 +16,7 @@ */ #include + #include #include diff --git a/cpp/src/metrics/adjusted_rand_index.cu b/cpp/src/metrics/adjusted_rand_index.cu index a061d8a883..0c2a464e50 100644 --- a/cpp/src/metrics/adjusted_rand_index.cu +++ b/cpp/src/metrics/adjusted_rand_index.cu @@ -1,6 +1,6 @@ /* - * Copyright (c) 2019-2022, NVIDIA CORPORATION. + * Copyright (c) 2019-2024, 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,6 +16,7 @@ */ #include + #include #include diff --git a/cpp/src/metrics/completeness_score.cu b/cpp/src/metrics/completeness_score.cu index b85be2ea6e..07150bb801 100644 --- a/cpp/src/metrics/completeness_score.cu +++ b/cpp/src/metrics/completeness_score.cu @@ -1,6 +1,6 @@ /* - * Copyright (c) 2019-2022, NVIDIA CORPORATION. + * Copyright (c) 2019-2024, 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,6 +16,7 @@ */ #include + #include #include diff --git a/cpp/src/metrics/entropy.cu b/cpp/src/metrics/entropy.cu index 3153ee7119..44fa53a2e2 100644 --- a/cpp/src/metrics/entropy.cu +++ b/cpp/src/metrics/entropy.cu @@ -1,6 +1,6 @@ /* - * Copyright (c) 2019-2022, NVIDIA CORPORATION. + * Copyright (c) 2019-2024, 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,6 +16,7 @@ */ #include + #include #include diff --git a/cpp/src/metrics/homogeneity_score.cu b/cpp/src/metrics/homogeneity_score.cu index 050f0ffff3..0f5d05a119 100644 --- a/cpp/src/metrics/homogeneity_score.cu +++ b/cpp/src/metrics/homogeneity_score.cu @@ -1,6 +1,6 @@ /* - * Copyright (c) 2019-2022, NVIDIA CORPORATION. + * Copyright (c) 2019-2024, 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,6 +16,7 @@ */ #include + #include #include diff --git a/cpp/src/metrics/kl_divergence.cu b/cpp/src/metrics/kl_divergence.cu index 8aa6e7fd7e..655b3535d2 100644 --- a/cpp/src/metrics/kl_divergence.cu +++ b/cpp/src/metrics/kl_divergence.cu @@ -1,6 +1,6 @@ /* - * Copyright (c) 2019-2022, NVIDIA CORPORATION. + * Copyright (c) 2019-2024, 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,6 +16,7 @@ */ #include + #include #include diff --git a/cpp/src/metrics/mutual_info_score.cu b/cpp/src/metrics/mutual_info_score.cu index a359a14b19..78af6c883a 100644 --- a/cpp/src/metrics/mutual_info_score.cu +++ b/cpp/src/metrics/mutual_info_score.cu @@ -1,6 +1,6 @@ /* - * Copyright (c) 2019-2022, NVIDIA CORPORATION. + * Copyright (c) 2019-2024, NVIDIA CORPORATION. * * Licensed under the Apache License, Version 2.0 (the "License"); * you may not use this file except in compliance with the License. @@ -15,9 +15,8 @@ * limitations under the License. */ -#include - #include + #include #include diff --git a/cpp/src/metrics/pairwise_distance.cu b/cpp/src/metrics/pairwise_distance.cu index 4d5ff9b4f4..4cb9fb60d1 100644 --- a/cpp/src/metrics/pairwise_distance.cu +++ b/cpp/src/metrics/pairwise_distance.cu @@ -1,6 +1,6 @@ /* - * Copyright (c) 2019-2023, NVIDIA CORPORATION. + * Copyright (c) 2019-2024, NVIDIA CORPORATION. * * Licensed under the Apache License, Version 2.0 (the "License"); * you may not use this file except in compliance with the License. @@ -27,7 +27,9 @@ #include "pairwise_distance_l1.cuh" #include "pairwise_distance_minkowski.cuh" #include "pairwise_distance_russell_rao.cuh" + #include + #include #include #include diff --git a/cpp/src/metrics/pairwise_distance_canberra.cu b/cpp/src/metrics/pairwise_distance_canberra.cu index ac1b6e6c96..dab8f84d30 100644 --- a/cpp/src/metrics/pairwise_distance_canberra.cu +++ b/cpp/src/metrics/pairwise_distance_canberra.cu @@ -1,6 +1,6 @@ /* - * Copyright (c) 2021-2022, NVIDIA CORPORATION. + * Copyright (c) 2021-2024, 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,8 +16,10 @@ */ #include "pairwise_distance_canberra.cuh" + #include #include + #include namespace ML { diff --git a/cpp/src/metrics/pairwise_distance_chebyshev.cu b/cpp/src/metrics/pairwise_distance_chebyshev.cu index ac763fd95c..b5e99de16c 100644 --- a/cpp/src/metrics/pairwise_distance_chebyshev.cu +++ b/cpp/src/metrics/pairwise_distance_chebyshev.cu @@ -1,6 +1,6 @@ /* - * Copyright (c) 2021-2022, NVIDIA CORPORATION. + * Copyright (c) 2021-2024, 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,8 +16,10 @@ */ #include "pairwise_distance_chebyshev.cuh" + #include #include + #include namespace ML { diff --git a/cpp/src/metrics/pairwise_distance_correlation.cu b/cpp/src/metrics/pairwise_distance_correlation.cu index 9874904be4..36fe78ec7e 100644 --- a/cpp/src/metrics/pairwise_distance_correlation.cu +++ b/cpp/src/metrics/pairwise_distance_correlation.cu @@ -1,6 +1,6 @@ /* - * Copyright (c) 2021-2022, NVIDIA CORPORATION. + * Copyright (c) 2021-2024, 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,8 +16,10 @@ */ #include "pairwise_distance_correlation.cuh" + #include #include + #include namespace ML { diff --git a/cpp/src/metrics/pairwise_distance_cosine.cu b/cpp/src/metrics/pairwise_distance_cosine.cu index 59fbd835fe..e207b8ad06 100644 --- a/cpp/src/metrics/pairwise_distance_cosine.cu +++ b/cpp/src/metrics/pairwise_distance_cosine.cu @@ -1,6 +1,6 @@ /* - * Copyright (c) 2021-2022, NVIDIA CORPORATION. + * Copyright (c) 2021-2024, 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,8 +16,10 @@ */ #include "pairwise_distance_cosine.cuh" + #include #include + #include namespace ML { diff --git a/cpp/src/metrics/pairwise_distance_euclidean.cu b/cpp/src/metrics/pairwise_distance_euclidean.cu index 3a32439e75..56cb609067 100644 --- a/cpp/src/metrics/pairwise_distance_euclidean.cu +++ b/cpp/src/metrics/pairwise_distance_euclidean.cu @@ -1,6 +1,6 @@ /* - * Copyright (c) 2021-2022, NVIDIA CORPORATION. + * Copyright (c) 2021-2024, 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,8 +16,10 @@ */ #include "pairwise_distance_euclidean.cuh" + #include #include + #include namespace ML { diff --git a/cpp/src/metrics/pairwise_distance_hamming.cu b/cpp/src/metrics/pairwise_distance_hamming.cu index fecd594244..080faffe96 100644 --- a/cpp/src/metrics/pairwise_distance_hamming.cu +++ b/cpp/src/metrics/pairwise_distance_hamming.cu @@ -1,6 +1,6 @@ /* - * Copyright (c) 2021-2022, NVIDIA CORPORATION. + * Copyright (c) 2021-2024, 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,8 +16,10 @@ */ #include "pairwise_distance_hamming.cuh" + #include #include + #include namespace ML { diff --git a/cpp/src/metrics/pairwise_distance_hellinger.cu b/cpp/src/metrics/pairwise_distance_hellinger.cu index cb9795c21c..6cb09e0d93 100644 --- a/cpp/src/metrics/pairwise_distance_hellinger.cu +++ b/cpp/src/metrics/pairwise_distance_hellinger.cu @@ -1,6 +1,6 @@ /* - * Copyright (c) 2021-2022, NVIDIA CORPORATION. + * Copyright (c) 2021-2024, 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,8 +16,10 @@ */ #include "pairwise_distance_hellinger.cuh" + #include #include + #include namespace ML { diff --git a/cpp/src/metrics/pairwise_distance_jensen_shannon.cu b/cpp/src/metrics/pairwise_distance_jensen_shannon.cu index 7a72cd0c13..cf25a8cb5e 100644 --- a/cpp/src/metrics/pairwise_distance_jensen_shannon.cu +++ b/cpp/src/metrics/pairwise_distance_jensen_shannon.cu @@ -1,6 +1,6 @@ /* - * Copyright (c) 2021-2022, NVIDIA CORPORATION. + * Copyright (c) 2021-2024, 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,8 +16,10 @@ */ #include "pairwise_distance_jensen_shannon.cuh" + #include #include + #include namespace ML { diff --git a/cpp/src/metrics/pairwise_distance_kl_divergence.cu b/cpp/src/metrics/pairwise_distance_kl_divergence.cu index bfa1382937..c47fb7adae 100644 --- a/cpp/src/metrics/pairwise_distance_kl_divergence.cu +++ b/cpp/src/metrics/pairwise_distance_kl_divergence.cu @@ -1,6 +1,6 @@ /* - * Copyright (c) 2021-2022, NVIDIA CORPORATION. + * Copyright (c) 2021-2024, 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,8 +16,10 @@ */ #include "pairwise_distance_kl_divergence.cuh" + #include #include + #include namespace ML { diff --git a/cpp/src/metrics/pairwise_distance_l1.cu b/cpp/src/metrics/pairwise_distance_l1.cu index c704998ae5..3d3ebf625b 100644 --- a/cpp/src/metrics/pairwise_distance_l1.cu +++ b/cpp/src/metrics/pairwise_distance_l1.cu @@ -1,6 +1,6 @@ /* - * Copyright (c) 2021-2022, NVIDIA CORPORATION. + * Copyright (c) 2021-2024, 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,8 +16,10 @@ */ #include "pairwise_distance_l1.cuh" + #include #include + #include namespace ML { diff --git a/cpp/src/metrics/pairwise_distance_minkowski.cu b/cpp/src/metrics/pairwise_distance_minkowski.cu index 370621e7fc..91146955e9 100644 --- a/cpp/src/metrics/pairwise_distance_minkowski.cu +++ b/cpp/src/metrics/pairwise_distance_minkowski.cu @@ -1,6 +1,6 @@ /* - * Copyright (c) 2021-2022, NVIDIA CORPORATION. + * Copyright (c) 2021-2024, 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,8 +16,10 @@ */ #include "pairwise_distance_minkowski.cuh" + #include #include + #include namespace ML { diff --git a/cpp/src/metrics/pairwise_distance_russell_rao.cu b/cpp/src/metrics/pairwise_distance_russell_rao.cu index 293e42457c..efeb66d13f 100644 --- a/cpp/src/metrics/pairwise_distance_russell_rao.cu +++ b/cpp/src/metrics/pairwise_distance_russell_rao.cu @@ -1,6 +1,6 @@ /* - * Copyright (c) 2021-2022, NVIDIA CORPORATION. + * Copyright (c) 2021-2024, 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,8 +16,10 @@ */ #include "pairwise_distance_russell_rao.cuh" + #include #include + #include namespace ML { diff --git a/cpp/src/metrics/r2_score.cu b/cpp/src/metrics/r2_score.cu index 6dff9e5986..b924e6fdb2 100644 --- a/cpp/src/metrics/r2_score.cu +++ b/cpp/src/metrics/r2_score.cu @@ -1,5 +1,5 @@ /* - * Copyright (c) 2019-2022, NVIDIA CORPORATION. + * Copyright (c) 2019-2024, NVIDIA CORPORATION. * * Licensed under the Apache License, Version 2.0 (the "License"); * you may not use this file except in compliance with the License. @@ -15,6 +15,7 @@ */ #include + #include #include diff --git a/cpp/src/metrics/rand_index.cu b/cpp/src/metrics/rand_index.cu index 1c15c02ebc..87baee4cbb 100644 --- a/cpp/src/metrics/rand_index.cu +++ b/cpp/src/metrics/rand_index.cu @@ -1,6 +1,6 @@ /* - * Copyright (c) 2019-2022, NVIDIA CORPORATION. + * Copyright (c) 2019-2024, NVIDIA CORPORATION. * * Licensed under the Apache License, Version 2.0 (the "License"); * you may not use this file except in compliance with the License. @@ -15,9 +15,8 @@ * limitations under the License. */ -#include - #include + #include #include diff --git a/cpp/src/metrics/silhouette_score.cu b/cpp/src/metrics/silhouette_score.cu index b10975b5c8..883a9eabb3 100644 --- a/cpp/src/metrics/silhouette_score.cu +++ b/cpp/src/metrics/silhouette_score.cu @@ -1,6 +1,6 @@ /* - * Copyright (c) 2021-2023, NVIDIA CORPORATION. + * Copyright (c) 2021-2024, 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,6 +16,7 @@ */ #include + #include #include #include diff --git a/cpp/src/metrics/silhouette_score_batched_double.cu b/cpp/src/metrics/silhouette_score_batched_double.cu index ced4ac5bd9..961170a63f 100644 --- a/cpp/src/metrics/silhouette_score_batched_double.cu +++ b/cpp/src/metrics/silhouette_score_batched_double.cu @@ -1,6 +1,6 @@ /* - * Copyright (c) 2021-2023, NVIDIA CORPORATION. + * Copyright (c) 2021-2024, 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,6 +16,7 @@ */ #include + #include #include #include diff --git a/cpp/src/metrics/silhouette_score_batched_float.cu b/cpp/src/metrics/silhouette_score_batched_float.cu index 82856c5faf..d24129f465 100644 --- a/cpp/src/metrics/silhouette_score_batched_float.cu +++ b/cpp/src/metrics/silhouette_score_batched_float.cu @@ -1,6 +1,6 @@ /* - * Copyright (c) 2021-2023, NVIDIA CORPORATION. + * Copyright (c) 2021-2024, 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,6 +16,7 @@ */ #include + #include #include #include diff --git a/cpp/src/metrics/trustworthiness.cu b/cpp/src/metrics/trustworthiness.cu index 0c1df30037..7b5f80a010 100644 --- a/cpp/src/metrics/trustworthiness.cu +++ b/cpp/src/metrics/trustworthiness.cu @@ -1,5 +1,5 @@ /* - * Copyright (c) 2018-2023, NVIDIA CORPORATION. + * Copyright (c) 2018-2024, NVIDIA CORPORATION. * * Licensed under the Apache License, Version 2.0 (the "License"); * you may not use this file except in compliance with the License. @@ -14,12 +14,11 @@ * limitations under the License. */ -#include - #include -#include +#include #include +#include namespace ML { namespace Metrics { diff --git a/cpp/src/metrics/v_measure.cu b/cpp/src/metrics/v_measure.cu index 09dc03c4f3..b519f2f5df 100644 --- a/cpp/src/metrics/v_measure.cu +++ b/cpp/src/metrics/v_measure.cu @@ -1,6 +1,6 @@ /* - * Copyright (c) 2019-2022, NVIDIA CORPORATION. + * Copyright (c) 2019-2024, 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,6 +16,7 @@ */ #include + #include #include diff --git a/cpp/src/ml_cuda_utils.h b/cpp/src/ml_cuda_utils.h index b8cc4330f7..803c58635a 100644 --- a/cpp/src/ml_cuda_utils.h +++ b/cpp/src/ml_cuda_utils.h @@ -1,5 +1,5 @@ /* - * Copyright (c) 2019-2022, NVIDIA CORPORATION. + * Copyright (c) 2019-2024, 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,9 +16,10 @@ #pragma once -#include #include +#include + namespace ML { inline int get_device(const void* ptr) diff --git a/cpp/src/pca/pca.cu b/cpp/src/pca/pca.cu index d306696962..892059a6f2 100644 --- a/cpp/src/pca/pca.cu +++ b/cpp/src/pca/pca.cu @@ -1,5 +1,5 @@ /* - * Copyright (c) 2018-2022, NVIDIA CORPORATION. + * Copyright (c) 2018-2024, NVIDIA CORPORATION. * * Licensed under the Apache License, Version 2.0 (the "License"); * you may not use this file except in compliance with the License. @@ -15,7 +15,9 @@ */ #include "pca.cuh" + #include + #include namespace ML { diff --git a/cpp/src/pca/pca.cuh b/cpp/src/pca/pca.cuh index f8b3578d58..fcc83b22b5 100644 --- a/cpp/src/pca/pca.cuh +++ b/cpp/src/pca/pca.cuh @@ -1,5 +1,5 @@ /* - * Copyright (c) 2018-2022, NVIDIA CORPORATION. + * Copyright (c) 2018-2024, NVIDIA CORPORATION. * * Licensed under the Apache License, Version 2.0 (the "License"); * you may not use this file except in compliance with the License. @@ -17,6 +17,7 @@ #pragma once #include + #include #include #include @@ -27,7 +28,9 @@ #include #include #include + #include + #include namespace ML { diff --git a/cpp/src/pca/pca_mg.cu b/cpp/src/pca/pca_mg.cu index 0120d83d38..158b16464c 100644 --- a/cpp/src/pca/pca_mg.cu +++ b/cpp/src/pca/pca_mg.cu @@ -1,5 +1,5 @@ /* - * Copyright (c) 2019-2022, NVIDIA CORPORATION. + * Copyright (c) 2019-2024, NVIDIA CORPORATION. * * Licensed under the Apache License, Version 2.0 (the "License"); * you may not use this file except in compliance with the License. @@ -25,7 +25,6 @@ #include #include #include - #include #include #include diff --git a/cpp/src/pca/sign_flip_mg.cu b/cpp/src/pca/sign_flip_mg.cu index f5de4a506a..dfb6f94675 100644 --- a/cpp/src/pca/sign_flip_mg.cu +++ b/cpp/src/pca/sign_flip_mg.cu @@ -1,5 +1,5 @@ /* - * Copyright (c) 2019-2023, NVIDIA CORPORATION. + * Copyright (c) 2019-2024, NVIDIA CORPORATION. * * Licensed under the Apache License, Version 2.0 (the "License"); * you may not use this file except in compliance with the License. @@ -15,8 +15,6 @@ */ #include -#include -#include #include #include diff --git a/cpp/src/random_projection/rproj.cu b/cpp/src/random_projection/rproj.cu index 9d87291108..dea03cae3e 100644 --- a/cpp/src/random_projection/rproj.cu +++ b/cpp/src/random_projection/rproj.cu @@ -1,5 +1,5 @@ /* - * Copyright (c) 2018-2022, NVIDIA CORPORATION. + * Copyright (c) 2018-2024, NVIDIA CORPORATION. * * Licensed under the Apache License, Version 2.0 (the "License"); * you may not use this file except in compliance with the License. @@ -15,7 +15,9 @@ */ #include "rproj.cuh" + #include + #include namespace ML { diff --git a/cpp/src/random_projection/rproj_utils.cuh b/cpp/src/random_projection/rproj_utils.cuh index 524328eb12..38abdca84f 100644 --- a/cpp/src/random_projection/rproj_utils.cuh +++ b/cpp/src/random_projection/rproj_utils.cuh @@ -1,5 +1,5 @@ /* - * Copyright (c) 2018-2022, NVIDIA CORPORATION. + * Copyright (c) 2018-2024, NVIDIA CORPORATION. * * Licensed under the Apache License, Version 2.0 (the "License"); * you may not use this file except in compliance with the License. @@ -21,6 +21,7 @@ #include #include #include + #include #include diff --git a/cpp/src/randomforest/randomforest.cu b/cpp/src/randomforest/randomforest.cu index 8ab48e2e9c..784420baf5 100644 --- a/cpp/src/randomforest/randomforest.cu +++ b/cpp/src/randomforest/randomforest.cu @@ -14,17 +14,19 @@ * limitations under the License. */ +#include "randomforest.cuh" + #include #include #include + +#include #include #include #include #include -#include - #include #include #include @@ -38,8 +40,6 @@ #include #include -#include "randomforest.cuh" - namespace ML { using namespace MLCommon; diff --git a/cpp/src/randomforest/randomforest.cuh b/cpp/src/randomforest/randomforest.cuh index 9b1d14bb00..0233db736c 100644 --- a/cpp/src/randomforest/randomforest.cuh +++ b/cpp/src/randomforest/randomforest.cuh @@ -1,5 +1,5 @@ /* - * Copyright (c) 2019-2022, NVIDIA CORPORATION. + * Copyright (c) 2019-2024, 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,14 +16,11 @@ #pragma once -#include -#include -#include - -#include +#include #include #include +#include #include #include #include @@ -32,6 +29,10 @@ #include #include +#include +#include +#include + #ifdef _OPENMP #include #else diff --git a/cpp/src/solver/cd.cuh b/cpp/src/solver/cd.cuh index 78e54d62e2..5926a7e41d 100644 --- a/cpp/src/solver/cd.cuh +++ b/cpp/src/solver/cd.cuh @@ -1,5 +1,5 @@ /* - * Copyright (c) 2018-2022, NVIDIA CORPORATION. + * Copyright (c) 2018-2024, NVIDIA CORPORATION. * * Licensed under the Apache License, Version 2.0 (the "License"); * you may not use this file except in compliance with the License. @@ -17,11 +17,9 @@ #pragma once #include "shuffle.h" + #include -#include -#include -#include -#include + #include #include #include @@ -41,6 +39,11 @@ #include #include +#include +#include +#include +#include + namespace ML { namespace Solver { diff --git a/cpp/src/solver/cd_mg.cu b/cpp/src/solver/cd_mg.cu index 40c9b43230..a11f25fcf4 100644 --- a/cpp/src/solver/cd_mg.cu +++ b/cpp/src/solver/cd_mg.cu @@ -1,5 +1,5 @@ /* - * Copyright (c) 2020-2022, NVIDIA CORPORATION. + * Copyright (c) 2020-2024, NVIDIA CORPORATION. * * Licensed under the Apache License, Version 2.0 (the "License"); * you may not use this file except in compliance with the License. @@ -19,12 +19,8 @@ #include #include -#include - #include #include - -#include "shuffle.h" #include #include #include @@ -37,6 +33,8 @@ #include #include +#include + #include using namespace MLCommon; diff --git a/cpp/src/solver/lars.cu b/cpp/src/solver/lars.cu index ad8b84d511..b7a478e098 100644 --- a/cpp/src/solver/lars.cu +++ b/cpp/src/solver/lars.cu @@ -1,5 +1,5 @@ /* - * Copyright (c) 2020-2022, NVIDIA CORPORATION. + * Copyright (c) 2020-2024, NVIDIA CORPORATION. * * Licensed under the Apache License, Version 2.0 (the "License"); * you may not use this file except in compliance with the License. @@ -15,7 +15,9 @@ */ #include "lars_impl.cuh" + #include + #include namespace ML { diff --git a/cpp/src/solver/lars_impl.cuh b/cpp/src/solver/lars_impl.cuh index 0d282a8009..37e7c76df5 100644 --- a/cpp/src/solver/lars_impl.cuh +++ b/cpp/src/solver/lars_impl.cuh @@ -1,5 +1,5 @@ /* - * Copyright (c) 2020-2023, NVIDIA CORPORATION. + * Copyright (c) 2020-2024, 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,26 +16,30 @@ #pragma once -#include -#include -#include -#include - -#include #include + #include #include #include #include #include #include + +#include + +#include +#include +#include +#include // #TODO: Replace with public header when ready #include #include #include #include + #include #include + #include #include #include diff --git a/cpp/src/solver/learning_rate.h b/cpp/src/solver/learning_rate.h index 97f18d2027..713daefd02 100644 --- a/cpp/src/solver/learning_rate.h +++ b/cpp/src/solver/learning_rate.h @@ -1,5 +1,5 @@ /* - * Copyright (c) 2018-2022, NVIDIA CORPORATION. + * Copyright (c) 2018-2024, NVIDIA CORPORATION. * * Licensed under the Apache License, Version 2.0 (the "License"); * you may not use this file except in compliance with the License. @@ -17,6 +17,7 @@ #pragma once #include + #include namespace ML { diff --git a/cpp/src/solver/sgd.cuh b/cpp/src/solver/sgd.cuh index a21dbabc27..6f4616f77b 100644 --- a/cpp/src/solver/sgd.cuh +++ b/cpp/src/solver/sgd.cuh @@ -1,5 +1,5 @@ /* - * Copyright (c) 2018-2023, NVIDIA CORPORATION. + * Copyright (c) 2018-2024, 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,11 +18,9 @@ #include "learning_rate.h" #include "shuffle.h" + #include -#include -#include -#include -#include + #include #include #include @@ -35,8 +33,14 @@ #include #include #include + #include +#include +#include +#include +#include + namespace ML { namespace Solver { diff --git a/cpp/src/solver/solver.cu b/cpp/src/solver/solver.cu index 4bd98cb947..d1034c64f8 100644 --- a/cpp/src/solver/solver.cu +++ b/cpp/src/solver/solver.cu @@ -1,5 +1,5 @@ /* - * Copyright (c) 2018-2022, NVIDIA CORPORATION. + * Copyright (c) 2018-2024, 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,8 +16,10 @@ #include "cd.cuh" #include "sgd.cuh" + #include #include + #include namespace ML { diff --git a/cpp/src/spectral/spectral.cu b/cpp/src/spectral/spectral.cu index 181d576b44..1a2e2c64f4 100644 --- a/cpp/src/spectral/spectral.cu +++ b/cpp/src/spectral/spectral.cu @@ -1,5 +1,5 @@ /* - * Copyright (c) 2019-2022, NVIDIA CORPORATION. + * Copyright (c) 2019-2024, NVIDIA CORPORATION. * * Licensed under the Apache License, Version 2.0 (the "License"); * you may not use this file except in compliance with the License. @@ -14,9 +14,8 @@ * limitations under the License. */ -#include - #include +#include #include namespace raft { diff --git a/cpp/src/svm/kernelcache.cuh b/cpp/src/svm/kernelcache.cuh index 4583581d2d..a7c8ca7c3b 100644 --- a/cpp/src/svm/kernelcache.cuh +++ b/cpp/src/svm/kernelcache.cuh @@ -1,5 +1,5 @@ /* - * Copyright (c) 2019-2023, NVIDIA CORPORATION. + * Copyright (c) 2019-2024, NVIDIA CORPORATION. * * Licensed under the Apache License, Version 2.0 (the "License"); * you may not use this file except in compliance with the License. @@ -17,28 +17,28 @@ #pragma once #include "sparse_util.cuh" + +#include #include + #include #include +#include #include #include #include - -#include #include #include + #include #include +#include #include #include #include #include -#include - -#include - #include #include diff --git a/cpp/src/svm/linear.cu b/cpp/src/svm/linear.cu index 18f584c0c3..55870e766e 100644 --- a/cpp/src/svm/linear.cu +++ b/cpp/src/svm/linear.cu @@ -1,5 +1,5 @@ /* - * Copyright (c) 2021-2023, NVIDIA CORPORATION. + * Copyright (c) 2021-2024, NVIDIA CORPORATION. * * Licensed under the Apache License, Version 2.0 (the "License"); * you may not use this file except in compliance with the License. @@ -14,15 +14,13 @@ * limitations under the License. */ -#include -#include - #include -#include + #include +#include #include #include -#include + #include #include #include @@ -34,8 +32,10 @@ #include #include #include + #include #include + #include #include #include @@ -43,7 +43,11 @@ #include #include -#include +#include +#include + +#include +#include namespace ML { namespace SVM { diff --git a/cpp/src/svm/results.cuh b/cpp/src/svm/results.cuh index b08fdeeae7..a48baa23ad 100644 --- a/cpp/src/svm/results.cuh +++ b/cpp/src/svm/results.cuh @@ -1,5 +1,5 @@ /* - * Copyright (c) 2019-2023, NVIDIA CORPORATION. + * Copyright (c) 2019-2024, 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,15 +16,11 @@ #pragma once -#include -#include -#include -#include - #include "sparse_util.cuh" #include "ws_util.cuh" -#include + #include + #include #include #include @@ -32,9 +28,18 @@ #include #include #include + #include #include +#include + +#include + +#include +#include +#include + namespace ML { namespace SVM { diff --git a/cpp/src/svm/smoblocksolve.cuh b/cpp/src/svm/smoblocksolve.cuh index a60d84e9ae..f3c2bbd003 100644 --- a/cpp/src/svm/smoblocksolve.cuh +++ b/cpp/src/svm/smoblocksolve.cuh @@ -1,5 +1,5 @@ /* - * Copyright (c) 2019-2023, NVIDIA CORPORATION. + * Copyright (c) 2019-2024, NVIDIA CORPORATION. * * Licensed under the Apache License, Version 2.0 (the "License"); * you may not use this file except in compliance with the License. @@ -19,8 +19,11 @@ #pragma once #include "smo_sets.cuh" + #include + #include + #include #include diff --git a/cpp/src/svm/smosolver.cuh b/cpp/src/svm/smosolver.cuh index 964935c69b..a819d6b779 100644 --- a/cpp/src/svm/smosolver.cuh +++ b/cpp/src/svm/smosolver.cuh @@ -1,5 +1,5 @@ /* - * Copyright (c) 2019-2023, NVIDIA CORPORATION. + * Copyright (c) 2019-2024, NVIDIA CORPORATION. * * Licensed under the Apache License, Version 2.0 (the "License"); * you may not use this file except in compliance with the License. @@ -19,44 +19,38 @@ #include // #TODO: Replace with public header when ready +#include "kernelcache.cuh" +#include "results.cuh" +#include "smo_sets.cuh" +#include "smoblocksolve.cuh" +#include "workingset.cuh" +#include "ws_util.cuh" + +#include +#include +#include #include #include #include - -#include -#include -#include +#include #include #include -#include + #include #include #include #include #include #include -#include - -#include "kernelcache.cuh" -#include "smo_sets.cuh" -#include "smoblocksolve.cuh" -#include "workingset.cuh" -#include "ws_util.cuh" -#include -#include -#include -#include -#include -#include "results.cuh" #include -#include -#include - #include #include -#include -#include +#include +#include +#include +#include +#include namespace ML { namespace SVM { diff --git a/cpp/src/svm/sparse_util.cuh b/cpp/src/svm/sparse_util.cuh index 1950761775..c0fc22628a 100644 --- a/cpp/src/svm/sparse_util.cuh +++ b/cpp/src/svm/sparse_util.cuh @@ -1,5 +1,5 @@ /* - * Copyright (c) 2023, NVIDIA CORPORATION. + * Copyright (c) 2023-2024, NVIDIA CORPORATION. * * Licensed under the Apache License, Version 2.0 (the "License"); * you may not use this file except in compliance with the License. @@ -21,7 +21,9 @@ #include #include #include + #include + #include #include #include diff --git a/cpp/src/svm/svc.cu b/cpp/src/svm/svc.cu index 87a60bcb29..7c90f0214b 100644 --- a/cpp/src/svm/svc.cu +++ b/cpp/src/svm/svc.cu @@ -1,5 +1,5 @@ /* - * Copyright (c) 2019-2023, NVIDIA CORPORATION. + * Copyright (c) 2019-2024, NVIDIA CORPORATION. * * Licensed under the Apache License, Version 2.0 (the "License"); * you may not use this file except in compliance with the License. @@ -14,18 +14,20 @@ * limitations under the License. */ -#include - #include "kernelcache.cuh" #include "smosolver.cuh" #include "svc_impl.cuh" + #include + #include #include #include #include #include +#include + namespace ML { namespace SVM { diff --git a/cpp/src/svm/svc_impl.cuh b/cpp/src/svm/svc_impl.cuh index 5560339546..7697d86644 100644 --- a/cpp/src/svm/svc_impl.cuh +++ b/cpp/src/svm/svc_impl.cuh @@ -1,5 +1,5 @@ /* - * Copyright (c) 2019-2023, NVIDIA CORPORATION. + * Copyright (c) 2019-2024, NVIDIA CORPORATION. * * Licensed under the Apache License, Version 2.0 (the "License"); * you may not use this file except in compliance with the License. @@ -21,24 +21,29 @@ * classifier, and predict with it. */ -#include - #include "kernelcache.cuh" #include "smosolver.cuh" -#include + #include #include + #include #include #include #include + #include #include + #include #include #include #include +#include + +#include + namespace ML { namespace SVM { diff --git a/cpp/src/svm/svm_api.cpp b/cpp/src/svm/svm_api.cpp index b93660f1d0..2f6f2b6efc 100644 --- a/cpp/src/svm/svm_api.cpp +++ b/cpp/src/svm/svm_api.cpp @@ -1,5 +1,5 @@ /* - * Copyright (c) 2019-2023, NVIDIA CORPORATION. + * Copyright (c) 2019-2024, NVIDIA CORPORATION. * * Licensed under the Apache License, Version 2.0 (the "License"); * you may not use this file except in compliance with the License. @@ -14,11 +14,13 @@ * limitations under the License. */ -#include - #include + #include +#include + #include + #include extern "C" { diff --git a/cpp/src/svm/svr.cu b/cpp/src/svm/svr.cu index 47a1f7a8fc..d1b1b14742 100644 --- a/cpp/src/svm/svr.cu +++ b/cpp/src/svm/svr.cu @@ -1,5 +1,5 @@ /* - * Copyright (c) 2019-2023, NVIDIA CORPORATION. + * Copyright (c) 2019-2024, NVIDIA CORPORATION. * * Licensed under the Apache License, Version 2.0 (the "License"); * you may not use this file except in compliance with the License. @@ -14,18 +14,20 @@ * limitations under the License. */ -#include - #include "kernelcache.cuh" #include "smosolver.cuh" #include "svr_impl.cuh" + #include + #include #include #include #include #include +#include + namespace ML { namespace SVM { diff --git a/cpp/src/svm/svr_impl.cuh b/cpp/src/svm/svr_impl.cuh index 0b37423a1f..1ff62a03c7 100644 --- a/cpp/src/svm/svr_impl.cuh +++ b/cpp/src/svm/svr_impl.cuh @@ -1,5 +1,5 @@ /* - * Copyright (c) 2019-2023, NVIDIA CORPORATION. + * Copyright (c) 2019-2024, 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,21 +20,25 @@ * @brief Implementation of the stateless C++ functions to fit an SVM regressor. */ -#include - #include "kernelcache.cuh" #include "smosolver.cuh" #include "svc_impl.cuh" -#include + #include #include + #include #include #include + #include #include #include +#include + +#include + namespace ML { namespace SVM { diff --git a/cpp/src/svm/workingset.cuh b/cpp/src/svm/workingset.cuh index 7d0e2ae5ce..d52b268720 100644 --- a/cpp/src/svm/workingset.cuh +++ b/cpp/src/svm/workingset.cuh @@ -1,5 +1,5 @@ /* - * Copyright (c) 2019-2023, NVIDIA CORPORATION. + * Copyright (c) 2019-2024, NVIDIA CORPORATION. * * Licensed under the Apache License, Version 2.0 (the "License"); * you may not use this file except in compliance with the License. @@ -22,27 +22,21 @@ #include #include -#include - -#include "smo_sets.cuh" -#include "ws_util.cuh" -#include #include #include +#include #include #include + #include #include -#include -#include +#include #include #include #include #include -#include - #include #include #include diff --git a/cpp/src/svm/ws_util.cu b/cpp/src/svm/ws_util.cu index 326288747e..26de7683e5 100644 --- a/cpp/src/svm/ws_util.cu +++ b/cpp/src/svm/ws_util.cu @@ -1,5 +1,5 @@ /* - * Copyright (c) 2019-2022, NVIDIA CORPORATION. + * Copyright (c) 2019-2024, NVIDIA CORPORATION. * * Licensed under the Apache License, Version 2.0 (the "License"); * you may not use this file except in compliance with the License. @@ -14,9 +14,11 @@ * limitations under the License. */ +#include + #include + #include -#include namespace ML { namespace SVM { diff --git a/cpp/src/tsa/auto_arima.cu b/cpp/src/tsa/auto_arima.cu index 921f019bc9..f2189c6099 100644 --- a/cpp/src/tsa/auto_arima.cu +++ b/cpp/src/tsa/auto_arima.cu @@ -1,5 +1,5 @@ /* - * Copyright (c) 2020-2022, NVIDIA CORPORATION. + * Copyright (c) 2020-2024, NVIDIA CORPORATION. * * Licensed under the Apache License, Version 2.0 (the "License"); * you may not use this file except in compliance with the License. @@ -13,12 +13,12 @@ * See the License for the specific language governing permissions and * limitations under the License. */ -#include - #include "auto_arima.cuh" #include +#include + namespace ML { int divide_by_mask_build_index(const raft::handle_t& handle, diff --git a/cpp/src/tsa/auto_arima.cuh b/cpp/src/tsa/auto_arima.cuh index 53ce9478f8..d9c5342106 100644 --- a/cpp/src/tsa/auto_arima.cuh +++ b/cpp/src/tsa/auto_arima.cuh @@ -1,5 +1,5 @@ /* - * Copyright (c) 2020-2023, NVIDIA CORPORATION. + * Copyright (c) 2020-2024, 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,9 +16,15 @@ #pragma once -#include +#include + +#include +#include + +#include #include +#include #include #include #include @@ -27,10 +33,6 @@ #include #include -#include -#include -#include - namespace ML { namespace TimeSeries { diff --git a/cpp/src/tsa/stationarity.cu b/cpp/src/tsa/stationarity.cu index e398f95b93..9cce198359 100644 --- a/cpp/src/tsa/stationarity.cu +++ b/cpp/src/tsa/stationarity.cu @@ -1,5 +1,5 @@ /* - * Copyright (c) 2019-2021, NVIDIA CORPORATION. + * Copyright (c) 2019-2024, NVIDIA CORPORATION. * * Licensed under the Apache License, Version 2.0 (the "License"); * you may not use this file except in compliance with the License. @@ -17,6 +17,7 @@ #include #include + #include namespace ML { diff --git a/cpp/src/tsne/barnes_hut_kernels.cuh b/cpp/src/tsne/barnes_hut_kernels.cuh index 5059c1a8f1..b99e17c1c2 100644 --- a/cpp/src/tsne/barnes_hut_kernels.cuh +++ b/cpp/src/tsne/barnes_hut_kernels.cuh @@ -1,5 +1,5 @@ /* - * Copyright (c) 2021-2023, NVIDIA CORPORATION. + * Copyright (c) 2021-2024, NVIDIA CORPORATION. * * Licensed under the Apache License, Version 2.0 (the "License"); * you may not use this file except in compliance with the License. @@ -15,6 +15,14 @@ */ #pragma once + +#include "utils.cuh" + +#include +#include + +#include + #define restrict __restrict__ #define THREADS1 512 @@ -33,10 +41,6 @@ #define FACTOR6 2 #define FACTOR7 1 -#include -#include -#include - namespace ML { namespace TSNE { namespace BH { diff --git a/cpp/src/tsne/barnes_hut_tsne.cuh b/cpp/src/tsne/barnes_hut_tsne.cuh index 782cd627fb..ef63473060 100644 --- a/cpp/src/tsne/barnes_hut_tsne.cuh +++ b/cpp/src/tsne/barnes_hut_tsne.cuh @@ -1,5 +1,5 @@ /* - * Copyright (c) 2019-2023, NVIDIA CORPORATION. + * Copyright (c) 2019-2024, NVIDIA CORPORATION. * * Licensed under the Apache License, Version 2.0 (the "License"); * you may not use this file except in compliance with the License. @@ -17,12 +17,16 @@ #include "barnes_hut_kernels.cuh" #include "utils.cuh" + #include #include + #include #include #include +#include + #include #include #include diff --git a/cpp/src/tsne/cannylab/bh.cu b/cpp/src/tsne/cannylab/bh.cu index a7b3136a6d..fe3949822a 100644 --- a/cpp/src/tsne/cannylab/bh.cu +++ b/cpp/src/tsne/cannylab/bh.cu @@ -39,6 +39,7 @@ Emerald Edition, pp. 75-92. January 2011. */ #include + #include #include #include diff --git a/cpp/src/tsne/distances.cuh b/cpp/src/tsne/distances.cuh index c0535dedcd..d9e831cc34 100644 --- a/cpp/src/tsne/distances.cuh +++ b/cpp/src/tsne/distances.cuh @@ -1,5 +1,5 @@ /* - * Copyright (c) 2019-2022, NVIDIA CORPORATION. + * Copyright (c) 2019-2024, 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,12 @@ #pragma once +#include "utils.cuh" + +#include #include + +#include #include #include #include @@ -24,13 +29,6 @@ #include #include #include -#include - -#include - -#include - -#include "utils.cuh" #include #include @@ -38,6 +36,8 @@ #include #include +#include + namespace ML { namespace TSNE { diff --git a/cpp/src/tsne/exact_kernels.cuh b/cpp/src/tsne/exact_kernels.cuh index e7a92ac2ec..694063700c 100644 --- a/cpp/src/tsne/exact_kernels.cuh +++ b/cpp/src/tsne/exact_kernels.cuh @@ -1,5 +1,5 @@ /* - * Copyright (c) 2021-2023, NVIDIA CORPORATION. + * Copyright (c) 2021-2024, 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,8 +16,6 @@ #pragma once -#include -#include #include #include @@ -25,6 +23,9 @@ #include #include +#include +#include + #define restrict __restrict__ namespace ML { diff --git a/cpp/src/tsne/exact_tsne.cuh b/cpp/src/tsne/exact_tsne.cuh index f67758e951..2b236574b6 100644 --- a/cpp/src/tsne/exact_tsne.cuh +++ b/cpp/src/tsne/exact_tsne.cuh @@ -1,5 +1,5 @@ /* - * Copyright (c) 2019-2022, NVIDIA CORPORATION. + * Copyright (c) 2019-2024, NVIDIA CORPORATION. * * Licensed under the Apache License, Version 2.0 (the "License"); * you may not use this file except in compliance with the License. @@ -17,7 +17,9 @@ #include "exact_kernels.cuh" #include "utils.cuh" + #include + #include #include diff --git a/cpp/src/tsne/fft_tsne.cuh b/cpp/src/tsne/fft_tsne.cuh index bde81a7c8c..bd9e9e73b8 100644 --- a/cpp/src/tsne/fft_tsne.cuh +++ b/cpp/src/tsne/fft_tsne.cuh @@ -1,5 +1,5 @@ /* - * Copyright (c) 2021-2023, NVIDIA CORPORATION. + * Copyright (c) 2021-2024, NVIDIA CORPORATION. * * Licensed under the Apache License, Version 2.0 (the "License"); * you may not use this file except in compliance with the License. @@ -25,12 +25,13 @@ #include "fft_kernels.cuh" #include "utils.cuh" -#include + #include -#include + #include #include #include + #include #include @@ -40,6 +41,10 @@ #include #include +#include + +#include + namespace ML { namespace TSNE { diff --git a/cpp/src/tsne/tsne.cu b/cpp/src/tsne/tsne.cu index 6756eff2d2..4964e1a47f 100644 --- a/cpp/src/tsne/tsne.cu +++ b/cpp/src/tsne/tsne.cu @@ -1,5 +1,5 @@ /* - * Copyright (c) 2021-2023, NVIDIA CORPORATION. + * Copyright (c) 2021-2024, NVIDIA CORPORATION. * * Licensed under the Apache License, Version 2.0 (the "License"); * you may not use this file except in compliance with the License. @@ -15,9 +15,10 @@ */ #include "tsne_runner.cuh" + #include -#include +#include #include namespace ML { diff --git a/cpp/src/tsne/tsne_runner.cuh b/cpp/src/tsne/tsne_runner.cuh index 480eec7b8d..8e9fdb0df5 100644 --- a/cpp/src/tsne/tsne_runner.cuh +++ b/cpp/src/tsne/tsne_runner.cuh @@ -1,5 +1,5 @@ /* - * Copyright (c) 2019-2023, NVIDIA CORPORATION. + * Copyright (c) 2019-2024, NVIDIA CORPORATION. * * Licensed under the Apache License, Version 2.0 (the "License"); * you may not use this file except in compliance with the License. @@ -15,22 +15,24 @@ */ #pragma once +#include "barnes_hut_tsne.cuh" #include "distances.cuh" #include "exact_kernels.cuh" +#include "exact_tsne.cuh" +#include "fft_tsne.cuh" #include "utils.cuh" + #include #include + #include #include #include + #include #include -#include "barnes_hut_tsne.cuh" -#include "exact_tsne.cuh" -#include "fft_tsne.cuh" - namespace ML { template diff --git a/cpp/src/tsne/utils.cuh b/cpp/src/tsne/utils.cuh index 4126871512..e1940152eb 100644 --- a/cpp/src/tsne/utils.cuh +++ b/cpp/src/tsne/utils.cuh @@ -1,5 +1,5 @@ /* - * Copyright (c) 2019-2022, NVIDIA CORPORATION. + * Copyright (c) 2019-2024, NVIDIA CORPORATION. * * Licensed under the Apache License, Version 2.0 (the "License"); * you may not use this file except in compliance with the License. @@ -15,31 +15,31 @@ */ #pragma once -#include -#include -#include -#include -#include - #include + #include #include +#include +#include +#include -#include +#include +#include #include #include #include -#include -#include +#include +#include +#include +#include +#include #include +#include #include #include -#include - -#include /** * @brief Performs P + P.T. diff --git a/cpp/src/tsvd/tsvd.cu b/cpp/src/tsvd/tsvd.cu index 6dd421e923..501d32f76b 100644 --- a/cpp/src/tsvd/tsvd.cu +++ b/cpp/src/tsvd/tsvd.cu @@ -1,5 +1,5 @@ /* - * Copyright (c) 2018-2022, NVIDIA CORPORATION. + * Copyright (c) 2018-2024, NVIDIA CORPORATION. * * Licensed under the Apache License, Version 2.0 (the "License"); * you may not use this file except in compliance with the License. @@ -15,7 +15,9 @@ */ #include "tsvd.cuh" + #include + #include namespace ML { diff --git a/cpp/src/tsvd/tsvd.cuh b/cpp/src/tsvd/tsvd.cuh index 1c04acb9c1..543af045cb 100644 --- a/cpp/src/tsvd/tsvd.cuh +++ b/cpp/src/tsvd/tsvd.cuh @@ -1,5 +1,5 @@ /* - * Copyright (c) 2018-2022, NVIDIA CORPORATION. + * Copyright (c) 2018-2024, NVIDIA CORPORATION. * * Licensed under the Apache License, Version 2.0 (the "License"); * you may not use this file except in compliance with the License. @@ -17,6 +17,7 @@ #pragma once #include + #include #include #include @@ -30,9 +31,11 @@ #include #include #include + #include #include #include + #include #include #include diff --git a/cpp/src/tsvd/tsvd_mg.cu b/cpp/src/tsvd/tsvd_mg.cu index 3f939a5481..9ea3133266 100644 --- a/cpp/src/tsvd/tsvd_mg.cu +++ b/cpp/src/tsvd/tsvd_mg.cu @@ -1,5 +1,5 @@ /* - * Copyright (c) 2019-2022, NVIDIA CORPORATION. + * Copyright (c) 2019-2024, NVIDIA CORPORATION. * * Licensed under the Apache License, Version 2.0 (the "License"); * you may not use this file except in compliance with the License. @@ -24,9 +24,8 @@ #include #include #include -#include - #include +#include #include #include #include diff --git a/cpp/src/umap/fuzzy_simpl_set/naive.cuh b/cpp/src/umap/fuzzy_simpl_set/naive.cuh index f674b0ba0f..63798c9c28 100644 --- a/cpp/src/umap/fuzzy_simpl_set/naive.cuh +++ b/cpp/src/umap/fuzzy_simpl_set/naive.cuh @@ -1,5 +1,5 @@ /* - * Copyright (c) 2019-2023, NVIDIA CORPORATION. + * Copyright (c) 2019-2024, 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,17 +20,17 @@ #include #include -#include -#include - #include #include #include #include +#include +#include #include #include + #include namespace UMAPAlgo { diff --git a/cpp/src/umap/fuzzy_simpl_set/runner.cuh b/cpp/src/umap/fuzzy_simpl_set/runner.cuh index 65553d99b7..6cfd3cd58d 100644 --- a/cpp/src/umap/fuzzy_simpl_set/runner.cuh +++ b/cpp/src/umap/fuzzy_simpl_set/runner.cuh @@ -1,5 +1,5 @@ /* - * Copyright (c) 2019-2022, NVIDIA CORPORATION. + * Copyright (c) 2019-2024, 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,6 +16,7 @@ #pragma once #include "naive.cuh" + #include #include diff --git a/cpp/src/umap/init_embed/random_algo.cuh b/cpp/src/umap/init_embed/random_algo.cuh index 340280bd80..217531e548 100644 --- a/cpp/src/umap/init_embed/random_algo.cuh +++ b/cpp/src/umap/init_embed/random_algo.cuh @@ -1,5 +1,5 @@ /* - * Copyright (c) 2019-2022, NVIDIA CORPORATION. + * Copyright (c) 2019-2024, NVIDIA CORPORATION. * * Licensed under the Apache License, Version 2.0 (the "License"); * you may not use this file except in compliance with the License. @@ -17,6 +17,7 @@ #pragma once #include + #include namespace UMAPAlgo { diff --git a/cpp/src/umap/init_embed/runner.cuh b/cpp/src/umap/init_embed/runner.cuh index d62145065f..f0f9961ef4 100644 --- a/cpp/src/umap/init_embed/runner.cuh +++ b/cpp/src/umap/init_embed/runner.cuh @@ -1,5 +1,5 @@ /* - * Copyright (c) 2019-2021, NVIDIA CORPORATION. + * Copyright (c) 2019-2024, 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,13 +16,13 @@ #pragma once +#include "random_algo.cuh" +#include "spectral_algo.cuh" + #include #include -#include "random_algo.cuh" -#include "spectral_algo.cuh" - namespace UMAPAlgo { namespace InitEmbed { diff --git a/cpp/src/umap/init_embed/spectral_algo.cuh b/cpp/src/umap/init_embed/spectral_algo.cuh index d8e54e80c1..cac6e8dcc0 100644 --- a/cpp/src/umap/init_embed/spectral_algo.cuh +++ b/cpp/src/umap/init_embed/spectral_algo.cuh @@ -1,5 +1,5 @@ /* - * Copyright (c) 2019-2022, NVIDIA CORPORATION. + * Copyright (c) 2019-2024, NVIDIA CORPORATION. * * Licensed under the Apache License, Version 2.0 (the "License"); * you may not use this file except in compliance with the License. @@ -19,6 +19,7 @@ #include #include +#include #include #include #include diff --git a/cpp/src/umap/knn_graph/algo.cuh b/cpp/src/umap/knn_graph/algo.cuh index 68d9dda1a3..ab474122d8 100644 --- a/cpp/src/umap/knn_graph/algo.cuh +++ b/cpp/src/umap/knn_graph/algo.cuh @@ -1,5 +1,5 @@ /* - * Copyright (c) 2019-2023, NVIDIA CORPORATION. + * Copyright (c) 2019-2024, NVIDIA CORPORATION. * * Licensed under the Apache License, Version 2.0 (the "License"); * you may not use this file except in compliance with the License. @@ -19,16 +19,16 @@ #include #include #include -#include + +#include +#include #include #include #include - #include - #include -#include +#include namespace UMAPAlgo { namespace kNNGraph { diff --git a/cpp/src/umap/knn_graph/runner.cuh b/cpp/src/umap/knn_graph/runner.cuh index ac61722540..7afba367c1 100644 --- a/cpp/src/umap/knn_graph/runner.cuh +++ b/cpp/src/umap/knn_graph/runner.cuh @@ -1,5 +1,5 @@ /* - * Copyright (c) 2019-2022, NVIDIA CORPORATION. + * Copyright (c) 2019-2024, NVIDIA CORPORATION. * * Licensed under the Apache License, Version 2.0 (the "License"); * you may not use this file except in compliance with the License. @@ -17,6 +17,7 @@ #pragma once #include "algo.cuh" + #include namespace UMAPAlgo { diff --git a/cpp/src/umap/optimize.cuh b/cpp/src/umap/optimize.cuh index 2617fece6d..ba046a0f41 100644 --- a/cpp/src/umap/optimize.cuh +++ b/cpp/src/umap/optimize.cuh @@ -1,5 +1,5 @@ /* - * Copyright (c) 2019-2023, NVIDIA CORPORATION. + * Copyright (c) 2019-2024, NVIDIA CORPORATION. * * Licensed under the Apache License, Version 2.0 (the "License"); * you may not use this file except in compliance with the License. @@ -26,6 +26,7 @@ #include #include #include + #include #include diff --git a/cpp/src/umap/runner.cuh b/cpp/src/umap/runner.cuh index eeaed18cbe..f28eff0854 100644 --- a/cpp/src/umap/runner.cuh +++ b/cpp/src/umap/runner.cuh @@ -1,5 +1,5 @@ /* - * Copyright (c) 2019-2022, NVIDIA CORPORATION. + * Copyright (c) 2019-2024, 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,39 +16,38 @@ #pragma once -#include "optimize.cuh" -#include "supervised.cuh" -#include -#include -#include - #include "fuzzy_simpl_set/runner.cuh" #include "init_embed/runner.cuh" #include "knn_graph/runner.cuh" +#include "optimize.cuh" #include "simpl_set_embed/runner.cuh" +#include "supervised.cuh" -#include +#include -#include -#include -#include -#include -#include -#include -#include +#include +#include +#include #include +#include #include #include #include #include #include - #include -#include #include -#include +#include +#include +#include +#include +#include +#include +#include + +#include namespace UMAPAlgo { diff --git a/cpp/src/umap/simpl_set_embed/algo.cuh b/cpp/src/umap/simpl_set_embed/algo.cuh index 4c153e6da9..b6f2b5286d 100644 --- a/cpp/src/umap/simpl_set_embed/algo.cuh +++ b/cpp/src/umap/simpl_set_embed/algo.cuh @@ -1,5 +1,5 @@ /* - * Copyright (c) 2019-2023, NVIDIA CORPORATION. + * Copyright (c) 2019-2024, 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,32 +16,32 @@ #pragma once -#include -#include - -#include -#include - -#include -#include +#include "optimize_batch_kernel.cuh" #include -#include + +#include +#include #include #include +#include #include -#include -#include "optimize_batch_kernel.cuh" -#include +#include +#include -#include #include #include #include #include +#include +#include + +#include +#include + namespace UMAPAlgo { namespace SimplSetEmbed { namespace Algo { diff --git a/cpp/src/umap/simpl_set_embed/runner.cuh b/cpp/src/umap/simpl_set_embed/runner.cuh index 4738e8334c..dabedd4bdd 100644 --- a/cpp/src/umap/simpl_set_embed/runner.cuh +++ b/cpp/src/umap/simpl_set_embed/runner.cuh @@ -1,5 +1,5 @@ /* - * Copyright (c) 2019-2022, NVIDIA CORPORATION. + * Copyright (c) 2019-2024, NVIDIA CORPORATION. * * Licensed under the Apache License, Version 2.0 (the "License"); * you may not use this file except in compliance with the License. @@ -17,6 +17,7 @@ #pragma once #include "algo.cuh" + #include #include diff --git a/cpp/src/umap/supervised.cuh b/cpp/src/umap/supervised.cuh index f9590bcb47..9ca86e512c 100644 --- a/cpp/src/umap/supervised.cuh +++ b/cpp/src/umap/supervised.cuh @@ -1,5 +1,5 @@ /* - * Copyright (c) 2019-2022, NVIDIA CORPORATION. + * Copyright (c) 2019-2024, 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,36 +16,34 @@ #pragma once -#include "optimize.cuh" -#include -#include -#include -#include - #include "fuzzy_simpl_set/runner.cuh" #include "init_embed/runner.cuh" #include "knn_graph/runner.cuh" +#include "optimize.cuh" #include "simpl_set_embed/runner.cuh" -#include -#include -#include -#include -#include -#include -#include -#include +#include +#include +#include +#include #include #include #include #include #include #include - #include +#include #include +#include +#include +#include +#include +#include +#include +#include namespace UMAPAlgo { diff --git a/cpp/src/umap/umap.cu b/cpp/src/umap/umap.cu index bd1d149328..016a79d2d4 100644 --- a/cpp/src/umap/umap.cu +++ b/cpp/src/umap/umap.cu @@ -1,5 +1,5 @@ /* - * Copyright (c) 2021-2023, NVIDIA CORPORATION. + * Copyright (c) 2021-2024, NVIDIA CORPORATION. * * Licensed under the Apache License, Version 2.0 (the "License"); * you may not use this file except in compliance with the License. @@ -15,9 +15,11 @@ */ #include "runner.cuh" + #include #include #include + #include #include diff --git a/cpp/src_prims/common/device_utils.cuh b/cpp/src_prims/common/device_utils.cuh index 797fc6e011..fe577c1076 100644 --- a/cpp/src_prims/common/device_utils.cuh +++ b/cpp/src_prims/common/device_utils.cuh @@ -1,5 +1,5 @@ /* - * Copyright (c) 2021-2022, NVIDIA CORPORATION. + * Copyright (c) 2021-2024, NVIDIA CORPORATION. * * Licensed under the Apache License, Version 2.0 (the "License"); * you may not use this file except in compliance with the License. @@ -17,6 +17,7 @@ #pragma once #include + #include // pair namespace MLCommon { diff --git a/cpp/src_prims/common/fast_int_div.cuh b/cpp/src_prims/common/fast_int_div.cuh index d20b2126d2..19ac8a4de6 100644 --- a/cpp/src_prims/common/fast_int_div.cuh +++ b/cpp/src_prims/common/fast_int_div.cuh @@ -1,5 +1,5 @@ /* - * Copyright (c) 2020-2022, NVIDIA CORPORATION. + * Copyright (c) 2020-2024, NVIDIA CORPORATION. * * Licensed under the Apache License, Version 2.0 (the "License"); * you may not use this file except in compliance with the License. @@ -17,6 +17,7 @@ #pragma once #include + #include namespace MLCommon { diff --git a/cpp/src_prims/cufft_utils.h b/cpp/src_prims/cufft_utils.h index d46ab4fa72..bbfed49b79 100644 --- a/cpp/src_prims/cufft_utils.h +++ b/cpp/src_prims/cufft_utils.h @@ -1,5 +1,5 @@ /* - * Copyright (c) 2021-2022, NVIDIA CORPORATION. + * Copyright (c) 2021-2024, 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,9 +16,10 @@ #pragma once -#include #include +#include + // TODO move to raft https://github.com/rapidsai/raft/issues/91 namespace raft { diff --git a/cpp/src_prims/functions/hinge.cuh b/cpp/src_prims/functions/hinge.cuh index 9c59b98c19..76bcc11909 100644 --- a/cpp/src_prims/functions/hinge.cuh +++ b/cpp/src_prims/functions/hinge.cuh @@ -1,5 +1,5 @@ /* - * Copyright (c) 2018-2023, NVIDIA CORPORATION. + * Copyright (c) 2018-2024, NVIDIA CORPORATION. * * Licensed under the Apache License, Version 2.0 (the "License"); * you may not use this file except in compliance with the License. @@ -17,6 +17,7 @@ #pragma once #include "penalty.cuh" + #include #include #include @@ -28,6 +29,7 @@ #include #include #include + #include namespace MLCommon { diff --git a/cpp/src_prims/functions/linearReg.cuh b/cpp/src_prims/functions/linearReg.cuh index be9efb5a5b..f9c4d2a969 100644 --- a/cpp/src_prims/functions/linearReg.cuh +++ b/cpp/src_prims/functions/linearReg.cuh @@ -1,5 +1,5 @@ /* - * Copyright (c) 2018-2023, NVIDIA CORPORATION. + * Copyright (c) 2018-2024, NVIDIA CORPORATION. * * Licensed under the Apache License, Version 2.0 (the "License"); * you may not use this file except in compliance with the License. @@ -17,6 +17,7 @@ #pragma once #include "penalty.cuh" + #include #include #include @@ -27,6 +28,7 @@ #include #include #include + #include namespace MLCommon { diff --git a/cpp/src_prims/functions/logisticReg.cuh b/cpp/src_prims/functions/logisticReg.cuh index 28ee30f645..c6bba457a6 100644 --- a/cpp/src_prims/functions/logisticReg.cuh +++ b/cpp/src_prims/functions/logisticReg.cuh @@ -1,5 +1,5 @@ /* - * Copyright (c) 2018-2023, NVIDIA CORPORATION. + * Copyright (c) 2018-2024, 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,6 +18,7 @@ #include "penalty.cuh" #include "sigmoid.cuh" + #include #include #include @@ -28,6 +29,7 @@ #include #include #include + #include namespace MLCommon { diff --git a/cpp/src_prims/functions/penalty.cuh b/cpp/src_prims/functions/penalty.cuh index a08fd5907a..034d943c1c 100644 --- a/cpp/src_prims/functions/penalty.cuh +++ b/cpp/src_prims/functions/penalty.cuh @@ -1,5 +1,5 @@ /* - * Copyright (c) 2018-2023, NVIDIA CORPORATION. + * Copyright (c) 2018-2024, NVIDIA CORPORATION. * * Licensed under the Apache License, Version 2.0 (the "License"); * you may not use this file except in compliance with the License. @@ -17,12 +17,14 @@ #pragma once #include "sign.cuh" + #include #include #include #include #include #include + #include #include diff --git a/cpp/src_prims/linalg/batched/matrix.cuh b/cpp/src_prims/linalg/batched/matrix.cuh index 51cc4dec0b..00ea158012 100644 --- a/cpp/src_prims/linalg/batched/matrix.cuh +++ b/cpp/src_prims/linalg/batched/matrix.cuh @@ -1,5 +1,5 @@ /* - * Copyright (c) 2019-2023, NVIDIA CORPORATION. + * Copyright (c) 2019-2024, 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,16 +16,17 @@ #pragma once -#include - #include +#include + #include #include #include // #TODO: Replace with public header when ready #include #include + #include #include diff --git a/cpp/src_prims/linalg/block.cuh b/cpp/src_prims/linalg/block.cuh index e0c044ca4a..f9f31c6f6b 100644 --- a/cpp/src_prims/linalg/block.cuh +++ b/cpp/src_prims/linalg/block.cuh @@ -1,5 +1,5 @@ /* - * Copyright (c) 2021-2023, NVIDIA CORPORATION. + * Copyright (c) 2021-2024, NVIDIA CORPORATION. * * Licensed under the Apache License, Version 2.0 (the "License"); * you may not use this file except in compliance with the License. @@ -14,12 +14,12 @@ * limitations under the License. */ -#include - #include #include #include +#include + // Anonymous namespace for internal auxiliary functions namespace { diff --git a/cpp/src_prims/random/make_arima.cuh b/cpp/src_prims/random/make_arima.cuh index bec189cfec..54f5527c4b 100644 --- a/cpp/src_prims/random/make_arima.cuh +++ b/cpp/src_prims/random/make_arima.cuh @@ -1,5 +1,5 @@ /* - * Copyright (c) 2020-2022, NVIDIA CORPORATION. + * Copyright (c) 2020-2024, 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,16 +16,18 @@ #pragma once -#include +#include + +#include #include #include #include -#include -#include #include +#include + namespace MLCommon { namespace Random { diff --git a/cpp/src_prims/selection/knn.cuh b/cpp/src_prims/selection/knn.cuh index d9e6ed8acf..93a2d88f50 100644 --- a/cpp/src_prims/selection/knn.cuh +++ b/cpp/src_prims/selection/knn.cuh @@ -1,5 +1,5 @@ /* - * Copyright (c) 2019-2022, NVIDIA CORPORATION. + * Copyright (c) 2019-2024, 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,13 +16,12 @@ #pragma once -#include - #include -#include +#include #include #include +#include #include #include diff --git a/cpp/src_prims/selection/kselection.cuh b/cpp/src_prims/selection/kselection.cuh index 8eb4a89477..e76fc9f0ba 100644 --- a/cpp/src_prims/selection/kselection.cuh +++ b/cpp/src_prims/selection/kselection.cuh @@ -1,5 +1,5 @@ /* - * Copyright (c) 2018-2022, NVIDIA CORPORATION. + * Copyright (c) 2018-2024, 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,10 +16,12 @@ #pragma once -#include #include + #include +#include + namespace MLCommon { namespace Selection { diff --git a/cpp/src_prims/sparse/batched/csr.cuh b/cpp/src_prims/sparse/batched/csr.cuh index e8a0537a78..8f75da9fe2 100644 --- a/cpp/src_prims/sparse/batched/csr.cuh +++ b/cpp/src_prims/sparse/batched/csr.cuh @@ -1,5 +1,5 @@ /* - * Copyright (c) 2020-2023, NVIDIA CORPORATION. + * Copyright (c) 2020-2024, NVIDIA CORPORATION. * * Licensed under the Apache License, Version 2.0 (the "License"); * you may not use this file except in compliance with the License. @@ -28,15 +28,17 @@ #include -#include #include #include + #include #include #include #include +#include + #include #include #include diff --git a/cpp/src_prims/timeSeries/arima_helpers.cuh b/cpp/src_prims/timeSeries/arima_helpers.cuh index fff189878c..c78c9b732e 100644 --- a/cpp/src_prims/timeSeries/arima_helpers.cuh +++ b/cpp/src_prims/timeSeries/arima_helpers.cuh @@ -1,5 +1,5 @@ /* - * Copyright (c) 2019-2023, NVIDIA CORPORATION. + * Copyright (c) 2019-2024, 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,16 +16,19 @@ #pragma once -#include - #include "jones_transform.cuh" + #include -#include + #include #include #include #include +#include + +#include + // Private helper functions and kernels in the anonymous namespace namespace { diff --git a/cpp/src_prims/timeSeries/fillna.cuh b/cpp/src_prims/timeSeries/fillna.cuh index 099ccaff03..76d20814b5 100644 --- a/cpp/src_prims/timeSeries/fillna.cuh +++ b/cpp/src_prims/timeSeries/fillna.cuh @@ -1,5 +1,5 @@ /* - * Copyright (c) 2021-2022, NVIDIA CORPORATION. + * Copyright (c) 2021-2024, 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,18 +16,22 @@ #pragma once -#include -#include - #include "jones_transform.cuh" + #include -#include + #include #include #include #include + #include +#include +#include + +#include + // Auxiliary functions in anonymous namespace namespace { diff --git a/cpp/src_prims/timeSeries/jones_transform.cuh b/cpp/src_prims/timeSeries/jones_transform.cuh index 81d4c693b3..63c931137d 100644 --- a/cpp/src_prims/timeSeries/jones_transform.cuh +++ b/cpp/src_prims/timeSeries/jones_transform.cuh @@ -1,5 +1,5 @@ /* - * Copyright (c) 2019-2022, NVIDIA CORPORATION. + * Copyright (c) 2019-2024, NVIDIA CORPORATION. * * Licensed under the Apache License, Version 2.0 (the "License"); * you may not use this file except in compliance with the License. @@ -21,11 +21,12 @@ #pragma once -#include #include #include #include +#include + namespace MLCommon { namespace TimeSeries { diff --git a/cpp/test/mg/kmeans_test.cu b/cpp/test/mg/kmeans_test.cu index 6e83d9076f..4ee5836f18 100644 --- a/cpp/test/mg/kmeans_test.cu +++ b/cpp/test/mg/kmeans_test.cu @@ -1,5 +1,5 @@ /* - * Copyright (c) 2022, NVIDIA CORPORATION. + * Copyright (c) 2022-2024, NVIDIA CORPORATION. * * Licensed under the Apache License, Version 2.0 (the "License"); * you may not use this file except in compliance with the License. @@ -14,23 +14,27 @@ * limitations under the License. */ -#include -#include +#include +#include +#include +#include +#include + #include #include #include #include + #include + +#include + +#include +#include #include #include -#include -#include -#include -#include -#include -#include -#include +#include #define NCCLCHECK(cmd) \ do { \ diff --git a/cpp/test/mg/knn.cu b/cpp/test/mg/knn.cu index d7b4d5c8de..30ada2f90e 100644 --- a/cpp/test/mg/knn.cu +++ b/cpp/test/mg/knn.cu @@ -1,5 +1,5 @@ /* - * Copyright (c) 2020-2022, NVIDIA CORPORATION. + * Copyright (c) 2020-2024, 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,17 +16,19 @@ #include "../prims/test_utils.h" #include "test_opg_utils.h" + #include -#include -#include -#include #include - +#include #include #include +#include + +#include + namespace ML { namespace KNN { namespace opg { diff --git a/cpp/test/mg/knn_test_helper.cuh b/cpp/test/mg/knn_test_helper.cuh index c9b18757a3..08c9268a25 100644 --- a/cpp/test/mg/knn_test_helper.cuh +++ b/cpp/test/mg/knn_test_helper.cuh @@ -1,5 +1,5 @@ /* - * Copyright (c) 2020-2022, NVIDIA CORPORATION. + * Copyright (c) 2020-2024, 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,17 +16,18 @@ #include "../prims/test_utils.h" #include "test_opg_utils.h" + #include -#include -#include -#include #include - #include +#include +#include + +#include #include -#include +#include namespace ML { namespace KNN { diff --git a/cpp/test/mg/main.cu b/cpp/test/mg/main.cu index f695ea6b6b..cf48e9f877 100644 --- a/cpp/test/mg/main.cu +++ b/cpp/test/mg/main.cu @@ -1,5 +1,5 @@ /* - * Copyright (c) 2019-2021, NVIDIA CORPORATION. + * Copyright (c) 2019-2024, NVIDIA CORPORATION. * * Licensed under the Apache License, Version 2.0 (the "License"); * you may not use this file except in compliance with the License. @@ -14,10 +14,10 @@ * limitations under the License. */ -#include - #include "test_opg_utils.h" +#include + int main(int argc, char** argv) { ::testing::InitGoogleTest(&argc, argv); diff --git a/cpp/test/mg/pca.cu b/cpp/test/mg/pca.cu index de4e37c7a9..3b7453c9dc 100644 --- a/cpp/test/mg/pca.cu +++ b/cpp/test/mg/pca.cu @@ -1,5 +1,5 @@ /* - * Copyright (c) 2020-2023, NVIDIA CORPORATION. + * Copyright (c) 2020-2024, NVIDIA CORPORATION. * * Licensed under the Apache License, Version 2.0 (the "License"); * you may not use this file except in compliance with the License. @@ -15,16 +15,18 @@ */ #include "test_opg_utils.h" + #include #include + #include #include -#include +#include #include #include -#include -#include +#include +#include namespace MLCommon { namespace Test { diff --git a/cpp/test/mg/test_opg_utils.h b/cpp/test/mg/test_opg_utils.h index 7990532b47..598792af6b 100644 --- a/cpp/test/mg/test_opg_utils.h +++ b/cpp/test/mg/test_opg_utils.h @@ -1,5 +1,5 @@ /* - * Copyright (c) 2019-2022, NVIDIA CORPORATION. + * Copyright (c) 2019-2024, 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,9 +16,10 @@ #pragma once +#include + #include #include -#include namespace MLCommon { namespace Test { diff --git a/cpp/test/prims/add_sub_dev_scalar.cu b/cpp/test/prims/add_sub_dev_scalar.cu index 115c4e29bd..248d73259d 100644 --- a/cpp/test/prims/add_sub_dev_scalar.cu +++ b/cpp/test/prims/add_sub_dev_scalar.cu @@ -1,5 +1,5 @@ /* - * Copyright (c) 2018-2022, NVIDIA CORPORATION. + * Copyright (c) 2018-2024, NVIDIA CORPORATION. * * Licensed under the Apache License, Version 2.0 (the "License"); * you may not use this file except in compliance with the License. @@ -15,15 +15,18 @@ */ #include "test_utils.h" -#include + #include #include #include #include #include + #include #include +#include + namespace raft { namespace linalg { diff --git a/cpp/test/prims/batched/csr.cu b/cpp/test/prims/batched/csr.cu index f092b7644e..175f9613c3 100644 --- a/cpp/test/prims/batched/csr.cu +++ b/cpp/test/prims/batched/csr.cu @@ -1,5 +1,5 @@ /* - * Copyright (c) 2019-2023, NVIDIA CORPORATION. + * Copyright (c) 2019-2024, NVIDIA CORPORATION. * * Licensed under the Apache License, Version 2.0 (the "License"); * you may not use this file except in compliance with the License. @@ -14,15 +14,13 @@ * limitations under the License. */ -#include -#include - -#include -#include - #include #include +#include +#include +#include +#include #include #include diff --git a/cpp/test/prims/batched/gemv.cu b/cpp/test/prims/batched/gemv.cu index 78fd3b8e3b..68761b8800 100644 --- a/cpp/test/prims/batched/gemv.cu +++ b/cpp/test/prims/batched/gemv.cu @@ -1,5 +1,5 @@ /* - * Copyright (c) 2018-2022, NVIDIA CORPORATION. + * Copyright (c) 2018-2024, NVIDIA CORPORATION. * * Licensed under the Apache License, Version 2.0 (the "License"); * you may not use this file except in compliance with the License. @@ -15,10 +15,12 @@ */ #include "../test_utils.h" -#include -#include + #include #include + +#include +#include #include namespace MLCommon { diff --git a/cpp/test/prims/batched/make_symm.cu b/cpp/test/prims/batched/make_symm.cu index 43206593ff..5de82b025d 100644 --- a/cpp/test/prims/batched/make_symm.cu +++ b/cpp/test/prims/batched/make_symm.cu @@ -1,5 +1,5 @@ /* - * Copyright (c) 2019-2022, NVIDIA CORPORATION. + * Copyright (c) 2019-2024, NVIDIA CORPORATION. * * Licensed under the Apache License, Version 2.0 (the "License"); * you may not use this file except in compliance with the License. @@ -15,11 +15,14 @@ */ #include "../test_utils.h" -#include -#include + #include #include + #include + +#include +#include #include namespace MLCommon { diff --git a/cpp/test/prims/batched/matrix.cu b/cpp/test/prims/batched/matrix.cu index fcd1d2dfc0..b199952318 100644 --- a/cpp/test/prims/batched/matrix.cu +++ b/cpp/test/prims/batched/matrix.cu @@ -1,5 +1,5 @@ /* - * Copyright (c) 2019-2023, NVIDIA CORPORATION. + * Copyright (c) 2019-2024, NVIDIA CORPORATION. * * Licensed under the Apache License, Version 2.0 (the "License"); * you may not use this file except in compliance with the License. @@ -14,19 +14,18 @@ * limitations under the License. */ -#include -#include - -#include - +#include #include #include +#include +#include +#include +#include + #include #include #include -#include -#include #include #include diff --git a/cpp/test/prims/decoupled_lookback.cu b/cpp/test/prims/decoupled_lookback.cu index bcc99bda5e..6954d26c5f 100644 --- a/cpp/test/prims/decoupled_lookback.cu +++ b/cpp/test/prims/decoupled_lookback.cu @@ -1,5 +1,5 @@ /* - * Copyright (c) 2018-2022, NVIDIA CORPORATION. + * Copyright (c) 2018-2024, NVIDIA CORPORATION. * * Licensed under the Apache License, Version 2.0 (the "License"); * you may not use this file except in compliance with the License. @@ -15,12 +15,15 @@ */ #include "test_utils.h" -#include -#include + #include #include + #include +#include +#include + namespace MLCommon { template diff --git a/cpp/test/prims/device_utils.cu b/cpp/test/prims/device_utils.cu index e4e683827d..6e60c9aa00 100644 --- a/cpp/test/prims/device_utils.cu +++ b/cpp/test/prims/device_utils.cu @@ -1,5 +1,5 @@ /* - * Copyright (c) 2020-2022, NVIDIA CORPORATION. + * Copyright (c) 2020-2024, NVIDIA CORPORATION. * * Licensed under the Apache License, Version 2.0 (the "License"); * you may not use this file except in compliance with the License. @@ -15,12 +15,16 @@ */ #include "test_utils.h" + #include -#include + #include #include + #include +#include + namespace MLCommon { /* diff --git a/cpp/test/prims/dist_adj.cu b/cpp/test/prims/dist_adj.cu index 8cc79a4363..8dccedeb84 100644 --- a/cpp/test/prims/dist_adj.cu +++ b/cpp/test/prims/dist_adj.cu @@ -1,5 +1,5 @@ /* - * Copyright (c) 2018-2022, NVIDIA CORPORATION. + * Copyright (c) 2018-2024, NVIDIA CORPORATION. * * Licensed under the Apache License, Version 2.0 (the "License"); * you may not use this file except in compliance with the License. @@ -15,12 +15,14 @@ */ #include "test_utils.h" -#include -#include + #include #include #include +#include +#include + namespace MLCommon { namespace Distance { diff --git a/cpp/test/prims/distance_base.cuh b/cpp/test/prims/distance_base.cuh index 09f2d09724..0924804b31 100644 --- a/cpp/test/prims/distance_base.cuh +++ b/cpp/test/prims/distance_base.cuh @@ -1,5 +1,5 @@ /* - * Copyright (c) 2018-2022, NVIDIA CORPORATION. + * Copyright (c) 2018-2024, NVIDIA CORPORATION. * * Licensed under the Apache License, Version 2.0 (the "License"); * you may not use this file except in compliance with the License. @@ -15,14 +15,16 @@ */ #include "test_utils.h" -#include -#include + #include #include #include #include #include +#include +#include + namespace MLCommon { namespace Distance { diff --git a/cpp/test/prims/eltwise2d.cu b/cpp/test/prims/eltwise2d.cu index 418df99faa..549e72c729 100644 --- a/cpp/test/prims/eltwise2d.cu +++ b/cpp/test/prims/eltwise2d.cu @@ -1,5 +1,5 @@ /* - * Copyright (c) 2018-2022, NVIDIA CORPORATION. + * Copyright (c) 2018-2024, NVIDIA CORPORATION. * * Licensed under the Apache License, Version 2.0 (the "License"); * you may not use this file except in compliance with the License. @@ -15,11 +15,13 @@ */ #include "test_utils.h" -#include -#include + #include #include +#include +#include + namespace MLCommon { namespace LinAlg { diff --git a/cpp/test/prims/fast_int_div.cu b/cpp/test/prims/fast_int_div.cu index b3a2cba489..0e2b9c16cd 100644 --- a/cpp/test/prims/fast_int_div.cu +++ b/cpp/test/prims/fast_int_div.cu @@ -1,5 +1,5 @@ /* - * Copyright (c) 2020-2022, NVIDIA CORPORATION. + * Copyright (c) 2020-2024, NVIDIA CORPORATION. * * Licensed under the Apache License, Version 2.0 (the "License"); * you may not use this file except in compliance with the License. @@ -15,11 +15,15 @@ */ #include "test_utils.h" + #include -#include + #include + #include +#include + namespace MLCommon { TEST(FastIntDiv, CpuTest) diff --git a/cpp/test/prims/fillna.cu b/cpp/test/prims/fillna.cu index f35d4d0a36..2ccb09f238 100644 --- a/cpp/test/prims/fillna.cu +++ b/cpp/test/prims/fillna.cu @@ -1,5 +1,5 @@ /* - * Copyright (c) 2021-2022, NVIDIA CORPORATION. + * Copyright (c) 2021-2024, NVIDIA CORPORATION. * * Licensed under the Apache License, Version 2.0 (the "License"); * you may not use this file except in compliance with the License. @@ -14,20 +14,20 @@ * limitations under the License. */ -#include - -#include -#include +#include "test_utils.h" #include #include #include -#include -#include "test_utils.h" +#include +#include #include +#include +#include + namespace MLCommon { namespace TimeSeries { diff --git a/cpp/test/prims/grid_sync.cu b/cpp/test/prims/grid_sync.cu index c460cd8aa3..0f5e6c51c7 100644 --- a/cpp/test/prims/grid_sync.cu +++ b/cpp/test/prims/grid_sync.cu @@ -1,5 +1,5 @@ /* - * Copyright (c) 2019-2022, NVIDIA CORPORATION. + * Copyright (c) 2019-2024, NVIDIA CORPORATION. * * Licensed under the Apache License, Version 2.0 (the "License"); * you may not use this file except in compliance with the License. @@ -15,11 +15,15 @@ */ #include "test_utils.h" + #include -#include + #include + #include +#include + namespace MLCommon { __global__ void gridSyncTestKernel(void* workspace, int* out, SyncType type) diff --git a/cpp/test/prims/hinge.cu b/cpp/test/prims/hinge.cu index a0d003b87e..e30e5c7e54 100644 --- a/cpp/test/prims/hinge.cu +++ b/cpp/test/prims/hinge.cu @@ -1,5 +1,5 @@ /* - * Copyright (c) 2020-2022, NVIDIA CORPORATION. + * Copyright (c) 2020-2024, NVIDIA CORPORATION. * * Licensed under the Apache License, Version 2.0 (the "License"); * you may not use this file except in compliance with the License. @@ -15,11 +15,13 @@ */ #include "test_utils.h" -#include -#include + #include #include +#include +#include + namespace MLCommon { namespace Functions { diff --git a/cpp/test/prims/jones_transform.cu b/cpp/test/prims/jones_transform.cu index 5a9194d6be..b0b86d7350 100644 --- a/cpp/test/prims/jones_transform.cu +++ b/cpp/test/prims/jones_transform.cu @@ -1,5 +1,5 @@ /* - * Copyright (c) 2019-2022, NVIDIA CORPORATION. * + * Copyright (c) 2019-2024, 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 @@ -13,15 +13,19 @@ * limitations under the License. */ #include "test_utils.h" -#include -#include -#include + #include #include -#include + #include + +#include #include +#include +#include +#include + namespace MLCommon { namespace TimeSeries { diff --git a/cpp/test/prims/knn_classify.cu b/cpp/test/prims/knn_classify.cu index cb556afdd5..56bc6a245d 100644 --- a/cpp/test/prims/knn_classify.cu +++ b/cpp/test/prims/knn_classify.cu @@ -1,5 +1,5 @@ /* - * Copyright (c) 2019-2023, NVIDIA CORPORATION. + * Copyright (c) 2019-2024, NVIDIA CORPORATION. * * Licensed under the Apache License, Version 2.0 (the "License"); * you may not use this file except in compliance with the License. @@ -15,15 +15,19 @@ */ #include "test_utils.h" -#include -#include + #include #include #include #include #include + #include + +#include #include + +#include #include namespace MLCommon { diff --git a/cpp/test/prims/knn_regression.cu b/cpp/test/prims/knn_regression.cu index c2a6b700af..7c29c8ea1e 100644 --- a/cpp/test/prims/knn_regression.cu +++ b/cpp/test/prims/knn_regression.cu @@ -1,5 +1,5 @@ /* - * Copyright (c) 2019-2023, NVIDIA CORPORATION. + * Copyright (c) 2019-2024, 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,10 +16,7 @@ #include "test_utils.h" -#include - #include - #include #include #include @@ -28,12 +25,13 @@ #include -#include - #include #include #include +#include +#include + #include #include diff --git a/cpp/test/prims/kselection.cu b/cpp/test/prims/kselection.cu index d093b6edf2..afa69cea5f 100644 --- a/cpp/test/prims/kselection.cu +++ b/cpp/test/prims/kselection.cu @@ -1,5 +1,5 @@ /* - * Copyright (c) 2018-2022, NVIDIA CORPORATION. + * Copyright (c) 2018-2024, NVIDIA CORPORATION. * * Licensed under the Apache License, Version 2.0 (the "License"); * you may not use this file except in compliance with the License. @@ -14,14 +14,16 @@ * limitations under the License. */ -#include -#include -#include #include #include + +#include #include #include +#include +#include + namespace MLCommon { namespace Selection { diff --git a/cpp/test/prims/linalg_block.cu b/cpp/test/prims/linalg_block.cu index 3be940bfec..369c16e676 100644 --- a/cpp/test/prims/linalg_block.cu +++ b/cpp/test/prims/linalg_block.cu @@ -1,5 +1,5 @@ /* - * Copyright (c) 2021-2022, NVIDIA CORPORATION. + * Copyright (c) 2021-2024, NVIDIA CORPORATION. * * Licensed under the Apache License, Version 2.0 (the "License"); * you may not use this file except in compliance with the License. @@ -14,22 +14,21 @@ * limitations under the License. */ -#include +#include "test_utils.h" -#include -#include +#include #include #include #include #include -#include "test_utils.h" - -#include - +#include #include +#include +#include + namespace MLCommon { namespace LinAlg { diff --git a/cpp/test/prims/linearReg.cu b/cpp/test/prims/linearReg.cu index c524d17691..7ec7469ed8 100644 --- a/cpp/test/prims/linearReg.cu +++ b/cpp/test/prims/linearReg.cu @@ -1,5 +1,5 @@ /* - * Copyright (c) 2020-2022, NVIDIA CORPORATION. + * Copyright (c) 2020-2024, NVIDIA CORPORATION. * * Licensed under the Apache License, Version 2.0 (the "License"); * you may not use this file except in compliance with the License. @@ -15,11 +15,13 @@ */ #include "test_utils.h" -#include -#include + #include #include +#include +#include + namespace MLCommon { namespace Functions { diff --git a/cpp/test/prims/log.cu b/cpp/test/prims/log.cu index f7b4d04e27..b8c2ae142b 100644 --- a/cpp/test/prims/log.cu +++ b/cpp/test/prims/log.cu @@ -1,5 +1,5 @@ /* - * Copyright (c) 2020-2022, NVIDIA CORPORATION. + * Copyright (c) 2020-2024, NVIDIA CORPORATION. * * Licensed under the Apache License, Version 2.0 (the "License"); * you may not use this file except in compliance with the License. @@ -15,11 +15,14 @@ */ #include "test_utils.h" -#include -#include + #include + #include +#include +#include + namespace MLCommon { namespace Functions { diff --git a/cpp/test/prims/logisticReg.cu b/cpp/test/prims/logisticReg.cu index ad607f6e2c..3a492db0c1 100644 --- a/cpp/test/prims/logisticReg.cu +++ b/cpp/test/prims/logisticReg.cu @@ -1,5 +1,5 @@ /* - * Copyright (c) 2020-2022, NVIDIA CORPORATION. + * Copyright (c) 2020-2024, NVIDIA CORPORATION. * * Licensed under the Apache License, Version 2.0 (the "License"); * you may not use this file except in compliance with the License. @@ -15,11 +15,13 @@ */ #include "test_utils.h" -#include -#include + #include #include +#include +#include + namespace MLCommon { namespace Functions { diff --git a/cpp/test/prims/make_arima.cu b/cpp/test/prims/make_arima.cu index 118e880c23..a0bf98a1fd 100644 --- a/cpp/test/prims/make_arima.cu +++ b/cpp/test/prims/make_arima.cu @@ -1,5 +1,5 @@ /* - * Copyright (c) 2019-2022, NVIDIA CORPORATION. + * Copyright (c) 2019-2024, NVIDIA CORPORATION. * * Licensed under the Apache License, Version 2.0 (the "License"); * you may not use this file except in compliance with the License. @@ -14,14 +14,16 @@ * limitations under the License. */ -#include -#include -#include - #include "test_utils.h" + #include #include #include + +#include +#include + +#include #include namespace MLCommon { diff --git a/cpp/test/prims/penalty.cu b/cpp/test/prims/penalty.cu index 0318e77421..513b74604f 100644 --- a/cpp/test/prims/penalty.cu +++ b/cpp/test/prims/penalty.cu @@ -1,5 +1,5 @@ /* - * Copyright (c) 2020-2022, NVIDIA CORPORATION. + * Copyright (c) 2020-2024, NVIDIA CORPORATION. * * Licensed under the Apache License, Version 2.0 (the "License"); * you may not use this file except in compliance with the License. @@ -15,11 +15,13 @@ */ #include "test_utils.h" -#include -#include + #include #include +#include +#include + namespace MLCommon { namespace Functions { diff --git a/cpp/test/prims/sigmoid.cu b/cpp/test/prims/sigmoid.cu index 195a4f5973..8e1e48bdde 100644 --- a/cpp/test/prims/sigmoid.cu +++ b/cpp/test/prims/sigmoid.cu @@ -1,5 +1,5 @@ /* - * Copyright (c) 2020-2022, NVIDIA CORPORATION. + * Copyright (c) 2020-2024, NVIDIA CORPORATION. * * Licensed under the Apache License, Version 2.0 (the "License"); * you may not use this file except in compliance with the License. @@ -15,12 +15,15 @@ */ #include "test_utils.h" -#include -#include + #include #include + #include +#include +#include + namespace MLCommon { namespace Functions { diff --git a/cpp/test/prims/test_utils.h b/cpp/test/prims/test_utils.h index 8a50f0a065..62db2f7689 100644 --- a/cpp/test/prims/test_utils.h +++ b/cpp/test/prims/test_utils.h @@ -1,5 +1,5 @@ /* - * Copyright (c) 2018-2022, NVIDIA CORPORATION. + * Copyright (c) 2018-2024, NVIDIA CORPORATION. * * Licensed under the Apache License, Version 2.0 (the "License"); * you may not use this file except in compliance with the License. @@ -15,13 +15,15 @@ */ #pragma once -#include -#include -#include #include #include #include +#include + +#include +#include + namespace MLCommon { template diff --git a/cpp/test/sg/cd_test.cu b/cpp/test/sg/cd_test.cu index 7f087e0e50..34ee253438 100644 --- a/cpp/test/sg/cd_test.cu +++ b/cpp/test/sg/cd_test.cu @@ -1,5 +1,5 @@ /* - * Copyright (c) 2019-2023, NVIDIA CORPORATION. + * Copyright (c) 2019-2024, 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,15 +16,17 @@ #include #include -#include -#include -#include -#include -#include +#include #include #include #include +#include + +#include + +#include +#include namespace ML { namespace Solver { diff --git a/cpp/test/sg/dbscan_test.cu b/cpp/test/sg/dbscan_test.cu index 1d53df5315..2497beb1d3 100644 --- a/cpp/test/sg/dbscan_test.cu +++ b/cpp/test/sg/dbscan_test.cu @@ -1,5 +1,5 @@ /* - * Copyright (c) 2018-2023, NVIDIA CORPORATION. + * Copyright (c) 2018-2024, NVIDIA CORPORATION. * * Licensed under the Apache License, Version 2.0 (the "License"); * you may not use this file except in compliance with the License. @@ -14,12 +14,11 @@ * limitations under the License. */ -#include -#include - #include +#include #include #include + #include #include #include @@ -27,9 +26,10 @@ #include #include +#include #include -#include +#include namespace ML { diff --git a/cpp/test/sg/experimental/fil/raft_proto/buffer.cpp b/cpp/test/sg/experimental/fil/raft_proto/buffer.cpp index a3856f0b7f..966a8720a9 100644 --- a/cpp/test/sg/experimental/fil/raft_proto/buffer.cpp +++ b/cpp/test/sg/experimental/fil/raft_proto/buffer.cpp @@ -1,5 +1,5 @@ /* - * Copyright (c) 2023, NVIDIA CORPORATION. + * Copyright (c) 2023-2024, NVIDIA CORPORATION. * * Licensed under the Apache License, Version 2.0 (the "License"); * you may not use this file except in compliance with the License. @@ -19,6 +19,7 @@ #include #include #include + #include #include diff --git a/cpp/test/sg/experimental/fil/raft_proto/buffer.cu b/cpp/test/sg/experimental/fil/raft_proto/buffer.cu index 0eb5aa5416..90f8f3cc98 100644 --- a/cpp/test/sg/experimental/fil/raft_proto/buffer.cu +++ b/cpp/test/sg/experimental/fil/raft_proto/buffer.cu @@ -1,5 +1,5 @@ /* - * Copyright (c) 2023, NVIDIA CORPORATION. + * Copyright (c) 2023-2024, NVIDIA CORPORATION. * * Licensed under the Apache License, Version 2.0 (the "License"); * you may not use this file except in compliance with the License. @@ -14,13 +14,16 @@ * limitations under the License. */ -#include #include #include #include #include + +#include + #include #include + #include namespace raft_proto { diff --git a/cpp/test/sg/fil_child_index_test.cu b/cpp/test/sg/fil_child_index_test.cu index 55b6a19f4a..b0f784cf08 100644 --- a/cpp/test/sg/fil_child_index_test.cu +++ b/cpp/test/sg/fil_child_index_test.cu @@ -1,5 +1,5 @@ /* - * Copyright (c) 2019-2023, NVIDIA CORPORATION. + * Copyright (c) 2019-2024, 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,10 +16,10 @@ #include "../../src/fil/internal.cuh" -#include - #include + #include +#include #include #include diff --git a/cpp/test/sg/fil_test.cu b/cpp/test/sg/fil_test.cu index eb8cccdacb..8f926728db 100644 --- a/cpp/test/sg/fil_test.cu +++ b/cpp/test/sg/fil_test.cu @@ -16,20 +16,20 @@ #include "../../src/fil/internal.cuh" -#include - #include #include #include #include #include -#include + #include #include #include #include +#include +#include #include #include #include @@ -37,8 +37,6 @@ #include #include -#include - #include #include #include diff --git a/cpp/test/sg/fnv_hash_test.cpp b/cpp/test/sg/fnv_hash_test.cpp index b2fcc85c01..a423f3c36b 100644 --- a/cpp/test/sg/fnv_hash_test.cpp +++ b/cpp/test/sg/fnv_hash_test.cpp @@ -1,5 +1,5 @@ /* - * Copyright (c) 2021-2022, NVIDIA CORPORATION. + * Copyright (c) 2021-2024, NVIDIA CORPORATION. * * Licensed under the Apache License, Version 2.0 (the "License"); * you may not use this file except in compliance with the License. @@ -15,9 +15,11 @@ */ #include -#include + #include +#include + struct fnv_vec_t { std::vector input; unsigned long long correct_64bit; diff --git a/cpp/test/sg/genetic/evolution_test.cu b/cpp/test/sg/genetic/evolution_test.cu index 3e6e03f3a9..526acb5280 100644 --- a/cpp/test/sg/genetic/evolution_test.cu +++ b/cpp/test/sg/genetic/evolution_test.cu @@ -1,5 +1,5 @@ /* - * Copyright (c) 2021-2022, NVIDIA CORPORATION. + * Copyright (c) 2021-2024, NVIDIA CORPORATION. * * Licensed under the Apache License, Version 2.0 (the "License"); * you may not use this file except in compliance with the License. @@ -14,20 +14,24 @@ * limitations under the License. */ -#include -#include #include #include #include #include #include -#include -#include + #include #include + #include #include + +#include #include + +#include +#include +#include #include namespace cuml { diff --git a/cpp/test/sg/genetic/node_test.cpp b/cpp/test/sg/genetic/node_test.cpp index f68858ecbb..d0fc5c25fc 100644 --- a/cpp/test/sg/genetic/node_test.cpp +++ b/cpp/test/sg/genetic/node_test.cpp @@ -1,5 +1,5 @@ /* - * Copyright (c) 2020-2022, NVIDIA CORPORATION. + * Copyright (c) 2020-2024, NVIDIA CORPORATION. * * Licensed under the Apache License, Version 2.0 (the "License"); * you may not use this file except in compliance with the License. @@ -15,9 +15,11 @@ */ #include -#include + #include +#include + namespace cuml { namespace genetic { diff --git a/cpp/test/sg/genetic/param_test.cu b/cpp/test/sg/genetic/param_test.cu index ab4d1849fa..cbcfca7f2c 100644 --- a/cpp/test/sg/genetic/param_test.cu +++ b/cpp/test/sg/genetic/param_test.cu @@ -1,5 +1,5 @@ /* - * Copyright (c) 2020-2022, NVIDIA CORPORATION. + * Copyright (c) 2020-2024, NVIDIA CORPORATION. * * Licensed under the Apache License, Version 2.0 (the "License"); * you may not use this file except in compliance with the License. @@ -15,7 +15,9 @@ */ #include "../../prims/test_utils.h" + #include + #include namespace cuml { diff --git a/cpp/test/sg/genetic/program_test.cu b/cpp/test/sg/genetic/program_test.cu index 56a59e8913..1205baf9d9 100644 --- a/cpp/test/sg/genetic/program_test.cu +++ b/cpp/test/sg/genetic/program_test.cu @@ -1,5 +1,5 @@ /* - * Copyright (c) 2021-2022, NVIDIA CORPORATION. + * Copyright (c) 2021-2024, NVIDIA CORPORATION. * * Licensed under the Apache License, Version 2.0 (the "License"); * you may not use this file except in compliance with the License. @@ -14,18 +14,22 @@ * limitations under the License. */ -#include #include #include #include #include -#include -#include + #include #include + #include #include + +#include #include + +#include +#include #include namespace cuml { diff --git a/cpp/test/sg/handle_test.cu b/cpp/test/sg/handle_test.cu index a299d3e5ba..8bf87fa71e 100644 --- a/cpp/test/sg/handle_test.cu +++ b/cpp/test/sg/handle_test.cu @@ -1,5 +1,5 @@ /* - * Copyright (c) 2019-2021, NVIDIA CORPORATION. + * Copyright (c) 2019-2024, NVIDIA CORPORATION. * * Licensed under the Apache License, Version 2.0 (the "License"); * you may not use this file except in compliance with the License. @@ -14,10 +14,11 @@ * limitations under the License. */ -#include +#include + #include -#include +#include TEST(HandleTest, CreateHandleAndDestroy) { diff --git a/cpp/test/sg/hdbscan_inputs.hpp b/cpp/test/sg/hdbscan_inputs.hpp index 68976e32d2..eaf37543ac 100644 --- a/cpp/test/sg/hdbscan_inputs.hpp +++ b/cpp/test/sg/hdbscan_inputs.hpp @@ -1,5 +1,5 @@ /* - * Copyright (c) 2021-2022, NVIDIA CORPORATION. + * Copyright (c) 2021-2024, NVIDIA CORPORATION. * * Licensed under the Apache License, Version 2.0 (the "License"); * you may not use this file except in compliance with the License. @@ -17,6 +17,7 @@ #pragma once #include + #include #include diff --git a/cpp/test/sg/hdbscan_test.cu b/cpp/test/sg/hdbscan_test.cu index b198cc51fd..08705f5a8b 100644 --- a/cpp/test/sg/hdbscan_test.cu +++ b/cpp/test/sg/hdbscan_test.cu @@ -1,5 +1,5 @@ /* - * Copyright (c) 2021-2023, NVIDIA CORPORATION. + * Copyright (c) 2021-2024, NVIDIA CORPORATION. * * Licensed under the Apache License, Version 2.0 (the "License"); * you may not use this file except in compliance with the License. @@ -14,33 +14,32 @@ * limitations under the License. */ +#include "../prims/test_utils.h" #include "hdbscan_inputs.hpp" -#include - -#include -#include -#include -#include #include -#include -#include -#include - -#include #include - +#include #include #include #include #include +#include +#include +#include + #include #include #include -#include "../prims/test_utils.h" +#include +#include +#include +#include + +#include namespace ML { namespace HDBSCAN { diff --git a/cpp/test/sg/holtwinters_test.cu b/cpp/test/sg/holtwinters_test.cu index 3a1d71dc7e..3985412d2e 100644 --- a/cpp/test/sg/holtwinters_test.cu +++ b/cpp/test/sg/holtwinters_test.cu @@ -1,5 +1,5 @@ /* - * Copyright (c) 2019-2022, NVIDIA CORPORATION. + * Copyright (c) 2019-2024, NVIDIA CORPORATION. * * Licensed under the Apache License, Version 2.0 (the "License"); * you may not use this file except in compliance with the License. @@ -15,19 +15,22 @@ */ #include "time_series_datasets.h" -#include -#include #include #include -#include + #include #include #include #include + #include + +#include #include +#include + namespace ML { template diff --git a/cpp/test/sg/knn_test.cu b/cpp/test/sg/knn_test.cu index bd350e5a57..20d4947f0b 100644 --- a/cpp/test/sg/knn_test.cu +++ b/cpp/test/sg/knn_test.cu @@ -1,5 +1,5 @@ /* - * Copyright (c) 2019-2023, NVIDIA CORPORATION. + * Copyright (c) 2019-2024, NVIDIA CORPORATION. * * Licensed under the Apache License, Version 2.0 (the "License"); * you may not use this file except in compliance with the License. @@ -14,20 +14,21 @@ * limitations under the License. */ -#include -#include -#include +#include +#include +#include #include #include #include + #include -#include -#include -#include +#include +#include -#include +#include +#include namespace ML { diff --git a/cpp/test/sg/lars_test.cu b/cpp/test/sg/lars_test.cu index 8ebd6497f3..d5d276eab8 100644 --- a/cpp/test/sg/lars_test.cu +++ b/cpp/test/sg/lars_test.cu @@ -1,5 +1,5 @@ /* - * Copyright (c) 2020-2023, NVIDIA CORPORATION. + * Copyright (c) 2020-2024, NVIDIA CORPORATION. * * Licensed under the Apache License, Version 2.0 (the "License"); * you may not use this file except in compliance with the License. @@ -14,17 +14,22 @@ * limitations under the License. */ -#include -#include #include #include + +#include + +#include // #TODO: Replace with public header when ready #include #include + #include + #include -#include #include + +#include #include namespace ML { diff --git a/cpp/test/sg/linear_svm_test.cu b/cpp/test/sg/linear_svm_test.cu index bf2a678b3e..4940ffd3ee 100644 --- a/cpp/test/sg/linear_svm_test.cu +++ b/cpp/test/sg/linear_svm_test.cu @@ -1,5 +1,5 @@ /* - * Copyright (c) 2021-2023, NVIDIA CORPORATION. + * Copyright (c) 2021-2024, NVIDIA CORPORATION. * * Licensed under the Apache License, Version 2.0 (the "License"); * you may not use this file except in compliance with the License. @@ -14,22 +14,25 @@ * limitations under the License. */ -#include #include #include #include -#include -#include +#include #include #include #include #include #include + #include #include + +#include #include +#include + namespace ML { namespace SVM { diff --git a/cpp/test/sg/linkage_test.cu b/cpp/test/sg/linkage_test.cu index ccb8161020..0583f775e6 100644 --- a/cpp/test/sg/linkage_test.cu +++ b/cpp/test/sg/linkage_test.cu @@ -1,5 +1,5 @@ /* - * Copyright (c) 2018-2022, NVIDIA CORPORATION. + * Copyright (c) 2018-2024, NVIDIA CORPORATION. * * Licensed under the Apache License, Version 2.0 (the "License"); * you may not use this file except in compliance with the License. @@ -14,23 +14,22 @@ * limitations under the License. */ -#include -#include -#include -#include -#include - #include +#include #include +#include #include #include #include +#include +#include -#include - +#include #include +#include + namespace ML { using namespace Datasets; diff --git a/cpp/test/sg/logger.cpp b/cpp/test/sg/logger.cpp index d845931a8e..1a286c4597 100644 --- a/cpp/test/sg/logger.cpp +++ b/cpp/test/sg/logger.cpp @@ -1,5 +1,5 @@ /* - * Copyright (c) 2020-2022, NVIDIA CORPORATION. + * Copyright (c) 2020-2024, NVIDIA CORPORATION. * * Licensed under the Apache License, Version 2.0 (the "License"); * you may not use this file except in compliance with the License. @@ -15,7 +15,9 @@ */ #include + #include + #include namespace ML { diff --git a/cpp/test/sg/multi_sum_test.cu b/cpp/test/sg/multi_sum_test.cu index 736f2b9921..f33197c3c5 100644 --- a/cpp/test/sg/multi_sum_test.cu +++ b/cpp/test/sg/multi_sum_test.cu @@ -1,5 +1,5 @@ /* - * Copyright (c) 2020-2022, NVIDIA CORPORATION. + * Copyright (c) 2020-2024, NVIDIA CORPORATION. * * Licensed under the Apache License, Version 2.0 (the "License"); * you may not use this file except in compliance with the License. @@ -14,11 +14,9 @@ * limitations under the License. */ -#include - #include -#include +#include #include #include #include @@ -28,6 +26,7 @@ #include #include +#include #include diff --git a/cpp/test/sg/ols.cu b/cpp/test/sg/ols.cu index 39ab6f1a09..3387030a7b 100644 --- a/cpp/test/sg/ols.cu +++ b/cpp/test/sg/ols.cu @@ -1,5 +1,5 @@ /* - * Copyright (c) 2019-2022, NVIDIA CORPORATION. + * Copyright (c) 2019-2024, NVIDIA CORPORATION. * * Licensed under the Apache License, Version 2.0 (the "License"); * you may not use this file except in compliance with the License. @@ -15,13 +15,17 @@ */ #include -#include + #include #include #include + #include #include + +#include #include + #include namespace ML { diff --git a/cpp/test/sg/pca_test.cu b/cpp/test/sg/pca_test.cu index 7f579111c0..6a2344dc94 100644 --- a/cpp/test/sg/pca_test.cu +++ b/cpp/test/sg/pca_test.cu @@ -1,5 +1,5 @@ /* - * Copyright (c) 2018-2022, NVIDIA CORPORATION. + * Copyright (c) 2018-2024, NVIDIA CORPORATION. * * Licensed under the Apache License, Version 2.0 (the "License"); * you may not use this file except in compliance with the License. @@ -15,13 +15,16 @@ */ #include -#include -#include + #include #include #include #include + +#include +#include #include + #include namespace ML { diff --git a/cpp/test/sg/quasi_newton.cu b/cpp/test/sg/quasi_newton.cu index f8939b0dbb..bc2120af4e 100644 --- a/cpp/test/sg/quasi_newton.cu +++ b/cpp/test/sg/quasi_newton.cu @@ -1,5 +1,5 @@ /* - * Copyright (c) 2020-2022, NVIDIA CORPORATION. + * Copyright (c) 2020-2024, NVIDIA CORPORATION. * * Licensed under the Apache License, Version 2.0 (the "License"); * you may not use this file except in compliance with the License. @@ -15,15 +15,18 @@ */ #include + +#include +#include +#include + #include #include #include #include #include -#include -#include -#include #include + #include namespace ML { diff --git a/cpp/test/sg/rf_test.cu b/cpp/test/sg/rf_test.cu index 44c57c9852..e60d59d52d 100644 --- a/cpp/test/sg/rf_test.cu +++ b/cpp/test/sg/rf_test.cu @@ -1,5 +1,5 @@ /* - * Copyright (c) 2019-2023, NVIDIA CORPORATION. + * Copyright (c) 2019-2024, NVIDIA CORPORATION. * * Licensed under the Apache License, Version 2.0 (the "License"); * you may not use this file except in compliance with the License. @@ -14,20 +14,14 @@ * limitations under the License. */ #include -#include - -#include -#include -#include - #include #include #include #include -#include #include #include +#include #include #include @@ -44,7 +38,10 @@ #include #include +#include +#include #include +#include #include #include diff --git a/cpp/test/sg/ridge.cu b/cpp/test/sg/ridge.cu index 468370dafc..10da1dd434 100644 --- a/cpp/test/sg/ridge.cu +++ b/cpp/test/sg/ridge.cu @@ -1,5 +1,5 @@ /* - * Copyright (c) 2019-2022, NVIDIA CORPORATION. + * Copyright (c) 2019-2024, NVIDIA CORPORATION. * * Licensed under the Apache License, Version 2.0 (the "License"); * you may not use this file except in compliance with the License. @@ -15,11 +15,14 @@ */ #include -#include + #include #include #include + #include + +#include #include namespace ML { diff --git a/cpp/test/sg/rproj_test.cu b/cpp/test/sg/rproj_test.cu index 4c59185ce0..da02b9007f 100644 --- a/cpp/test/sg/rproj_test.cu +++ b/cpp/test/sg/rproj_test.cu @@ -1,5 +1,5 @@ /* - * Copyright (c) 2019-2022, NVIDIA CORPORATION. + * Copyright (c) 2019-2024, 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,15 +16,18 @@ #include #include -#include -#include + #include #include #include #include #include -#include + +#include #include + +#include +#include #include namespace ML { diff --git a/cpp/test/sg/sgd.cu b/cpp/test/sg/sgd.cu index a9e7b0336e..a7089b3747 100644 --- a/cpp/test/sg/sgd.cu +++ b/cpp/test/sg/sgd.cu @@ -1,5 +1,5 @@ /* - * Copyright (c) 2020-2023, NVIDIA CORPORATION. + * Copyright (c) 2020-2024, NVIDIA CORPORATION. * * Licensed under the Apache License, Version 2.0 (the "License"); * you may not use this file except in compliance with the License. @@ -14,10 +14,12 @@ * limitations under the License. */ -#include #include #include + #include + +#include #include #include diff --git a/cpp/test/sg/shap_kernel.cu b/cpp/test/sg/shap_kernel.cu index 518c95d919..6bc7bfb2bb 100644 --- a/cpp/test/sg/shap_kernel.cu +++ b/cpp/test/sg/shap_kernel.cu @@ -1,5 +1,5 @@ /* - * Copyright (c) 2020-2023, NVIDIA CORPORATION. + * Copyright (c) 2020-2024, 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,11 +16,10 @@ #include -#include - #include #include #include + #include #include diff --git a/cpp/test/sg/svc_test.cu b/cpp/test/sg/svc_test.cu index cb141ae874..ad6266ca57 100644 --- a/cpp/test/sg/svc_test.cu +++ b/cpp/test/sg/svc_test.cu @@ -14,15 +14,13 @@ * limitations under the License. */ -#include #include #include #include #include #include #include -#include -#include + #include #include #include @@ -31,12 +29,10 @@ #include #include #include + #include -#include -#include -#include -#include -#include + +#include #include #include #include @@ -44,6 +40,15 @@ #include #include #include + +#include +#include +#include +#include +#include + +#include +#include #include #include diff --git a/cpp/test/sg/trustworthiness_test.cu b/cpp/test/sg/trustworthiness_test.cu index 72282a4be3..0675acb391 100644 --- a/cpp/test/sg/trustworthiness_test.cu +++ b/cpp/test/sg/trustworthiness_test.cu @@ -1,5 +1,5 @@ /* - * Copyright (c) 2018-2022, NVIDIA CORPORATION. + * Copyright (c) 2018-2024, 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,11 +16,14 @@ #include -#include #include #include #include + #include + +#include + #include using namespace ML::Metrics; diff --git a/cpp/test/sg/tsne_test.cu b/cpp/test/sg/tsne_test.cu index 1dda045dae..4925c7be4e 100644 --- a/cpp/test/sg/tsne_test.cu +++ b/cpp/test/sg/tsne_test.cu @@ -1,5 +1,5 @@ /* - * Copyright (c) 2019-2023, NVIDIA CORPORATION. + * Copyright (c) 2019-2024, NVIDIA CORPORATION. * * Licensed under the Apache License, Version 2.0 (the "License"); * you may not use this file except in compliance with the License. @@ -14,27 +14,29 @@ * limitations under the License. */ +#include #include #include + +#include #include #include +#include + +#include -#include #include #include #include #include #include -#include -#include - -#include #include #include -#include #include #include #include + +#include #include using namespace MLCommon; diff --git a/cpp/test/sg/tsvd_test.cu b/cpp/test/sg/tsvd_test.cu index 617f890dfe..cbc974a937 100644 --- a/cpp/test/sg/tsvd_test.cu +++ b/cpp/test/sg/tsvd_test.cu @@ -1,5 +1,5 @@ /* - * Copyright (c) 2018-2022, NVIDIA CORPORATION. + * Copyright (c) 2018-2024, NVIDIA CORPORATION. * * Licensed under the Apache License, Version 2.0 (the "License"); * you may not use this file except in compliance with the License. @@ -15,12 +15,15 @@ */ #include -#include + #include #include #include + +#include #include #include + #include namespace ML { diff --git a/cpp/test/sg/umap_parametrizable_test.cu b/cpp/test/sg/umap_parametrizable_test.cu index daee317f04..3cec73a1f6 100644 --- a/cpp/test/sg/umap_parametrizable_test.cu +++ b/cpp/test/sg/umap_parametrizable_test.cu @@ -1,5 +1,5 @@ /* - * Copyright (c) 2020-2023, NVIDIA CORPORATION. + * Copyright (c) 2020-2024, NVIDIA CORPORATION. * * Licensed under the Apache License, Version 2.0 (the "License"); * you may not use this file except in compliance with the License. @@ -14,31 +14,23 @@ * limitations under the License. */ -#include - -#include -#include - #include #include #include #include #include -#include - -#include - -#include -#include -#include #include #include +#include +#include #include #include -#include +#include #include +#include +#include #include #include