From ef4a7e1acd5151e60d2489ecef4991605891f008 Mon Sep 17 00:00:00 2001 From: Bradley Dice Date: Fri, 24 Jan 2025 19:44:20 -0600 Subject: [PATCH] Normalize whitespace (#2547) This PR applies `pre-commit` hooks to normalize whitespace (trimming trailing whitespace and enforcing consistent end-of-file newlines). These rules are already applied to most other RAPIDS repos, so this PR aligns with the norm in RAPIDS. Authors: - Bradley Dice (https://github.com/bdice) Approvers: - Corey J. Nolet (https://github.com/cjnolet) - Vyas Ramasubramani (https://github.com/vyasr) URL: https://github.com/rapidsai/raft/pull/2547 --- .pre-commit-config.yaml | 7 ++++++- build.sh | 1 - cpp/cmake/patches/cutlass/build-export.patch | 5 ++--- cpp/include/raft/cluster/detail/kmeans_auto_find_k.cuh | 2 +- cpp/include/raft/cluster/detail/mst.cuh | 2 +- cpp/include/raft/cluster/detail/single_linkage.cuh | 2 +- cpp/include/raft/common/nvtx.hpp | 2 +- cpp/include/raft/core/coo_matrix.hpp | 2 +- cpp/include/raft/core/csr_matrix.hpp | 2 +- cpp/include/raft/core/detail/mdspan_util.cuh | 2 +- cpp/include/raft/core/device_coo_matrix.hpp | 2 +- cpp/include/raft/core/device_csr_matrix.hpp | 2 +- cpp/include/raft/core/device_span.hpp | 2 +- cpp/include/raft/core/host_coo_matrix.hpp | 2 +- cpp/include/raft/core/host_csr_matrix.hpp | 2 +- cpp/include/raft/core/host_mdarray.hpp | 2 +- cpp/include/raft/core/host_span.hpp | 2 +- cpp/include/raft/core/resource/device_id.hpp | 2 +- cpp/include/raft/core/resource/device_properties.hpp | 2 +- cpp/include/raft/core/resource/sub_comms.hpp | 2 +- cpp/include/raft/core/sparse_types.hpp | 2 +- .../raft/distance/detail/fused_distance_nn/gemm.h | 2 +- .../raft/distance/detail/pairwise_distance_gemm.h | 2 +- cpp/include/raft/distance/fused_distance_nn.cuh | 2 +- cpp/include/raft/label/classlabels.cuh | 2 +- cpp/include/raft/label/detail/merge_labels.cuh | 2 +- cpp/include/raft/label/merge_labels.cuh | 2 +- cpp/include/raft/linalg/cholesky_r1_update.cuh | 2 +- cpp/include/raft/linalg/coalesced_reduction.cuh | 2 +- cpp/include/raft/linalg/detail/add.cuh | 2 +- cpp/include/raft/linalg/divide.cuh | 2 +- cpp/include/raft/linalg/eig.cuh | 2 +- cpp/include/raft/linalg/eltwise.cuh | 2 +- cpp/include/raft/linalg/gemv.cuh | 2 +- cpp/include/raft/linalg/linalg_types.hpp | 2 +- cpp/include/raft/linalg/lstsq.cuh | 2 +- cpp/include/raft/linalg/map_reduce.cuh | 2 +- cpp/include/raft/linalg/map_then_reduce.cuh | 2 +- cpp/include/raft/linalg/matrix_vector.cuh | 2 +- cpp/include/raft/linalg/multiply.cuh | 2 +- cpp/include/raft/linalg/power.cuh | 2 +- cpp/include/raft/linalg/qr.cuh | 2 +- cpp/include/raft/linalg/reduce.cuh | 2 +- cpp/include/raft/linalg/reduce_cols_by_key.cuh | 2 +- cpp/include/raft/linalg/reduce_rows_by_key.cuh | 2 +- cpp/include/raft/linalg/rsvd.cuh | 2 +- cpp/include/raft/linalg/sqrt.cuh | 2 +- cpp/include/raft/linalg/strided_reduction.cuh | 2 +- cpp/include/raft/linalg/subtract.cuh | 2 +- cpp/include/raft/linalg/svd.cuh | 2 +- cpp/include/raft/matrix/col_wise_sort.cuh | 2 +- cpp/include/raft/matrix/detail/gather_inplace.cuh | 2 +- cpp/include/raft/matrix/detail/scatter_inplace.cuh | 2 +- cpp/include/raft/matrix/math.hpp | 2 +- cpp/include/raft/matrix/norm.cuh | 2 +- cpp/include/raft/matrix/reverse.cuh | 2 +- cpp/include/raft/matrix/scatter.cuh | 2 +- .../neighbors/detail/cagra/compute_distance_vpq.cuh | 2 +- cpp/include/raft/neighbors/detail/div_utils.hpp | 2 +- cpp/include/raft/neighbors/ivf_flat_codepacker.hpp | 2 +- cpp/include/raft/random/detail/curand_wrappers.hpp | 2 +- cpp/include/raft/random/detail/permute.cuh | 2 +- cpp/include/raft/random/make_blobs.cuh | 2 +- cpp/include/raft/random/sample_without_replacement.cuh | 2 +- cpp/include/raft/solver/linear_assignment.cuh | 2 +- cpp/include/raft/sparse/convert/coo.cuh | 2 +- cpp/include/raft/sparse/convert/dense.cuh | 2 +- cpp/include/raft/sparse/convert/detail/coo.cuh | 2 +- cpp/include/raft/sparse/convert/detail/dense.cuh | 2 +- cpp/include/raft/sparse/detail/cusparse_macros.h | 2 +- cpp/include/raft/sparse/distance/detail/common.hpp | 2 +- .../coo_spmv_strategies/coo_mask_row_iterators.cuh | 2 +- .../detail/coo_spmv_strategies/dense_smem_strategy.cuh | 2 +- cpp/include/raft/sparse/distance/distance.cuh | 2 +- cpp/include/raft/sparse/linalg/add.cuh | 2 +- cpp/include/raft/sparse/linalg/degree.cuh | 2 +- cpp/include/raft/sparse/linalg/detail/norm.cuh | 2 +- cpp/include/raft/sparse/linalg/detail/transpose.h | 2 +- cpp/include/raft/sparse/linalg/norm.cuh | 2 +- cpp/include/raft/sparse/linalg/spectral.cuh | 2 +- cpp/include/raft/sparse/linalg/symmetrize.cuh | 2 +- cpp/include/raft/sparse/linalg/transpose.cuh | 2 +- .../raft/sparse/neighbors/cross_component_nn.cuh | 2 +- cpp/include/raft/sparse/op/filter.cuh | 2 +- cpp/include/raft/sparse/op/reduce.cuh | 2 +- cpp/include/raft/sparse/op/row_op.cuh | 2 +- cpp/include/raft/sparse/op/slice.cuh | 2 +- cpp/include/raft/sparse/solver/lanczos.cuh | 2 +- cpp/include/raft/spectral/cluster_solvers.cuh | 2 +- .../raft/spectral/cluster_solvers_deprecated.cuh | 2 +- cpp/include/raft/spectral/modularity_maximization.cuh | 2 +- cpp/include/raft/spectral/partition.cuh | 2 +- cpp/include/raft/stats/accuracy.cuh | 2 +- cpp/include/raft/stats/adjusted_rand_index.cuh | 2 +- cpp/include/raft/stats/completeness_score.cuh | 2 +- cpp/include/raft/stats/contingency_matrix.cuh | 2 +- cpp/include/raft/stats/cov.cuh | 2 +- cpp/include/raft/stats/detail/mean.cuh | 2 +- cpp/include/raft/stats/detail/stddev.cuh | 2 +- cpp/include/raft/stats/detail/sum.cuh | 2 +- cpp/include/raft/stats/detail/weighted_mean.cuh | 2 +- cpp/include/raft/stats/dispersion.cuh | 2 +- cpp/include/raft/stats/entropy.cuh | 2 +- cpp/include/raft/stats/homogeneity_score.cuh | 2 +- cpp/include/raft/stats/mean.cuh | 2 +- cpp/include/raft/stats/mean_center.cuh | 2 +- cpp/include/raft/stats/minmax.cuh | 2 +- cpp/include/raft/stats/mutual_info_score.cuh | 2 +- cpp/include/raft/stats/r2_score.cuh | 2 +- cpp/include/raft/stats/rand_index.cuh | 2 +- cpp/include/raft/stats/regression_metrics.cuh | 2 +- cpp/include/raft/stats/silhouette_score.cuh | 2 +- cpp/include/raft/stats/stddev.cuh | 2 +- cpp/include/raft/stats/sum.cuh | 2 +- cpp/include/raft/stats/trustworthiness_score.cuh | 2 +- cpp/include/raft/stats/v_measure.cuh | 2 +- cpp/include/raft/stats/weighted_mean.cuh | 2 +- .../raft/thirdparty/mdspan/.github/workflows/cmake.yml | 10 +++++----- cpp/include/raft/thirdparty/mdspan/LICENSE | 8 ++++---- cpp/include/raft/thirdparty/mdspan/README.md | 1 - .../mdspan/benchmarks/sum/cuda/CMakeLists.txt | 2 +- .../mdspan/benchmarks/sum/openmp/CMakeLists.txt | 2 +- .../mdspan/benchmarks/sum/openmp/sum_3d_openmp.cpp | 1 - .../mdspan/benchmarks/sum/sum_submdspan_right.cpp | 1 - .../compilation_tests/ctest_compressed_pair_layout.cpp | 1 - .../mdspan/compilation_tests/ctest_extents_ctors.cpp | 1 - .../compilation_tests/ctest_layout_convertible.cpp | 2 -- .../compilation_tests/ctest_mdspan_convertible.cpp | 1 - .../compilation_tests/ctest_no_unique_address.cpp | 2 -- .../mdspan/compilation_tests/ctest_standard_layout.cpp | 3 --- .../compilation_tests/ctest_trivially_copyable.cpp | 3 --- .../examples/tiled_layout/simple_tiled_layout.cpp | 1 - .../experimental/__p0009_bits/aligned_accessor.hpp | 2 +- .../include/experimental/__p0009_bits/extents.hpp | 2 +- .../include/experimental/__p0009_bits/layout_left.hpp | 1 - .../experimental/__p0009_bits/layout_padded.hpp | 4 ++-- .../include/experimental/__p0009_bits/layout_right.hpp | 1 - .../experimental/__p0009_bits/no_unique_address.hpp | 4 ++-- .../include/experimental/__p0009_bits/type_list.hpp | 1 - .../thirdparty/mdspan/include/experimental/mdarray | 1 - .../raft/thirdparty/mdspan/make_single_header.py | 1 - .../raft/thirdparty/mdspan/tests/CMakeLists.txt | 1 - .../mdspan/tests/test_exhaustive_layouts.cpp | 1 - .../thirdparty/mdspan/tests/test_layout_stride.cpp | 1 - .../thirdparty/mdspan/tests/test_mdarray_ctors.cpp | 2 +- .../raft/thirdparty/mdspan/tests/test_mdspan_ctors.cpp | 2 +- cpp/include/raft/util/detail/popc.cuh | 2 +- cpp/include/raft/util/input_validation.hpp | 2 +- cpp/include/raft/util/warp_primitives.cuh | 2 +- cpp/scripts/run-clang-compile.py | 4 ++-- cpp/scripts/run-clang-tidy.py | 4 ++-- cpp/scripts/run-cmake-format.sh | 2 +- cpp/tests/linalg/cholesky_r1.cu | 2 +- cpp/tests/matrix/argmax.cu | 2 +- cpp/tests/matrix/argmin.cu | 2 +- cpp/tests/matrix/diagonal.cu | 2 +- cpp/tests/matrix/gather.cu | 2 +- cpp/tests/matrix/scatter.cu | 2 +- cpp/tests/mr/device/buffer.cpp | 2 +- cpp/tests/mr/host/buffer.cpp | 2 +- cpp/tests/neighbors/spatial_data.h | 2 +- cpp/tests/stats/weighted_mean.cu | 2 +- cpp/tests/test_utils.cuh | 2 +- docs/README.md | 2 +- docs/source/_static/references.css | 2 +- docs/source/contributing.md | 2 -- docs/source/cpp_api.rst | 2 +- docs/source/cpp_api/core.rst | 2 +- docs/source/cpp_api/core_bitmap.rst | 2 +- docs/source/cpp_api/core_bitset.rst | 2 +- docs/source/cpp_api/core_kvp.rst | 1 - docs/source/cpp_api/core_logger.rst | 1 - docs/source/cpp_api/core_nvtx.rst | 2 -- docs/source/cpp_api/linalg.rst | 4 ++-- docs/source/cpp_api/linalg_arithmetic.rst | 1 - docs/source/cpp_api/linalg_matrix.rst | 1 - docs/source/cpp_api/linalg_matrix_vector.rst | 1 - docs/source/cpp_api/matrix_manipulation.rst | 1 - docs/source/cpp_api/matrix_reduction.rst | 2 +- docs/source/cpp_api/mdspan_representation.rst | 2 -- docs/source/cpp_api/mdspan_span.rst | 1 - docs/source/cpp_api/mnmg.rst | 1 - docs/source/cpp_api/random.rst | 1 - docs/source/cpp_api/random_datagen.rst | 1 - .../cpp_api/random_sampling_without_replacement.rst | 2 -- docs/source/cpp_api/sparse.rst | 1 - docs/source/cpp_api/sparse_types_coo_matrix.rst | 1 - docs/source/cpp_api/sparse_types_csr_matrix.rst | 1 - docs/source/cpp_api/stats_classification.rst | 1 - docs/source/cpp_api/stats_probability.rst | 1 - docs/source/cpp_api/stats_regression.rst | 2 -- docs/source/pylibraft_api/random.rst | 2 +- docs/source/pylibraft_api/sparse.rst | 2 +- python/pylibraft/.coveragerc | 2 +- python/pylibraft/pylibraft/tests/pytest.ini | 1 - python/raft-dask/.coveragerc | 2 +- python/raft-dask/raft_dask/tests/pytest.ini | 1 - thirdparty/LICENSES/LICENSE.ann-benchmark | 2 +- thirdparty/LICENSES/LICENSE.faiss | 2 +- thirdparty/LICENSES/LICENSE.pytorch | 2 +- thirdparty/LICENSES/mdarray.license | 2 +- 201 files changed, 177 insertions(+), 226 deletions(-) diff --git a/.pre-commit-config.yaml b/.pre-commit-config.yaml index 4e0cf53c4d..6dfcc72417 100644 --- a/.pre-commit-config.yaml +++ b/.pre-commit-config.yaml @@ -1,6 +1,11 @@ -# Copyright (c) 2022-2023, NVIDIA CORPORATION. +# Copyright (c) 2022-2025, NVIDIA CORPORATION. repos: + - repo: https://github.com/pre-commit/pre-commit-hooks + rev: v5.0.0 + hooks: + - id: trailing-whitespace + - id: end-of-file-fixer - repo: https://github.com/PyCQA/isort rev: 5.12.0 hooks: diff --git a/build.sh b/build.sh index de3ebfa3c5..8f388e549c 100755 --- a/build.sh +++ b/build.sh @@ -473,4 +473,3 @@ if hasArg docs; then cd ${SPHINX_BUILD_DIR} sphinx-build -b html source _html fi - diff --git a/cpp/cmake/patches/cutlass/build-export.patch b/cpp/cmake/patches/cutlass/build-export.patch index a6423e9c08..31bbd25102 100644 --- a/cpp/cmake/patches/cutlass/build-export.patch +++ b/cpp/cmake/patches/cutlass/build-export.patch @@ -20,8 +20,7 @@ index 7419bdf5e..545384d82 100755 - $ - $ ) - + # Mark CTK headers as system to supress warnings from them --- +-- 2.34.1 - diff --git a/cpp/include/raft/cluster/detail/kmeans_auto_find_k.cuh b/cpp/include/raft/cluster/detail/kmeans_auto_find_k.cuh index 97755351c4..f3e2c78584 100644 --- a/cpp/include/raft/cluster/detail/kmeans_auto_find_k.cuh +++ b/cpp/include/raft/cluster/detail/kmeans_auto_find_k.cuh @@ -227,4 +227,4 @@ void find_k(raft::resources const& handle, n_iter); } } -} // namespace raft::cluster::detail \ No newline at end of file +} // namespace raft::cluster::detail diff --git a/cpp/include/raft/cluster/detail/mst.cuh b/cpp/include/raft/cluster/detail/mst.cuh index 55becc8e15..2b77ca9963 100644 --- a/cpp/include/raft/cluster/detail/mst.cuh +++ b/cpp/include/raft/cluster/detail/mst.cuh @@ -204,4 +204,4 @@ void build_sorted_mst( raft::copy_async(mst_weight, mst_coo.weights.data(), mst_coo.n_edges, stream); } -}; // namespace raft::cluster::detail \ No newline at end of file +}; // namespace raft::cluster::detail diff --git a/cpp/include/raft/cluster/detail/single_linkage.cuh b/cpp/include/raft/cluster/detail/single_linkage.cuh index ccc6472684..0a21271271 100644 --- a/cpp/include/raft/cluster/detail/single_linkage.cuh +++ b/cpp/include/raft/cluster/detail/single_linkage.cuh @@ -122,4 +122,4 @@ void single_linkage(raft::resources const& handle, out->n_leaves = m; out->n_connected_components = 1; } -}; // namespace raft::cluster::detail \ No newline at end of file +}; // namespace raft::cluster::detail diff --git a/cpp/include/raft/common/nvtx.hpp b/cpp/include/raft/common/nvtx.hpp index 385bc544b0..1cd77ca665 100644 --- a/cpp/include/raft/common/nvtx.hpp +++ b/cpp/include/raft/common/nvtx.hpp @@ -21,4 +21,4 @@ #pragma once -#include \ No newline at end of file +#include diff --git a/cpp/include/raft/core/coo_matrix.hpp b/cpp/include/raft/core/coo_matrix.hpp index 52ac69f163..b812e28206 100644 --- a/cpp/include/raft/core/coo_matrix.hpp +++ b/cpp/include/raft/core/coo_matrix.hpp @@ -297,4 +297,4 @@ class coo_matrix /** @} */ -} // namespace raft \ No newline at end of file +} // namespace raft diff --git a/cpp/include/raft/core/csr_matrix.hpp b/cpp/include/raft/core/csr_matrix.hpp index 1113cc2023..4f7679bbae 100644 --- a/cpp/include/raft/core/csr_matrix.hpp +++ b/cpp/include/raft/core/csr_matrix.hpp @@ -309,4 +309,4 @@ class csr_matrix /** @} */ -} // namespace raft \ No newline at end of file +} // namespace raft diff --git a/cpp/include/raft/core/detail/mdspan_util.cuh b/cpp/include/raft/core/detail/mdspan_util.cuh index ded95c2f31..d3438bc07d 100644 --- a/cpp/include/raft/core/detail/mdspan_util.cuh +++ b/cpp/include/raft/core/detail/mdspan_util.cuh @@ -67,4 +67,4 @@ MDSPAN_INLINE_FUNCTION auto popc(uint64_t v) -> int32_t #endif // compiler } -} // end namespace raft::detail \ No newline at end of file +} // end namespace raft::detail diff --git a/cpp/include/raft/core/device_coo_matrix.hpp b/cpp/include/raft/core/device_coo_matrix.hpp index 41da605ff0..4ed67d5fc5 100644 --- a/cpp/include/raft/core/device_coo_matrix.hpp +++ b/cpp/include/raft/core/device_coo_matrix.hpp @@ -395,4 +395,4 @@ auto make_device_coordinate_structure_view(raft::device_span rows, /** @} */ -}; // namespace raft \ No newline at end of file +}; // namespace raft diff --git a/cpp/include/raft/core/device_csr_matrix.hpp b/cpp/include/raft/core/device_csr_matrix.hpp index 1d23c8912d..b0dbfa000d 100644 --- a/cpp/include/raft/core/device_csr_matrix.hpp +++ b/cpp/include/raft/core/device_csr_matrix.hpp @@ -422,4 +422,4 @@ auto make_device_compressed_structure_view(raft::device_span indptr, /** @} */ -}; // namespace raft \ No newline at end of file +}; // namespace raft diff --git a/cpp/include/raft/core/device_span.hpp b/cpp/include/raft/core/device_span.hpp index d3350b5e3a..abf72b6b2e 100644 --- a/cpp/include/raft/core/device_span.hpp +++ b/cpp/include/raft/core/device_span.hpp @@ -34,4 +34,4 @@ using device_span = span; /** * @} */ -} // end namespace raft \ No newline at end of file +} // end namespace raft diff --git a/cpp/include/raft/core/host_coo_matrix.hpp b/cpp/include/raft/core/host_coo_matrix.hpp index 7a216dc8a2..e0f95d2a77 100644 --- a/cpp/include/raft/core/host_coo_matrix.hpp +++ b/cpp/include/raft/core/host_coo_matrix.hpp @@ -393,4 +393,4 @@ auto make_host_coordinate_structure_view(raft::host_span rows, /** @} */ -}; // namespace raft \ No newline at end of file +}; // namespace raft diff --git a/cpp/include/raft/core/host_csr_matrix.hpp b/cpp/include/raft/core/host_csr_matrix.hpp index e3cea3cd27..8a29d957f6 100644 --- a/cpp/include/raft/core/host_csr_matrix.hpp +++ b/cpp/include/raft/core/host_csr_matrix.hpp @@ -423,4 +423,4 @@ auto make_host_compressed_structure_view(raft::host_span indptr, /** @} */ -}; // namespace raft \ No newline at end of file +}; // namespace raft diff --git a/cpp/include/raft/core/host_mdarray.hpp b/cpp/include/raft/core/host_mdarray.hpp index 3020cde32d..229619999d 100644 --- a/cpp/include/raft/core/host_mdarray.hpp +++ b/cpp/include/raft/core/host_mdarray.hpp @@ -253,4 +253,4 @@ auto make_host_vector(IndexType n) return make_host_mdarray(make_extents(n)); } -} // end namespace raft \ No newline at end of file +} // end namespace raft diff --git a/cpp/include/raft/core/host_span.hpp b/cpp/include/raft/core/host_span.hpp index 36978dfca4..d31f8b4c30 100644 --- a/cpp/include/raft/core/host_span.hpp +++ b/cpp/include/raft/core/host_span.hpp @@ -35,4 +35,4 @@ using host_span = span; * @} */ -} // end namespace raft \ No newline at end of file +} // end namespace raft diff --git a/cpp/include/raft/core/resource/device_id.hpp b/cpp/include/raft/core/resource/device_id.hpp index 570d815780..a371f9ddde 100644 --- a/cpp/include/raft/core/resource/device_id.hpp +++ b/cpp/include/raft/core/resource/device_id.hpp @@ -73,4 +73,4 @@ inline int get_device_id(resources const& res) /** * @} */ -} // namespace raft::resource \ No newline at end of file +} // namespace raft::resource diff --git a/cpp/include/raft/core/resource/device_properties.hpp b/cpp/include/raft/core/resource/device_properties.hpp index a87c29f709..7ac780ef16 100644 --- a/cpp/include/raft/core/resource/device_properties.hpp +++ b/cpp/include/raft/core/resource/device_properties.hpp @@ -75,4 +75,4 @@ inline cudaDeviceProp& get_device_properties(resources const& res) /** * @} */ -} // namespace raft::resource \ No newline at end of file +} // namespace raft::resource diff --git a/cpp/include/raft/core/resource/sub_comms.hpp b/cpp/include/raft/core/resource/sub_comms.hpp index 11d2aed1e0..b4fef75d57 100644 --- a/cpp/include/raft/core/resource/sub_comms.hpp +++ b/cpp/include/raft/core/resource/sub_comms.hpp @@ -79,4 +79,4 @@ inline void set_subcomm(resources const& res, * @} */ -} // namespace raft::resource \ No newline at end of file +} // namespace raft::resource diff --git a/cpp/include/raft/core/sparse_types.hpp b/cpp/include/raft/core/sparse_types.hpp index 55da3037a9..6e5092f50f 100644 --- a/cpp/include/raft/core/sparse_types.hpp +++ b/cpp/include/raft/core/sparse_types.hpp @@ -222,4 +222,4 @@ class sparse_matrix { /* @} */ -} // namespace raft \ No newline at end of file +} // namespace raft diff --git a/cpp/include/raft/distance/detail/fused_distance_nn/gemm.h b/cpp/include/raft/distance/detail/fused_distance_nn/gemm.h index 42de4860a0..56cce4de8b 100644 --- a/cpp/include/raft/distance/detail/fused_distance_nn/gemm.h +++ b/cpp/include/raft/distance/detail/fused_distance_nn/gemm.h @@ -406,4 +406,4 @@ struct FusedDistanceNNGemm /** @} */ // end of group matrix_norm -} // namespace raft::matrix \ No newline at end of file +} // namespace raft::matrix diff --git a/cpp/include/raft/matrix/reverse.cuh b/cpp/include/raft/matrix/reverse.cuh index 42057bb0f5..c10fa8f5f0 100644 --- a/cpp/include/raft/matrix/reverse.cuh +++ b/cpp/include/raft/matrix/reverse.cuh @@ -69,4 +69,4 @@ void row_reverse(raft::resources const& handle, } /** @} */ // end group matrix_reverse -} // namespace raft::matrix \ No newline at end of file +} // namespace raft::matrix diff --git a/cpp/include/raft/matrix/scatter.cuh b/cpp/include/raft/matrix/scatter.cuh index cd2d76a863..072f0c18ac 100644 --- a/cpp/include/raft/matrix/scatter.cuh +++ b/cpp/include/raft/matrix/scatter.cuh @@ -55,4 +55,4 @@ void scatter(raft::resources const& handle, detail::scatter(handle, inout, map, col_batch_size); } -} // namespace raft::matrix \ No newline at end of file +} // namespace raft::matrix diff --git a/cpp/include/raft/neighbors/detail/cagra/compute_distance_vpq.cuh b/cpp/include/raft/neighbors/detail/cagra/compute_distance_vpq.cuh index c922a0d7f4..caff6ea341 100644 --- a/cpp/include/raft/neighbors/detail/cagra/compute_distance_vpq.cuh +++ b/cpp/include/raft/neighbors/detail/cagra/compute_distance_vpq.cuh @@ -228,4 +228,4 @@ struct cagra_q_dataset_descriptor_t : public dataset_descriptor_base_t \ No newline at end of file +#include diff --git a/cpp/include/raft/sparse/distance/detail/common.hpp b/cpp/include/raft/sparse/distance/detail/common.hpp index 0f463dac80..19fe9c1786 100644 --- a/cpp/include/raft/sparse/distance/detail/common.hpp +++ b/cpp/include/raft/sparse/distance/detail/common.hpp @@ -56,4 +56,4 @@ class distances_t { }; // namespace detail }; // namespace distance }; // namespace sparse -}; // namespace raft \ No newline at end of file +}; // namespace raft diff --git a/cpp/include/raft/sparse/distance/detail/coo_spmv_strategies/coo_mask_row_iterators.cuh b/cpp/include/raft/sparse/distance/detail/coo_spmv_strategies/coo_mask_row_iterators.cuh index 38aa106d78..59cfcfa186 100644 --- a/cpp/include/raft/sparse/distance/detail/coo_spmv_strategies/coo_mask_row_iterators.cuh +++ b/cpp/include/raft/sparse/distance/detail/coo_spmv_strategies/coo_mask_row_iterators.cuh @@ -229,4 +229,4 @@ class chunked_mask_row_it : public mask_row_it { } // namespace detail } // namespace distance } // namespace sparse -} // namespace raft \ No newline at end of file +} // namespace raft diff --git a/cpp/include/raft/sparse/distance/detail/coo_spmv_strategies/dense_smem_strategy.cuh b/cpp/include/raft/sparse/distance/detail/coo_spmv_strategies/dense_smem_strategy.cuh index 5a1c152bd0..4a075cf530 100644 --- a/cpp/include/raft/sparse/distance/detail/coo_spmv_strategies/dense_smem_strategy.cuh +++ b/cpp/include/raft/sparse/distance/detail/coo_spmv_strategies/dense_smem_strategy.cuh @@ -116,4 +116,4 @@ class dense_smem_strategy : public coo_spmv_strategy { } // namespace detail } // namespace distance } // namespace sparse -} // namespace raft \ No newline at end of file +} // namespace raft diff --git a/cpp/include/raft/sparse/distance/distance.cuh b/cpp/include/raft/sparse/distance/distance.cuh index ead44f0c51..5bcd1ff005 100644 --- a/cpp/include/raft/sparse/distance/distance.cuh +++ b/cpp/include/raft/sparse/distance/distance.cuh @@ -221,4 +221,4 @@ void pairwise_distance(raft::resources const& handle, }; // namespace sparse }; // namespace raft -#endif \ No newline at end of file +#endif diff --git a/cpp/include/raft/sparse/linalg/add.cuh b/cpp/include/raft/sparse/linalg/add.cuh index def305afb2..a97b935f58 100644 --- a/cpp/include/raft/sparse/linalg/add.cuh +++ b/cpp/include/raft/sparse/linalg/add.cuh @@ -96,4 +96,4 @@ void csr_add_finalize(const int* a_ind, }; // end NAMESPACE sparse }; // end NAMESPACE raft -#endif \ No newline at end of file +#endif diff --git a/cpp/include/raft/sparse/linalg/degree.cuh b/cpp/include/raft/sparse/linalg/degree.cuh index 57c9b986b4..8ac97259da 100644 --- a/cpp/include/raft/sparse/linalg/degree.cuh +++ b/cpp/include/raft/sparse/linalg/degree.cuh @@ -120,4 +120,4 @@ void coo_degree_nz(COO* in, int* results, cudaStream_t stream) }; // end NAMESPACE sparse }; // end NAMESPACE raft -#endif \ No newline at end of file +#endif diff --git a/cpp/include/raft/sparse/linalg/detail/norm.cuh b/cpp/include/raft/sparse/linalg/detail/norm.cuh index 3702111f83..2619048388 100644 --- a/cpp/include/raft/sparse/linalg/detail/norm.cuh +++ b/cpp/include/raft/sparse/linalg/detail/norm.cuh @@ -232,4 +232,4 @@ void rowNormCsrCaller(const IdxType* ia, }; // end NAMESPACE detail }; // end NAMESPACE linalg }; // end NAMESPACE sparse -}; // end NAMESPACE raft \ No newline at end of file +}; // end NAMESPACE raft diff --git a/cpp/include/raft/sparse/linalg/detail/transpose.h b/cpp/include/raft/sparse/linalg/detail/transpose.h index 3a646b9a6e..579ee88d38 100644 --- a/cpp/include/raft/sparse/linalg/detail/transpose.h +++ b/cpp/include/raft/sparse/linalg/detail/transpose.h @@ -107,4 +107,4 @@ void csr_transpose(cusparseHandle_t handle, }; // end NAMESPACE detail }; // end NAMESPACE linalg }; // end NAMESPACE sparse -}; // end NAMESPACE raft \ No newline at end of file +}; // end NAMESPACE raft diff --git a/cpp/include/raft/sparse/linalg/norm.cuh b/cpp/include/raft/sparse/linalg/norm.cuh index 43dd182fe5..7adf245abc 100644 --- a/cpp/include/raft/sparse/linalg/norm.cuh +++ b/cpp/include/raft/sparse/linalg/norm.cuh @@ -104,4 +104,4 @@ void rowNormCsr(raft::resources const& handle, }; // end NAMESPACE sparse }; // end NAMESPACE raft -#endif \ No newline at end of file +#endif diff --git a/cpp/include/raft/sparse/linalg/spectral.cuh b/cpp/include/raft/sparse/linalg/spectral.cuh index 4c0595bf91..276a64c125 100644 --- a/cpp/include/raft/sparse/linalg/spectral.cuh +++ b/cpp/include/raft/sparse/linalg/spectral.cuh @@ -40,4 +40,4 @@ void fit_embedding(raft::resources const& handle, }; // namespace sparse }; // namespace raft -#endif \ No newline at end of file +#endif diff --git a/cpp/include/raft/sparse/linalg/symmetrize.cuh b/cpp/include/raft/sparse/linalg/symmetrize.cuh index 1de8d5b426..8ee53cd3ae 100644 --- a/cpp/include/raft/sparse/linalg/symmetrize.cuh +++ b/cpp/include/raft/sparse/linalg/symmetrize.cuh @@ -165,4 +165,4 @@ void symmetrize(raft::resources const& handle, }; // end NAMESPACE sparse }; // end NAMESPACE raft -#endif \ No newline at end of file +#endif diff --git a/cpp/include/raft/sparse/linalg/transpose.cuh b/cpp/include/raft/sparse/linalg/transpose.cuh index 4333060ad9..304cbf4936 100644 --- a/cpp/include/raft/sparse/linalg/transpose.cuh +++ b/cpp/include/raft/sparse/linalg/transpose.cuh @@ -68,4 +68,4 @@ void csr_transpose(raft::resources const& handle, }; // end NAMESPACE linalg }; // end NAMESPACE sparse -}; // end NAMESPACE raft \ No newline at end of file +}; // end NAMESPACE raft diff --git a/cpp/include/raft/sparse/neighbors/cross_component_nn.cuh b/cpp/include/raft/sparse/neighbors/cross_component_nn.cuh index c94c6254c3..ed4aa4c98f 100644 --- a/cpp/include/raft/sparse/neighbors/cross_component_nn.cuh +++ b/cpp/include/raft/sparse/neighbors/cross_component_nn.cuh @@ -96,4 +96,4 @@ void cross_component_nn( metric); } -}; // end namespace raft::sparse::neighbors \ No newline at end of file +}; // end namespace raft::sparse::neighbors diff --git a/cpp/include/raft/sparse/op/filter.cuh b/cpp/include/raft/sparse/op/filter.cuh index c64c05ae4e..4b329325ca 100644 --- a/cpp/include/raft/sparse/op/filter.cuh +++ b/cpp/include/raft/sparse/op/filter.cuh @@ -91,4 +91,4 @@ void coo_remove_zeros(COO* in, COO* out, cudaStream_t stream) }; // end NAMESPACE sparse }; // end NAMESPACE raft -#endif \ No newline at end of file +#endif diff --git a/cpp/include/raft/sparse/op/reduce.cuh b/cpp/include/raft/sparse/op/reduce.cuh index 52f1d3b239..b03192f111 100644 --- a/cpp/include/raft/sparse/op/reduce.cuh +++ b/cpp/include/raft/sparse/op/reduce.cuh @@ -84,4 +84,4 @@ void max_duplicates(raft::resources const& handle, }; // END namespace sparse }; // END namespace raft -#endif \ No newline at end of file +#endif diff --git a/cpp/include/raft/sparse/op/row_op.cuh b/cpp/include/raft/sparse/op/row_op.cuh index a799093226..b8d5a49d9f 100644 --- a/cpp/include/raft/sparse/op/row_op.cuh +++ b/cpp/include/raft/sparse/op/row_op.cuh @@ -45,4 +45,4 @@ void csr_row_op(const Index_* row_ind, Index_ n_rows, Index_ nnz, Lambda op, cud }; // end NAMESPACE sparse }; // end NAMESPACE raft -#endif \ No newline at end of file +#endif diff --git a/cpp/include/raft/sparse/op/slice.cuh b/cpp/include/raft/sparse/op/slice.cuh index 2da6dad4fc..e8a456d23e 100644 --- a/cpp/include/raft/sparse/op/slice.cuh +++ b/cpp/include/raft/sparse/op/slice.cuh @@ -78,4 +78,4 @@ void csr_row_slice_populate(value_idx start_offset, }; // end NAMESPACE sparse }; // end NAMESPACE raft -#endif \ No newline at end of file +#endif diff --git a/cpp/include/raft/sparse/solver/lanczos.cuh b/cpp/include/raft/sparse/solver/lanczos.cuh index fed31e6a9c..4c45a28cc6 100644 --- a/cpp/include/raft/sparse/solver/lanczos.cuh +++ b/cpp/include/raft/sparse/solver/lanczos.cuh @@ -230,4 +230,4 @@ int computeLargestEigenvectors( } // namespace raft::sparse::solver -#endif \ No newline at end of file +#endif diff --git a/cpp/include/raft/spectral/cluster_solvers.cuh b/cpp/include/raft/spectral/cluster_solvers.cuh index b693ac4af3..c273808cf8 100644 --- a/cpp/include/raft/spectral/cluster_solvers.cuh +++ b/cpp/include/raft/spectral/cluster_solvers.cuh @@ -97,4 +97,4 @@ struct kmeans_solver_t { } // namespace spectral } // namespace raft -#endif \ No newline at end of file +#endif diff --git a/cpp/include/raft/spectral/cluster_solvers_deprecated.cuh b/cpp/include/raft/spectral/cluster_solvers_deprecated.cuh index 40b0324548..139df1d27f 100644 --- a/cpp/include/raft/spectral/cluster_solvers_deprecated.cuh +++ b/cpp/include/raft/spectral/cluster_solvers_deprecated.cuh @@ -87,4 +87,4 @@ struct kmeans_solver_deprecated_t { } // namespace spectral } // namespace raft -#endif \ No newline at end of file +#endif diff --git a/cpp/include/raft/spectral/modularity_maximization.cuh b/cpp/include/raft/spectral/modularity_maximization.cuh index ab1398a2a1..6514f7ef21 100644 --- a/cpp/include/raft/spectral/modularity_maximization.cuh +++ b/cpp/include/raft/spectral/modularity_maximization.cuh @@ -83,4 +83,4 @@ void analyzeModularity(raft::resources const& handle, } // namespace spectral } // namespace raft -#endif \ No newline at end of file +#endif diff --git a/cpp/include/raft/spectral/partition.cuh b/cpp/include/raft/spectral/partition.cuh index f7ea456ac5..a2ac328aa1 100644 --- a/cpp/include/raft/spectral/partition.cuh +++ b/cpp/include/raft/spectral/partition.cuh @@ -92,4 +92,4 @@ void analyzePartition(raft::resources const& handle, } // namespace spectral } // namespace raft -#endif \ No newline at end of file +#endif diff --git a/cpp/include/raft/stats/accuracy.cuh b/cpp/include/raft/stats/accuracy.cuh index 6625d38a7a..0b352e185b 100644 --- a/cpp/include/raft/stats/accuracy.cuh +++ b/cpp/include/raft/stats/accuracy.cuh @@ -75,4 +75,4 @@ float accuracy(raft::resources const& handle, } // namespace stats } // namespace raft -#endif \ No newline at end of file +#endif diff --git a/cpp/include/raft/stats/adjusted_rand_index.cuh b/cpp/include/raft/stats/adjusted_rand_index.cuh index 1f97cd5f76..6822e069a2 100644 --- a/cpp/include/raft/stats/adjusted_rand_index.cuh +++ b/cpp/include/raft/stats/adjusted_rand_index.cuh @@ -86,4 +86,4 @@ double adjusted_rand_index(raft::resources const& handle, }; // end namespace stats }; // end namespace raft -#endif \ No newline at end of file +#endif diff --git a/cpp/include/raft/stats/completeness_score.cuh b/cpp/include/raft/stats/completeness_score.cuh index b669e0de32..f4667b37dc 100644 --- a/cpp/include/raft/stats/completeness_score.cuh +++ b/cpp/include/raft/stats/completeness_score.cuh @@ -88,4 +88,4 @@ double completeness_score(raft::resources const& handle, }; // end namespace stats }; // end namespace raft -#endif \ No newline at end of file +#endif diff --git a/cpp/include/raft/stats/contingency_matrix.cuh b/cpp/include/raft/stats/contingency_matrix.cuh index 16f0998435..03fa0d4924 100644 --- a/cpp/include/raft/stats/contingency_matrix.cuh +++ b/cpp/include/raft/stats/contingency_matrix.cuh @@ -214,4 +214,4 @@ void contingency_matrix(Args... args) }; // namespace stats }; // namespace raft -#endif \ No newline at end of file +#endif diff --git a/cpp/include/raft/stats/cov.cuh b/cpp/include/raft/stats/cov.cuh index ad5d233c0e..096ec4bc1c 100644 --- a/cpp/include/raft/stats/cov.cuh +++ b/cpp/include/raft/stats/cov.cuh @@ -119,4 +119,4 @@ void cov(raft::resources const& handle, }; // end namespace stats }; // end namespace raft -#endif \ No newline at end of file +#endif diff --git a/cpp/include/raft/stats/detail/mean.cuh b/cpp/include/raft/stats/detail/mean.cuh index ee39c87a68..a7d4f2b877 100644 --- a/cpp/include/raft/stats/detail/mean.cuh +++ b/cpp/include/raft/stats/detail/mean.cuh @@ -47,4 +47,4 @@ void mean( } // namespace detail } // namespace stats -} // namespace raft \ No newline at end of file +} // namespace raft diff --git a/cpp/include/raft/stats/detail/stddev.cuh b/cpp/include/raft/stats/detail/stddev.cuh index 4c861b49fb..c758584ec9 100644 --- a/cpp/include/raft/stats/detail/stddev.cuh +++ b/cpp/include/raft/stats/detail/stddev.cuh @@ -120,4 +120,4 @@ void vars(Type* var, } // namespace detail } // namespace stats -} // namespace raft \ No newline at end of file +} // namespace raft diff --git a/cpp/include/raft/stats/detail/sum.cuh b/cpp/include/raft/stats/detail/sum.cuh index 39bd2c3b6c..4f5438b133 100644 --- a/cpp/include/raft/stats/detail/sum.cuh +++ b/cpp/include/raft/stats/detail/sum.cuh @@ -34,4 +34,4 @@ void sum(Type* output, const Type* input, IdxType D, IdxType N, bool rowMajor, c } // namespace detail } // namespace stats -} // namespace raft \ No newline at end of file +} // namespace raft diff --git a/cpp/include/raft/stats/detail/weighted_mean.cuh b/cpp/include/raft/stats/detail/weighted_mean.cuh index ada0995f7d..9b96ed5949 100644 --- a/cpp/include/raft/stats/detail/weighted_mean.cuh +++ b/cpp/include/raft/stats/detail/weighted_mean.cuh @@ -72,4 +72,4 @@ void weightedMean(Type* mu, } }; // end namespace detail }; // end namespace stats -}; // end namespace raft \ No newline at end of file +}; // end namespace raft diff --git a/cpp/include/raft/stats/dispersion.cuh b/cpp/include/raft/stats/dispersion.cuh index ded7c8178b..444cc04bca 100644 --- a/cpp/include/raft/stats/dispersion.cuh +++ b/cpp/include/raft/stats/dispersion.cuh @@ -131,4 +131,4 @@ value_t cluster_dispersion( } // end namespace stats } // end namespace raft -#endif \ No newline at end of file +#endif diff --git a/cpp/include/raft/stats/entropy.cuh b/cpp/include/raft/stats/entropy.cuh index fe432569ee..a0c6ae5bdb 100644 --- a/cpp/include/raft/stats/entropy.cuh +++ b/cpp/include/raft/stats/entropy.cuh @@ -83,4 +83,4 @@ double entropy(raft::resources const& handle, }; // end namespace stats }; // end namespace raft -#endif \ No newline at end of file +#endif diff --git a/cpp/include/raft/stats/homogeneity_score.cuh b/cpp/include/raft/stats/homogeneity_score.cuh index 311cd599f8..3095d2c724 100644 --- a/cpp/include/raft/stats/homogeneity_score.cuh +++ b/cpp/include/raft/stats/homogeneity_score.cuh @@ -91,4 +91,4 @@ double homogeneity_score(raft::resources const& handle, }; // end namespace stats }; // end namespace raft -#endif \ No newline at end of file +#endif diff --git a/cpp/include/raft/stats/mean.cuh b/cpp/include/raft/stats/mean.cuh index 43d39cfd6c..bc3cf184c6 100644 --- a/cpp/include/raft/stats/mean.cuh +++ b/cpp/include/raft/stats/mean.cuh @@ -96,4 +96,4 @@ void mean(raft::resources const& handle, }; // namespace stats }; // namespace raft -#endif \ No newline at end of file +#endif diff --git a/cpp/include/raft/stats/mean_center.cuh b/cpp/include/raft/stats/mean_center.cuh index 83f9a8a941..fb9da4dd39 100644 --- a/cpp/include/raft/stats/mean_center.cuh +++ b/cpp/include/raft/stats/mean_center.cuh @@ -163,4 +163,4 @@ void mean_add(raft::resources const& handle, }; // end namespace stats }; // end namespace raft -#endif \ No newline at end of file +#endif diff --git a/cpp/include/raft/stats/minmax.cuh b/cpp/include/raft/stats/minmax.cuh index d2c410dab1..930a6f8b9e 100644 --- a/cpp/include/raft/stats/minmax.cuh +++ b/cpp/include/raft/stats/minmax.cuh @@ -141,4 +141,4 @@ void minmax(raft::resources const& handle, }; // namespace stats }; // namespace raft -#endif \ No newline at end of file +#endif diff --git a/cpp/include/raft/stats/mutual_info_score.cuh b/cpp/include/raft/stats/mutual_info_score.cuh index 5a334e9280..c895a911e9 100644 --- a/cpp/include/raft/stats/mutual_info_score.cuh +++ b/cpp/include/raft/stats/mutual_info_score.cuh @@ -89,4 +89,4 @@ double mutual_info_score(raft::resources const& handle, }; // end namespace stats }; // end namespace raft -#endif \ No newline at end of file +#endif diff --git a/cpp/include/raft/stats/r2_score.cuh b/cpp/include/raft/stats/r2_score.cuh index c98b4bc93a..4ff9f491d8 100644 --- a/cpp/include/raft/stats/r2_score.cuh +++ b/cpp/include/raft/stats/r2_score.cuh @@ -90,4 +90,4 @@ value_t r2_score(raft::resources const& handle, } // namespace stats } // namespace raft -#endif \ No newline at end of file +#endif diff --git a/cpp/include/raft/stats/rand_index.cuh b/cpp/include/raft/stats/rand_index.cuh index a21a0c0dc5..1230d615eb 100644 --- a/cpp/include/raft/stats/rand_index.cuh +++ b/cpp/include/raft/stats/rand_index.cuh @@ -75,4 +75,4 @@ double rand_index(raft::resources const& handle, }; // end namespace stats }; // end namespace raft -#endif \ No newline at end of file +#endif diff --git a/cpp/include/raft/stats/regression_metrics.cuh b/cpp/include/raft/stats/regression_metrics.cuh index 718170f716..74763de2fc 100644 --- a/cpp/include/raft/stats/regression_metrics.cuh +++ b/cpp/include/raft/stats/regression_metrics.cuh @@ -104,4 +104,4 @@ void regression_metrics(raft::resources const& handle, } // namespace stats } // namespace raft -#endif \ No newline at end of file +#endif diff --git a/cpp/include/raft/stats/silhouette_score.cuh b/cpp/include/raft/stats/silhouette_score.cuh index 23eef84604..15d86969af 100644 --- a/cpp/include/raft/stats/silhouette_score.cuh +++ b/cpp/include/raft/stats/silhouette_score.cuh @@ -223,4 +223,4 @@ value_t silhouette_score_batched( }; // namespace stats }; // namespace raft -#endif \ No newline at end of file +#endif diff --git a/cpp/include/raft/stats/stddev.cuh b/cpp/include/raft/stats/stddev.cuh index 0a67bd2325..62668b3ddd 100644 --- a/cpp/include/raft/stats/stddev.cuh +++ b/cpp/include/raft/stats/stddev.cuh @@ -185,4 +185,4 @@ void vars(raft::resources const& handle, }; // namespace stats }; // namespace raft -#endif \ No newline at end of file +#endif diff --git a/cpp/include/raft/stats/sum.cuh b/cpp/include/raft/stats/sum.cuh index 2c3ed1b83e..6c18a21988 100644 --- a/cpp/include/raft/stats/sum.cuh +++ b/cpp/include/raft/stats/sum.cuh @@ -88,4 +88,4 @@ void sum(raft::resources const& handle, }; // end namespace stats }; // end namespace raft -#endif \ No newline at end of file +#endif diff --git a/cpp/include/raft/stats/trustworthiness_score.cuh b/cpp/include/raft/stats/trustworthiness_score.cuh index 3f4464f4d3..2435cb4ef9 100644 --- a/cpp/include/raft/stats/trustworthiness_score.cuh +++ b/cpp/include/raft/stats/trustworthiness_score.cuh @@ -98,4 +98,4 @@ double trustworthiness_score( } // namespace stats } // namespace raft -#endif \ No newline at end of file +#endif diff --git a/cpp/include/raft/stats/v_measure.cuh b/cpp/include/raft/stats/v_measure.cuh index 041adb5e38..1df3eab460 100644 --- a/cpp/include/raft/stats/v_measure.cuh +++ b/cpp/include/raft/stats/v_measure.cuh @@ -95,4 +95,4 @@ double v_measure(raft::resources const& handle, }; // end namespace stats }; // end namespace raft -#endif \ No newline at end of file +#endif diff --git a/cpp/include/raft/stats/weighted_mean.cuh b/cpp/include/raft/stats/weighted_mean.cuh index da22f0163c..a3e38f7168 100644 --- a/cpp/include/raft/stats/weighted_mean.cuh +++ b/cpp/include/raft/stats/weighted_mean.cuh @@ -189,4 +189,4 @@ void col_weighted_mean(raft::resources const& handle, }; // end namespace stats }; // end namespace raft -#endif \ No newline at end of file +#endif diff --git a/cpp/include/raft/thirdparty/mdspan/.github/workflows/cmake.yml b/cpp/include/raft/thirdparty/mdspan/.github/workflows/cmake.yml index a5411082af..4357c207a1 100644 --- a/cpp/include/raft/thirdparty/mdspan/.github/workflows/cmake.yml +++ b/cpp/include/raft/thirdparty/mdspan/.github/workflows/cmake.yml @@ -37,27 +37,27 @@ jobs: - name: Create Build Environment run: cmake -E make_directory ${{github.workspace}}/mdspan-build - + - name: Check Out uses: actions/checkout@v2 with: path: ${{github.workspace}}/mdspan-src - + - name: Configure CMake shell: bash working-directory: ${{github.workspace}}/mdspan-build run: CXX=${{ matrix.compiler_prefix}}/${{ matrix.compiler_driver }} cmake $GITHUB_WORKSPACE/mdspan-src -DCMAKE_BUILD_TYPE=$BUILD_TYPE -DCMAKE_INSTALL_PREFIX=$GITHUB_WORKSPACE/mdspan-install -DMDSPAN_ENABLE_TESTS=ON -DMDSPAN_ENABLE_EXAMPLES=ON - + - name: Build shell: bash working-directory: ${{github.workspace}}/mdspan-build run: make -j - + - name: Test working-directory: ${{github.workspace}}/mdspan-build shell: bash run: ctest - + - name: Install shell: bash working-directory: ${{github.workspace}}/mdspan-build diff --git a/cpp/include/raft/thirdparty/mdspan/LICENSE b/cpp/include/raft/thirdparty/mdspan/LICENSE index c68a8a2a9f..db92c208da 100644 --- a/cpp/include/raft/thirdparty/mdspan/LICENSE +++ b/cpp/include/raft/thirdparty/mdspan/LICENSE @@ -1,14 +1,14 @@ //@HEADER // ************************************************************************ -// +// // Kokkos v. 2.0 // Copyright (2014) Sandia Corporation -// +// // Under the terms of Contract DE-AC04-94AL85000 with Sandia Corporation, // the U.S. Government retains certain rights in this software. // // Kokkos is licensed under 3-clause BSD terms of use: -// +// // Redistribution and use in source and binary forms, with or without // modification, are permitted provided that the following conditions are // met: @@ -37,6 +37,6 @@ // SOFTWARE, EVEN IF ADVISED OF THE POSSIBILITY OF SUCH DAMAGE. // // Questions? Contact Christian R. Trott (crtrott@sandia.gov) -// +// // ************************************************************************ //@HEADER diff --git a/cpp/include/raft/thirdparty/mdspan/README.md b/cpp/include/raft/thirdparty/mdspan/README.md index a062777261..15af4dd4a9 100644 --- a/cpp/include/raft/thirdparty/mdspan/README.md +++ b/cpp/include/raft/thirdparty/mdspan/README.md @@ -70,4 +70,3 @@ Acknowledgements ================ This work was undertaken as part of the [Kokkos project](https://github.com/kokkos/kokkos) at Sandia National Laboratories. Sandia National Laboratories is a multimission laboratory managed and operated by National Technology & Engineering Solutions of Sandia, LLC, a wholly owned subsidiary of Honeywell International Inc., for the U. S. Department of Energy's National Nuclear Security Administration under contract DE-NA0003525. - diff --git a/cpp/include/raft/thirdparty/mdspan/benchmarks/sum/cuda/CMakeLists.txt b/cpp/include/raft/thirdparty/mdspan/benchmarks/sum/cuda/CMakeLists.txt index 30391b3d70..3d5cbb955a 100644 --- a/cpp/include/raft/thirdparty/mdspan/benchmarks/sum/cuda/CMakeLists.txt +++ b/cpp/include/raft/thirdparty/mdspan/benchmarks/sum/cuda/CMakeLists.txt @@ -2,4 +2,4 @@ mdspan_add_cuda_benchmark(sum_3d_cuda) target_include_directories(sum_3d_cuda PUBLIC $ -) \ No newline at end of file +) diff --git a/cpp/include/raft/thirdparty/mdspan/benchmarks/sum/openmp/CMakeLists.txt b/cpp/include/raft/thirdparty/mdspan/benchmarks/sum/openmp/CMakeLists.txt index 566c47c9ab..ccab58bfa1 100644 --- a/cpp/include/raft/thirdparty/mdspan/benchmarks/sum/openmp/CMakeLists.txt +++ b/cpp/include/raft/thirdparty/mdspan/benchmarks/sum/openmp/CMakeLists.txt @@ -4,4 +4,4 @@ if(OpenMP_CXX_FOUND) target_include_directories(sum_3d_openmp PUBLIC $ ) -endif() \ No newline at end of file +endif() diff --git a/cpp/include/raft/thirdparty/mdspan/benchmarks/sum/openmp/sum_3d_openmp.cpp b/cpp/include/raft/thirdparty/mdspan/benchmarks/sum/openmp/sum_3d_openmp.cpp index 9ab6a0ddf4..ef75349925 100644 --- a/cpp/include/raft/thirdparty/mdspan/benchmarks/sum/openmp/sum_3d_openmp.cpp +++ b/cpp/include/raft/thirdparty/mdspan/benchmarks/sum/openmp/sum_3d_openmp.cpp @@ -174,4 +174,3 @@ BENCHMARK_CAPTURE( //================================================================================ BENCHMARK_MAIN(); - diff --git a/cpp/include/raft/thirdparty/mdspan/benchmarks/sum/sum_submdspan_right.cpp b/cpp/include/raft/thirdparty/mdspan/benchmarks/sum/sum_submdspan_right.cpp index f106e2f5ff..4cbfe029c7 100644 --- a/cpp/include/raft/thirdparty/mdspan/benchmarks/sum/sum_submdspan_right.cpp +++ b/cpp/include/raft/thirdparty/mdspan/benchmarks/sum/sum_submdspan_right.cpp @@ -223,4 +223,3 @@ BENCHMARK_CAPTURE( //================================================================================ BENCHMARK_MAIN(); - diff --git a/cpp/include/raft/thirdparty/mdspan/compilation_tests/ctest_compressed_pair_layout.cpp b/cpp/include/raft/thirdparty/mdspan/compilation_tests/ctest_compressed_pair_layout.cpp index ea2bad164c..ef45c9d18f 100644 --- a/cpp/include/raft/thirdparty/mdspan/compilation_tests/ctest_compressed_pair_layout.cpp +++ b/cpp/include/raft/thirdparty/mdspan/compilation_tests/ctest_compressed_pair_layout.cpp @@ -169,4 +169,3 @@ test, CP>, 4 * sizeof(int*), non_empty>(); // end compressed pair layout: 2 nested pairs, 4 leaf elements }}}1 //============================================================================== } - diff --git a/cpp/include/raft/thirdparty/mdspan/compilation_tests/ctest_extents_ctors.cpp b/cpp/include/raft/thirdparty/mdspan/compilation_tests/ctest_extents_ctors.cpp index 00126691aa..64d71d650c 100644 --- a/cpp/include/raft/thirdparty/mdspan/compilation_tests/ctest_extents_ctors.cpp +++ b/cpp/include/raft/thirdparty/mdspan/compilation_tests/ctest_extents_ctors.cpp @@ -176,4 +176,3 @@ MDSPAN_STATIC_TEST( stdex::extents >::value ); - diff --git a/cpp/include/raft/thirdparty/mdspan/compilation_tests/ctest_layout_convertible.cpp b/cpp/include/raft/thirdparty/mdspan/compilation_tests/ctest_layout_convertible.cpp index e293734444..fc30fa25e5 100644 --- a/cpp/include/raft/thirdparty/mdspan/compilation_tests/ctest_layout_convertible.cpp +++ b/cpp/include/raft/thirdparty/mdspan/compilation_tests/ctest_layout_convertible.cpp @@ -117,5 +117,3 @@ MDSPAN_STATIC_TEST( MDSPAN_STATIC_TEST( !std::is_constructible>::value ); - - diff --git a/cpp/include/raft/thirdparty/mdspan/compilation_tests/ctest_mdspan_convertible.cpp b/cpp/include/raft/thirdparty/mdspan/compilation_tests/ctest_mdspan_convertible.cpp index fa1136b9d6..c64fcdbabd 100644 --- a/cpp/include/raft/thirdparty/mdspan/compilation_tests/ctest_mdspan_convertible.cpp +++ b/cpp/include/raft/thirdparty/mdspan/compilation_tests/ctest_mdspan_convertible.cpp @@ -68,4 +68,3 @@ MDSPAN_STATIC_TEST( // end mdspan }}}1 //============================================================================== - diff --git a/cpp/include/raft/thirdparty/mdspan/compilation_tests/ctest_no_unique_address.cpp b/cpp/include/raft/thirdparty/mdspan/compilation_tests/ctest_no_unique_address.cpp index 9f7c6c052d..c44b02bf76 100644 --- a/cpp/include/raft/thirdparty/mdspan/compilation_tests/ctest_no_unique_address.cpp +++ b/cpp/include/raft/thirdparty/mdspan/compilation_tests/ctest_no_unique_address.cpp @@ -109,5 +109,3 @@ MDSPAN_STATIC_TEST( // end layouts }}}1 //============================================================================== - - diff --git a/cpp/include/raft/thirdparty/mdspan/compilation_tests/ctest_standard_layout.cpp b/cpp/include/raft/thirdparty/mdspan/compilation_tests/ctest_standard_layout.cpp index d8edf31ab2..6e41433d6a 100644 --- a/cpp/include/raft/thirdparty/mdspan/compilation_tests/ctest_standard_layout.cpp +++ b/cpp/include/raft/thirdparty/mdspan/compilation_tests/ctest_standard_layout.cpp @@ -216,6 +216,3 @@ MDSPAN_STATIC_TEST( // end mdspan }}}1 //============================================================================== - - - diff --git a/cpp/include/raft/thirdparty/mdspan/compilation_tests/ctest_trivially_copyable.cpp b/cpp/include/raft/thirdparty/mdspan/compilation_tests/ctest_trivially_copyable.cpp index 73ab426afa..f6457234d7 100644 --- a/cpp/include/raft/thirdparty/mdspan/compilation_tests/ctest_trivially_copyable.cpp +++ b/cpp/include/raft/thirdparty/mdspan/compilation_tests/ctest_trivially_copyable.cpp @@ -212,6 +212,3 @@ MDSPAN_STATIC_TEST( // end mdspan }}}1 //============================================================================== - - - diff --git a/cpp/include/raft/thirdparty/mdspan/examples/tiled_layout/simple_tiled_layout.cpp b/cpp/include/raft/thirdparty/mdspan/examples/tiled_layout/simple_tiled_layout.cpp index b8740d5227..ba481c3144 100644 --- a/cpp/include/raft/thirdparty/mdspan/examples/tiled_layout/simple_tiled_layout.cpp +++ b/cpp/include/raft/thirdparty/mdspan/examples/tiled_layout/simple_tiled_layout.cpp @@ -207,4 +207,3 @@ int main() { std::cout << "Success! SimpleTiledLayout2D works as expected." << std::endl; } } - diff --git a/cpp/include/raft/thirdparty/mdspan/include/experimental/__p0009_bits/aligned_accessor.hpp b/cpp/include/raft/thirdparty/mdspan/include/experimental/__p0009_bits/aligned_accessor.hpp index 67356785c0..02e386e3aa 100644 --- a/cpp/include/raft/thirdparty/mdspan/include/experimental/__p0009_bits/aligned_accessor.hpp +++ b/cpp/include/raft/thirdparty/mdspan/include/experimental/__p0009_bits/aligned_accessor.hpp @@ -42,7 +42,7 @@ */ -// NOTE: This code is prematurely taken from an example based on +// NOTE: This code is prematurely taken from an example based on // https://github.com/kokkos/mdspan/pull/176 #pragma once diff --git a/cpp/include/raft/thirdparty/mdspan/include/experimental/__p0009_bits/extents.hpp b/cpp/include/raft/thirdparty/mdspan/include/experimental/__p0009_bits/extents.hpp index 6be71b432c..3b4d69d63e 100644 --- a/cpp/include/raft/thirdparty/mdspan/include/experimental/__p0009_bits/extents.hpp +++ b/cpp/include/raft/thirdparty/mdspan/include/experimental/__p0009_bits/extents.hpp @@ -531,7 +531,7 @@ struct __extents_to_partially_static_sizes; template struct __extents_to_partially_static_sizes<::std::experimental::extents> { using type = detail::__partially_static_sizes< - typename ::std::experimental::extents::index_type, size_t, + typename ::std::experimental::extents::index_type, size_t, ExtentsPack...>; }; diff --git a/cpp/include/raft/thirdparty/mdspan/include/experimental/__p0009_bits/layout_left.hpp b/cpp/include/raft/thirdparty/mdspan/include/experimental/__p0009_bits/layout_left.hpp index ed1478dc8b..92a291e915 100644 --- a/cpp/include/raft/thirdparty/mdspan/include/experimental/__p0009_bits/layout_left.hpp +++ b/cpp/include/raft/thirdparty/mdspan/include/experimental/__p0009_bits/layout_left.hpp @@ -237,4 +237,3 @@ class layout_left::mapping { } // end namespace experimental } // end namespace std - diff --git a/cpp/include/raft/thirdparty/mdspan/include/experimental/__p0009_bits/layout_padded.hpp b/cpp/include/raft/thirdparty/mdspan/include/experimental/__p0009_bits/layout_padded.hpp index cd9c9c19bf..c761146874 100644 --- a/cpp/include/raft/thirdparty/mdspan/include/experimental/__p0009_bits/layout_padded.hpp +++ b/cpp/include/raft/thirdparty/mdspan/include/experimental/__p0009_bits/layout_padded.hpp @@ -45,7 +45,7 @@ // NOTE: This code is prematurely taken from https://github.com/kokkos/mdspan/pull/180 // and matches requirements described in https://github.com/ORNL/cpp-proposals-pub/pull/296 // Some parts (as submdspan integration) are missing -// EDIT: the meaning of the template argument 'padding_stride' was adjusted from a +// EDIT: the meaning of the template argument 'padding_stride' was adjusted from a // fixed stride to a padding alignment, allowing dimensions > padding_stride to be padded // to multiples of 'padding_stride' @@ -140,7 +140,7 @@ namespace details { // layout_padded_left implementation namespace details { - + // The *_helper functions work around not having C++20 // templated lambdas: []{} . diff --git a/cpp/include/raft/thirdparty/mdspan/include/experimental/__p0009_bits/layout_right.hpp b/cpp/include/raft/thirdparty/mdspan/include/experimental/__p0009_bits/layout_right.hpp index a9b64ca36a..d4b71efae1 100644 --- a/cpp/include/raft/thirdparty/mdspan/include/experimental/__p0009_bits/layout_right.hpp +++ b/cpp/include/raft/thirdparty/mdspan/include/experimental/__p0009_bits/layout_right.hpp @@ -237,4 +237,3 @@ class layout_right::mapping { } // end namespace experimental } // end namespace std - diff --git a/cpp/include/raft/thirdparty/mdspan/include/experimental/__p0009_bits/no_unique_address.hpp b/cpp/include/raft/thirdparty/mdspan/include/experimental/__p0009_bits/no_unique_address.hpp index 904dd40a75..90b1a46288 100644 --- a/cpp/include/raft/thirdparty/mdspan/include/experimental/__p0009_bits/no_unique_address.hpp +++ b/cpp/include/raft/thirdparty/mdspan/include/experimental/__p0009_bits/no_unique_address.hpp @@ -74,13 +74,13 @@ struct __no_unique_address_emulation< // If the type isn't trivially destructible, its destructor // won't be called at the right time, so don't use this // specialization - _MDSPAN_TRAIT(is_trivially_destructible, _T)>> : + _MDSPAN_TRAIT(is_trivially_destructible, _T)>> : #ifdef _MDSPAN_COMPILER_MSVC // MSVC doesn't allow you to access public static member functions of a type // when you *happen* to privately inherit from that type. protected #else - // But we still want this to be private if possible so that we don't accidentally + // But we still want this to be private if possible so that we don't accidentally // access members of _T directly rather than calling __ref() first, which wouldn't // work if _T happens to be stateful and thus we're using the unspecialized definition // of __no_unique_address_emulation above. diff --git a/cpp/include/raft/thirdparty/mdspan/include/experimental/__p0009_bits/type_list.hpp b/cpp/include/raft/thirdparty/mdspan/include/experimental/__p0009_bits/type_list.hpp index 7de72e6537..64845190ae 100644 --- a/cpp/include/raft/thirdparty/mdspan/include/experimental/__p0009_bits/type_list.hpp +++ b/cpp/include/raft/thirdparty/mdspan/include/experimental/__p0009_bits/type_list.hpp @@ -114,4 +114,3 @@ struct __type_at<3, __type_list<_T0, _T1, _T2, _T3, _Ts...>> { } // end namespace experimental } // end namespace std - diff --git a/cpp/include/raft/thirdparty/mdspan/include/experimental/mdarray b/cpp/include/raft/thirdparty/mdspan/include/experimental/mdarray index fa710a59b6..60e06dd68e 100644 --- a/cpp/include/raft/thirdparty/mdspan/include/experimental/mdarray +++ b/cpp/include/raft/thirdparty/mdspan/include/experimental/mdarray @@ -45,4 +45,3 @@ #include "mdspan" #include "__p1684_bits/mdarray.hpp" - diff --git a/cpp/include/raft/thirdparty/mdspan/make_single_header.py b/cpp/include/raft/thirdparty/mdspan/make_single_header.py index 1b562c7176..98ab3526db 100755 --- a/cpp/include/raft/thirdparty/mdspan/make_single_header.py +++ b/cpp/include/raft/thirdparty/mdspan/make_single_header.py @@ -49,4 +49,3 @@ def process_file(file_path, out_lines=[], front_matter_lines=[], back_matter_lin "#define _MDSPAN_SINGLE_HEADER_INCLUDE_GUARD_\n"], ["#endif // _MDSPAN_SINGLE_HEADER_INCLUDE_GUARD_\n"], [abspath(sys.argv[1])])) - diff --git a/cpp/include/raft/thirdparty/mdspan/tests/CMakeLists.txt b/cpp/include/raft/thirdparty/mdspan/tests/CMakeLists.txt index d92834beb7..a30ce2c198 100644 --- a/cpp/include/raft/thirdparty/mdspan/tests/CMakeLists.txt +++ b/cpp/include/raft/thirdparty/mdspan/tests/CMakeLists.txt @@ -57,4 +57,3 @@ mdspan_add_test(test_layout_ctors) mdspan_add_test(test_layout_stride) mdspan_add_test(test_submdspan) mdspan_add_test(test_mdarray_ctors) - diff --git a/cpp/include/raft/thirdparty/mdspan/tests/test_exhaustive_layouts.cpp b/cpp/include/raft/thirdparty/mdspan/tests/test_exhaustive_layouts.cpp index f09b799684..e91896c1c4 100644 --- a/cpp/include/raft/thirdparty/mdspan/tests/test_exhaustive_layouts.cpp +++ b/cpp/include/raft/thirdparty/mdspan/tests/test_exhaustive_layouts.cpp @@ -424,4 +424,3 @@ TYPED_TEST(TestLayoutConversion, implicit_conversion) { ASSERT_EQ(map1.stride(r), map2.stride(r)); } } - diff --git a/cpp/include/raft/thirdparty/mdspan/tests/test_layout_stride.cpp b/cpp/include/raft/thirdparty/mdspan/tests/test_layout_stride.cpp index 3a3e1c2696..12008f05cf 100644 --- a/cpp/include/raft/thirdparty/mdspan/tests/test_layout_stride.cpp +++ b/cpp/include/raft/thirdparty/mdspan/tests/test_layout_stride.cpp @@ -164,4 +164,3 @@ TEST(TestLayoutStrideCTAD, test_ctad) { */ } #endif - diff --git a/cpp/include/raft/thirdparty/mdspan/tests/test_mdarray_ctors.cpp b/cpp/include/raft/thirdparty/mdspan/tests/test_mdarray_ctors.cpp index 781a12a697..3dcb61d454 100644 --- a/cpp/include/raft/thirdparty/mdspan/tests/test_mdarray_ctors.cpp +++ b/cpp/include/raft/thirdparty/mdspan/tests/test_mdarray_ctors.cpp @@ -740,7 +740,7 @@ TEST(TestMdarrayCTAD, layout_stride) { ASSERT_EQ(m0.stride(1), 128); ASSERT_FALSE(m0.is_exhaustive()); - /* + /* stdex::mdarray m1{d.data(), stdex::layout_stride::mapping{stdex::extents{16, 32}, stdex::extents{1, 128}}}; ASSERT_EQ(m1.data(), d.data()); ASSERT_EQ(m1.rank(), 2); diff --git a/cpp/include/raft/thirdparty/mdspan/tests/test_mdspan_ctors.cpp b/cpp/include/raft/thirdparty/mdspan/tests/test_mdspan_ctors.cpp index 81d3fdb983..14ae51a259 100644 --- a/cpp/include/raft/thirdparty/mdspan/tests/test_mdspan_ctors.cpp +++ b/cpp/include/raft/thirdparty/mdspan/tests/test_mdspan_ctors.cpp @@ -346,7 +346,7 @@ TEST(TestMdspanCTAD, layout_stride) { ASSERT_EQ(m0.stride(1), 128); ASSERT_FALSE(m0.is_exhaustive()); - /* + /* stdex::mdspan m1{d.data(), stdex::layout_stride::mapping{stdex::extents{16, 32}, stdex::extents{1, 128}}}; ASSERT_EQ(m1.data(), d.data()); ASSERT_EQ(m1.rank(), 2); diff --git a/cpp/include/raft/util/detail/popc.cuh b/cpp/include/raft/util/detail/popc.cuh index f335be6fd0..9638a261a5 100644 --- a/cpp/include/raft/util/detail/popc.cuh +++ b/cpp/include/raft/util/detail/popc.cuh @@ -73,4 +73,4 @@ void popc(const raft::resources& res, }); } -} // end namespace raft::detail \ No newline at end of file +} // end namespace raft::detail diff --git a/cpp/include/raft/util/input_validation.hpp b/cpp/include/raft/util/input_validation.hpp index 17bb53f22b..119fd9d2e2 100644 --- a/cpp/include/raft/util/input_validation.hpp +++ b/cpp/include/raft/util/input_validation.hpp @@ -129,4 +129,4 @@ constexpr bool is_scalar_view(mdspan m) return false; } -}; // end namespace raft \ No newline at end of file +}; // end namespace raft diff --git a/cpp/include/raft/util/warp_primitives.cuh b/cpp/include/raft/util/warp_primitives.cuh index 953c137cdf..2a7c4e9127 100644 --- a/cpp/include/raft/util/warp_primitives.cuh +++ b/cpp/include/raft/util/warp_primitives.cuh @@ -256,4 +256,4 @@ DI std::enable_if_t, T> shfl_xor(T val, return output; } -} // namespace raft \ No newline at end of file +} // namespace raft diff --git a/cpp/scripts/run-clang-compile.py b/cpp/scripts/run-clang-compile.py index 123f0e4075..8ed9aa00f0 100644 --- a/cpp/scripts/run-clang-compile.py +++ b/cpp/scripts/run-clang-compile.py @@ -253,12 +253,12 @@ def run_clang_command(clang_cmd, cwd): class LockContext(object): def __init__(self, lock=None) -> None: self._lock = lock - + def __enter__(self): if self._lock: self._lock.acquire() return self - + def __exit__(self, _, __, ___): if self._lock: self._lock.release() diff --git a/cpp/scripts/run-clang-tidy.py b/cpp/scripts/run-clang-tidy.py index 3d8bbcec4a..cad08ca551 100644 --- a/cpp/scripts/run-clang-tidy.py +++ b/cpp/scripts/run-clang-tidy.py @@ -296,12 +296,12 @@ def run_clang_tidy_command(tidy_cmd, cwd): class LockContext(object): def __init__(self, lock=None) -> None: self._lock = lock - + def __enter__(self): if self._lock: self._lock.acquire() return self - + def __exit__(self, _, __, ___): if self._lock: self._lock.release() diff --git a/cpp/scripts/run-cmake-format.sh b/cpp/scripts/run-cmake-format.sh index db5a8b5804..e08481fbd6 100755 --- a/cpp/scripts/run-cmake-format.sh +++ b/cpp/scripts/run-cmake-format.sh @@ -17,7 +17,7 @@ # and exits gracefully if the file is not found. If a user wishes to specify a # config file at a nonstandard location, they may do so by setting the # environment variable RAPIDS_CMAKE_FORMAT_FILE. -# +# # This script can be invoked directly anywhere within the project repository. # Alternatively, it may be invoked as a pre-commit hook via # `pre-commit run (cmake-format)|(cmake-lint)`. diff --git a/cpp/tests/linalg/cholesky_r1.cu b/cpp/tests/linalg/cholesky_r1.cu index f87e07402f..e506c89a79 100644 --- a/cpp/tests/linalg/cholesky_r1.cu +++ b/cpp/tests/linalg/cholesky_r1.cu @@ -170,4 +170,4 @@ TYPED_TEST(CholeskyR1Test, update) { this->testR1Update(); } TYPED_TEST(CholeskyR1Test, throwError) { this->testR1Error(); } }; // namespace linalg -}; // namespace raft \ No newline at end of file +}; // namespace raft diff --git a/cpp/tests/matrix/argmax.cu b/cpp/tests/matrix/argmax.cu index cb3fd4a3fb..c0cf85cd38 100644 --- a/cpp/tests/matrix/argmax.cu +++ b/cpp/tests/matrix/argmax.cu @@ -110,4 +110,4 @@ INSTANTIATE_TEST_SUITE_P(ArgMaxTest, ArgMaxTestF, ::testing::ValuesIn(inputsf)); INSTANTIATE_TEST_SUITE_P(ArgMaxTest, ArgMaxTestD, ::testing::ValuesIn(inputsd)); } // namespace matrix -} // namespace raft \ No newline at end of file +} // namespace raft diff --git a/cpp/tests/matrix/argmin.cu b/cpp/tests/matrix/argmin.cu index 060b4a78db..f0cacacf3a 100644 --- a/cpp/tests/matrix/argmin.cu +++ b/cpp/tests/matrix/argmin.cu @@ -110,4 +110,4 @@ INSTANTIATE_TEST_SUITE_P(ArgMinTest, ArgMinTestF, ::testing::ValuesIn(inputsf)); INSTANTIATE_TEST_SUITE_P(ArgMinTest, ArgMinTestD, ::testing::ValuesIn(inputsd)); } // namespace matrix -} // namespace raft \ No newline at end of file +} // namespace raft diff --git a/cpp/tests/matrix/diagonal.cu b/cpp/tests/matrix/diagonal.cu index c6e1f1a0d2..0a1f2af825 100644 --- a/cpp/tests/matrix/diagonal.cu +++ b/cpp/tests/matrix/diagonal.cu @@ -116,4 +116,4 @@ INSTANTIATE_TEST_SUITE_P(DiagonalTest, DiagonalTestF, ::testing::ValuesIn(inputs INSTANTIATE_TEST_SUITE_P(DiagonalTest, DiagonalTestD, ::testing::ValuesIn(inputsd)); } // namespace matrix -} // namespace raft \ No newline at end of file +} // namespace raft diff --git a/cpp/tests/matrix/gather.cu b/cpp/tests/matrix/gather.cu index 4c13d0c1e9..f62805b2b8 100644 --- a/cpp/tests/matrix/gather.cu +++ b/cpp/tests/matrix/gather.cu @@ -246,4 +246,4 @@ GATHER_TEST((GatherTest), GATHER_TEST((GatherTest), GatherInplaceTestFI64I64, inplace_inputs_i64); -} // end namespace raft \ No newline at end of file +} // end namespace raft diff --git a/cpp/tests/matrix/scatter.cu b/cpp/tests/matrix/scatter.cu index 7f478c7b93..f539b9759a 100644 --- a/cpp/tests/matrix/scatter.cu +++ b/cpp/tests/matrix/scatter.cu @@ -140,4 +140,4 @@ const std::vector> inputs_i64 = SCATTER_TEST((ScatterTest), ScatterTestFI32, inputs_i32); SCATTER_TEST((ScatterTest), ScatterTestFI64, inputs_i64); -} // end namespace raft \ No newline at end of file +} // end namespace raft diff --git a/cpp/tests/mr/device/buffer.cpp b/cpp/tests/mr/device/buffer.cpp index d14aa09b7a..3d5652a591 100644 --- a/cpp/tests/mr/device/buffer.cpp +++ b/cpp/tests/mr/device/buffer.cpp @@ -92,4 +92,4 @@ TEST(Raft, DeviceBufferZeroResize) } // namespace device } // namespace mr -} // namespace raft \ No newline at end of file +} // namespace raft diff --git a/cpp/tests/mr/host/buffer.cpp b/cpp/tests/mr/host/buffer.cpp index 5688ff6376..792160eb89 100644 --- a/cpp/tests/mr/host/buffer.cpp +++ b/cpp/tests/mr/host/buffer.cpp @@ -69,4 +69,4 @@ TEST(Raft, DeviceToHostBuffer) } // namespace host } // namespace mr -} // namespace raft \ No newline at end of file +} // namespace raft diff --git a/cpp/tests/neighbors/spatial_data.h b/cpp/tests/neighbors/spatial_data.h index d71b47cf1e..b4352f706d 100644 --- a/cpp/tests/neighbors/spatial_data.h +++ b/cpp/tests/neighbors/spatial_data.h @@ -35,4 +35,4 @@ std::vector spatial_data = { 31.968599, -99.901813, 39.32098, -111.093731, 37.431573, -78.656894, 44.558803, -72.577841, 47.751074, -120.740139, 43.78444, -88.787868, 38.597626, -80.454903, 43.075968, -107.290284}; }; // namespace spatial -}; // namespace raft \ No newline at end of file +}; // namespace raft diff --git a/cpp/tests/stats/weighted_mean.cu b/cpp/tests/stats/weighted_mean.cu index 407f3f14ea..e125fbc71e 100644 --- a/cpp/tests/stats/weighted_mean.cu +++ b/cpp/tests/stats/weighted_mean.cu @@ -340,4 +340,4 @@ TEST_P(WeightedMeanTestD, Result) INSTANTIATE_TEST_CASE_P(WeightedMeanTest, WeightedMeanTestD, ::testing::ValuesIn(inputsd)); }; // end namespace stats -}; // end namespace raft \ No newline at end of file +}; // end namespace raft diff --git a/cpp/tests/test_utils.cuh b/cpp/tests/test_utils.cuh index 810a0d7985..ac4ed4d24e 100644 --- a/cpp/tests/test_utils.cuh +++ b/cpp/tests/test_utils.cuh @@ -330,4 +330,4 @@ inline std::vector read_csv(std::string filename, bool skip_first_n_colum return result; } -}; // end namespace raft \ No newline at end of file +}; // end namespace raft diff --git a/docs/README.md b/docs/README.md index a09ccf41eb..aa5e114347 100644 --- a/docs/README.md +++ b/docs/README.md @@ -11,4 +11,4 @@ bash build.sh docs #### Once the process finishes, documentation can be found in build/html ```shell script xdg-open build/html/index.html` -``` \ No newline at end of file +``` diff --git a/docs/source/_static/references.css b/docs/source/_static/references.css index 225cf13ba9..d1f647233a 100644 --- a/docs/source/_static/references.css +++ b/docs/source/_static/references.css @@ -20,4 +20,4 @@ dl.citation > dt.label > span::before { /* Add closing bracket */ dl.citation > dt.label > span::after { content: "]"; -} \ No newline at end of file +} diff --git a/docs/source/contributing.md b/docs/source/contributing.md index 1b4071d0a5..446e7b2a7b 100755 --- a/docs/source/contributing.md +++ b/docs/source/contributing.md @@ -89,5 +89,3 @@ implementation of the issue, ask them in the issue instead of the PR. ## Attribution Portions adopted from https://github.com/pytorch/pytorch/blob/master/CONTRIBUTING.md - - diff --git a/docs/source/cpp_api.rst b/docs/source/cpp_api.rst index 74f706bf46..837cfa0cb0 100644 --- a/docs/source/cpp_api.rst +++ b/docs/source/cpp_api.rst @@ -16,4 +16,4 @@ C++ API cpp_api/solver.rst cpp_api/sparse.rst cpp_api/stats.rst - cpp_api/utils.rst \ No newline at end of file + cpp_api/utils.rst diff --git a/docs/source/cpp_api/core.rst b/docs/source/cpp_api/core.rst index 4122a18506..f159c85af8 100644 --- a/docs/source/cpp_api/core.rst +++ b/docs/source/cpp_api/core.rst @@ -22,4 +22,4 @@ expose in public APIs. core_operators.rst core_math.rst core_bitset.rst - core_bitmap.rst \ No newline at end of file + core_bitmap.rst diff --git a/docs/source/cpp_api/core_bitmap.rst b/docs/source/cpp_api/core_bitmap.rst index 6c1dc607bf..532da58e71 100644 --- a/docs/source/cpp_api/core_bitmap.rst +++ b/docs/source/cpp_api/core_bitmap.rst @@ -12,4 +12,4 @@ namespace *raft::core* .. doxygengroup:: bitmap :project: RAFT :members: - :content-only: \ No newline at end of file + :content-only: diff --git a/docs/source/cpp_api/core_bitset.rst b/docs/source/cpp_api/core_bitset.rst index af1cff6d37..117efc5466 100644 --- a/docs/source/cpp_api/core_bitset.rst +++ b/docs/source/cpp_api/core_bitset.rst @@ -12,4 +12,4 @@ namespace *raft::core* .. doxygengroup:: bitset :project: RAFT :members: - :content-only: \ No newline at end of file + :content-only: diff --git a/docs/source/cpp_api/core_kvp.rst b/docs/source/cpp_api/core_kvp.rst index 60a0da078b..5f0cfd800a 100644 --- a/docs/source/cpp_api/core_kvp.rst +++ b/docs/source/cpp_api/core_kvp.rst @@ -12,4 +12,3 @@ namespace *raft::core* .. doxygenstruct:: raft::KeyValuePair :project: RAFT :members: - diff --git a/docs/source/cpp_api/core_logger.rst b/docs/source/cpp_api/core_logger.rst index 60714a63ea..569f17fac3 100644 --- a/docs/source/cpp_api/core_logger.rst +++ b/docs/source/cpp_api/core_logger.rst @@ -12,4 +12,3 @@ namespace *raft::core* .. doxygenclass:: raft::logger :project: RAFT :members: - diff --git a/docs/source/cpp_api/core_nvtx.rst b/docs/source/cpp_api/core_nvtx.rst index addcbdda30..051c66da0c 100644 --- a/docs/source/cpp_api/core_nvtx.rst +++ b/docs/source/cpp_api/core_nvtx.rst @@ -13,5 +13,3 @@ namespace *raft::core* :project: RAFT :members: :content-only: - - diff --git a/docs/source/cpp_api/linalg.rst b/docs/source/cpp_api/linalg.rst index 3cd928c9db..b9da44e431 100644 --- a/docs/source/cpp_api/linalg.rst +++ b/docs/source/cpp_api/linalg.rst @@ -4,7 +4,7 @@ Linear Algebra This page provides C++ class references for the publicly-exposed elements of the `raft/linalg` (dense) linear algebra headers. In addition to providing highly optimized arithmetic and matrix/vector operations, RAFT provides a consistent user experience by providing common BLAS routines, standard linear system solvers, factorization and eigenvalue solvers. Some of these routines -hide the complexities of lower-level C-based libraries provided in the CUDA toolkit +hide the complexities of lower-level C-based libraries provided in the CUDA toolkit .. role:: py(code) :language: c++ @@ -19,4 +19,4 @@ hide the complexities of lower-level C-based libraries provided in the CUDA tool linalg_map_reduce.rst linalg_matrix.rst linalg_matrix_vector.rst - linalg_solver.rst \ No newline at end of file + linalg_solver.rst diff --git a/docs/source/cpp_api/linalg_arithmetic.rst b/docs/source/cpp_api/linalg_arithmetic.rst index 7bc428b9f0..badb9f31a5 100644 --- a/docs/source/cpp_api/linalg_arithmetic.rst +++ b/docs/source/cpp_api/linalg_arithmetic.rst @@ -114,4 +114,3 @@ namespace *raft::linalg* :project: RAFT :members: :content-only: - diff --git a/docs/source/cpp_api/linalg_matrix.rst b/docs/source/cpp_api/linalg_matrix.rst index e6024bcd02..30eef5f64f 100644 --- a/docs/source/cpp_api/linalg_matrix.rst +++ b/docs/source/cpp_api/linalg_matrix.rst @@ -16,4 +16,3 @@ namespace *raft::linalg* :project: RAFT :members: :content-only: - diff --git a/docs/source/cpp_api/linalg_matrix_vector.rst b/docs/source/cpp_api/linalg_matrix_vector.rst index d92a3c9874..cc22327c74 100644 --- a/docs/source/cpp_api/linalg_matrix_vector.rst +++ b/docs/source/cpp_api/linalg_matrix_vector.rst @@ -29,4 +29,3 @@ namespace *raft::linalg* :project: RAFT :members: :content-only: - diff --git a/docs/source/cpp_api/matrix_manipulation.rst b/docs/source/cpp_api/matrix_manipulation.rst index d0da51e4b7..5437ced99f 100644 --- a/docs/source/cpp_api/matrix_manipulation.rst +++ b/docs/source/cpp_api/matrix_manipulation.rst @@ -41,4 +41,3 @@ namespace *raft::matrix* :project: RAFT :members: :content-only: - diff --git a/docs/source/cpp_api/matrix_reduction.rst b/docs/source/cpp_api/matrix_reduction.rst index 440a1528b4..92dcea6428 100644 --- a/docs/source/cpp_api/matrix_reduction.rst +++ b/docs/source/cpp_api/matrix_reduction.rst @@ -16,4 +16,4 @@ namespace *raft::matrix* .. doxygengroup:: matrix_norm :project: RAFT :members: - :content-only: \ No newline at end of file + :content-only: diff --git a/docs/source/cpp_api/mdspan_representation.rst b/docs/source/cpp_api/mdspan_representation.rst index 386e6f14e9..939f1d51be 100644 --- a/docs/source/cpp_api/mdspan_representation.rst +++ b/docs/source/cpp_api/mdspan_representation.rst @@ -66,5 +66,3 @@ Accessors .. doxygentypedef:: raft::managed_accessor :project: RAFT - - diff --git a/docs/source/cpp_api/mdspan_span.rst b/docs/source/cpp_api/mdspan_span.rst index 870c4329d0..1b7d749810 100644 --- a/docs/source/cpp_api/mdspan_span.rst +++ b/docs/source/cpp_api/mdspan_span.rst @@ -25,4 +25,3 @@ span: One-dimensional Non-owning View :project: RAFT :members: :content-only: - diff --git a/docs/source/cpp_api/mnmg.rst b/docs/source/cpp_api/mnmg.rst index 9543cbb4ee..1f9f75dd46 100644 --- a/docs/source/cpp_api/mnmg.rst +++ b/docs/source/cpp_api/mnmg.rst @@ -47,4 +47,3 @@ NCCL+UCX Comms :project: RAFT :members: :content-only: - diff --git a/docs/source/cpp_api/random.rst b/docs/source/cpp_api/random.rst index 9f5cdc7a74..8eaa82c0b0 100644 --- a/docs/source/cpp_api/random.rst +++ b/docs/source/cpp_api/random.rst @@ -26,4 +26,3 @@ namespace *raft::random* random_sampling_univariate.rst random_sampling_multivariable.rst random_sampling_without_replacement.rst - diff --git a/docs/source/cpp_api/random_datagen.rst b/docs/source/cpp_api/random_datagen.rst index a07f5e0154..e97283598e 100644 --- a/docs/source/cpp_api/random_datagen.rst +++ b/docs/source/cpp_api/random_datagen.rst @@ -43,4 +43,3 @@ namespace *raft::random* :project: RAFT :members: :content-only: - diff --git a/docs/source/cpp_api/random_sampling_without_replacement.rst b/docs/source/cpp_api/random_sampling_without_replacement.rst index ac0d3bea86..af5281a48b 100644 --- a/docs/source/cpp_api/random_sampling_without_replacement.rst +++ b/docs/source/cpp_api/random_sampling_without_replacement.rst @@ -22,5 +22,3 @@ namespace *raft::random* :project: RAFT :members: :content-only: - - diff --git a/docs/source/cpp_api/sparse.rst b/docs/source/cpp_api/sparse.rst index 64197accaf..ee170b3721 100644 --- a/docs/source/cpp_api/sparse.rst +++ b/docs/source/cpp_api/sparse.rst @@ -16,4 +16,3 @@ Core to RAFT's computational patterns for sparse data is its vocabulary of spars sparse_linalg.rst sparse_matrix.rst sparse_solver.rst - diff --git a/docs/source/cpp_api/sparse_types_coo_matrix.rst b/docs/source/cpp_api/sparse_types_coo_matrix.rst index 855d89fdea..c1d8748a64 100644 --- a/docs/source/cpp_api/sparse_types_coo_matrix.rst +++ b/docs/source/cpp_api/sparse_types_coo_matrix.rst @@ -36,4 +36,3 @@ Host COO Matrix :project: RAFT :members: :content-only: - diff --git a/docs/source/cpp_api/sparse_types_csr_matrix.rst b/docs/source/cpp_api/sparse_types_csr_matrix.rst index b704846c4e..22898a6399 100644 --- a/docs/source/cpp_api/sparse_types_csr_matrix.rst +++ b/docs/source/cpp_api/sparse_types_csr_matrix.rst @@ -36,4 +36,3 @@ Host CSR Matrix :project: RAFT :members: :content-only: - diff --git a/docs/source/cpp_api/stats_classification.rst b/docs/source/cpp_api/stats_classification.rst index 929d2808f3..bc472c831d 100644 --- a/docs/source/cpp_api/stats_classification.rst +++ b/docs/source/cpp_api/stats_classification.rst @@ -17,4 +17,3 @@ namespace *raft::stats* :project: RAFT :members: :content-only: - diff --git a/docs/source/cpp_api/stats_probability.rst b/docs/source/cpp_api/stats_probability.rst index 457879d87c..a77a0d9132 100644 --- a/docs/source/cpp_api/stats_probability.rst +++ b/docs/source/cpp_api/stats_probability.rst @@ -53,4 +53,3 @@ namespace *raft::stats* :project: RAFT :members: :content-only: - diff --git a/docs/source/cpp_api/stats_regression.rst b/docs/source/cpp_api/stats_regression.rst index 8c172b441d..fed5f806a4 100644 --- a/docs/source/cpp_api/stats_regression.rst +++ b/docs/source/cpp_api/stats_regression.rst @@ -41,5 +41,3 @@ namespace *raft::stats* :project: RAFT :members: :content-only: - - diff --git a/docs/source/pylibraft_api/random.rst b/docs/source/pylibraft_api/random.rst index 538d932757..dbfd7b2fa1 100644 --- a/docs/source/pylibraft_api/random.rst +++ b/docs/source/pylibraft_api/random.rst @@ -9,4 +9,4 @@ This page provides pylibraft class references for the publicly-exposed elements :class: highlight -.. autofunction:: pylibraft.random.rmat \ No newline at end of file +.. autofunction:: pylibraft.random.rmat diff --git a/docs/source/pylibraft_api/sparse.rst b/docs/source/pylibraft_api/sparse.rst index b2c3f7a2b1..9ba265c6c9 100644 --- a/docs/source/pylibraft_api/sparse.rst +++ b/docs/source/pylibraft_api/sparse.rst @@ -8,4 +8,4 @@ This page provides pylibraft class references for the publicly-exposed elements :language: python :class: highlight -.. autofunction:: pylibraft.sparse.linalg.eigsh \ No newline at end of file +.. autofunction:: pylibraft.sparse.linalg.eigsh diff --git a/python/pylibraft/.coveragerc b/python/pylibraft/.coveragerc index fc087fb9c5..3269e10b8a 100644 --- a/python/pylibraft/.coveragerc +++ b/python/pylibraft/.coveragerc @@ -1,3 +1,3 @@ # Configuration file for Python coverage tests [run] -source = pylibraft \ No newline at end of file +source = pylibraft diff --git a/python/pylibraft/pylibraft/tests/pytest.ini b/python/pylibraft/pylibraft/tests/pytest.ini index bf70c06f84..7b0a9f29fb 100644 --- a/python/pylibraft/pylibraft/tests/pytest.ini +++ b/python/pylibraft/pylibraft/tests/pytest.ini @@ -2,4 +2,3 @@ [pytest] addopts = --tb=native - diff --git a/python/raft-dask/.coveragerc b/python/raft-dask/.coveragerc index 968c4b898a..8077c9ae90 100644 --- a/python/raft-dask/.coveragerc +++ b/python/raft-dask/.coveragerc @@ -1,3 +1,3 @@ # Configuration file for Python coverage tests [run] -source = raft_dask \ No newline at end of file +source = raft_dask diff --git a/python/raft-dask/raft_dask/tests/pytest.ini b/python/raft-dask/raft_dask/tests/pytest.ini index bf70c06f84..7b0a9f29fb 100644 --- a/python/raft-dask/raft_dask/tests/pytest.ini +++ b/python/raft-dask/raft_dask/tests/pytest.ini @@ -2,4 +2,3 @@ [pytest] addopts = --tb=native - diff --git a/thirdparty/LICENSES/LICENSE.ann-benchmark b/thirdparty/LICENSES/LICENSE.ann-benchmark index 9f8e4222f6..4d04745ab4 100644 --- a/thirdparty/LICENSES/LICENSE.ann-benchmark +++ b/thirdparty/LICENSES/LICENSE.ann-benchmark @@ -18,4 +18,4 @@ FITNESS FOR A PARTICULAR PURPOSE AND NONINFRINGEMENT. IN NO EVENT SHALL THE AUTHORS OR COPYRIGHT HOLDERS BE LIABLE FOR ANY CLAIM, DAMAGES OR OTHER LIABILITY, WHETHER IN AN ACTION OF CONTRACT, TORT OR OTHERWISE, ARISING FROM, OUT OF OR IN CONNECTION WITH THE SOFTWARE OR THE USE OR OTHER DEALINGS IN THE -SOFTWARE. \ No newline at end of file +SOFTWARE. diff --git a/thirdparty/LICENSES/LICENSE.faiss b/thirdparty/LICENSES/LICENSE.faiss index 87cbf536c6..b96dcb0480 100644 --- a/thirdparty/LICENSES/LICENSE.faiss +++ b/thirdparty/LICENSES/LICENSE.faiss @@ -18,4 +18,4 @@ FITNESS FOR A PARTICULAR PURPOSE AND NONINFRINGEMENT. IN NO EVENT SHALL THE AUTHORS OR COPYRIGHT HOLDERS BE LIABLE FOR ANY CLAIM, DAMAGES OR OTHER LIABILITY, WHETHER IN AN ACTION OF CONTRACT, TORT OR OTHERWISE, ARISING FROM, OUT OF OR IN CONNECTION WITH THE SOFTWARE OR THE USE OR OTHER DEALINGS IN THE -SOFTWARE. \ No newline at end of file +SOFTWARE. diff --git a/thirdparty/LICENSES/LICENSE.pytorch b/thirdparty/LICENSES/LICENSE.pytorch index 7ad3d737a5..04f9ad1105 100644 --- a/thirdparty/LICENSES/LICENSE.pytorch +++ b/thirdparty/LICENSES/LICENSE.pytorch @@ -74,4 +74,4 @@ SUBSTITUTE GOODS OR SERVICES; LOSS OF USE, DATA, OR PROFITS; OR BUSINESS INTERRUPTION) HOWEVER CAUSED AND ON ANY THEORY OF LIABILITY, WHETHER IN CONTRACT, STRICT LIABILITY, OR TORT (INCLUDING NEGLIGENCE OR OTHERWISE) ARISING IN ANY WAY OUT OF THE USE OF THIS SOFTWARE, EVEN IF ADVISED OF THE -POSSIBILITY OF SUCH DAMAGE. \ No newline at end of file +POSSIBILITY OF SUCH DAMAGE. diff --git a/thirdparty/LICENSES/mdarray.license b/thirdparty/LICENSES/mdarray.license index e636b86032..5a491b0879 100644 --- a/thirdparty/LICENSES/mdarray.license +++ b/thirdparty/LICENSES/mdarray.license @@ -39,4 +39,4 @@ // // ************************************************************************ //@HEADER -*/ \ No newline at end of file +*/