]> https://gitweb.dealii.org/ - dealii.git/commitdiff
Make dimension counters unsigned.
authorWolfgang Bangerth <bangerth@colostate.edu>
Tue, 16 Nov 2021 04:02:11 +0000 (21:02 -0700)
committerWolfgang Bangerth <bangerth@colostate.edu>
Wed, 17 Nov 2021 00:50:43 +0000 (17:50 -0700)
19 files changed:
include/deal.II/base/symmetric_tensor.templates.h
include/deal.II/lac/tensor_product_matrix.h
include/deal.II/matrix_free/cuda_fe_evaluation.h
include/deal.II/matrix_free/cuda_matrix_free.h
include/deal.II/matrix_free/cuda_matrix_free.templates.h
include/deal.II/matrix_free/mapping_info.templates.h
include/deal.II/matrix_free/shape_info.templates.h
source/arborx/access_traits.cc
source/base/function_restriction.cc
source/base/function_signed_distance.cc
source/base/quadrature_lib.cc
source/distributed/tria_base.cc
source/dofs/dof_tools_constraints.cc
source/fe/fe_abf.cc
source/fe/fe_q_base.cc
source/fe/mapping_q_cache.cc
source/grid/grid_tools.cc
source/grid/grid_tools_dof_handlers.cc
source/non_matching/quadrature_generator.cc

index 80bb1252f4c9dc7846ef346c111675b946378a5b..11fd79bd06fbceea4eff201ddc3467659d0a19f2 100644 (file)
@@ -225,7 +225,7 @@ namespace internal
         }
       else
         {
-          for (int i = 0; i < dim; ++i)
+          for (unsigned int i = 0; i < dim; ++i)
             d[i] = A[i][i];
 
           // For dim = 3:
@@ -339,7 +339,7 @@ namespace internal
                   g        = c * r - b;
 
                   // Form the eigenvectors
-                  for (int k = 0; k < dim; ++k)
+                  for (unsigned int k = 0; k < dim; ++k)
                     {
                       t           = Q[k][i + 1];
                       Q[k][i + 1] = s * Q[k][i] + c * t;
@@ -399,7 +399,7 @@ namespace internal
       // The diagonal elements of the tridiagonal matrix;
       // this will ultimately store the eigenvalues
       std::array<Number, dim> w;
-      for (int i = 0; i < dim; ++i)
+      for (unsigned int i = 0; i < dim; ++i)
         w[i] = A[i][i];
 
       // Calculate (tr(A))^{2}
@@ -412,7 +412,7 @@ namespace internal
         {
           // Test for convergence
           so = 0.0;
-          for (int p = 0; p < dim; ++p)
+          for (unsigned int p = 0; p < dim; ++p)
             for (int q = p + 1; q < dim; ++q)
               so += std::abs(A[p][q]);
           if (so == 0.0)
@@ -438,8 +438,8 @@ namespace internal
             thresh = 0.0;
 
           // Perform sweep
-          for (int p = 0; p < dim; ++p)
-            for (int q = p + 1; q < dim; ++q)
+          for (unsigned int p = 0; p < dim; ++p)
+            for (unsigned int q = p + 1; q < dim; ++q)
               {
                 g = 100.0 * std::abs(A[p][q]);
 
@@ -486,19 +486,19 @@ namespace internal
                     w[p] -= z;
                     w[q] += z;
                     // ... by executing the various rotations in sequence
-                    for (int r = 0; r < p; ++r)
+                    for (unsigned int r = 0; r < p; ++r)
                       {
                         t       = A[r][p];
                         A[r][p] = c * t - s * A[r][q];
                         A[r][q] = s * t + c * A[r][q];
                       }
-                    for (int r = p + 1; r < q; ++r)
+                    for (unsigned int r = p + 1; r < q; ++r)
                       {
                         t       = A[p][r];
                         A[p][r] = c * t - s * A[r][q];
                         A[r][q] = s * t + c * A[r][q];
                       }
-                    for (int r = q + 1; r < dim; ++r)
+                    for (unsigned int r = q + 1; r < dim; ++r)
                       {
                         t       = A[p][r];
                         A[p][r] = c * t - s * A[q][r];
@@ -506,7 +506,7 @@ namespace internal
                       }
 
                     // Update the eigenvectors
-                    for (int r = 0; r < dim; ++r)
+                    for (unsigned int r = 0; r < dim; ++r)
                       {
                         t       = Q[r][p];
                         Q[r][p] = c * t - s * Q[r][q];
index 4792722dd4f322bec13a64a084c0c706c719abe7..d091aae6ad42894027a2e6870782af0a8b817b04 100644 (file)
@@ -670,7 +670,7 @@ TensorProductMatrixSymmetricSum<dim, Number, n_rows_1d>::reinit_impl(
   this->mass_matrix          = mass_matrices;
   this->derivative_matrix    = derivative_matrices;
 
-  for (int dir = 0; dir < dim; ++dir)
+  for (unsigned int dir = 0; dir < dim; ++dir)
     {
       Assert(n_rows_1d == -1 ||
                (n_rows_1d > 0 && static_cast<unsigned int>(n_rows_1d) ==
@@ -811,7 +811,7 @@ TensorProductMatrixSymmetricSum<dim, VectorizedArray<Number>, n_rows_1d>::
   eigenvectors_flat.resize(nm_flat_size_max);
   std::array<unsigned int, macro_size> offsets_nm;
   std::array<unsigned int, macro_size> offsets_n;
-  for (int dir = 0; dir < dim; ++dir)
+  for (unsigned int dir = 0; dir < dim; ++dir)
     {
       Assert(n_rows_1d == -1 ||
                (n_rows_1d > 0 && static_cast<unsigned int>(n_rows_1d) ==
index d913082f36aaf569bc1850c246603aa8db22a1a8..356479f59ca0cce9520de7a39021e7d89cde09b5 100644 (file)
@@ -494,10 +494,10 @@ namespace CUDAWrappers
     const unsigned int q_point = internal::compute_index<dim, n_q_points_1d>();
     const Number *     inv_jacobian = &inv_jac[q_point];
     gradient_type      grad;
-    for (int d_1 = 0; d_1 < dim; ++d_1)
+    for (unsigned int d_1 = 0; d_1 < dim; ++d_1)
       {
         Number tmp = 0.;
-        for (int d_2 = 0; d_2 < dim; ++d_2)
+        for (unsigned int d_2 = 0; d_2 < dim; ++d_2)
           tmp += inv_jacobian[padding_length * n_cells * (dim * d_2 + d_1)] *
                  gradients[d_2][q_point];
         grad[d_1] = tmp;
@@ -520,10 +520,10 @@ namespace CUDAWrappers
     // TODO optimize if the mesh is uniform
     const unsigned int q_point = internal::compute_index<dim, n_q_points_1d>();
     const Number *     inv_jacobian = &inv_jac[q_point];
-    for (int d_1 = 0; d_1 < dim; ++d_1)
+    for (unsigned int d_1 = 0; d_1 < dim; ++d_1)
       {
         Number tmp = 0.;
-        for (int d_2 = 0; d_2 < dim; ++d_2)
+        for (unsigned int d_2 = 0; d_2 < dim; ++d_2)
           tmp += inv_jacobian[n_cells * padding_length * (dim * d_1 + d_2)] *
                  grad_in[d_2];
         gradients[d_1][q_point] = tmp * JxW[q_point];
index 31f322fa18fe5347e9edb148a604706093f8e4a7..ce63e660b3dac111c879c018a3861d393d95ce3c 100644 (file)
@@ -678,7 +678,7 @@ namespace CUDAWrappers
     SharedData(Number *vd, Number *gq[dim])
       : values(vd)
     {
-      for (int d = 0; d < dim; ++d)
+      for (unsigned int d = 0; d < dim; ++d)
         gradients[d] = gq[d];
     }
 
index 4c64f02188259ed4d47f9aa91c94b0882b946197..91ee7859a713eefc6c665494968a30af4972783b 100644 (file)
@@ -587,7 +587,7 @@ namespace CUDAWrappers
         local_cell + cells_per_block * (blockIdx.x + gridDim.x * blockIdx.y);
 
       Number *gq[dim];
-      for (int d = 0; d < dim; ++d)
+      for (unsigned int d = 0; d < dim; ++d)
         gq[d] = &gradients[d][local_cell * Functor::n_q_points];
 
       SharedData<dim, Number> shared_data(
index 2c3072008f27b35e8fe281a7423c8fcb7e22e23d..c17a0e561ddf0195302a9a6bd927be3170c7b4aa 100644 (file)
@@ -100,7 +100,7 @@ namespace internal
       for (unsigned int i = 0; i < n_q_points; ++i)
         quadrature_weights[i] = quadrature.weight(i);
 
-      for (int d = 0; d < structdim; ++d)
+      for (unsigned int d = 0; d < structdim; ++d)
         {
           tensor_quadrature_weights[d].resize(quadrature_1d.size());
           for (unsigned int i = 0; i < quadrature_1d.size(); ++i)
@@ -149,7 +149,7 @@ namespace internal
       std::size_t memory = sizeof(this) + quadrature.memory_consumption() +
                            quadrature_weights.memory_consumption() +
                            face_orientations.memory_consumption();
-      for (int d = 0; d < structdim; ++d)
+      for (unsigned int d = 0; d < structdim; ++d)
         memory += tensor_quadrature_weights[d].memory_consumption();
       return memory;
     }
index e1643d51daa26b011be6e526bd6ce0b60213b942..6a47ff1a42fd9f46d28c57f76887d663cac0d566 100644 (file)
@@ -332,7 +332,7 @@ namespace internal
 
                 const auto grad = fe.shape_grad(i, quad.point(q));
 
-                for (int d = 0; d < dim; ++d)
+                for (unsigned int d = 0; d < dim; ++d)
                   shape_gradients[d * n_dofs * n_q_points + i * n_q_points +
                                   q] = grad[d];
               }
@@ -422,7 +422,7 @@ namespace internal
 
                               const auto grad = fe.shape_grad(i, point);
 
-                              for (int d = 0; d < dim; ++d)
+                              for (unsigned int d = 0; d < dim; ++d)
                                 shape_gradients_face(
                                   f, o, d, i * n_q_points_face + q) = grad[d];
                             }
index 08fbbc0a60f178919eb99889ed4c3bd3c8f02597..e94b05842340c3f64476a38b74d0c0f63ccc7bf8 100644 (file)
@@ -95,7 +95,7 @@ namespace ArborXWrappers
         auto boundary_points                  = bb[i].get_boundary_points();
         dealii::Point<dim, Number> min_corner = boundary_points.first;
         dealii::Point<dim, Number> max_corner = boundary_points.second;
-        for (int d = 0; d < dim; ++d)
+        for (unsigned int d = 0; d < dim; ++d)
           {
             min_corner_arborx[d] = static_cast<float>(min_corner[d]);
             max_corner_arborx[d] = static_cast<float>(max_corner[d]);
index bfdfff8154f63e5bbc4968428aadad61cca27644..a21e250983c3ef697a88243c7d7c821c10251eb6 100644 (file)
@@ -29,7 +29,7 @@ namespace internal
 
     Point<dim + 1> output;
     output(component_in_dim_plus_1) = coordinate_value;
-    for (int d = 0; d < dim; ++d)
+    for (unsigned int d = 0; d < dim; ++d)
       {
         const unsigned int component_to_write_to =
           dealii::internal::coordinate_to_one_dim_higher<dim>(
@@ -91,7 +91,7 @@ namespace Functions
     // the derivatives with respect to this direction and copy the other
     // values.
     Tensor<1, dim> grad;
-    for (int d = 0; d < dim; ++d)
+    for (unsigned int d = 0; d < dim; ++d)
       {
         const unsigned int index_to_write_from =
           internal::coordinate_to_one_dim_higher<dim>(restricted_direction, d);
@@ -119,11 +119,11 @@ namespace Functions
     // the derivatives with respect to this direction and copy the other
     // values.
     SymmetricTensor<2, dim> hess;
-    for (int i = 0; i < dim; ++i)
+    for (unsigned int i = 0; i < dim; ++i)
       {
         const unsigned int i_to_write_from =
           internal::coordinate_to_one_dim_higher<dim>(restricted_direction, i);
-        for (int j = 0; j < dim; ++j)
+        for (unsigned int j = 0; j < dim; ++j)
           {
             const unsigned int j_to_write_from =
               internal::coordinate_to_one_dim_higher<dim>(restricted_direction,
index af14810e22f0cd3e79df1262de7a3498bf67a237..e1f28544e88fff595f1eba727b091cc1aa63c2ac 100644 (file)
@@ -140,7 +140,7 @@ namespace Functions
       , tolerance(tolerance)
       , max_iter(max_iter)
     {
-      for (int d = 0; d < dim; ++d)
+      for (unsigned int d = 0; d < dim; ++d)
         Assert(radii[d] > 0, ExcMessage("All radii must be positive."))
     }
 
@@ -171,7 +171,7 @@ namespace Functions
     Ellipsoid<dim>::evaluate_ellipsoid(const Point<dim> &point) const
     {
       double val = 0.0;
-      for (int d = 0; d < dim; ++d)
+      for (unsigned int d = 0; d < dim; ++d)
         val += std::pow((point[d] - center[d]) / radii[d], 2);
       return val - 1.0;
     }
index 368cd980feee46a4e7afe66c741f415bea794854..0245c5fb324a856f1f082b3068725ddaed646b50 100644 (file)
@@ -1214,7 +1214,7 @@ QSimplex<dim>::QSimplex(const Quadrature<dim> &quad)
        * around a wrong diagnostic in gcc-10.3.0 that warns about that the
        * comparison "d < dim" is always false in case of "dim == 0".
        * MM 2021 */
-      for (int d = 0; d < dim; ++d)
+      for (unsigned int d = 0; d < dim; ++d)
         r += quad.point(i)[d];
       if (r <= 1 + 1e-10)
         {
index 971288f4b16dd282d3ceef23002f1a0b0303dc08..f8bddb90c0bf6164b07ee20d6ed451dafafd111b 100644 (file)
@@ -597,7 +597,7 @@ namespace parallel
 #endif
 
     Point<spacedim> invalid_point;
-    for (int d = 0; d < spacedim; ++d)
+    for (unsigned int d = 0; d < spacedim; ++d)
       invalid_point[d] = std::numeric_limits<double>::quiet_NaN();
 
     const auto pack = [&](const auto &cell) {
index d285de78412adf8d6e2cedbd633447974fc8f761..7cd1aa34b1c6fba2f0f653f0914574aece8bf62b 100644 (file)
@@ -2266,10 +2266,10 @@ namespace DoFTools
 
               // ... and rotate all dofs belonging to vector valued components
               // that are selected by first_vector_components:
-              for (int i = 0; i < spacedim; ++i)
+              for (unsigned int i = 0; i < spacedim; ++i)
                 {
                   transformation[vector_dofs[i]][vector_dofs[i]] = 0.;
-                  for (int j = 0; j < spacedim; ++j)
+                  for (unsigned int j = 0; j < spacedim; ++j)
                     transformation[vector_dofs[i]][vector_dofs[j]] =
                       matrix[i][j];
                 }
index 4c6b68a133ce8966d4a2746cad2789ff139250e5..e4f80156bf76f216043efe565b8ef5659f418c6e 100644 (file)
@@ -500,7 +500,7 @@ FE_ABF<dim>::get_dpo_vector(const unsigned int rt_order)
   // Initiative...), and we have
   // (rt_order+1)^(dim-1) DoFs per face
   unsigned int dofs_per_face = 1;
-  for (int d = 0; d < dim - 1; ++d)
+  for (unsigned int d = 0; d < dim - 1; ++d)
     dofs_per_face *= rt_order + 1;
 
   // and then there are interior dofs
index 77d129d7d4b290686941d932bdeaf4dd7fae6246..281f698e4110c004d7ac107e163a13a02868c2fd 100644 (file)
@@ -67,7 +67,7 @@ namespace internal
       increment_indices(unsigned int (&indices)[dim], const unsigned int dofs1d)
       {
         ++indices[0];
-        for (int d = 0; d < dim - 1; ++d)
+        for (unsigned int d = 0; d < dim - 1; ++d)
           if (indices[d] == dofs1d)
             {
               indices[d] = 0;
index 3b16a492b587bb3a516b32fd4ee02efe6442e546..0975faac005c972b370498575bc649c20b547393 100644 (file)
@@ -268,7 +268,7 @@ MappingQCache<dim, spacedim>::initialize(
     tria,
     [&](const auto &, const auto &point) {
       Point<spacedim> new_point;
-      for (int c = 0; c < spacedim; ++c)
+      for (unsigned int c = 0; c < spacedim; ++c)
         new_point[c] = transformation_function.value(point, c);
       return new_point;
     },
index ba6e7f2a0b9f09f9cb0bf0238ddbdac45fb619b7..eb8688c14757087b1fc56c2af0a39462bbbf6bd0 100644 (file)
@@ -2796,7 +2796,7 @@ namespace GridTools
         auto p1 = p;
         auto p2 = p;
 
-        for (int d = 0; d < spacedim; ++d)
+        for (unsigned int d = 0; d < spacedim; ++d)
           {
             p1[d] = p1[d] - tolerance;
             p2[d] = p2[d] + tolerance;
index 9a8cf26e33bbedb6f00585aac6b4a914b658953e..b5e46453457344e725d0c8dea8379fbdfb292195 100644 (file)
@@ -2286,8 +2286,8 @@ namespace GridTools
     Point<spacedim> distance;
 
     if (matrix.m() == spacedim)
-      for (int i = 0; i < spacedim; ++i)
-        for (int j = 0; j < spacedim; ++j)
+      for (unsigned int i = 0; i < spacedim; ++i)
+        for (unsigned int j = 0; j < spacedim; ++j)
           distance(i) += matrix(i, j) * point1(j);
     else
       distance = point1;
index 7588e76e7ef4c66a7e0c007cad76c5e8cb43053d..cef3e4e3b4d3494ba9d3fb085b3d079989a577f5 100644 (file)
@@ -273,7 +273,7 @@ namespace NonMatching
                 if (!min_lower_abs_grad)
                   {
                     min_lower_abs_grad.emplace();
-                    for (int d = 0; d < dim; ++d)
+                    for (unsigned int d = 0; d < dim; ++d)
                       {
                         (*min_lower_abs_grad)[d] =
                           lower_bound_on_abs(bounds.gradient[d]);
@@ -281,7 +281,7 @@ namespace NonMatching
                   }
                 else
                   {
-                    for (int d = 0; d < dim; ++d)
+                    for (unsigned int d = 0; d < dim; ++d)
                       {
                         (*min_lower_abs_grad)[d] =
                           std::min((*min_lower_abs_grad)[d],
@@ -945,7 +945,7 @@ namespace NonMatching
       {
         // Get the side lengths for each direction and sort them.
         std::array<std::pair<double, unsigned int>, dim> side_lengths;
-        for (int i = 0; i < dim; ++i)
+        for (unsigned int i = 0; i < dim; ++i)
           {
             side_lengths[i].first  = box.side_length(i);
             side_lengths[i].second = i;

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.