From 00247ec325f075d3c4b14cd8b303200dd42b453c Mon Sep 17 00:00:00 2001 From: Peter Doak Date: Wed, 3 Jan 2024 13:25:03 -0500 Subject: [PATCH 1/4] blocking warnings from external libraries --- include/dca/platform/dca_gpu_complex.h | 3 +++ libs/googletest-1.8.0/include/gtest/gtest.h | 6 ++++++ 2 files changed, 9 insertions(+) diff --git a/include/dca/platform/dca_gpu_complex.h b/include/dca/platform/dca_gpu_complex.h index b5c1cd164..b722cacc5 100644 --- a/include/dca/platform/dca_gpu_complex.h +++ b/include/dca/platform/dca_gpu_complex.h @@ -27,7 +27,10 @@ #if defined(DCA_HAVE_HIP) // hipComplex types are faulty so we use the magma complex types and operators +#pragma GCC diagnostic push +#pragma GCC diagnostic ignored "-Wunused-parameter" #include +#pragma GCC diagnostic pop #include "dca/util/cuda2hip.h" namespace dca { diff --git a/libs/googletest-1.8.0/include/gtest/gtest.h b/libs/googletest-1.8.0/include/gtest/gtest.h index f846c5bd6..c97fc99aa 100644 --- a/libs/googletest-1.8.0/include/gtest/gtest.h +++ b/libs/googletest-1.8.0/include/gtest/gtest.h @@ -55,6 +55,10 @@ #include #include +#pragma GCC diagnostic push +#pragma GCC diagnostic ignored "-Wsuggest-override" +#pragma GCC diagnostic ignored "-Wmaybe-uninitialized" + #include "gtest/internal/gtest-internal.h" #include "gtest/internal/gtest-string.h" #include "gtest/gtest-death-test.h" @@ -65,6 +69,8 @@ #include "gtest/gtest-test-part.h" #include "gtest/gtest-typed-test.h" +#pragma GCC diagnostic_pop + // Depending on the platform, different string classes are available. // On Linux, in addition to ::std::string, Google also makes use of // class ::string, which has the same interface as ::std::string, but From ac050fdc3b66e6d906032c20df1d51e6e023e64e Mon Sep 17 00:00:00 2001 From: Peter Doak Date: Wed, 3 Jan 2024 13:25:24 -0500 Subject: [PATCH 2/4] adding missing GPU API call error checks --- include/dca/linalg/reshapable_matrix.hpp | 2 +- .../util/allocators/managed_allocator.hpp | 2 +- include/dca/linalg/util/memory.hpp | 10 +++++----- include/dca/math/nfft/dnfft_1d_gpu.hpp | 20 +++++++++---------- .../walker/ctint_walker_gpu_submatrix.hpp | 4 ++-- src/io/io_types.cpp | 2 ++ test/unit/linalg/matrix_gpu_test.cpp | 2 +- .../linalg/reshapable_matrix_gpu_test.cpp | 2 +- .../ctaux/walker/ct_aux_walker_test.cpp | 20 +++++++++---------- .../tools/d_matrix_builder_gpu_test.cpp | 2 +- .../ctint/walker/walker_wrapper_submatrix.hpp | 2 +- .../tp/ndft/cached_ndft_gpu_test.cpp | 3 +-- .../tp/tp_accumulator_complex_g0_gpu_test.cpp | 18 ----------------- 13 files changed, 36 insertions(+), 53 deletions(-) diff --git a/include/dca/linalg/reshapable_matrix.hpp b/include/dca/linalg/reshapable_matrix.hpp index 2aa4f9d2f..19a7cb35f 100644 --- a/include/dca/linalg/reshapable_matrix.hpp +++ b/include/dca/linalg/reshapable_matrix.hpp @@ -395,7 +395,7 @@ void ReshapableMatrix::setAsync( template void ReshapableMatrix::setToZero(cudaStream_t stream) { - cudaMemsetAsync(data_, 0, leadingDimension() * nrCols() * sizeof(ScalarType), stream); + checkRC(cudaMemsetAsync(data_, 0, leadingDimension() * nrCols() * sizeof(ScalarType), stream)); } #else // DCA_HAVE_GPU diff --git a/include/dca/linalg/util/allocators/managed_allocator.hpp b/include/dca/linalg/util/allocators/managed_allocator.hpp index 53eae6750..1ab09caf8 100644 --- a/include/dca/linalg/util/allocators/managed_allocator.hpp +++ b/include/dca/linalg/util/allocators/managed_allocator.hpp @@ -40,7 +40,7 @@ class ManagedAllocator { } if (stream_) - cudaStreamAttachMemAsync(stream_, reinterpret_cast(&ptr_)); + checkRC(cudaStreamAttachMemAsync(stream_, reinterpret_cast(&ptr_))); return ptr_; } diff --git a/include/dca/linalg/util/memory.hpp b/include/dca/linalg/util/memory.hpp index 604fd551a..482ab3f5d 100644 --- a/include/dca/linalg/util/memory.hpp +++ b/include/dca/linalg/util/memory.hpp @@ -87,24 +87,24 @@ struct Memory { /// Specialization for float2, double2, cuComplex, cuDoubleComplex template static std::enable_if_t::value == true, void> setToZero(ScalarType ptr, size_t size) { - cudaMemset(ptr, 0, size * sizeof(ScalarType)); + checkRC(cudaMemset(ptr, 0, size * sizeof(ScalarType))); } template static std::enable_if_t::value == true, void> setToZero( ScalarType* ptr, size_t size) { - cudaMemset(ptr, 0, size * sizeof(ScalarType)); + checkRC(cudaMemset(ptr, 0, size * sizeof(ScalarType))); } template static std::enable_if_t::value == true, void> setToZero( std::complex* ptr, size_t size) { - cudaMemset(ptr, 0, size * sizeof(std::complex)); + checkRC(cudaMemset(ptr, 0, size * sizeof(std::complex))); } template static std::enable_if_t::value == true, void> setToZero( Scalar* ptr, size_t size) { - cudaMemset(ptr, 0, size * sizeof(Scalar)); + checkRC(cudaMemset(ptr, 0, size * sizeof(Scalar))); } @@ -117,7 +117,7 @@ struct Memory { template static void setToZeroAsync(ScalarType* ptr, size_t size, const GpuStream& stream) { - cudaMemsetAsync(ptr, 0, size * sizeof(ScalarType), stream); + checkRC(cudaMemsetAsync(ptr, 0, size * sizeof(ScalarType), stream)); } template diff --git a/include/dca/math/nfft/dnfft_1d_gpu.hpp b/include/dca/math/nfft/dnfft_1d_gpu.hpp index 7a86fec8a..0cae41164 100644 --- a/include/dca/math/nfft/dnfft_1d_gpu.hpp +++ b/include/dca/math/nfft/dnfft_1d_gpu.hpp @@ -152,11 +152,11 @@ Dnfft1DGpu::Dnfft1DGpu(const double bet template void Dnfft1DGpu::getDeviceData( const linalg::Matrix& data) { - cudaMemcpy2DAsync(f_tau_.values(), f_tau_[0] * sizeof(Scalar), + checkRC(cudaMemcpy2DAsync(f_tau_.values(), f_tau_[0] * sizeof(Scalar), data.ptr(), data.leadingDimension() * sizeof(Scalar), data.nrRows() * sizeof(Scalar), data.nrCols(), cudaMemcpyDeviceToHost, - stream_); - cudaStreamSynchronize(stream_.streamActually()); + stream_)); + checkRC(cudaStreamSynchronize(stream_.streamActually())); } template @@ -174,8 +174,8 @@ void Dnfft1DGpu::initializeDeviceCoeffi const auto& host_coeff = BaseClass::get_cubic_convolution_matrices(); auto& dev_coeff = get_device_cubic_coeff(); dev_coeff.resizeNoCopy(host_coeff.size()); - cudaMemcpy(dev_coeff.ptr(), host_coeff.values(), host_coeff.size() * sizeof(Real), - cudaMemcpyHostToDevice); + checkRC(cudaMemcpy(dev_coeff.ptr(), host_coeff.values(), host_coeff.size() * sizeof(Real), + cudaMemcpyHostToDevice)); const auto& sub_matrix = RDmn::parameter_type::get_subtract_matrix(); const auto& add_matrix = RDmn::parameter_type::get_add_matrix(); @@ -237,10 +237,10 @@ template void Dnfft1DGpu::finalize( func::function, func::dmn_variadic>& f_w, bool get_square) { auto get_device_data = [&](const linalg::Matrix& data) { - cudaMemcpy2DAsync(f_tau_.values(), f_tau_[0] * sizeof(Scalar), data.ptr(), + checkRC(cudaMemcpy2DAsync(f_tau_.values(), f_tau_[0] * sizeof(Scalar), data.ptr(), data.leadingDimension() * sizeof(Scalar), data.nrRows() * sizeof(Scalar), - data.nrCols(), cudaMemcpyDeviceToHost, stream_); - cudaStreamSynchronize(stream_); + data.nrCols(), cudaMemcpyDeviceToHost, stream_)); + checkRC(cudaStreamSynchronize(stream_)); }; if (!get_square) @@ -254,7 +254,7 @@ void Dnfft1DGpu::finalize( template Dnfft1DGpu& Dnfft1DGpu::operator+=(ThisType& other) { - cudaStreamSynchronize(other.stream_); + checkRC(cudaStreamSynchronize(other.stream_)); details::sum(other.accumulation_matrix_.ptr(), other.accumulation_matrix_.leadingDimension(), accumulation_matrix_.ptr(), accumulation_matrix_.leadingDimension(), @@ -265,7 +265,7 @@ Dnfft1DGpu& Dnfft1DGpu void CtintWalkerSubmatrixGpu::synchronize() const { Profiler profiler(__FUNCTION__, "CT-INT GPU walker", __LINE__, thread_id_); - cudaStreamSynchronize(get_stream(0)); - cudaStreamSynchronize(get_stream(1)); + checkRC(cudaStreamSynchronize(get_stream(0))); + checkRC(cudaStreamSynchronize(get_stream(1))); } template diff --git a/src/io/io_types.cpp b/src/io/io_types.cpp index 943250e41..5c6cb4464 100644 --- a/src/io/io_types.cpp +++ b/src/io/io_types.cpp @@ -35,6 +35,7 @@ std::string toString(const IOType type) { case IOType::ADIOS2: return "ADIOS2"; } + return "UNKNOWN"; } IOType extensionToIOType(const std::string& file_name) { @@ -61,6 +62,7 @@ std::string extensionFromIOType(const IOType type) { case IOType::ADIOS2: return ".bp"; } + return ".txt"; } diff --git a/test/unit/linalg/matrix_gpu_test.cpp b/test/unit/linalg/matrix_gpu_test.cpp index 291a6709d..f9c66f9b7 100644 --- a/test/unit/linalg/matrix_gpu_test.cpp +++ b/test/unit/linalg/matrix_gpu_test.cpp @@ -636,7 +636,7 @@ TEST(MatrixGPUTest, setTo) { dca::linalg::Matrix, dca::linalg::GPU> mat_dev(name, size); dca::linalg::Matrix, dca::linalg::CPU> mat_host_ret(name, size); - auto el_value = [](int i, int j) ->std::complex { return {3 * i - 2 * j, 2*i - 3*j}; }; + auto el_value = [](int i, int j) ->std::complex { return {static_cast(3 * i - 2 * j), static_cast(2*i - 3*j)}; }; for (int j = 0; j < mat_host.nrCols(); ++j) for (int i = 0; i < mat_host.nrRows(); ++i) mat_host(i,j) = el_value(i,j); diff --git a/test/unit/linalg/reshapable_matrix_gpu_test.cpp b/test/unit/linalg/reshapable_matrix_gpu_test.cpp index a791ca43b..3bc5a3847 100644 --- a/test/unit/linalg/reshapable_matrix_gpu_test.cpp +++ b/test/unit/linalg/reshapable_matrix_gpu_test.cpp @@ -127,7 +127,7 @@ TEST(MatrixCPUTest, SetAsync) { mat_gpu.setAsync(mat_cpu, stream); mat_cpu_out.setAsync(mat_gpu, stream); - cudaStreamSynchronize(stream); + checkRC(cudaStreamSynchronize(stream)); EXPECT_EQ(mat_cpu, mat_cpu_out); } diff --git a/test/unit/phys/dca_step/cluster_solver/ctaux/walker/ct_aux_walker_test.cpp b/test/unit/phys/dca_step/cluster_solver/ctaux/walker/ct_aux_walker_test.cpp index ada2cb443..11dedc7d7 100644 --- a/test/unit/phys/dca_step/cluster_solver/ctaux/walker/ct_aux_walker_test.cpp +++ b/test/unit/phys/dca_step/cluster_solver/ctaux/walker/ct_aux_walker_test.cpp @@ -150,7 +150,7 @@ TEST_F(CtauxWalkerTest, InsertAndRemoveVertex) { dca::linalg::Matrix G0_dn_GPU; G0_up_GPU.setAsync(gpu_walker.getG0Up(), 0, 0); G0_dn_GPU.setAsync(gpu_walker.getG0Dn(), 0, 0); - cudaStreamSynchronize(0); + checkRC(cudaStreamSynchronize(0)); EXPECT_TRUE(G0_up_GPU == cpu_walker.getG0Up()); EXPECT_TRUE(G0_dn_GPU == cpu_walker.getG0Dn()) @@ -160,7 +160,7 @@ TEST_F(CtauxWalkerTest, InsertAndRemoveVertex) { dca::linalg::Matrix G_dn_GPU; G_up_GPU.setAsync(gpu_walker.getGUp(), 0, 0); G_dn_GPU.setAsync(gpu_walker.getGDn(), 0, 0); - cudaStreamSynchronize(0); + checkRC(cudaStreamSynchronize(0)); EXPECT_TRUE(G_up_GPU == cpu_walker.getGUp()); EXPECT_TRUE(G_dn_GPU == cpu_walker.getGDn()) @@ -170,7 +170,7 @@ TEST_F(CtauxWalkerTest, InsertAndRemoveVertex) { dca::linalg::Matrix N_dn_GPU; N_up_GPU.setAsync(gpu_walker.getNUp(), 0, 0); N_dn_GPU.setAsync(gpu_walker.getNDn(), 0, 0); - cudaStreamSynchronize(0); + checkRC(cudaStreamSynchronize(0)); EXPECT_TRUE(N_up_GPU == cpu_walker.getNUp()); EXPECT_TRUE(N_dn_GPU == cpu_walker.getNDn()) @@ -186,21 +186,21 @@ TEST_F(CtauxWalkerTest, InsertAndRemoveVertex) { dca::linalg::Vector expV_GPU; expV_CPU.setAsync(cpu_walker.getExpV(), 0, 0); expV_GPU.setAsync(gpu_walker.getExpV(), 0, 0); - cudaStreamSynchronize(0); + checkRC(cudaStreamSynchronize(0)); EXPECT_EQ(expV_CPU, expV_GPU); dca::linalg::Vector expDeltaV_CPU; dca::linalg::Vector expDeltaV_GPU; expV_CPU.setAsync(cpu_walker.getExpDeltaV(), 0, 0); expV_GPU.setAsync(gpu_walker.getExpDeltaV(), 0, 0); - cudaStreamSynchronize(0); + checkRC(cudaStreamSynchronize(0)); EXPECT_EQ(expDeltaV_CPU, expDeltaV_GPU); dca::linalg::Vector vertex_ind_CPU; dca::linalg::Vector vertex_ind_GPU; vertex_ind_CPU.setAsync(cpu_walker.getVertexInd(), 0, 0); vertex_ind_GPU.setAsync(gpu_walker.getVertexInd(), 0, 0); - cudaStreamSynchronize(0); + checkRC(cudaStreamSynchronize(0)); EXPECT_EQ(vertex_ind_CPU, vertex_ind_GPU); cpu_walker.read_Gamma_matrices(dca::phys::e_UP); @@ -213,18 +213,18 @@ TEST_F(CtauxWalkerTest, InsertAndRemoveVertex) { expV_CPU.setAsync(cpu_walker.getExpV(), 0, 0); expV_GPU.setAsync(gpu_walker.getExpV(), 0, 0); - cudaStreamSynchronize(0); + checkRC(cudaStreamSynchronize(0)); EXPECT_EQ(expV_CPU, expV_GPU); expV_CPU.setAsync(cpu_walker.getExpDeltaV(), 0, 0); expV_GPU.setAsync(gpu_walker.getExpDeltaV(), 0, 0); - cudaStreamSynchronize(0); + checkRC(cudaStreamSynchronize(0)); EXPECT_EQ(expDeltaV_CPU, expDeltaV_GPU); vertex_ind_CPU.setAsync(cpu_walker.getVertexInd(), 0, 0); vertex_ind_GPU.setAsync(gpu_walker.getVertexInd(), 0, 0); - cudaStreamSynchronize(0); + checkRC(cudaStreamSynchronize(0)); EXPECT_EQ(vertex_ind_CPU, vertex_ind_GPU); cpu_walker.read_Gamma_matrices(dca::phys::e_DN); @@ -261,7 +261,7 @@ TEST_F(CtauxWalkerTest, InsertAndRemoveVertex) { cpu_walker.compute_Gamma_matrices(); gpu_walker.compute_Gamma_matrices(); - cudaStreamSynchronize(0); + checkRC(cudaStreamSynchronize(0)); auto expected_size = std::pair{0, 0}; EXPECT_TRUE(Gamma_up_CPU.size() == expected_size); EXPECT_EQ(Gamma_up_CPU.size(), Gamma_up_GPU.size()); diff --git a/test/unit/phys/dca_step/cluster_solver/ctint/walker/tools/d_matrix_builder_gpu_test.cpp b/test/unit/phys/dca_step/cluster_solver/ctint/walker/tools/d_matrix_builder_gpu_test.cpp index 13cd06f80..737bfa074 100644 --- a/test/unit/phys/dca_step/cluster_solver/ctint/walker/tools/d_matrix_builder_gpu_test.cpp +++ b/test/unit/phys/dca_step/cluster_solver/ctint/walker/tools/d_matrix_builder_gpu_test.cpp @@ -106,7 +106,7 @@ TYPED_TEST(DMatrixBuilderGpuTest, RemoveAndInstertVertex) { builder_cpu.computeG0(G0, configuration.getSector(s), n_init, size, right_sector); builder.computeG0(G0_dev, device_config.getDeviceData(s), n_init, right_sector, stream.streamActually()); - cudaStreamSynchronize(stream.streamActually()); + checkRC(cudaStreamSynchronize(stream.streamActually())); Matrix G0_dev_copy(G0_dev); constexpr RealAlias tolerance = 100 * std::numeric_limits>::epsilon(); diff --git a/test/unit/phys/dca_step/cluster_solver/ctint/walker/walker_wrapper_submatrix.hpp b/test/unit/phys/dca_step/cluster_solver/ctint/walker/walker_wrapper_submatrix.hpp index 3a8affb0a..da20194e3 100644 --- a/test/unit/phys/dca_step/cluster_solver/ctint/walker/walker_wrapper_submatrix.hpp +++ b/test/unit/phys/dca_step/cluster_solver/ctint/walker/walker_wrapper_submatrix.hpp @@ -78,7 +78,7 @@ struct WalkerWrapperSubmatrix : public WalkerSelector, 2> M_copy{M[0], M[1]}; diff --git a/test/unit/phys/dca_step/cluster_solver/shared_tools/accumulation/tp/ndft/cached_ndft_gpu_test.cpp b/test/unit/phys/dca_step/cluster_solver/shared_tools/accumulation/tp/ndft/cached_ndft_gpu_test.cpp index 151506aa7..a0e847c3b 100644 --- a/test/unit/phys/dca_step/cluster_solver/shared_tools/accumulation/tp/ndft/cached_ndft_gpu_test.cpp +++ b/test/unit/phys/dca_step/cluster_solver/shared_tools/accumulation/tp/ndft/cached_ndft_gpu_test.cpp @@ -96,7 +96,7 @@ double computeWithFastNDFT(const typename CachedNdftGpuTest::Configuration dca::profiling::WallTime start_time; nft_obj.execute(config, M_dev, result_device); - cudaStreamSynchronize(nft_obj.get_stream()); + checkRC(cudaStreamSynchronize(nft_obj.get_stream())); dca::profiling::WallTime end_time; dca::linalg::ReshapableMatrix, dca::linalg::CPU> result_host(result_device); @@ -106,7 +106,6 @@ double computeWithFastNDFT(const typename CachedNdftGpuTest::Configuration const int nb = BDmn::dmn_size(); const int nr = RDmn::dmn_size(); const int n_w = PosFreqDmn::dmn_size(); - auto invert_w = [=](const int w) { return n_w - 1 - w; }; for (int b2 = 0; b2 < nb; ++b2) for (int b1 = 0; b1 < nb; ++b1) for (int r2 = 0; r2 < nr; ++r2) diff --git a/test/unit/phys/dca_step/cluster_solver/shared_tools/accumulation/tp/tp_accumulator_complex_g0_gpu_test.cpp b/test/unit/phys/dca_step/cluster_solver/shared_tools/accumulation/tp/tp_accumulator_complex_g0_gpu_test.cpp index f49440b54..504170f66 100644 --- a/test/unit/phys/dca_step/cluster_solver/shared_tools/accumulation/tp/tp_accumulator_complex_g0_gpu_test.cpp +++ b/test/unit/phys/dca_step/cluster_solver/shared_tools/accumulation/tp/tp_accumulator_complex_g0_gpu_test.cpp @@ -121,24 +121,6 @@ TYPED_TEST(TpAccumulatorComplexG0GpuTest, Accumulate) { this->host_setup.parameters_.set_four_point_channels(four_point_channels); this->gpu_setup.parameters_.set_four_point_channels(four_point_channels); - // this->host_setup.data_->initializeSigma("zero"); - // this->gpu_setup.data_->initializeSigma("zero"); //this->gpu_setup.parameters_.get_initial_self_energy()); - - using ParametersHost = typename decltype(this->host_setup)::Parameters; - using ParametersGPU = typename decltype(this->gpu_setup)::Parameters; - - // LatticeMapSpType, - // k_HOST> lattice_mapping_obj_host(this->host_setup.parameters_); - // auto& host_data = this->host_setup.data_; - // lattice_mapping_obj_host.execute(host_data->Sigma, host_data->Sigma_lattice_interpolated, - // host_data->Sigma_lattice_coarsegrained, host_data->Sigma_lattice); - - // LatticeMapSpType, k_HOST> - // lattice_mapping_obj_gpu(this->gpu_setup.parameters_); auto& gpu_data = this->gpu_setup.data_; - // lattice_mapping_obj_gpu.execute(gpu_data->Sigma, gpu_data->Sigma_lattice_interpolated, - // gpu_data->Sigma_lattice_coarsegrained, gpu_data->Sigma_lattice); - dca::phys::solver::accumulator::TpAccumulatorhost_setup.parameters_), dca::DistType::NONE, dca::linalg::CPU> accumulatorHost(this->host_setup.data_->G0_k_w_cluster_excluded, this->host_setup.parameters_); From 0cccf202f1de570783b7444376b1db89003847cd Mon Sep 17 00:00:00 2001 From: Peter Doak Date: Wed, 3 Jan 2024 15:31:23 -0500 Subject: [PATCH 3/4] unused warnings --- include/dca/phys/dca_loop/dca_loop.hpp | 2 +- test/unit/phys/domains/cluster/cluster_domain_test.cpp | 2 -- 2 files changed, 1 insertion(+), 3 deletions(-) diff --git a/include/dca/phys/dca_loop/dca_loop.hpp b/include/dca/phys/dca_loop/dca_loop.hpp index b4d51ae6e..079cd1927 100644 --- a/include/dca/phys/dca_loop/dca_loop.hpp +++ b/include/dca/phys/dca_loop/dca_loop.hpp @@ -207,7 +207,6 @@ void DcaLoop::initialize() { static_assert(std::is_same>::value); int last_completed = -1; auto& autoresume_filename = parameters.get_autoresume_filename(); - io::IOType iotype = io::extensionToIOType(autoresume_filename); if (parameters.autoresume()) { #ifdef DCA_HAVE_ADIOS2 if (iotype == io::IOType::ADIOS2) @@ -236,6 +235,7 @@ void DcaLoop::initialize() { } else if (parameters.get_initial_self_energy() != "zero") { #ifdef DCA_HAVE_ADIOS2 + io::IOType iotype = io::extensionToIOType(autoresume_filename); if (io::extensionToIOType(parameters.get_initial_self_energy()) == io::IOType::ADIOS2) MOMS.initializeSigma(concurrency.get_adios(), parameters.get_initial_self_energy()); else diff --git a/test/unit/phys/domains/cluster/cluster_domain_test.cpp b/test/unit/phys/domains/cluster/cluster_domain_test.cpp index eb61e6860..95d9ce6d7 100644 --- a/test/unit/phys/domains/cluster/cluster_domain_test.cpp +++ b/test/unit/phys/domains/cluster/cluster_domain_test.cpp @@ -43,7 +43,6 @@ class ClusterDomainsTest : public ::testing::Test { TEST(ClusterDomainsTest, initializeKDmn) { dca::io::JSONReader reader; - const int dimension = 2; using DomainsParameters = dca::phys::params::DomainsParameters; using AnalysisParameters = dca::phys::params::AnalysisParameters; using Model = ClusterDomainsTest::Model; @@ -59,7 +58,6 @@ TEST(ClusterDomainsTest, initializeKDmn) { }; ClusterDomainsTestParameters pars; - //DmnParameters pars(dimension); reader.open_file(DCA_SOURCE_DIR "/test/unit/phys/domains/cluster/input.json"); From 1371cce09e2d485c91cccd46d4f96d68b3df90a8 Mon Sep 17 00:00:00 2001 From: Doak P W Date: Fri, 5 Jan 2024 11:35:12 -0500 Subject: [PATCH 4/4] fixed variable defnition for uncommon ifdef combo --- include/dca/phys/dca_loop/dca_loop.hpp | 1 + 1 file changed, 1 insertion(+) diff --git a/include/dca/phys/dca_loop/dca_loop.hpp b/include/dca/phys/dca_loop/dca_loop.hpp index 079cd1927..1a6b30374 100644 --- a/include/dca/phys/dca_loop/dca_loop.hpp +++ b/include/dca/phys/dca_loop/dca_loop.hpp @@ -209,6 +209,7 @@ void DcaLoop::initialize() { auto& autoresume_filename = parameters.get_autoresume_filename(); if (parameters.autoresume()) { #ifdef DCA_HAVE_ADIOS2 + io::IOType iotype = io::extensionToIOType(autoresume_filename); if (iotype == io::IOType::ADIOS2) last_completed = DCA_info_struct.readData(autoresume_filename, parameters.get_output_format(), concurrency, concurrency.get_adios());