]> https://gitweb.dealii.org/ - dealii.git/commitdiff
Fix clang-tidy complains 18245/head
authorDaniel Arndt <arndtd@ornl.gov>
Thu, 13 Mar 2025 15:27:07 +0000 (11:27 -0400)
committerDaniel Arndt <arndtd@ornl.gov>
Thu, 13 Mar 2025 15:31:18 +0000 (11:31 -0400)
33 files changed:
include/deal.II/base/polynomials_bernstein.h
include/deal.II/base/tensor.h
include/deal.II/fe/mapping_q_internal.h
include/deal.II/lac/block_vector_base.h
include/deal.II/matrix_free/fe_point_evaluation.h
include/deal.II/matrix_free/matrix_free.h
include/deal.II/meshworker/copy_data.h
include/deal.II/multigrid/mg_transfer_global_coarsening.templates.h
source/base/polynomials_bernardi_raugel.cc
source/base/table_handler.cc
source/base/tensor_product_polynomials.cc
source/base/tensor_product_polynomials_bubbles.cc
source/base/tensor_product_polynomials_const.cc
source/base/utilities.cc
source/dofs/dof_handler_policy.cc
source/dofs/dof_tools_sparsity.cc
source/fe/fe_nedelec.cc
source/fe/fe_pyramid_p.cc
source/fe/fe_q_hierarchical.cc
source/fe/fe_raviart_thomas.cc
source/fe/fe_wedge_p.cc
source/grid/grid_generator.cc
source/grid/grid_out.cc
source/grid/grid_tools.cc
source/grid/manifold.cc
source/grid/tria.cc
source/grid/tria_accessor.cc
source/grid/tria_description.cc
source/hp/fe_values.cc
source/non_matching/quadrature_generator.cc
source/numerics/derivative_approximation.cc
source/numerics/point_value_history.cc
source/numerics/smoothness_estimator.cc

index 3b6406a4f92ee7f510ee04e083a8585909d0ebbf..1ea759f59e29d2cf97b6f9936a25ae6459d26b13 100644 (file)
@@ -67,6 +67,7 @@ std::vector<Polynomials::Polynomial<number>>
 generate_complete_bernstein_basis(const unsigned int degree)
 {
   std::vector<Polynomials::Polynomial<number>> v;
+  v.reserve(degree + 1);
   for (unsigned int i = 0; i < degree + 1; ++i)
     v.push_back(PolynomialsBernstein<number>(i, degree));
   return v;
index 28c772abacf7746514926f8ffc34cecd3d35941f..6a4ffc0875d5e1cd860404c40c54fd83d661513c 100644 (file)
@@ -1701,8 +1701,8 @@ constexpr inline DEAL_II_ALWAYS_INLINE
   DEAL_II_HOST_DEVICE Tensor<rank_, dim, Number> &
   Tensor<rank_, dim, Number>::operator/=(const OtherNumber &s)
 {
-  if constexpr (std::is_integral<
-                  typename ProductType<Number, OtherNumber>::type>::value ||
+  if constexpr (std::is_integral_v<
+                  typename ProductType<Number, OtherNumber>::type> ||
                 std::is_same_v<Number, Differentiation::SD::Expression>)
     {
       // recurse over the base objects
index 33da922ee569d76a3c6aa5471f6e99288a3f12c2..db35dba3802d768fc83bef8d444c8604fb13ff36 100644 (file)
@@ -39,6 +39,7 @@
 #include <deal.II/matrix_free/shape_info.h>
 #include <deal.II/matrix_free/tensor_product_point_kernels.h>
 
+#include <algorithm>
 #include <array>
 #include <limits>
 #include <numeric>
@@ -147,8 +148,8 @@ namespace internal
        */
       const long double subexpr0        = -eta * x2 + x0 * (eta - 1);
       const long double xi_denominator0 = eta * x3 - x1 * (eta - 1) + subexpr0;
-      const long double max_x = std::max(std::max(std::abs(x0), std::abs(x1)),
-                                         std::max(std::abs(x2), std::abs(x3)));
+      const long double max_x =
+        std::max({std::abs(x0), std::abs(x1), std::abs(x2), std::abs(x3)});
 
       if (std::abs(xi_denominator0) > 1e-10 * max_x)
         {
@@ -158,8 +159,7 @@ namespace internal
       else
         {
           const long double max_y =
-            std::max(std::max(std::abs(y0), std::abs(y1)),
-                     std::max(std::abs(y2), std::abs(y3)));
+            std::max({std::abs(y0), std::abs(y1), std::abs(y2), std::abs(y3)});
           const long double subexpr1 = -eta * y2 + y0 * (eta - 1);
           const long double xi_denominator1 =
             eta * y3 - y1 * (eta - 1) + subexpr1;
index e658fb57e7fbe7a4796bd76cfaa514dde46455ab..81919f2de68833e057a1743c448578f6edb4011d 100644 (file)
@@ -1046,17 +1046,8 @@ namespace internal
 
     template <typename BlockVectorType, bool Constness>
     inline Iterator<BlockVectorType, Constness> &
-    Iterator<BlockVectorType, Constness>::operator=(const Iterator &c)
-    {
-      parent              = c.parent;
-      global_index        = c.global_index;
-      index_within_block  = c.index_within_block;
-      current_block       = c.current_block;
-      next_break_forward  = c.next_break_forward;
-      next_break_backward = c.next_break_backward;
-
-      return *this;
-    }
+    Iterator<BlockVectorType, Constness>::operator=(const Iterator &c) =
+      default;
 
 
 
index 085293f6469da883d3ecddf1527f458e796f29e4..f0067851dd367c2ebf4a87692c9b283b62a5005e 100644 (file)
@@ -1917,33 +1917,7 @@ FEPointEvaluationBase<n_components_, dim, spacedim, Number>::
 
 template <int n_components_, int dim, int spacedim, typename Number>
 FEPointEvaluationBase<n_components_, dim, spacedim, Number>::
-  FEPointEvaluationBase(FEPointEvaluationBase &&other) noexcept
-  : n_q_batches(other.n_q_batches)
-  , n_q_points(other.n_q_points)
-  , n_q_points_scalar(other.n_q_points_scalar)
-  , mapping(other.mapping)
-  , fe(other.fe)
-  , poly(other.poly)
-  , use_linear_path(other.use_linear_path)
-  , renumber(other.renumber)
-  , solution_renumbered(other.solution_renumbered)
-  , solution_renumbered_vectorized(other.solution_renumbered_vectorized)
-  , values(other.values)
-  , gradients(other.gradients)
-  , dofs_per_component(other.dofs_per_component)
-  , dofs_per_component_face(other.dofs_per_component_face)
-  , component_in_base_element(other.component_in_base_element)
-  , nonzero_shape_function_component(other.nonzero_shape_function_component)
-  , update_flags(other.update_flags)
-  , fe_values(other.fe_values)
-  , mapping_info_on_the_fly(std::move(other.mapping_info_on_the_fly))
-  , mapping_info(other.mapping_info)
-  , current_cell_index(other.current_cell_index)
-  , current_face_number(other.current_face_number)
-  , fast_path(other.fast_path)
-  , must_reinitialize_pointers(other.must_reinitialize_pointers)
-  , is_interior(other.is_interior)
-{}
+  FEPointEvaluationBase(FEPointEvaluationBase &&other) noexcept = default;
 
 
 
index 556b3ee0d3816248326b7522195caafdee0909fd..38fef3f1b70dfe1e77669ce91b3d242bf6057e46 100644 (file)
@@ -284,32 +284,7 @@ public:
      * Copy assignment.
      */
     AdditionalData &
-    operator=(const AdditionalData &other)
-    {
-      tasks_parallel_scheme = other.tasks_parallel_scheme;
-      tasks_block_size      = other.tasks_block_size;
-      mapping_update_flags  = other.mapping_update_flags;
-      mapping_update_flags_boundary_faces =
-        other.mapping_update_flags_boundary_faces;
-      mapping_update_flags_inner_faces = other.mapping_update_flags_inner_faces;
-      mapping_update_flags_faces_by_cells =
-        other.mapping_update_flags_faces_by_cells;
-      mg_level            = other.mg_level;
-      store_plain_indices = other.store_plain_indices;
-      initialize_indices  = other.initialize_indices;
-      initialize_mapping  = other.initialize_mapping;
-      overlap_communication_computation =
-        other.overlap_communication_computation;
-      hold_all_faces_to_owned_cells = other.hold_all_faces_to_owned_cells;
-      cell_vectorization_category   = other.cell_vectorization_category;
-      cell_vectorization_categories_strict =
-        other.cell_vectorization_categories_strict;
-      allow_ghosted_vectors_in_loops = other.allow_ghosted_vectors_in_loops;
-      store_ghost_cells              = other.store_ghost_cells;
-      communicator_sm                = other.communicator_sm;
-
-      return *this;
-    }
+    operator=(const AdditionalData &other) = default;
 
     /**
      * Set the scheme for task parallelism. There are four options available.
index 44cc9e34412d6f6d2a9c1eb86eeba2abf750c6e6..64ded382edfd49aca153021c2d19b5380761a585 100644 (file)
@@ -23,6 +23,7 @@
 #include <deal.II/lac/full_matrix.h>
 #include <deal.II/lac/vector.h>
 
+#include <algorithm>
 #include <vector>
 
 DEAL_II_NAMESPACE_OPEN
@@ -223,7 +224,7 @@ namespace MeshWorker
     // We permit different numbers of matrices, vectors and DoF index vectors.
     // So we have to be a bit permissive here.
     constexpr const int max_index =
-      std::max(std::max(n_matrices, n_vectors), n_dof_indices);
+      std::max({n_matrices, n_vectors, n_dof_indices});
     (void)max_index;
     Assert(index < max_index, ExcIndexRange(index, 0, max_index));
 
index e5645dc5685fe77cf2470e18f3f436f3fc25479a..30ae1536eb97ea5f9f2842163ae3e94e01224a83 100644 (file)
@@ -378,7 +378,7 @@ namespace internal
 
     for (unsigned int c_other = 0; c_other < child; ++c_other)
       {
-        auto matrix_other = fe.get_restriction_matrix(c_other, ref_case);
+        const auto &matrix_other = fe.get_restriction_matrix(c_other, ref_case);
         for (unsigned int i = 0; i < fe.n_dofs_per_cell(); ++i)
           {
             if (fe.restriction_is_additive(i) == true)
index 66e31ce11a4ca178853f73d06a151c93410248d9..473ec6525e94e44987876b22bfb3c2cc373e5cea 100644 (file)
@@ -38,6 +38,7 @@ PolynomialsBernardiRaugel<dim>::create_polynomials_bubble()
   bubble_shapes.push_back(Polynomials::LagrangeEquidistant(1, 1));
   bubble_shapes.push_back(Polynomials::LagrangeEquidistant(2, 1));
 
+  pols.reserve(dim);
   for (unsigned int d = 0; d < dim; ++d)
     pols.push_back(bubble_shapes);
   // In 2d, the only q_ij polynomials we will use are 31,32,13,23
@@ -58,6 +59,7 @@ PolynomialsBernardiRaugel<dim>::create_polynomials_Q()
   std::vector<Polynomials::Polynomial<double>>              Q_shapes;
   Q_shapes.push_back(Polynomials::LagrangeEquidistant(1, 0));
   Q_shapes.push_back(Polynomials::LagrangeEquidistant(1, 1));
+  pols.reserve(dim);
   for (unsigned int d = 0; d < dim; ++d)
     pols.push_back(Q_shapes);
 
index c395c5cff2a741630cb073aabf485ff25af38915..a905a7137c01fe72c2bfa96468bec71ce0c09bb3 100644 (file)
@@ -402,7 +402,7 @@ TableHandler::write_text(std::ostream &out, const TextOutputFormat format) const
   std::vector<unsigned int>   column_widths(n_cols, 0);
   for (unsigned int j = 0; j < n_cols; ++j)
     {
-      std::string                                         key = sel_columns[j];
+      const std::string                                  &key = sel_columns[j];
       const std::map<std::string, Column>::const_iterator col_iter =
         columns.find(key);
       Assert(col_iter != columns.end(), ExcInternalError());
@@ -480,7 +480,7 @@ TableHandler::write_text(std::ostream &out, const TextOutputFormat format) const
           // header for each column. enumerate columns starting with 1
           for (unsigned int j = 0; j < n_cols; ++j)
             {
-              std::string key = sel_columns[j];
+              const std::string &key = sel_columns[j];
               out << "# " << j + 1 << ": " << key << '\n';
             }
           break;
@@ -691,7 +691,7 @@ TableHandler::write_tex(std::ostream &out, const bool with_header) const
 
       for (unsigned int j = 0; j < n_cols; ++j)
         {
-          std::string key = sel_columns[j];
+          const std::string &key = sel_columns[j];
           // avoid `column[key]'
           const std::map<std::string, Column>::const_iterator col_iter =
             columns.find(key);
index 0c265759bd0dd6c1e709e49d4ae202d212b94b70..92140ea7459da26687b8103becac257dccb2ec8b 100644 (file)
@@ -578,9 +578,8 @@ TensorProductPolynomials<dim, PolynomialType>::evaluate(
       const unsigned int n_polynomials = polynomials.size();
       boost::container::small_vector<ndarray<double, 5, dim>, 10> values_1d(
         n_polynomials);
-      if constexpr (std::is_same<
-                      PolynomialType,
-                      dealii::Polynomials::Polynomial<double>>::value)
+      if constexpr (std::is_same_v<PolynomialType,
+                                   dealii::Polynomials::Polynomial<double>>)
         {
           std::array<double, dim> point_array;
           for (unsigned int d = 0; d < dim; ++d)
index 3a42abd46a001710b169206fcac463106b8cf837..b1852c1aca946c6e9f17138646131c4c3f761e60 100644 (file)
@@ -56,6 +56,7 @@ TensorProductPolynomialsBubbles<dim>::set_numbering(
     index_map_inverse[index_map[i]] = i;
 
   std::vector<unsigned int> renumber_base;
+  renumber_base.reserve(tensor_polys.n());
   for (unsigned int i = 0; i < tensor_polys.n(); ++i)
     renumber_base.push_back(renumber[i]);
 
index bc8710f8f8ff1b32e0533c4d809a70e5bd5bdc8b..8608d9ff5d3ffd4024b5ff49a89336b0cf000279 100644 (file)
@@ -56,6 +56,7 @@ TensorProductPolynomialsConst<dim>::set_numbering(
     index_map_inverse[index_map[i]] = i;
 
   std::vector<unsigned int> renumber_base;
+  renumber_base.reserve(tensor_polys.n());
   for (unsigned int i = 0; i < tensor_polys.n(); ++i)
     renumber_base.push_back(renumber[i]);
 
index 3d39e606d99c4864e0ff60ef331e515aa1a3d11e..a75ebbd7f5c2faea2f61c93a777f8a2308682e28 100644 (file)
@@ -28,6 +28,8 @@
 #include <boost/iostreams/copy.hpp>
 #include <boost/lexical_cast.hpp>
 #include <boost/random.hpp>
+
+#include <algorithm>
 #undef BOOST_BIND_GLOBAL_PLACEHOLDERS
 
 #ifdef DEAL_II_WITH_ZLIB
@@ -172,10 +174,9 @@ namespace Utilities
 
     // make sure our conversion from fractional coordinates to
     // Integers work as expected, namely our cast (LongDouble)max_int
-    const int min_bits =
-      std::min(bits_per_dim,
-               std::min(std::numeric_limits<Integer>::digits,
-                        std::numeric_limits<LongDouble>::digits));
+    const int min_bits = std::min({bits_per_dim,
+                                   std::numeric_limits<Integer>::digits,
+                                   std::numeric_limits<LongDouble>::digits});
 
     // based on that get the maximum integer:
     const Integer max_int = (min_bits == std::numeric_limits<Integer>::digits ?
index 3cbe0f4fd88b4eab802ebda131300c2e3b61c881..3ba6ba242a1fb94666377abeed672896e784904b 100644 (file)
@@ -3336,7 +3336,7 @@ namespace internal
                 this->dof_handler->locally_owned_dofs());
             for (unsigned int i = 0; i < n_cpu; ++i)
               {
-                const IndexSet iset = locally_owned_dofs_per_processor[i];
+                const IndexSet &iset = locally_owned_dofs_per_processor[i];
                 for (types::global_dof_index ind = 0; ind < iset.n_elements();
                      ind++)
                   {
index 06fd0e55bdd10fb819c6b90d952ae19de520ab5a..c193ed71d30b362a41cf137ff6db793e11441e72 100644 (file)
@@ -339,7 +339,7 @@ namespace DoFTools
             for (unsigned int i = 0; i < child_cells.size(); ++i)
               {
                 const typename DoFHandler<dim, spacedim>::active_cell_iterator
-                                   cell_col_child = child_cells[i];
+                                  &cell_col_child = child_cells[i];
                 const unsigned int dofs_per_cell_row =
                   cell_row->get_fe().n_dofs_per_cell();
                 const unsigned int dofs_per_cell_col =
index dcb7f97ee66f9988aa80f2fd396fc266b9d4ed1b..e26a60c112127d8c54f15c870d5afe4405766ba4 100644 (file)
@@ -2740,6 +2740,7 @@ FE_Nedelec<dim>::hp_line_dof_identities(
       // same polynomial degree.
       std::vector<std::pair<unsigned int, unsigned int>> identities;
 
+      identities.reserve(std::min(fe_nedelec_other->degree, this->degree));
       for (unsigned int i = 0;
            i < std::min(fe_nedelec_other->degree, this->degree);
            ++i)
@@ -4446,6 +4447,7 @@ FE_Nedelec<dim>::get_constant_modes() const
     for (unsigned int i = 0; i < this->n_dofs_per_cell(); ++i)
       constant_modes(d, i) = true;
   std::vector<unsigned int> components;
+  components.reserve(dim);
   for (unsigned int d = 0; d < dim; ++d)
     components.push_back(d);
   return std::pair<Table<2, bool>, std::vector<unsigned int>>(constant_modes,
index a7d40d558a6364bf58f4da17ccd6b57af11bb7a3..ce1efcb396f6fd82407a4759ec280cc9e1ea6829 100644 (file)
@@ -270,6 +270,7 @@ FE_PyramidP<dim, spacedim>::hp_line_dof_identities(
 
   std::vector<std::pair<unsigned int, unsigned int>> result;
 
+  result.reserve(this->degree - 1);
   for (unsigned int i = 0; i < this->degree - 1; ++i)
     result.emplace_back(i, i);
 
@@ -302,6 +303,7 @@ FE_PyramidP<dim, spacedim>::hp_quad_dof_identities(
 
   std::vector<std::pair<unsigned int, unsigned int>> result;
 
+  result.reserve(this->n_dofs_per_quad(face_no));
   for (unsigned int i = 0; i < this->n_dofs_per_quad(face_no); ++i)
     result.emplace_back(i, i);
 
index 4de8831d488316036f1d2f31954d03bef467e3c6..fbe196f1cded2383be4f27f18b53065443a00373 100644 (file)
@@ -275,6 +275,7 @@ FE_Q_Hierarchical<dim>::hp_line_dof_identities(
       // increasingly. Thus we return a vector of pairs for the first N-1, where
       // N is minimum number of dofs_per_line for each FE_Q_Hierarchical.
       std::vector<std::pair<unsigned int, unsigned int>> res;
+      res.reserve(std::min(this_dpl, other_dpl));
       for (unsigned int i = 0; i < std::min(this_dpl, other_dpl); ++i)
         res.emplace_back(i, i);
 
@@ -319,6 +320,7 @@ FE_Q_Hierarchical<dim>::hp_quad_dof_identities(
       // increasingly. Thus we return a vector of pairs for the first N-1, where
       // N is minimum number of dofs_per_line for each FE_Q_Hierarchical.
       std::vector<std::pair<unsigned int, unsigned int>> res;
+      res.reserve(std::min(this_dpq, other_dpq));
       for (unsigned int i = 0; i < std::min(this_dpq, other_dpq); ++i)
         res.emplace_back(i, i);
 
index 8667afc104c7252eecf5abd1868b5137a8c05e3d..378e984d52bc8ce6a2d6e7f0a446d6cc83fc0745 100644 (file)
@@ -632,6 +632,7 @@ FE_RaviartThomas<dim>::get_constant_modes() const
     for (unsigned int i = 0; i < this->n_dofs_per_cell(); ++i)
       constant_modes(d, i) = true;
   std::vector<unsigned int> components;
+  components.reserve(dim);
   for (unsigned int d = 0; d < dim; ++d)
     components.push_back(d);
   return std::pair<Table<2, bool>, std::vector<unsigned int>>(constant_modes,
index 7ceab98ffc26cbd331c93803e3d890e5e91f059d..c05d9d39529b21bf1e66b34c4e9a557270881af9 100644 (file)
@@ -291,6 +291,7 @@ FE_WedgeP<dim, spacedim>::hp_line_dof_identities(
 
   std::vector<std::pair<unsigned int, unsigned int>> result;
 
+  result.reserve(this->degree - 1);
   for (unsigned int i = 0; i < this->degree - 1; ++i)
     result.emplace_back(i, i);
 
@@ -322,6 +323,7 @@ FE_WedgeP<dim, spacedim>::hp_quad_dof_identities(
 
   std::vector<std::pair<unsigned int, unsigned int>> result;
 
+  result.reserve(this->n_dofs_per_quad(face_no));
   for (unsigned int i = 0; i < this->n_dofs_per_quad(face_no); ++i)
     result.emplace_back(i, i);
 
index 8e80409127ed541c815c965aa9b47467c6c70452..824b6299a5e34a77c1588c0c73452f776fc63d30 100644 (file)
@@ -536,6 +536,7 @@ namespace GridGenerator
           // (number_points) equidistant points.
           const double theta = 2 * numbers::PI / number_points;
           // first point is leading edge then counterclockwise
+          circle_points.reserve(number_points);
           for (unsigned int i = 0; i < number_points; ++i)
             circle_points.emplace_back(center[0] - radius * cos(i * theta),
                                        center[1] - radius * sin(i * theta));
@@ -5995,6 +5996,7 @@ namespace GridGenerator
                                                             {+1, +1, +1}}};
 
         // Start with the shell bounded by two nested cubes
+        vertices.reserve(8);
         for (unsigned int i = 0; i < 8; ++i)
           vertices.push_back(p + hexahedron[i] * irad);
         for (unsigned int i = 0; i < 8; ++i)
@@ -6056,6 +6058,7 @@ namespace GridGenerator
                                                             {-1, +1, +1}, //
                                                             {+1, +1, +1}}};
 
+        vertices.reserve(8);
         for (unsigned int i = 0; i < 8; ++i)
           vertices.push_back(p + hexahedron[i] * irad);
         for (unsigned int i = 0; i < 6; ++i)
@@ -7080,6 +7083,7 @@ namespace GridGenerator
 
     const double        delta_h = height / (n_slices - 1);
     std::vector<double> slices_z_values;
+    slices_z_values.reserve(n_slices);
     for (unsigned int i = 0; i < n_slices; ++i)
       slices_z_values.push_back(i * delta_h);
     extrude_triangulation(
index efaa654001f2267accdb5ccebadf8f9613862eaa..59c8e644a52c20f75f443555da179c9cc137f0d1 100644 (file)
@@ -3608,7 +3608,7 @@ GridOut::write_mesh_per_processor_as_vtu(
   data_names.emplace_back("level_subdomain");
   data_names.emplace_back("proc_writing");
 
-  const auto reference_cells = tria.get_reference_cells();
+  const auto &reference_cells = tria.get_reference_cells();
 
   AssertDimension(reference_cells.size(), 1);
 
@@ -3690,6 +3690,7 @@ GridOut::write_mesh_per_processor_as_vtu(
             pos += 1;
           const unsigned int n_procs =
             Utilities::MPI::n_mpi_processes(tr->get_mpi_communicator());
+          filenames.reserve(n_procs);
           for (unsigned int i = 0; i < n_procs; ++i)
             filenames.push_back(filename_without_extension.substr(pos) +
                                 ".proc" + Utilities::int_to_string(i, 4) +
@@ -4299,6 +4300,7 @@ namespace internal
                           face_no,
                           cell->combined_face_orientation(face_no),
                           n_points);
+                      line_points.reserve(n_points);
                       for (unsigned int i = 0; i < n_points; ++i)
                         line_points.push_back(
                           mapping->transform_unit_to_real_cell(
@@ -4573,6 +4575,7 @@ namespace internal
                                                                           v0),
                                 u1 = mapping->transform_real_to_unit_cell(cell,
                                                                           v1);
+                              line_points.reserve(n_points);
                               for (unsigned int i = 0; i < n_points; ++i)
                                 line_points.push_back(
                                   mapping->transform_unit_to_real_cell(
index 5594f47c44a4863053f73a6d61e1648ed711f4be..6b683f03c13b41d777bf93e6adef01bf5c5c9193 100644 (file)
@@ -1255,6 +1255,7 @@ namespace GridTools
         if ((merged_b_boxes.size() > max_boxes) && (spacedim > 1))
           {
             std::vector<double> volumes;
+            volumes.reserve(merged_b_boxes.size());
             for (unsigned int i = 0; i < merged_b_boxes.size(); ++i)
               volumes.push_back(merged_b_boxes[i].volume());
 
index 993b3e6ce9f92cccd72bce135f51a0aed763a355..0a33488eb54f2ea168e3e28890bd9d3f086b2ebe 100644 (file)
@@ -26,6 +26,7 @@
 
 #include <boost/container/small_vector.hpp>
 
+#include <algorithm>
 #include <cmath>
 #include <limits>
 #include <memory>
@@ -173,8 +174,8 @@ Manifold<3, 3>::normal_vector(const Triangulation<3, 3>::face_iterator &face,
                                          vertices[1].distance(p),
                                          vertices[2].distance(p),
                                          vertices[3].distance(p)}};
-  const double max_distance = std::max(std::max(distances[0], distances[1]),
-                                       std::max(distances[2], distances[3]));
+  const double                max_distance =
+    std::max({distances[0], distances[1], distances[2], distances[3]});
 
   // We need to find two tangential vectors to the given point p, but we do
   // not know how the point is oriented against the face. We guess the two
index 965c568992644baa541d77681c2db491267e8bfe..9574d9164631e2aa1f332a34f6ee4bd4657764a0 100644 (file)
@@ -12435,10 +12435,10 @@ void Triangulation<dim, spacedim>::copy_triangulation(
 
 
   levels.reserve(other_tria.levels.size());
-  for (unsigned int level = 0; level < other_tria.levels.size(); ++level)
+  for (const auto &level : other_tria.levels)
     levels.push_back(
       std::make_unique<internal::TriangulationImplementation::TriaLevel>(
-        *other_tria.levels[level]));
+        *level));
 
   number_cache = other_tria.number_cache;
 
index 6055f6c58bb84348d788a7596aa849d568814629..39b9541f51532e6cbaa0556355c606762b097636 100644 (file)
@@ -28,6 +28,7 @@
 #include <deal.II/grid/tria_iterator.h>
 #include <deal.II/grid/tria_levels.h>
 
+#include <algorithm>
 #include <array>
 #include <cmath>
 #include <limits>
@@ -1624,8 +1625,7 @@ TriaAccessor<3, 3, 3>::extent_in_direction(const unsigned int axis) const
                        this->line(lines[axis][2])->diameter(),
                        this->line(lines[axis][3])->diameter()};
 
-  return std::max(std::max(lengths[0], lengths[1]),
-                  std::max(lengths[2], lengths[3]));
+  return std::max({lengths[0], lengths[1], lengths[2], lengths[3]});
 }
 
 
index 64667df4e02d955e69706b4ca8404a4d48a2fbbb..1e909e775147bb34093f829a69eba461f92e807f 100644 (file)
@@ -242,6 +242,7 @@ namespace TriangulationDescription
                                    unsigned int>>
               temp;
 
+            temp.reserve(this->coarse_cells.size());
             for (unsigned int i = 0; i < this->coarse_cells.size(); ++i)
               temp.emplace_back(this->coarse_cell_index_to_coarse_cell_id[i],
                                 this->coarse_cells[i],
index 38837375a418cf4af2a0fa60b5170a022d762dba..080ce2bf2d6bea41ea216d3a69d82844dba48c3f 100644 (file)
@@ -38,6 +38,7 @@ namespace hp
     {
       std::vector<QCollection<q_dim>> q_collections;
 
+      q_collections.reserve(q_collection.size());
       for (unsigned int q = 0; q < q_collection.size(); ++q)
         q_collections.emplace_back(q_collection[q]);
 
index 59f08d475c2ee4e64578c4fbe8618a0aaa6ce347..55d88f611efe29b8b93a83197922eab30a285b44 100644 (file)
@@ -603,14 +603,14 @@ namespace NonMatching
             // Since we already know the function values at the interval ends we
             // might as well check these for min/max too.
             const double function_min =
-              std::min(std::min(left_value, right_value), value_bounds.first);
+              std::min({left_value, right_value, value_bounds.first});
 
             // If the functions is positive there are no roots.
             if (function_min > 0)
               return;
 
             const double function_max =
-              std::max(std::max(left_value, right_value), value_bounds.second);
+              std::max({left_value, right_value, value_bounds.second});
 
             // If the function is negative there are no roots.
             if (function_max < 0)
index 44ba70ac7d32ab1b0f6e6f1d4c31a3a4d776c856..80e1125756cd6451235a8021a0b0db98a2e4c63a 100644 (file)
@@ -46,6 +46,7 @@
 
 #include <deal.II/numerics/derivative_approximation.h>
 
+#include <algorithm>
 #include <cmath>
 
 DEAL_II_NAMESPACE_OPEN
@@ -479,8 +480,7 @@ namespace DerivativeApproximation
             }
         }
 
-      return std::max(std::fabs(EE[0]),
-                      std::max(std::fabs(EE[1]), std::fabs(EE[2])));
+      return std::max({std::fabs(EE[0]), std::fabs(EE[1]), std::fabs(EE[2])});
     }
 
 
@@ -829,7 +829,7 @@ namespace DerivativeApproximation
       auto neighbor_ptr = active_neighbors.begin();
       for (; neighbor_ptr != active_neighbors.end(); ++neighbor_ptr)
         {
-          const auto neighbor = *neighbor_ptr;
+          const auto &neighbor = *neighbor_ptr;
 
           // reinit FE values object...
           x_fe_midpoint_value.reinit(neighbor);
index f348cb8e5448f3daf60cddc127b9357116c064e1..ff1519ad6264c716a40082859a8f9273e73c4d10 100644 (file)
@@ -290,6 +290,7 @@ PointValueHistory<dim>::add_point(const Point<dim> &location)
   // the GridTools function does not cater for
   // a vector of points, and does not seem to
   // be intrinsicly faster than this method.
+  new_solution_indices.reserve(dof_handler->get_fe(0).n_components());
   for (unsigned int component = 0;
        component < dof_handler->get_fe(0).n_components();
        component++)
@@ -423,6 +424,7 @@ PointValueHistory<dim>::add_points(const std::vector<Point<dim>> &locations)
       current_cell[point]->get_dof_indices(local_dof_indices);
       std::vector<types::global_dof_index> new_solution_indices;
 
+      new_solution_indices.reserve(dof_handler->get_fe(0).n_components());
       for (unsigned int component = 0;
            component < dof_handler->get_fe(0).n_components();
            component++)
index 7a978a57e810998d89e15039afd803b232c44ab4..1c001bc346b19b8c1fe73ef42ba8ecda88358b89 100644 (file)
@@ -294,6 +294,7 @@ namespace SmoothnessEstimator
       // finite element, the smoothness estimation algorithm tends to produce
       // stable results.
       std::vector<unsigned int> n_coefficients_per_direction;
+      n_coefficients_per_direction.reserve(fe_collection.size());
       for (unsigned int i = 0; i < fe_collection.size(); ++i)
         n_coefficients_per_direction.push_back(fe_collection[i].degree + 2);
 
@@ -583,6 +584,7 @@ namespace SmoothnessEstimator
       // element, the smoothness estimation algorithm tends to produce stable
       // results.
       std::vector<unsigned int> n_coefficients_per_direction;
+      n_coefficients_per_direction.reserve(fe_collection.size());
       for (unsigned int i = 0; i < fe_collection.size(); ++i)
         n_coefficients_per_direction.push_back(fe_collection[i].degree + 2);
 

In the beginning the Universe was created. This has made a lot of people very angry and has been widely regarded as a bad move.

Douglas Adams


Typeset in Trocchi and Trocchi Bold Sans Serif.