]> https://gitweb.dealii.org/ - dealii.git/commitdiff
Change some indentation oddities. 4470/head
authorWolfgang Bangerth <bangerth@colostate.edu>
Fri, 2 Jun 2017 16:32:36 +0000 (10:32 -0600)
committerWolfgang Bangerth <bangerth@colostate.edu>
Fri, 2 Jun 2017 16:32:36 +0000 (10:32 -0600)
The majority of these are related to space before comma. I did all of
this by first running astyle 3.0.1 to see what it changes, and then
running astyle 2.04 as usual again. 3.0.1 fixes up a few oddities
that 2.04 doesn't undo, and most of these are probably worthwhile
keeping.

There are some corner cases where we had purposefully aligned commas
with leading spaces, and one could consider not making this change,
or updating it by hand. But I don't feel strongly enough about
this to really go to lengths here.

76 files changed:
examples/step-24/step-24.cc
examples/step-45/step-45.cc
examples/step-47/step-47.cc
include/deal.II/base/tensor_deprecated.h
include/deal.II/dofs/dof_accessor.templates.h
include/deal.II/fe/fe_poly_face.templates.h
include/deal.II/grid/tria.h
include/deal.II/grid/tria_accessor.templates.h
include/deal.II/lac/block_sparsity_pattern.h
include/deal.II/lac/diagonal_matrix.h
include/deal.II/lac/la_vector.templates.h
include/deal.II/lac/solver_gmres.h
include/deal.II/matrix_free/evaluation_kernels.h
include/deal.II/matrix_free/matrix_free.h
include/deal.II/meshworker/assembler.h
include/deal.II/numerics/vector_tools.templates.h
include/deal.II/physics/transformations.h
source/base/tensor_product_polynomials.cc
source/base/tensor_product_polynomials_bubbles.cc
source/base/tensor_product_polynomials_const.cc
source/dofs/dof_tools_constraints.inst.in
source/fe/fe.cc
source/fe/fe_dgp.cc
source/fe/fe_dgp_monomial.cc
source/fe/fe_dgp_nonparametric.cc
source/fe/fe_dgq.cc
source/fe/fe_face.cc
source/fe/fe_nothing.cc
source/fe/fe_p1nc.cc
source/fe/fe_poly_tensor.cc
source/fe/fe_q_base.cc
source/fe/fe_system.cc
source/fe/fe_tools.inst.in
source/fe/fe_values.cc
source/fe/mapping_fe_field.cc
source/fe/mapping_q.cc
source/fe/mapping_q1_eulerian.cc
source/fe/mapping_q_eulerian.cc
source/grid/grid_generator.cc
source/grid/grid_tools.cc
source/grid/grid_tools.inst.in
source/grid/tria.cc
source/lac/constraint_matrix.cc
source/lac/petsc_parallel_sparse_matrix.cc
source/lac/petsc_precondition.cc
source/lac/sparsity_pattern.cc
source/lac/trilinos_sparse_matrix.cc
source/numerics/error_estimator.inst.in
source/numerics/error_estimator_1d.inst.in
source/opencascade/utilities.cc
tests/base/product_type_04.cc
tests/base/product_type_04_symmetric.cc
tests/dofs/interpolate_q_system_02.cc
tests/dofs/interpolate_q_system_mask_02.cc
tests/fe/fe_enriched_compare_to_fe_system.cc
tests/fe/fe_enriched_compare_to_fe_system_2.cc
tests/full_matrix/full_matrix_56.cc
tests/gla/vec_03.cc
tests/grid/build_triangulation_from_patch_01.cc
tests/grid/build_triangulation_from_patch_02.cc
tests/grid/build_triangulation_from_patch_03.cc
tests/grid/build_triangulation_from_patch_04.cc
tests/grid/get_cells_at_coarsest_common_level_02.cc
tests/grid/grid_test.cc
tests/hp/fe_nothing_18.cc
tests/integrators/advection_01.cc
tests/lac/constraints.cc
tests/lac/schur_complement_05.cc
tests/matrix_free/create_mesh.h
tests/matrix_free/matrix_vector_stokes.cc
tests/matrix_free/matrix_vector_stokes_qdg0.cc
tests/mpi/muelu_periodicity.cc
tests/mpi/periodic_neighbor_01.cc
tests/mpi/periodicity_02.cc
tests/mpi/periodicity_03.cc
tests/trilinos/trilinos_sparsity_pattern_02.cc

index 4ac23f64bfee2b1a25eb4d829898aad7de9db915..c97e9dd8f2c7e166626b708dc951aaf342506016 100644 (file)
@@ -518,7 +518,7 @@ namespace Step24
         G2.add (wave_speed, tmp);
 
         system_rhs_p = G1;
-        system_rhs_p.add(time_step * theta , G2);
+        system_rhs_p.add(time_step * theta, G2);
 
         solve_p ();
 
index e54b220b57cd57f3399422afa303b3af890a00ee..a14ff40b1cb517efd0c454777c97adadad0b4c4f 100644 (file)
@@ -294,7 +294,7 @@ namespace Step45
     mpi_communicator (MPI_COMM_WORLD),
     triangulation (mpi_communicator),
     fe (FE_Q<dim>(degree+1), dim,
-        FE_Q<dim>(degree)  , 1),
+        FE_Q<dim>(degree), 1),
     dof_handler (triangulation),
     pcout (std::cout,
            Utilities::MPI::this_mpi_process(mpi_communicator) == 0),
index 18d23d13fd85c48cca9c3f3f46eb01db3caa6540..62712a35361648b73316f69d774a9e419c7ce451 100644 (file)
@@ -86,7 +86,7 @@ namespace Step47
     bool interface_intersects_cell (const typename Triangulation<dim>::cell_iterator &cell) const;
     std::pair<unsigned int, Quadrature<dim> > compute_quadrature(const Quadrature<dim> &plain_quadrature, const typename hp::DoFHandler<dim>::active_cell_iterator &cell, const std::vector<double> &level_set_values);
     void append_quadrature(const Quadrature<dim> &plain_quadrature,
-                           const std::vector<Point<dim> > &v      ,
+                           const std::vector<Point<dim> > &v,
                            std::vector<Point<dim> > &xfem_points,
                            std::vector<double>      &xfem_weights);
 
index 6f3ac96ac990bec2b2e9a022438b2c31be16a48e..3e55e375917b59dea3a17deb202bd3e2ccfb722a 100644 (file)
@@ -132,8 +132,8 @@ void contract (Tensor<3,dim,Number>       &dest,
 template <int rank_1, int rank_2, int dim, typename Number>
 inline
 void contract (Tensor<rank_1 + rank_2 - 2, dim, Number> &dest,
-               const Tensor<rank_1 ,dim, Number>        &src1,
-               const Tensor<rank_2 ,dim, Number>        &src2) DEAL_II_DEPRECATED;
+               const Tensor<rank_1dim, Number>        &src1,
+               const Tensor<rank_2dim, Number>        &src2) DEAL_II_DEPRECATED;
 
 /**
  * Contract a tensor of rank 1 with a tensor of rank 1 and return the result.
@@ -433,8 +433,8 @@ void contract (Tensor<3,dim,Number>       &dest,
 template <int rank_1, int rank_2, int dim, typename Number>
 inline
 void contract (Tensor<rank_1 + rank_2 - 2, dim, Number> &dest,
-               const Tensor<rank_1 ,dim, Number>        &src1,
-               const Tensor<rank_2 ,dim, Number>        &src2)
+               const Tensor<rank_1dim, Number>        &src1,
+               const Tensor<rank_2dim, Number>        &src2)
 {
   TensorAccessors::internal::ReorderedIndexView<0, rank_2, const Tensor<rank_2, dim, Number> >
   reordered = TensorAccessors::reordered_index_view<0, rank_2>(src2);
index 5a082e200cfc0631bc0253dd67b2b2b08248f0f3..ea91aa3caf4b80ee3ad2c06c35c4686c47a7185d 100644 (file)
@@ -867,7 +867,7 @@ namespace internal
       static
       unsigned int
       n_active_fe_indices (const dealii::hp::DoFHandler<2,spacedim> &dof_handler,
-                           const unsigned int ,
+                           const unsigned int,
                            const unsigned int obj_index,
                            const dealii::internal::int2type<1> &)
       {
@@ -1017,7 +1017,7 @@ namespace internal
       static
       unsigned int
       n_active_fe_indices (const dealii::hp::DoFHandler<3,spacedim> &dof_handler,
-                           const unsigned int ,
+                           const unsigned int,
                            const unsigned int obj_index,
                            const dealii::internal::int2type<2> &)
       {
@@ -2302,8 +2302,8 @@ template <template <int, int> class DoFHandlerType, int spacedim, bool level_dof
 inline
 DoFAccessor<0,DoFHandlerType<1,spacedim>, level_dof_access>::
 DoFAccessor (const Triangulation<1,spacedim> *,
-             const int                 ,
-             const int                 ,
+             const int,
+             const int,
              const DoFHandlerType<1,spacedim> *)
   :
   dof_handler(nullptr)
index 2d61668c8ee177e56cdc7e2d304712923310717d..66bf808beb06d2c906d225993cdd7706910c7b72 100644 (file)
@@ -75,7 +75,7 @@ template <class PolynomialType, int dim, int spacedim>
 void
 FE_PolyFace<PolynomialType,dim,spacedim>::
 fill_fe_values (const typename Triangulation<dim,spacedim>::cell_iterator &,
-                const CellSimilarity::Similarity                                     ,
+                const CellSimilarity::Similarity,
                 const Quadrature<dim> &,
                 const Mapping<dim,spacedim> &,
                 const typename Mapping<dim,spacedim>::InternalDataBase &,
index bbda49e6431ea9bf68663b6c8aecebe7eb6341b8..30416bdf31216165aa3427c7eae2005e59b406cc 100644 (file)
@@ -3450,7 +3450,7 @@ private:
    * Collection of manifold objects. We store only objects, which are not of
    * type FlatManifold.
    */
-  std::map<types::manifold_id, SmartPointer<const Manifold<dim,spacedim> , Triangulation<dim, spacedim> > >  manifold;
+  std::map<types::manifold_id, SmartPointer<const Manifold<dim,spacedim>, Triangulation<dim, spacedim> > >  manifold;
 
 
   /**
index 3b6df0e3d5b7bcc870e6296ad84f875f41b3ed64..925e3ec2a14c93d81256920585a9f6351a520c00 100644 (file)
@@ -395,8 +395,8 @@ TriaAccessorBase<structdim,dim,spacedim>::objects() const
 template <int structdim, int dim, int spacedim>
 InvalidAccessor<structdim, dim, spacedim>::
 InvalidAccessor (const Triangulation<dim,spacedim> *,
-                 const int                 ,
-                 const int                 ,
+                 const int,
+                 const int,
                  const AccessorData *)
 {
   Assert (false,
index 9c06b153071ada92915b9fb6ddc524bc93f3893d..8c58d8c65040f71b0472a94fdc6281daee356079 100644 (file)
@@ -840,7 +840,7 @@ BlockSparsityPatternBase<SparsityPatternType>::add_entries (const size_type row,
     {
       const size_type col = *it;
 
-      const std::pair<size_type , size_type>
+      const std::pair<size_type, size_type>
       col_index = this->column_indices.global_to_local(col);
 
       const size_type local_index = counter_within_block[col_index.first]++;
@@ -862,7 +862,7 @@ BlockSparsityPatternBase<SparsityPatternType>::add_entries (const size_type row,
   // where we should start reading out
   // data. Now let's write the data into
   // the individual blocks!
-  const std::pair<size_type , size_type>
+  const std::pair<size_type, size_type>
   row_index = this->row_indices.global_to_local (row);
   for (size_type block_col=0; block_col<n_block_cols(); ++block_col)
     {
@@ -887,7 +887,7 @@ BlockSparsityPatternBase<SparsityPatternType>::exists (const size_type i,
   // if you get an error here, are
   // you sure you called
   // <tt>collect_sizes()</tt> before?
-  const std::pair<size_type , size_type>
+  const std::pair<size_type, size_type>
   row_index = row_indices.global_to_local (i),
   col_index = column_indices.global_to_local (j);
   return sub_objects[row_index.first][col_index.first]->exists (row_index.second,
@@ -902,7 +902,7 @@ unsigned int
 BlockSparsityPatternBase<SparsityPatternType>::
 row_length (const size_type row) const
 {
-  const std::pair<size_type , size_type>
+  const std::pair<size_type, size_type>
   row_index = row_indices.global_to_local (row);
 
   unsigned int c = 0;
@@ -940,7 +940,7 @@ BlockDynamicSparsityPattern::column_number (const size_type row,
                                             const unsigned int index) const
 {
   // .first= ith block, .second = jth row in that block
-  const std::pair<size_type ,size_type >
+  const std::pair<size_type,size_type >
   row_index = row_indices.global_to_local (row);
 
   Assert(index<row_length(row), ExcIndexRange(index, 0, row_length(row)));
index 2e80b0b39860f55f5c5952cd38267b7a6e2cc509..54966bb2937af3f0563f4329850f4810ba9415a5 100644 (file)
@@ -297,7 +297,7 @@ DiagonalMatrix<VectorType>::add (const size_type  row,
                                  const size_type  n_cols,
                                  const size_type *col_indices,
                                  const number2   *values,
-                                 const bool       ,
+                                 const bool,
                                  const bool       )
 {
   for (size_type i=0; i<n_cols; ++i)
index f07f4e8237e52df2d12ab0c9b44a1403313a11a6..974ad2d8c3d1e73730a96b79df1fe3d99cddbedf 100644 (file)
@@ -203,7 +203,7 @@ namespace LinearAlgebra
 
   template <typename Number>
   void Vector<Number>::import(const ReadWriteVector<Number> &,
-                              VectorOperation::values        ,
+                              VectorOperation::values,
                               std::shared_ptr<const CommunicationPatternBase>)
   {
     AssertThrow(false, ExcMessage("This function is not implemented."));
index 0bfb2d8bd9f6d52300759a4eb8479f74b7a659d5..bd15eb78ee93b071c7049be67471639d89e5d34d 100644 (file)
@@ -412,7 +412,7 @@ protected:
    */
   static void
   compute_eigs_and_cond(
-    const FullMatrix<double> &H_orig ,
+    const FullMatrix<double> &H_orig,
     const unsigned int dim,
     const boost::signals2::signal<void (const std::vector<std::complex<double> > &)> &eigenvalues_signal,
     const boost::signals2::signal<void (const FullMatrix<double> &)> &hessenberg_signal,
index 2dc040df167cf6d40f95e59eed309e9e14339239..13de640678eee5b5814500e79d8a031520dd8562 100644 (file)
@@ -584,7 +584,7 @@ namespace internal
               VectorizedArray<Number> *gradients_quad[][dim],
               VectorizedArray<Number> *hessians_quad[][(dim*(dim+1))/2],
               VectorizedArray<Number> *,
-              const bool               ,
+              const bool,
               const bool               evaluate_gradients,
               const bool               evaluate_hessians)
   {
index 49395223d64aea6bebe243fb6a10fd1abc7be20c..a95d6bb4adb09dec7711a9c7b3b1b2a5f6e20421 100644 (file)
@@ -2145,7 +2145,7 @@ namespace internal
       {};
       tbb::task *execute ()
       {
-        tbb::empty_task *root = new( tbb::task::allocate_root() )
+        tbb::empty_task *root = new ( tbb::task::allocate_root() )
         tbb::empty_task;
         unsigned int evens = task_info.partition_evens[partition];
         unsigned int odds  = task_info.partition_odds[partition];
@@ -2158,14 +2158,14 @@ namespace internal
         root->set_ref_count(evens+1);
         for (unsigned int j=0; j<evens; j++)
           {
-            worker[j] = new(root->allocate_child())
+            worker[j] = new (root->allocate_child())
             CellWork<Worker>(function, task_info.
                              partition_color_blocks_row_index[partition]+2*j,
                              task_info, false);
             if (j>0)
               {
                 worker[j]->set_ref_count(2);
-                blocked_worker[j-1]->dummy = new(worker[j]->allocate_child())
+                blocked_worker[j-1]->dummy = new (worker[j]->allocate_child())
                 tbb::empty_task;
                 worker[j-1]->spawn(*blocked_worker[j-1]);
               }
@@ -2173,7 +2173,7 @@ namespace internal
               worker[j]->set_ref_count(1);
             if (j<evens-1)
               {
-                blocked_worker[j] = new(worker[j]->allocate_child())
+                blocked_worker[j] = new (worker[j]->allocate_child())
                 CellWork<Worker>(function, task_info.
                                  partition_color_blocks_row_index
                                  [partition] + 2*j+1, task_info, true);
@@ -2182,7 +2182,7 @@ namespace internal
               {
                 if (odds==evens)
                   {
-                    worker[evens] = new(worker[j]->allocate_child())
+                    worker[evens] = new (worker[j]->allocate_child())
                     CellWork<Worker>(function, task_info.
                                      partition_color_blocks_row_index[partition]+2*j+1,
                                      task_info, false);
@@ -2190,7 +2190,7 @@ namespace internal
                   }
                 else
                   {
-                    tbb::empty_task *child = new(worker[j]->allocate_child())
+                    tbb::empty_task *child = new (worker[j]->allocate_child())
                     tbb::empty_task();
                     worker[j]->spawn(*child);
                   }
@@ -2376,7 +2376,7 @@ MatrixFree<dim, Number>::cell_loop
 
       if (task_info.use_partition_partition == true)
         {
-          tbb::empty_task *root = new( tbb::task::allocate_root() )
+          tbb::empty_task *root = new ( tbb::task::allocate_root() )
           tbb::empty_task;
           unsigned int evens = task_info.evens;
           unsigned int odds  = task_info.odds;
@@ -2388,18 +2388,18 @@ MatrixFree<dim, Number>::cell_loop
           std::vector<internal::partition::PartitionWork<Worker>*>
           blocked_worker(n_blocked_workers);
           internal::MPIComCompress<OutVector> *worker_compr =
-            new(root->allocate_child())
+            new (root->allocate_child())
           internal::MPIComCompress<OutVector>(dst);
           worker_compr->set_ref_count(1);
           for (unsigned int j=0; j<evens; j++)
             {
               if (j>0)
                 {
-                  worker[j] = new(root->allocate_child())
+                  worker[j] = new (root->allocate_child())
                   internal::partition::PartitionWork<Worker>
                   (func,2*j,task_info,false);
                   worker[j]->set_ref_count(2);
-                  blocked_worker[j-1]->dummy = new(worker[j]->allocate_child())
+                  blocked_worker[j-1]->dummy = new (worker[j]->allocate_child())
                   tbb::empty_task;
                   if (j>1)
                     worker[j-1]->spawn(*blocked_worker[j-1]);
@@ -2408,7 +2408,7 @@ MatrixFree<dim, Number>::cell_loop
                 }
               else
                 {
-                  worker[j] = new(worker_compr->allocate_child())
+                  worker[j] = new (worker_compr->allocate_child())
                   internal::partition::PartitionWork<Worker>
                   (func,2*j,task_info,false);
                   worker[j]->set_ref_count(2);
@@ -2419,7 +2419,7 @@ MatrixFree<dim, Number>::cell_loop
                 }
               if (j<evens-1)
                 {
-                  blocked_worker[j] = new(worker[j]->allocate_child())
+                  blocked_worker[j] = new (worker[j]->allocate_child())
                   internal::partition::PartitionWork<Worker>
                   (func,2*j+1,task_info,true);
                 }
@@ -2427,14 +2427,14 @@ MatrixFree<dim, Number>::cell_loop
                 {
                   if (odds==evens)
                     {
-                      worker[evens] = new(worker[j]->allocate_child())
+                      worker[evens] = new (worker[j]->allocate_child())
                       internal::partition::PartitionWork<Worker>
                       (func,2*j+1,task_info,false);
                       worker[j]->spawn(*worker[evens]);
                     }
                   else
                     {
-                      tbb::empty_task *child = new(worker[j]->allocate_child())
+                      tbb::empty_task *child = new (worker[j]->allocate_child())
                       tbb::empty_task();
                       worker[j]->spawn(*child);
                     }
@@ -2453,7 +2453,7 @@ MatrixFree<dim, Number>::cell_loop
           // tree of partitions
           if (odds > 0)
             {
-              tbb::empty_task *root = new( tbb::task::allocate_root() ) tbb::empty_task;
+              tbb::empty_task *root = new ( tbb::task::allocate_root() ) tbb::empty_task;
               root->set_ref_count(evens+1);
               unsigned int n_blocked_workers = odds-(odds+evens+1)%2;
               unsigned int n_workers = task_info.partition_color_blocks_data.size()-1-
@@ -2463,7 +2463,7 @@ MatrixFree<dim, Number>::cell_loop
               unsigned int worker_index = 0, slice_index = 0;
               unsigned int spawn_index =  0;
               int spawn_index_child = -2;
-              internal::MPIComCompress<OutVector> *worker_compr = new(root->allocate_child())
+              internal::MPIComCompress<OutVector> *worker_compr = new (root->allocate_child())
               internal::MPIComCompress<OutVector>(dst);
               worker_compr->set_ref_count(1);
               for (unsigned int part=0;
@@ -2471,10 +2471,10 @@ MatrixFree<dim, Number>::cell_loop
                 {
                   const unsigned int spawn_index_new = worker_index;
                   if (part == 0)
-                    worker[worker_index] = new(worker_compr->allocate_child())
+                    worker[worker_index] = new (worker_compr->allocate_child())
                     internal::color::PartitionWork<Worker>(func,slice_index,task_info,false);
                   else
-                    worker[worker_index] = new(root->allocate_child())
+                    worker[worker_index] = new (root->allocate_child())
                     internal::color::PartitionWork<Worker>(func,slice_index,task_info,false);
                   slice_index++;
                   for (; slice_index<task_info.partition_color_blocks_row_index[part+1];
@@ -2513,14 +2513,14 @@ MatrixFree<dim, Number>::cell_loop
                     {
                       if (part<task_info.partition_color_blocks_row_index.size()-2)
                         {
-                          blocked_worker[part/2] = new(worker[worker_index-1]->allocate_child())
+                          blocked_worker[part/2] = new (worker[worker_index-1]->allocate_child())
                           internal::color::PartitionWork<Worker>(func,slice_index,task_info,true);
                           slice_index++;
                           if (slice_index<
                               task_info.partition_color_blocks_row_index[part+1])
                             {
                               blocked_worker[part/2]->set_ref_count(1);
-                              worker[worker_index] = new(blocked_worker[part/2]->allocate_child())
+                              worker[worker_index] = new (blocked_worker[part/2]->allocate_child())
                               internal::color::PartitionWork<Worker>(func,slice_index,task_info,false);
                               slice_index++;
                             }
index bfaf7994a690ea69dac3941c269286cdcffb2abd..d3501c627f1fd97e8a842736a7760a0a58d81a43 100644 (file)
@@ -601,7 +601,7 @@ namespace MeshWorker
 
 
 
-    template <typename MatrixType ,typename number>
+    template <typename MatrixType,typename number>
     template <class DOFINFO>
     inline void
     MatrixLocalBlocksToGlobalBlocks<MatrixType, number>::initialize_info
@@ -730,7 +730,7 @@ namespace MeshWorker
     }
 
 
-    template <typename MatrixType ,typename number>
+    template <typename MatrixType,typename number>
     template <class DOFINFO>
     inline void
     MGMatrixLocalBlocksToGlobalBlocks<MatrixType, number>::initialize_info
index e69cb509b8843d7989b4231118f1c1393ab8f66a..e856826168158a2ae18938c8012e20a02e8726ca 100644 (file)
@@ -2732,8 +2732,8 @@ namespace VectorTools
     bool real_part_bigger_than(const std::complex<number1> a,
                                const std::complex<number2> &b)
     {
-      Assert(std::abs(a.imag()) <= 1e-15*std::abs(a) , ExcInternalError());
-      Assert(std::abs(b.imag()) <= 1e-15*std::abs(b) , ExcInternalError());
+      Assert(std::abs(a.imag()) <= 1e-15*std::abs(a), ExcInternalError());
+      Assert(std::abs(b.imag()) <= 1e-15*std::abs(b), ExcInternalError());
       return a.real() > b.real();
     }
 
@@ -5717,7 +5717,7 @@ namespace VectorTools
                   fe_values.reinit (cell, face + cell->active_fe_index ()
                                     * GeometryInfo<dim>::faces_per_cell);
 
-                  const std::vector<DerivativeForm<1,dim ,spacedim> > &
+                  const std::vector<DerivativeForm<1,dim,spacedim> > &
                   jacobians = fe_values.get_present_fe_values ().get_jacobians ();
 
                   fe_face_values.reinit (cell, face);
index 90a060b1a5824d3a1b76123b77a0dbefd4c8e024..93ab0ab6e8d7fc19b6c3c5af7367812f663890d2 100644 (file)
@@ -914,10 +914,10 @@ Physics::Transformations::Rotations::rotation_matrix_2d (const Number &angle)
 {
   const double rotation[2][2]
   = {{
-      std::cos(angle) , -std::sin(angle)
+      std::cos(angle), -std::sin(angle)
     },
     {
-      std::sin(angle) , std::cos(angle)
+      std::sin(angle), std::cos(angle)
     }
   };
   return Tensor<2,2> (rotation);
index 00ff6cac42a10e00c0991ceed28d02d3194a3ed0..424a72c7b97c7125d8663f718efaff96a5131e85 100644 (file)
@@ -43,8 +43,8 @@ namespace internal
 
     inline
     void compute_tensor_index(const unsigned int n,
-                              const unsigned int ,
-                              const unsigned int ,
+                              const unsigned int,
+                              const unsigned int,
                               unsigned int       (&indices)[1])
     {
       indices[0] = n;
@@ -53,7 +53,7 @@ namespace internal
     inline
     void compute_tensor_index(const unsigned int n,
                               const unsigned int n_pols_0,
-                              const unsigned int ,
+                              const unsigned int,
                               unsigned int       (&indices)[2])
     {
       indices[0] = n % n_pols_0;
index bb7c693e9b7682381fe3a21a47d42c74a73094fe..4da5743c4459f8df261bc377dd7b6549ca06acd6 100644 (file)
@@ -56,7 +56,7 @@ TensorProductPolynomialsBubbles<dim>::compute_value (const unsigned int i,
 
 template <>
 double
-TensorProductPolynomialsBubbles<0>::compute_value (const unsigned int ,
+TensorProductPolynomialsBubbles<0>::compute_value (const unsigned int,
                                                    const Point<0> &) const
 {
   Assert (false, ExcNotImplemented());
index 401a30e621d0a8e673d66160ec9968e9256cbe65..57e9b227332104f452a78cf5bbdf986453527ff9 100644 (file)
@@ -45,7 +45,7 @@ TensorProductPolynomialsConst<dim>::compute_value (const unsigned int i,
 
 template <>
 double
-TensorProductPolynomialsConst<0>::compute_value (const unsigned int ,
+TensorProductPolynomialsConst<0>::compute_value (const unsigned int,
                                                  const Point<0> &) const
 {
   Assert (false, ExcNotImplemented());
index d021d2f246d979333b39dc8cbeca1806e7595b5f..1fda53d017b9e55680bd289800f5c05f8ba05391 100644 (file)
@@ -85,7 +85,7 @@ for (deal_II_dimension : DIMENSIONS)
     void
     DoFTools::make_zero_boundary_constraints
     (const DoFHandler<deal_II_dimension> &,
-     const types::boundary_id          ,
+     const types::boundary_id,
      ConstraintMatrix                    &,
      const ComponentMask             &);
 
@@ -100,7 +100,7 @@ for (deal_II_dimension : DIMENSIONS)
     void
     DoFTools::make_zero_boundary_constraints
     (const hp::DoFHandler<deal_II_dimension> &,
-     const types::boundary_id          ,
+     const types::boundary_id,
      ConstraintMatrix                        &,
      const ComponentMask                 &);
 
index dbcd3c97fff0007576904a4d50d0096ed37728ba..aecf5e86c79f95755624a31c3c05a8f32af029be 100644 (file)
@@ -64,7 +64,7 @@ FiniteElement (const FiniteElementData<dim> &fe_data,
   :
   FiniteElementData<dim> (fe_data),
   adjust_quad_dof_index_for_face_orientation_table (dim == 3 ?
-                                                    this->dofs_per_quad : 0 ,
+                                                    this->dofs_per_quad : 0,
                                                     dim==3 ? 8 : 0),
   adjust_line_dof_index_for_line_orientation_table (dim == 3 ?
                                                     this->dofs_per_line : 0),
index 657e93511a110b549d8690bfba507776327a5033..88a9d7cdcb42a12554b1c30991beb6b00f54be6c 100644 (file)
@@ -125,7 +125,7 @@ template <int dim, int spacedim>
 void
 FE_DGP<dim,spacedim>::
 get_subface_interpolation_matrix (const FiniteElement<dim,spacedim> &x_source_fe,
-                                  const unsigned int ,
+                                  const unsigned int,
                                   FullMatrix<double>           &interpolation_matrix) const
 {
   // this is only implemented, if the source FE is also a DGP element. in that
index 2cbdf9d49d3541989d275b4d58a68590bd958717..ae68157ef72e8858dd6a71553dab1a4e549553cf 100644 (file)
@@ -278,7 +278,7 @@ template <int dim>
 void
 FE_DGPMonomial<dim>::
 get_subface_interpolation_matrix (const FiniteElement<dim> &x_source_fe,
-                                  const unsigned int ,
+                                  const unsigned int,
                                   FullMatrix<double>           &interpolation_matrix) const
 {
   // this is only implemented, if the source
index 6caa4839cd2ba396084f31624125f457641cf8bf..c01895fdcbe6ebb617709fb4256f533e998f69c2 100644 (file)
@@ -281,7 +281,7 @@ template <int dim, int spacedim>
 void
 FE_DGPNonparametric<dim,spacedim>::
 fill_fe_values (const typename Triangulation<dim,spacedim>::cell_iterator &,
-                const CellSimilarity::Similarity                                     ,
+                const CellSimilarity::Similarity,
                 const Quadrature<dim> &,
                 const Mapping<dim,spacedim> &,
                 const typename Mapping<dim,spacedim>::InternalDataBase &,
@@ -327,7 +327,7 @@ template <int dim, int spacedim>
 void
 FE_DGPNonparametric<dim,spacedim>::
 fill_fe_face_values (const typename Triangulation<dim,spacedim>::cell_iterator &,
-                     const unsigned int                                                   ,
+                     const unsigned int,
                      const Quadrature<dim-1>                                             &,
                      const Mapping<dim,spacedim> &,
                      const typename Mapping<dim,spacedim>::InternalDataBase &,
@@ -373,8 +373,8 @@ template <int dim, int spacedim>
 void
 FE_DGPNonparametric<dim,spacedim>::
 fill_fe_subface_values (const typename Triangulation<dim,spacedim>::cell_iterator &,
-                        const unsigned int                                                   ,
-                        const unsigned int                                                   ,
+                        const unsigned int,
+                        const unsigned int,
                         const Quadrature<dim-1>                                             &,
                         const Mapping<dim,spacedim> &,
                         const typename Mapping<dim,spacedim>::InternalDataBase &,
@@ -450,7 +450,7 @@ template <int dim, int spacedim>
 void
 FE_DGPNonparametric<dim,spacedim>::
 get_subface_interpolation_matrix (const FiniteElement<dim,spacedim> &x_source_fe,
-                                  const unsigned int ,
+                                  const unsigned int,
                                   FullMatrix<double>           &interpolation_matrix) const
 {
   // this is only implemented, if the source
index 495cc48a92629d5bf8d58cc1236b3afcc526d9cf..1ec21f326ed3702821a07787a41d64d119f3fb1d 100644 (file)
@@ -343,7 +343,7 @@ template <int dim, int spacedim>
 void
 FE_DGQ<dim, spacedim>::
 get_subface_interpolation_matrix (const FiniteElement<dim, spacedim> &x_source_fe,
-                                  const unsigned int ,
+                                  const unsigned int,
                                   FullMatrix<double>           &interpolation_matrix) const
 {
   // this is only implemented, if the source
index 8dde09d0c4311aacc503a91d79540db447119b32..5b56cec88890061d096a15a7171fd17999e71db5 100644 (file)
@@ -460,7 +460,7 @@ template <int spacedim>
 void
 FE_FaceQ<1,spacedim>::
 fill_fe_values(const typename Triangulation<1,spacedim>::cell_iterator &,
-               const CellSimilarity::Similarity                                   ,
+               const CellSimilarity::Similarity,
                const Quadrature<1> &,
                const Mapping<1,spacedim> &,
                const typename Mapping<1,spacedim>::InternalDataBase &,
@@ -499,8 +499,8 @@ template <int spacedim>
 void
 FE_FaceQ<1,spacedim>::
 fill_fe_subface_values (const typename Triangulation<1,spacedim>::cell_iterator &,
-                        const unsigned int                                                 ,
-                        const unsigned int                                                 ,
+                        const unsigned int,
+                        const unsigned int,
                         const Quadrature<0> &,
                         const Mapping<1,spacedim> &,
                         const typename Mapping<1,spacedim>::InternalDataBase &,
@@ -687,7 +687,7 @@ get_subface_interpolation_matrix (const FiniteElement<dim,spacedim> &x_source_fe
                                                             subface);
 
           for (unsigned int j = 0; j < source_fe->dofs_per_face; ++j)
-            mass (k , j) = source_fe->poly_space.compute_value(j, p);
+            mass (k, j) = source_fe->poly_space.compute_value(j, p);
         }
 
       Householder<double> H(mass);
index 70953546071106a514e1e7ed5c45fd1049a28f47..3e7bc002ebd686990dbc3a9a7d57e2e1db5eb8d2 100644 (file)
@@ -112,7 +112,7 @@ template <int dim, int spacedim>
 void
 FE_Nothing<dim,spacedim>::
 fill_fe_values (const typename Triangulation<dim,spacedim>::cell_iterator &,
-                const CellSimilarity::Similarity                                     ,
+                const CellSimilarity::Similarity,
                 const Quadrature<dim> &,
                 const Mapping<dim,spacedim> &,
                 const typename Mapping<dim,spacedim>::InternalDataBase &,
@@ -129,7 +129,7 @@ template <int dim, int spacedim>
 void
 FE_Nothing<dim,spacedim>::
 fill_fe_face_values (const typename Triangulation<dim,spacedim>::cell_iterator &,
-                     const unsigned int                                                   ,
+                     const unsigned int,
                      const Quadrature<dim-1>                                             &,
                      const Mapping<dim,spacedim> &,
                      const typename Mapping<dim,spacedim>::InternalDataBase &,
@@ -146,8 +146,8 @@ template <int dim, int spacedim>
 void
 FE_Nothing<dim,spacedim>::
 fill_fe_subface_values (const typename Triangulation<dim,spacedim>::cell_iterator &,
-                        const unsigned int                                                   ,
-                        const unsigned int                                                   ,
+                        const unsigned int,
+                        const unsigned int,
                         const Quadrature<dim-1>                                             &,
                         const Mapping<dim,spacedim> &,
                         const typename Mapping<dim,spacedim>::InternalDataBase &,
index b2e10eab297939ea7f27ebd08ce0a241abf27790..30cb860fad7ff97e305c349a7b94cc3731822979 100644 (file)
@@ -194,7 +194,7 @@ FE_P1NC::get_subface_data (const UpdateFlags update_flags,
 
 void
 FE_P1NC::fill_fe_values (const Triangulation<2,2>::cell_iterator           &cell,
-                         const CellSimilarity::Similarity                   ,
+                         const CellSimilarity::Similarity,
                          const Quadrature<2> &,
                          const Mapping<2,2> &,
                          const Mapping<2,2>::InternalDataBase &,
index c7bcc7c7bf0971bd29611406ed9d495144a7fb0f..a88e6155d71b5f70cf86b57ebe1b1c96aae1f130 100644 (file)
@@ -41,7 +41,7 @@ namespace
    */
   void
   get_face_sign_change_rt (const Triangulation<1>::cell_iterator &,
-                           const unsigned int                     ,
+                           const unsigned int,
                            std::vector<double>                   &face_sign)
   {
     // nothing to do in 1d
index 43453859bdfaf60432ad47cad0bde1f9fb22a9ab..9dc8ed6976007a37972bb867f91831fa57371fc3 100644 (file)
@@ -440,7 +440,7 @@ FE_Q_Base<PolynomialType,dim,spacedim>::initialize (const std::vector<Point<1> >
   const unsigned int q_dofs_per_cell = Utilities::fixed_power<dim>(q_degree+1);
   Assert(q_dofs_per_cell == this->dofs_per_cell ||
          q_dofs_per_cell+1 == this->dofs_per_cell ||
-         q_dofs_per_cell+dim == this->dofs_per_cell , ExcInternalError());
+         q_dofs_per_cell+dim == this->dofs_per_cell, ExcInternalError());
 
   {
     std::vector<unsigned int> renumber(q_dofs_per_cell);
index 04d6bba6292524a6200e9c4513b11370ea55ff55..01f711eb6b1e5bd86dedd6f4a28eb785e2f6413f 100644 (file)
@@ -203,7 +203,7 @@ FESystem<dim,spacedim>::FESystem (const FiniteElement<dim,spacedim> &fe1,
                                FETools::Compositing::compute_nonzero_components(&fe1, n1,
                                    &fe2, n2,
                                    &fe3, n3,
-                                   &fe4 ,n4)),
+                                   &fe4n4)),
   base_elements((n1>0)+(n2>0)+(n3>0)+(n4>0))
 {
   std::vector<const FiniteElement<dim,spacedim>*> fes;
@@ -245,7 +245,7 @@ FESystem<dim,spacedim>::FESystem (const FiniteElement<dim,spacedim> &fe1,
                                FETools::Compositing::compute_nonzero_components(&fe1, n1,
                                    &fe2, n2,
                                    &fe3, n3,
-                                   &fe4 ,n4,
+                                   &fe4n4,
                                    &fe5, n5)),
   base_elements((n1>0)+(n2>0)+(n3>0)+(n4>0)+(n5>0))
 {
index a87028c66f3efd01e436231ac45615116e3b186a..53815d8f45a9edc418331ba94ee4f338707c29c4 100644 (file)
@@ -97,7 +97,7 @@ for (deal_II_dimension : DIMENSIONS; deal_II_space_dimension :  SPACE_DIMENSIONS
 
     template
     void compute_block_renumbering (
-        const FiniteElement<deal_II_dimension,deal_II_space_dimension> & ,
+        const FiniteElement<deal_II_dimension,deal_II_space_dimension> &,
         std::vector<types::global_dof_index> &, std::vector<types::global_dof_index> &, bool);
 
     template
@@ -148,7 +148,7 @@ for (deal_II_dimension : DIMENSIONS; deal_II_space_dimension :  SPACE_DIMENSIONS
 
     template
     void compute_component_wise(
-        const FiniteElement<deal_II_dimension> & ,
+        const FiniteElement<deal_II_dimension> &,
         std::vector<unsigned int> &, std::vector<std::vector<unsigned int> > &);
 
     template
@@ -222,7 +222,7 @@ for (deal_II_dimension : DIMENSIONS; deal_II_space_dimension :  SPACE_DIMENSIONS
     compute_projection_from_face_quadrature_points_matrix (const FiniteElement<deal_II_dimension> &,
             const Quadrature<deal_II_dimension-1>    &,
             const Quadrature<deal_II_dimension-1>    &,
-            const DoFHandler<deal_II_dimension>::active_cell_iterator & ,
+            const DoFHandler<deal_II_dimension>::active_cell_iterator &,
             unsigned int,
             FullMatrix<double> &);
 #endif
index 845c1a03878d9e25168039535f82a462cb5ebf79..1a590ca50b2b54b0cfcef0d323f6ecfa0d5cccfa 100644 (file)
@@ -3674,7 +3674,7 @@ namespace
         static_cast<const Type *>(present_cell.get())->~Type();
 
         // then construct a new object in-place
-        new(const_cast<void *>(static_cast<const void *>(present_cell.get()))) Type(new_cell);
+        new (const_cast<void *>(static_cast<const void *>(present_cell.get()))) Type(new_cell);
       }
     else
       // if the types don't match, there is nothing we can do here
index 0f8ddfbb14d4fbcb9eb04fbd3f0e7fc548941652..57af759726ddb14c46ae95092aaa9d647fa7de97 100644 (file)
@@ -1660,7 +1660,7 @@ transform (const ArrayView<const Tensor<1,dim> >                  &input,
 template<int dim, int spacedim, typename VectorType, typename DoFHandlerType>
 void
 MappingFEField<dim,spacedim,VectorType,DoFHandlerType>::
-transform (const ArrayView<const DerivativeForm<1, dim ,spacedim> > &input,
+transform (const ArrayView<const DerivativeForm<1, dimspacedim> > &input,
            const MappingType                                         mapping_type,
            const typename Mapping<dim,spacedim>::InternalDataBase   &mapping_data,
            const ArrayView<Tensor<2,spacedim> >                     &output) const
@@ -1676,7 +1676,7 @@ template<int dim, int spacedim, typename VectorType, typename DoFHandlerType>
 void
 MappingFEField<dim,spacedim,VectorType,DoFHandlerType>::
 transform (const ArrayView<const Tensor<2, dim> >                 &input,
-           const MappingType                                       ,
+           const MappingType,
            const typename Mapping<dim,spacedim>::InternalDataBase &mapping_data,
            const ArrayView<Tensor<2,spacedim> >                   &output) const
 {
index a3d0b17dead1bdfcf22bd17509f210cecb32c613..dadfad5fe8361b8df19e3eaa2c3242350ec5e652 100644 (file)
@@ -373,7 +373,7 @@ transform (const ArrayView<const Tensor<1,dim> >                  &input,
 template<int dim, int spacedim>
 void
 MappingQ<dim,spacedim>::
-transform (const ArrayView<const DerivativeForm<1, dim ,spacedim> >  &input,
+transform (const ArrayView<const DerivativeForm<1, dimspacedim> >  &input,
            const MappingType                                          mapping_type,
            const typename Mapping<dim,spacedim>::InternalDataBase    &mapping_data,
            const ArrayView<Tensor<2,spacedim> >                      &output) const
@@ -421,7 +421,7 @@ transform (const ArrayView<const Tensor<2, dim> >                 &input,
 template<int dim, int spacedim>
 void
 MappingQ<dim,spacedim>::
-transform (const ArrayView<const DerivativeForm<2, dim ,spacedim> >  &input,
+transform (const ArrayView<const DerivativeForm<2, dim,spacedim> >  &input,
            const MappingType                                          mapping_type,
            const typename Mapping<dim,spacedim>::InternalDataBase    &mapping_data,
            const ArrayView<Tensor<3,spacedim> >                      &output) const
index 45bd6fa291d6aadf70e3b192ef34905359667ba3..9360e8ae5080065c18000aaf2b92dd4de569425c 100644 (file)
@@ -128,7 +128,7 @@ template<int dim, class VectorType, int spacedim>
 CellSimilarity::Similarity
 MappingQ1Eulerian<dim,VectorType,spacedim>::
 fill_fe_values (const typename Triangulation<dim,spacedim>::cell_iterator &cell,
-                const CellSimilarity::Similarity                           ,
+                const CellSimilarity::Similarity,
                 const Quadrature<dim>                                     &quadrature,
                 const typename Mapping<dim,spacedim>::InternalDataBase    &internal_data,
                 internal::FEValues::MappingRelatedData<dim,spacedim>      &output_data) const
index 949d1692925c578b1073ba7afc38d8d8d572e85f..bd9f65ffc23ab827e6e2fd1a0e6e941889f2e952 100644 (file)
@@ -222,7 +222,7 @@ template<int dim, class VectorType, int spacedim>
 CellSimilarity::Similarity
 MappingQEulerian<dim,VectorType,spacedim>::
 fill_fe_values (const typename Triangulation<dim,spacedim>::cell_iterator &cell,
-                const CellSimilarity::Similarity                           ,
+                const CellSimilarity::Similarity,
                 const Quadrature<dim>                                     &quadrature,
                 const typename Mapping<dim,spacedim>::InternalDataBase    &internal_data,
                 internal::FEValues::MappingRelatedData<dim,spacedim>      &output_data) const
index 61ca76837f3c3c5f3440ec887718c23d9617b0c3..2f148fa0980166f09863e6029b7404fe2baf5b0a 100644 (file)
@@ -2018,7 +2018,7 @@ namespace GridGenerator
                     const Point<1> &,
                     const double,
                     const double,
-                    const unsigned int ,
+                    const unsigned int,
                     const bool)
   {
     Assert (false, ExcNotImplemented());
@@ -2030,7 +2030,7 @@ namespace GridGenerator
                        const double,
                        const double,
                        const double,
-                       const unsigned int ,
+                       const unsigned int,
                        const unsigned int )
   {
     Assert (false, ExcNotImplemented());
@@ -2063,7 +2063,7 @@ namespace GridGenerator
                     const Point<1> &,
                     const double,
                     const double,
-                    const unsigned int ,
+                    const unsigned int,
                     const bool)
   {
     Assert (false, ExcNotImplemented());
@@ -2074,7 +2074,7 @@ namespace GridGenerator
                             const Point<1> &,
                             const double,
                             const double,
-                            const unsigned int ,
+                            const unsigned int,
                             const bool)
   {
     Assert (false, ExcNotImplemented());
@@ -2728,26 +2728,26 @@ namespace GridGenerator
 
     const Point<3> vertices[20] =
     {
-      Point<3>(left, left , -len/2.),
-      Point<3>(rl2,  left , -len/2.),
-      Point<3>(rl2,  rl2  , -len/2.),
-      Point<3>(left, rl2  , -len/2.),
-      Point<3>(right,left , -len/2.),
-      Point<3>(right,rl2  , -len/2.),
+      Point<3>(left, left, -len/2.),
+      Point<3>(rl2,  left, -len/2.),
+      Point<3>(rl2,  rl2, -len/2.),
+      Point<3>(left, rl2, -len/2.),
+      Point<3>(right,left, -len/2.),
+      Point<3>(right,rl2, -len/2.),
       Point<3>(rl2,  right, -len/2.),
       Point<3>(left, right, -len/2.),
       Point<3>(right,right, -len/2.),
-      Point<3>(rl2,  left , -len/2.),
-      Point<3>(left, left , len/2.),
-      Point<3>(rl2,  left , len/2.),
-      Point<3>(rl2,  rl2  , len/2.),
-      Point<3>(left, rl2  , len/2.),
-      Point<3>(right,left , len/2.),
-      Point<3>(right,rl2  , len/2.),
+      Point<3>(rl2,  left, -len/2.),
+      Point<3>(left, left, len/2.),
+      Point<3>(rl2,  left, len/2.),
+      Point<3>(rl2,  rl2, len/2.),
+      Point<3>(left, rl2, len/2.),
+      Point<3>(right,left, len/2.),
+      Point<3>(right,rl2, len/2.),
       Point<3>(rl2,  right, len/2.),
       Point<3>(left, right, len/2.),
       Point<3>(right,right, len/2.),
-      Point<3>(rl2,  left , len/2.)
+      Point<3>(rl2,  left, len/2.)
     };
     const int cell_vertices[4][8] = { { 0,1,3,2, 10, 11, 13, 12 },
       { 9,4,2,5, 19,14, 12, 15 },
@@ -2806,9 +2806,9 @@ namespace GridGenerator
       21,20,22,
       17,16,18,
       25,24,26,
-      5 , 4, 6,
-      1 , 0, 2,
-      9 , 8,10,
+      5, 4, 6,
+      1, 0, 2,
+      9, 8,10,
       37,36,38,
       33,32,34,
       41,40,42
@@ -3746,16 +3746,16 @@ namespace GridGenerator
         vertices.push_back (center+Point<3>( a,  a, 0));                  //1
         vertices.push_back (center+Point<3>( b,  b, 0));                  //2
         vertices.push_back (center+Point<3>( 0, outer_radius, 0));        //3
-        vertices.push_back (center+Point<3>( 0, a , a));                  //4
-        vertices.push_back (center+Point<3>( c, c , h));                  //5
-        vertices.push_back (center+Point<3>( d, d , e));                  //6
-        vertices.push_back (center+Point<3>( 0, b , b));                  //7
-        vertices.push_back (center+Point<3>( inner_radius, 0 , 0));       //8
-        vertices.push_back (center+Point<3>( outer_radius, 0 , 0));       //9
-        vertices.push_back (center+Point<3>( a, 0 , a));  //10
-        vertices.push_back (center+Point<3>( b, 0 , b));  //11
-        vertices.push_back (center+Point<3>( 0, 0 , inner_radius));       //12
-        vertices.push_back (center+Point<3>( 0, 0 , outer_radius));       //13
+        vertices.push_back (center+Point<3>( 0, a, a));                   //4
+        vertices.push_back (center+Point<3>( c, c, h));                   //5
+        vertices.push_back (center+Point<3>( d, d, e));                   //6
+        vertices.push_back (center+Point<3>( 0, b, b));                   //7
+        vertices.push_back (center+Point<3>( inner_radius, 0, 0));        //8
+        vertices.push_back (center+Point<3>( outer_radius, 0, 0));        //9
+        vertices.push_back (center+Point<3>( a, 0, a));   //10
+        vertices.push_back (center+Point<3>( b, 0, b));   //11
+        vertices.push_back (center+Point<3>( 0, 0, inner_radius));        //12
+        vertices.push_back (center+Point<3>( 0, 0, outer_radius));        //13
 
         const int cell_vertices[3][8] =
         {
@@ -4649,13 +4649,13 @@ namespace GridGenerator
 {
 
   template void
-  hyper_sphere< 1 ,  2 > (Triangulation< 1 ,   2> &,
-                          const Point<2>   &center,
-                          const double        radius);
+  hyper_sphere< 1,  2 > (Triangulation< 1,   2> &,
+                         const Point<2>   &center,
+                         const double        radius);
   template void
-  hyper_sphere< 2 ,  3 > (Triangulation< 2 ,   3> &,
-                          const Point<3>   &center,
-                          const double        radius);
+  hyper_sphere< 2,  3 > (Triangulation< 2,   3> &,
+                         const Point<3>   &center,
+                         const double        radius);
 }
 #include "grid_generator.inst"
 
index 1a1b17498818d3827bcfbda10f3f76056e663c4e..46d4a95b1c90c0f210c134d4524a066373eb07a8 100644 (file)
@@ -3975,9 +3975,9 @@ next_cell:
       // property somewhat sloppy as "face_flip"
       // (always: face_orientation = true, face_rotation = false)
 
-      static const MATCH_T m_tff = {{ 0 , 1 }};
+      static const MATCH_T m_tff = {{ 0, 1 }};
       if (matching == m_tff) return 1;           // [true ,false,false]
-      static const MATCH_T m_ttf = {{ 1 , 0 }};
+      static const MATCH_T m_ttf = {{ 1, 0 }};
       if (matching == m_ttf) return 3;           // [true ,true ,false]
       Assert(false, ExcInternalError());
       // what follows is dead code, but it avoids warnings about the lack
@@ -3996,21 +3996,21 @@ next_cell:
       // as well as the actual implementation in source/grid/tria.cc
       // for more details...
 
-      static const MATCH_T m_tff = {{ 0 , 1 , 2 , 3 }};
+      static const MATCH_T m_tff = {{ 0, 1, 2, 3 }};
       if (matching == m_tff) return 1;                   // [true ,false,false]
-      static const MATCH_T m_tft = {{ 1 , 3 , 0 , 2 }};
+      static const MATCH_T m_tft = {{ 1, 3, 0, 2 }};
       if (matching == m_tft) return 5;                   // [true ,false,true ]
-      static const MATCH_T m_ttf = {{ 3 , 2 , 1 , 0 }};
+      static const MATCH_T m_ttf = {{ 3, 2, 1, 0 }};
       if (matching == m_ttf) return 3;                   // [true ,true ,false]
-      static const MATCH_T m_ttt = {{ 2 , 0 , 3 , 1 }};
+      static const MATCH_T m_ttt = {{ 2, 0, 3, 1 }};
       if (matching == m_ttt) return 7;                   // [true ,true ,true ]
-      static const MATCH_T m_fff = {{ 0 , 2 , 1 , 3 }};
+      static const MATCH_T m_fff = {{ 0, 2, 1, 3 }};
       if (matching == m_fff) return 0;                   // [false,false,false]
-      static const MATCH_T m_fft = {{ 2 , 3 , 0 , 1 }};
+      static const MATCH_T m_fft = {{ 2, 3, 0, 1 }};
       if (matching == m_fft) return 4;                   // [false,false,true ]
-      static const MATCH_T m_ftf = {{ 3 , 1 , 2 , 0 }};
+      static const MATCH_T m_ftf = {{ 3, 1, 2, 0 }};
       if (matching == m_ftf) return 2;                   // [false,true ,false]
-      static const MATCH_T m_ftt = {{ 1 , 0 , 3 , 2 }};
+      static const MATCH_T m_ftt = {{ 1, 0, 3, 2 }};
       if (matching == m_ftt) return 6;                   // [false,true ,true ]
       Assert(false, ExcInternalError());
       // what follows is dead code, but it avoids warnings about the lack
index f148328ef1421278ac2b80a11544b2b1757e44a8..5f97b7adb165e4f86270c94f356740df4dd62a1f 100644 (file)
@@ -163,7 +163,7 @@ for (deal_II_dimension : DIMENSIONS; deal_II_space_dimension :  SPACE_DIMENSIONS
     template
     void
     rotate<deal_II_dimension> (const double,
-                               const unsigned int ,
+                               const unsigned int,
                                Triangulation<deal_II_dimension, deal_II_space_dimension> &);
 #endif
 
index 24f9ac015a9edb26c04f0e5f585e9fff5eec6d73..29c296005415f576ce47be7741dcc2b409d2e12e 100644 (file)
@@ -9325,7 +9325,7 @@ copy_triangulation (const Triangulation<dim, spacedim> &other_tria)
     faces.reset (new internal::Triangulation::TriaFaces<dim>(*other_tria.faces));
 
   typename std::map<types::manifold_id,
-           SmartPointer<const Manifold<dim,spacedim> , Triangulation<dim, spacedim> > >::const_iterator
+           SmartPointer<const Manifold<dim,spacedim>, Triangulation<dim, spacedim> > >::const_iterator
            bdry_iterator = other_tria.manifold.begin();
   for (; bdry_iterator != other_tria.manifold.end() ; ++bdry_iterator)
     manifold[bdry_iterator->first] = bdry_iterator->second;
@@ -9474,10 +9474,10 @@ create_triangulation (const std::vector<Point<spacedim> >    &v,
         }
         case 2:
         {
-          bool values [][4]= {{false,true ,true , false},
-            {true ,false,false, true },
-            {true ,false,false, true },
-            {false,true ,true , false}
+          bool values [][4]= {{false,true,true, false},
+            {true,false,false, true },
+            {true,false,false, true },
+            {false,true,true, false}
           };
           for (unsigned int i=0; i< GeometryInfo< dim >::faces_per_cell; ++i)
             for (unsigned int j=0; j< GeometryInfo< dim >::faces_per_cell; ++j)
index 0bc3e713c3c30a26b07664c520d48f62b5da56c4..f5e9f7731a812e3b484430f2815e1f8000a22e01 100644 (file)
@@ -1360,7 +1360,7 @@ MATRIX_FUNCTIONS(PETScWrappers::SparseMatrix);
 MATRIX_FUNCTIONS(PETScWrappers::MPI::SparseMatrix);
 BLOCK_MATRIX_FUNCTIONS(PETScWrappers::MPI::BlockSparseMatrix);
 MATRIX_VECTOR_FUNCTIONS(PETScWrappers::MPI::SparseMatrix, PETScWrappers::MPI::Vector);
-BLOCK_MATRIX_VECTOR_FUNCTIONS(PETScWrappers::MPI::BlockSparseMatrix ,PETScWrappers::MPI::BlockVector);
+BLOCK_MATRIX_VECTOR_FUNCTIONS(PETScWrappers::MPI::BlockSparseMatrix,PETScWrappers::MPI::BlockVector);
 #endif
 
 #ifdef DEAL_II_WITH_TRILINOS
index 1ae9dc3de7adafb6ce155e4deca640cd090262b6..48865c33cc823ef8702729ca8471902a8888e861 100644 (file)
@@ -729,13 +729,13 @@ namespace PETScWrappers
     SparseMatrix::do_reinit (const SparsityPattern &,
                              const std::vector<size_type> &,
                              const std::vector<size_type> &,
-                             const unsigned int ,
+                             const unsigned int,
                              const bool);
     template void
     SparseMatrix::do_reinit (const DynamicSparsityPattern &,
                              const std::vector<size_type> &,
                              const std::vector<size_type> &,
-                             const unsigned int ,
+                             const unsigned int,
                              const bool);
 
     template void
index 77f3dda66928bfce0432ac53e6cc38bb135dd62b..d881f6997b7d087f2d406387c9d38e806dae3611 100644 (file)
@@ -93,9 +93,9 @@ namespace PETScWrappers
     AssertThrow (ierr == 0, ExcPETScError(ierr));
 
 #if DEAL_II_PETSC_VERSION_LT(3, 5, 0)
-    ierr = PCSetOperators(pc , matrix, matrix, SAME_PRECONDITIONER);
+    ierr = PCSetOperators(pc, matrix, matrix, SAME_PRECONDITIONER);
 #else
-    ierr = PCSetOperators(pc , matrix, matrix);
+    ierr = PCSetOperators(pc, matrix, matrix);
 #endif
     AssertThrow (ierr == 0, ExcPETScError(ierr));
   }
index 6cb9e252db363d52d4b16692467f9953261dd3ad..bc35387af8bb93b4af0e8168b2b68c8b89144625 100644 (file)
@@ -1042,7 +1042,7 @@ template void SparsityPattern::copy_from<SparsityPattern> (const SparsityPattern
 template void SparsityPattern::copy_from<float> (const FullMatrix<float> &);
 template void SparsityPattern::copy_from<double> (const FullMatrix<double> &);
 
-template void SparsityPattern::add_entries<const SparsityPattern::size_type *> (const size_type ,
+template void SparsityPattern::add_entries<const SparsityPattern::size_type *> (const size_type,
     const size_type *,
     const size_type *,
     const bool);
index 00fc9dd74c55fa9419644db5345719a796088a20..79cdf046ddc24b801ca4dbf1c9f7f42061486fe6 100644 (file)
@@ -2224,7 +2224,7 @@ namespace TrilinosWrappers
       else Btmp = B_;
 
       // perform matrix-matrix product
-      ML_matmat_mult(A_, Btmp , &Ctmp);
+      ML_matmat_mult(A_, Btmp, &Ctmp);
 
       // release temporary structures we needed
       // for multiplication
index a6975a1d9fdae24697f1895eac0a8fc278912805..dd57268a941c20ce3bca27616822cf6e7299727d 100644 (file)
@@ -36,7 +36,7 @@ for (VEC : SERIAL_VECTORS ; deal_II_dimension : DIMENSIONS; deal_II_space_dimens
             Vector<float>           &,
             const ComponentMask &,
             const Function<deal_II_space_dimension>     *,
-            const unsigned int       ,
+            const unsigned int,
             const types::subdomain_id,
             const types::material_id,
             const KellyErrorEstimator<deal_II_dimension, deal_II_space_dimension>::Strategy);
@@ -52,7 +52,7 @@ for (VEC : SERIAL_VECTORS ; deal_II_dimension : DIMENSIONS; deal_II_space_dimens
         Vector<float>           &,
         const ComponentMask &,
         const Function<deal_II_space_dimension>     *,
-        const unsigned int       ,
+        const unsigned int,
         const types::subdomain_id,
         const types::material_id,
         const KellyErrorEstimator<deal_II_dimension, deal_II_space_dimension>::Strategy);
@@ -68,7 +68,7 @@ for (VEC : SERIAL_VECTORS ; deal_II_dimension : DIMENSIONS; deal_II_space_dimens
             std::vector<Vector<float> *>         &,
             const ComponentMask &,
             const Function<deal_II_space_dimension>     *,
-            const unsigned int       ,
+            const unsigned int,
             const types::subdomain_id,
             const types::material_id,
             const KellyErrorEstimator<deal_II_dimension, deal_II_space_dimension>::Strategy);
@@ -84,7 +84,7 @@ for (VEC : SERIAL_VECTORS ; deal_II_dimension : DIMENSIONS; deal_II_space_dimens
         std::vector<Vector<float> *>         &,
         const ComponentMask &,
         const Function<deal_II_space_dimension>     *,
-        const unsigned int       ,
+        const unsigned int,
         const types::subdomain_id,
         const types::material_id,
         const KellyErrorEstimator<deal_II_dimension, deal_II_space_dimension>::Strategy);
@@ -100,7 +100,7 @@ for (VEC : SERIAL_VECTORS ; deal_II_dimension : DIMENSIONS; deal_II_space_dimens
             Vector<float>           &,
             const ComponentMask &,
             const Function<deal_II_space_dimension>     *,
-            const unsigned int       ,
+            const unsigned int,
             const types::subdomain_id,
             const types::material_id,
             const KellyErrorEstimator<deal_II_dimension, deal_II_space_dimension>::Strategy);
@@ -116,7 +116,7 @@ for (VEC : SERIAL_VECTORS ; deal_II_dimension : DIMENSIONS; deal_II_space_dimens
         Vector<float>           &,
         const ComponentMask &,
         const Function<deal_II_space_dimension>     *,
-        const unsigned int       ,
+        const unsigned int,
         const types::subdomain_id,
         const types::material_id,
         const KellyErrorEstimator<deal_II_dimension, deal_II_space_dimension>::Strategy);
@@ -132,7 +132,7 @@ for (VEC : SERIAL_VECTORS ; deal_II_dimension : DIMENSIONS; deal_II_space_dimens
             std::vector<Vector<float> *>         &,
             const ComponentMask &,
             const Function<deal_II_space_dimension>     *,
-            const unsigned int       ,
+            const unsigned int,
             const types::subdomain_id,
             const types::material_id,
             const KellyErrorEstimator<deal_II_dimension, deal_II_space_dimension>::Strategy);
@@ -148,7 +148,7 @@ for (VEC : SERIAL_VECTORS ; deal_II_dimension : DIMENSIONS; deal_II_space_dimens
         std::vector<Vector<float> *>         &,
         const ComponentMask &,
         const Function<deal_II_space_dimension>     *,
-        const unsigned int       ,
+        const unsigned int,
         const types::subdomain_id,
         const types::material_id,
         const KellyErrorEstimator<deal_II_dimension, deal_II_space_dimension>::Strategy);
index 10e154d82a31fbbe0d969a5aa6873273c4eca9cf..ff93b0db6d821f578a1e56102ca24ce20df50640 100644 (file)
@@ -29,7 +29,7 @@ for (VEC : SERIAL_VECTORS ; deal_II_dimension : DIMENSIONS; deal_II_space_dimens
             Vector<float>           &,
             const ComponentMask &,
             const Function<deal_II_space_dimension>     *,
-            const unsigned int       ,
+            const unsigned int,
             const types::subdomain_id,
             const types::material_id);
 
@@ -44,7 +44,7 @@ for (VEC : SERIAL_VECTORS ; deal_II_dimension : DIMENSIONS; deal_II_space_dimens
         Vector<float>           &,
         const ComponentMask &,
         const Function<deal_II_space_dimension>     *,
-        const unsigned int       ,
+        const unsigned int,
         const types::subdomain_id,
         const types::material_id);
 
@@ -59,7 +59,7 @@ for (VEC : SERIAL_VECTORS ; deal_II_dimension : DIMENSIONS; deal_II_space_dimens
             std::vector<Vector<float> *>         &,
             const ComponentMask &,
             const Function<deal_II_space_dimension>     *,
-            const unsigned int       ,
+            const unsigned int,
             const types::subdomain_id,
             const types::material_id);
 
@@ -74,7 +74,7 @@ for (VEC : SERIAL_VECTORS ; deal_II_dimension : DIMENSIONS; deal_II_space_dimens
         std::vector<Vector<float> *>         &,
         const ComponentMask &,
         const Function<deal_II_space_dimension>     *,
-        const unsigned int       ,
+        const unsigned int,
         const types::subdomain_id,
         const types::material_id);
 
@@ -89,7 +89,7 @@ for (VEC : SERIAL_VECTORS ; deal_II_dimension : DIMENSIONS; deal_II_space_dimens
             Vector<float>           &,
             const ComponentMask &,
             const Function<deal_II_space_dimension>     *,
-            const unsigned int       ,
+            const unsigned int,
             const types::subdomain_id,
             const types::material_id);
 
@@ -104,7 +104,7 @@ for (VEC : SERIAL_VECTORS ; deal_II_dimension : DIMENSIONS; deal_II_space_dimens
         Vector<float>           &,
         const ComponentMask &,
         const Function<deal_II_space_dimension>     *,
-        const unsigned int       ,
+        const unsigned int,
         const types::subdomain_id,
         const types::material_id);
 
@@ -119,7 +119,7 @@ for (VEC : SERIAL_VECTORS ; deal_II_dimension : DIMENSIONS; deal_II_space_dimens
             std::vector<Vector<float> *>         &,
             const ComponentMask &,
             const Function<deal_II_space_dimension>     *,
-            const unsigned int       ,
+            const unsigned int,
             const types::subdomain_id,
             const types::material_id);
 
@@ -134,7 +134,7 @@ for (VEC : SERIAL_VECTORS ; deal_II_dimension : DIMENSIONS; deal_II_space_dimens
         std::vector<Vector<float> *>         &,
         const ComponentMask &,
         const Function<deal_II_space_dimension>     *,
-        const unsigned int       ,
+        const unsigned int,
         const types::subdomain_id,
         const types::material_id);
 
index a5cc591db735bf5e96d3679d2572a7fb37d7512a..e3feaffbd8ba6ebb649ca9d139fdb54710b6db40 100644 (file)
@@ -337,7 +337,7 @@ namespace OpenCASCADE
     gp_Pnt PIn(0.0,0.0,0.0);
     gp_Pnt PFin(0.0,0.0,0.0);
     gp_Pnt PMid(0.0,0.0,0.0);
-    TopExp_Explorer edgeExplorer(edges , TopAbs_EDGE);
+    TopExp_Explorer edgeExplorer(edges, TopAbs_EDGE);
     TopoDS_Edge edge;
     while (edgeExplorer.More())
       {
index 2489b6a4dcfe6b680740fde826e03e8bdc269818..31c9f8ced3ff75a791f9f42c727338cf02b7a8b9 100644 (file)
@@ -44,7 +44,7 @@ int main()
     t[2] = 3.69258;
     AssertThrow (7*t == 7.0 * t, ExcInternalError());
     AssertThrow (t*7 == t * 7.0, ExcInternalError());
-    AssertThrow (t*7 == 7*t    , ExcInternalError());
+    AssertThrow (t*7 == 7*t, ExcInternalError());
     AssertThrow ((t*7 - (t+t+t+t+t+t+t)).norm() < 1e-12, ExcInternalError());
   }
 
@@ -58,7 +58,7 @@ int main()
     t[1][1] = 3.35792;
     AssertThrow (7*t == 7.0 * t, ExcInternalError());
     AssertThrow (t*7 == t * 7.0, ExcInternalError());
-    AssertThrow (t*7 == 7*t    , ExcInternalError());
+    AssertThrow (t*7 == 7*t, ExcInternalError());
     AssertThrow ((t*7 - (t+t+t+t+t+t+t)).norm() < 1e-12, ExcInternalError());
   }
 
index 5e4edd3bd80d556f61da06394f029ed513afc464..2141a1be7a80764619d1d31a068819d0a369c4b6 100644 (file)
@@ -43,7 +43,7 @@ int main()
     t[1][1] = 3.35792;
     AssertThrow (7*t == 7.0 * t, ExcInternalError());
     AssertThrow (t*7 == t * 7.0, ExcInternalError());
-    AssertThrow (t*7 == 7*t    , ExcInternalError());
+    AssertThrow (t*7 == 7*t, ExcInternalError());
     AssertThrow ((t*7 - (t+t+t+t+t+t+t)).norm() < 1e-12, ExcInternalError());
   }
 
index 311fe373909ad43695c900ca55e4c90bbef2877c..b6afa2fc0df3c39a61d5d98920b1e5985f5ef5f5 100644 (file)
@@ -81,7 +81,7 @@ void test ()
     {
       FE_Q<dim> fe1(p);
       FE_Q<dim> fe2(p+1);
-      FESystem<dim> fe(fe1, 2, fe2 , 1);
+      FESystem<dim> fe(fe1, 2, fe2, 1);
       DoFHandler<dim> dof_handler(triangulation);
       dof_handler.distribute_dofs (fe);
 
index 1626bcaa501b69eeb19d022c6b4237bb5fd9d48c..9c064258b5aef0ca16e716735c168480cef95eea 100644 (file)
@@ -83,7 +83,7 @@ void test ()
     {
       FE_Q<dim> fe1(p);
       FE_Q<dim> fe2(p+1);
-      FESystem<dim> fe(fe1, 2, fe2 , 1);
+      FESystem<dim> fe(fe1, 2, fe2, 1);
       DoFHandler<dim> dof_handler(triangulation);
       dof_handler.distribute_dofs (fe);
 
index f19cb7c120c425651fc009f32f60b47d822e69de..65cf687855439e3ee1f505151dd4b35213d18883 100644 (file)
@@ -135,7 +135,7 @@ void check_consistency(const Point<dim>    &p,
   // product rule:
   const double                 v_s = v_s0 + v_s1 * v_f;
   const Tensor<1,dim>          g_s = g_s0 + g_s1 * v_f + v_s1 * g_f;
-  Tensor<2,dim>                 op = outer_product(g_s1 , g_f );
+  Tensor<2,dim>                 op = outer_product(g_s1, g_f );
 
   const SymmetricTensor<2,dim> sp = symmetrize (op) * 2.0; // symmetrize does [s+s^T]/2
   // Hessians should be symmetric, but due to round off errors and the fact
index ca0e3c8468dfc012cced14b1cc8f09651203e1cd..083b92c8bc92444750b18c8783e8017e3a33c2ec 100644 (file)
@@ -163,9 +163,9 @@ void check_consistency(const Point<dim>    &p,
   const Tensor<1,dim>          g_s = g_s0 + g_s1 * v_f1 + v_s1 * g_f1
                                      + g_s2 * v_f2 + v_s2 * g_f2
                                      + g_s3 * v_f3 + v_s3 * g_f3;
-  Tensor<2,dim> op1 = outer_product(g_s1 , g_f1 ),
-                op2 = outer_product(g_s2 , g_f2 ),
-                op3 = outer_product(g_s3 , g_f3 );
+  Tensor<2,dim> op1 = outer_product(g_s1, g_f1 ),
+                op2 = outer_product(g_s2, g_f2 ),
+                op3 = outer_product(g_s3, g_f3 );
 
   const SymmetricTensor<2,dim> sp1 = symmetrize (op1) * 2.0; // symmetrize does [s+s^T]/2
   const SymmetricTensor<2,dim> sp2 = symmetrize (op2) * 2.0; // symmetrize does [s+s^T]/2
index f99d26235e5a68a27ed7f0669df52ed925e38fbf..d45670fe7762a7fb6917322bcaa1184dcf42f0a7 100644 (file)
@@ -22,7 +22,7 @@
 
 
 
-const double entries2[4] =  { 0.814723686393179 ,  0.516389376684563,
+const double entries2[4] =  { 0.814723686393179,  0.516389376684563,
                               0.516389376684563,   0.913375856139019
                             };
 
index 8842ddb3063bc2a7b0bc1c331d8c7dcde030a41c..4639747f5ce3dedb26b9afd07c942ebcf3d8838d 100644 (file)
@@ -75,7 +75,7 @@ void test ()
 
   ConstraintMatrix cm;
   cm.add_line(1);
-  cm.add_entry(1 ,2, 3.0);
+  cm.add_entry(1,2, 3.0);
   cm.close();
 
   if (myid==0)
index 7e39c3bf172341aea797018c0cdcd3b4805648ed..7260481004a26829b066e0fc51272eab9ffe52d7 100644 (file)
@@ -50,7 +50,7 @@ void test()
         = GridTools::get_patch_around_cell<Triangulation<dim> > (cell);
 
       Triangulation<dim> local_triangulation(Triangulation<dim>::limit_level_difference_at_vertices);
-      std::map<typename Triangulation<dim>::active_cell_iterator ,
+      std::map<typename Triangulation<dim>::active_cell_iterator,
           typename Triangulation<dim>::active_cell_iterator> patch_to_global_tria_map;
 
       GridTools::build_triangulation_from_patch <Triangulation<dim> >
index 58cf4a78d36a44e87d165a5e67b73b452895bafb..d39383cd31a1dafe0d5bab25a8abbc1372c0896e 100644 (file)
@@ -52,7 +52,7 @@ void test()
         = GridTools::get_patch_around_cell<Triangulation<dim> > (cell);
 
       Triangulation<dim> local_triangulation(Triangulation<dim>::limit_level_difference_at_vertices);
-      std::map<typename Triangulation<dim>::active_cell_iterator , typename Triangulation<dim>::active_cell_iterator>  patch_to_global_tria_map;
+      std::map<typename Triangulation<dim>::active_cell_iterator, typename Triangulation<dim>::active_cell_iterator>  patch_to_global_tria_map;
 
       GridTools::build_triangulation_from_patch <Triangulation<dim> >
       (patch_cells,local_triangulation,patch_to_global_tria_map);
index 8ff04ecd71cb8d0d5099398643a948f72ddd180f..d36372228b816bd5e0568b67b5c527892b52565a 100644 (file)
@@ -57,7 +57,7 @@ void test()
         = GridTools::get_patch_around_cell<Triangulation<dim> > (cell);
 
       Triangulation<dim> local_triangulation(Triangulation<dim>::limit_level_difference_at_vertices);
-      std::map<typename Triangulation<dim>::active_cell_iterator ,
+      std::map<typename Triangulation<dim>::active_cell_iterator,
           typename Triangulation<dim>::active_cell_iterator> patch_to_global_tria_map;
 
       GridTools::build_triangulation_from_patch <Triangulation<dim> >
index 8560b41ce8971861383193c188c824fc5d3cd45c..051672e512fc54502fbf86cdb40e478dfecf1227 100644 (file)
@@ -63,7 +63,7 @@ void test()
         = GridTools::get_patch_around_cell<Triangulation<dim> > (cell);
 
       Triangulation<dim> local_triangulation(Triangulation<dim>::limit_level_difference_at_vertices);
-      std::map<typename Triangulation<dim>::active_cell_iterator , typename Triangulation<dim>::active_cell_iterator>  patch_to_global_tria_map;
+      std::map<typename Triangulation<dim>::active_cell_iterator, typename Triangulation<dim>::active_cell_iterator>  patch_to_global_tria_map;
 
       GridTools::build_triangulation_from_patch <Triangulation<dim> >
       (patch_cells,local_triangulation,patch_to_global_tria_map);
index c08bb0c87e995528d0d8a1bfa38071050d711e6b..ea9392af37d6f079b0af284baecea4065938c037 100644 (file)
@@ -62,7 +62,7 @@ void test()
       std::sort(coarse_cells.begin(), coarse_cells.end());
 
       for (unsigned int i=0; i<patch_cells.size(); ++i)
-        Assert (patch_cells[i]==coarse_cells[i] ,ExcInternalError());
+        Assert (patch_cells[i]==coarse_cells[i],ExcInternalError());
 
       deallog << "coarse_ cells " << cell << ": ";
       for (unsigned int i=0; i<coarse_cells.size(); ++i)
index a3c56fec0cdcb763347bdb0c7b59dfece0028269..894588cbbf8b93b5175888b232819e4e409c9331 100644 (file)
@@ -171,7 +171,7 @@ template <int dim>
 void test (const int test_case)
 {
   char testname[100];
-  sprintf(testname, "Test%d.dim%d", test_case , dim);
+  sprintf(testname, "Test%d.dim%d", test_case, dim);
 
   deallog.push(testname);
   deallog << "Start" << std::endl;
index ead53cc602c8d8d5578efe63fedb360f1bd537c5..125c4785307a1dc7c0245d76a149715758f500e4 100644 (file)
@@ -329,8 +329,8 @@ void ElasticProblem<dim>::setup_system ()
   BlockDynamicSparsityPattern dynamic_sparsity_pattern(n_blocks,
                                                        n_blocks);
 
-  dynamic_sparsity_pattern.block(u_block     ,u_block     ).reinit(dofs_per_block[u_block]     ,dofs_per_block[u_block]);
-  dynamic_sparsity_pattern.block(u_block     ,lambda_block).reinit(dofs_per_block[u_block]     ,dofs_per_block[lambda_block]);
+  dynamic_sparsity_pattern.block(u_block,u_block     ).reinit(dofs_per_block[u_block],dofs_per_block[u_block]);
+  dynamic_sparsity_pattern.block(u_block,lambda_block).reinit(dofs_per_block[u_block],dofs_per_block[lambda_block]);
   dynamic_sparsity_pattern.block(lambda_block,u_block     ).reinit(dofs_per_block[lambda_block],dofs_per_block[u_block]);
   dynamic_sparsity_pattern.block(lambda_block,lambda_block).reinit(dofs_per_block[lambda_block],dofs_per_block[lambda_block]);
 
index f2a0c0e5cbf51035a423f51770f77008dde1df81..514bbc163509bb4b66d97756d1da6dd3dbec243f 100644 (file)
@@ -85,7 +85,7 @@ void test_boundary(const FEValuesBase<dim> &fev)
   const unsigned int n = fev.dofs_per_cell;
   unsigned int d=fev.get_fe().n_components();
   FullMatrix<double> M(n,n);
-  std::vector<std::vector<double> > vel(dim ,std::vector<double>(1));
+  std::vector<std::vector<double> > vel(dim,std::vector<double>(1));
   vel[0][0]=1.;
   vel[1][0]=1.;
   if (dim > 2)
@@ -143,7 +143,7 @@ void test_face(const FEValuesBase<dim> &fev1,
   FullMatrix<double> M12(n1,n2);
   FullMatrix<double> M21(n2,n1);
   FullMatrix<double> M22(n2,n2);
-  std::vector<std::vector<double> > vel(dim ,std::vector<double>(1));
+  std::vector<std::vector<double> > vel(dim,std::vector<double>(1));
   vel[0][0]=1.;
   vel[1][0]=1.;
   if (dim > 2)
index 3167def163754b1ab32a7fb21eab3e1bd2a24ecf..d86654403a6ff9775063845e0e34860bf96659d6 100644 (file)
@@ -152,7 +152,7 @@ void make_tria (Triangulation<3> &tria, int step)
                                       Point<3>(1,1,2),
                                       Point<3>(0,1,2)
                                     };
-      const int cell_vertices[2][8] = { { 0,1,2,3,4,5,6,7 }, { 3, 2, 8, 9 , 7, 6, 10, 11} };
+      const int cell_vertices[2][8] = { { 0,1,2,3,4,5,6,7 }, { 3, 2, 8, 9, 7, 6, 10, 11} };
       std::vector<CellData<3> > cells (2, CellData<3>());
       for (unsigned int cell=0; cell<2; ++cell)
         for (unsigned int j=0; j<8; ++j)
index 0f8394e99a7219c3ece1fb6565d298739a004e0f..2351fdfc0a8203f89a7e0bfc2cb564021a45a70b 100644 (file)
@@ -287,7 +287,7 @@ namespace Step22
     triangulation (mpi_communicator/*,
                    Triangulation<dim>::maximum_smoothing*/),
     fe (FE_Q<dim>(degree+1), dim,
-        FE_Q<dim>(degree)  , 1),
+        FE_Q<dim>(degree), 1),
     dof_handler (triangulation),
     pcout (Utilities::MPI::this_mpi_process(mpi_communicator)
            == 0
index c626b92924d37ae52707919bacac06cd32d0e04a..44d1b1a002b86bc6ffe6e331e05edde2af15a8ac 100644 (file)
@@ -27,8 +27,8 @@ void create_mesh (Triangulation<2> &tria,
   // 1. cube cell
   points[0] = Point<dim> (0, 0);
   points[1] = Point<dim> (0, 1);
-  points[2] = Point<dim> (1 ,0);
-  points[3] = Point<dim> (1 ,1);
+  points[2] = Point<dim> (1,0);
+  points[3] = Point<dim> (1,1);
 
   // 2. rectangular cell
   points[4] = Point<dim> (3., 0);
index 5cb39ac9ff14307a20a79d5e21e0ae98c4e8da7a..9d2e575d93be4249effe9e75eef84e8d104df166 100644 (file)
@@ -71,7 +71,7 @@ public:
   {
     typedef VectorizedArray<Number> vector_t;
     FEEvaluation<dim,degree_p+1,degree_p+2,dim,Number> velocity (data, 0);
-    FEEvaluation<dim,degree_p  ,degree_p+2,1,  Number> pressure (data, 1);
+    FEEvaluation<dim,degree_p,degree_p+2,1,  Number> pressure (data, 1);
 
     for (unsigned int cell=cell_range.first; cell<cell_range.second; ++cell)
       {
index 4f7cde12042add11d7fa6fd4b35300b972f66822..37ef839b9ff3cffce52cd317cb31517d3854ccbe 100644 (file)
@@ -72,7 +72,7 @@ public:
   {
     typedef VectorizedArray<Number> vector_t;
     FEEvaluation<dim,degree_p+1,degree_p+2,dim,Number> velocity (data, 0);
-    FEEvaluation<dim,degree_p  ,degree_p+2,1,  Number> pressure (data, 1);
+    FEEvaluation<dim,degree_p,degree_p+2,1,  Number> pressure (data, 1);
 
     for (unsigned int cell=cell_range.first; cell<cell_range.second; ++cell)
       {
index 25258e750404ae4cf869da8e5f0cf028294cf0b1..b1ca2e8f31e7a4c46c35170841bbb5d4c0df27dd 100644 (file)
@@ -283,7 +283,7 @@ namespace Step22
     triangulation (mpi_communicator/*,
                    Triangulation<dim>::maximum_smoothing*/),
     fe (FE_Q<dim>(degree+1), dim,
-        FE_Q<dim>(degree)  , 1),
+        FE_Q<dim>(degree), 1),
     dof_handler (triangulation),
     pcout (Utilities::MPI::this_mpi_process(mpi_communicator)
            == 0
index b1ae7bcdbe2b0e57ca94ecd2d14faba32554eff8..037ef26ed6251dba6d6b0972817fae2bff2d8903 100755 (executable)
@@ -292,7 +292,7 @@ int main(int argc, char *argv[])
 {
   try
     {
-      Utilities::MPI::MPI_InitFinalize mpi_initialization(argc, argv ,1);
+      Utilities::MPI::MPI_InitFinalize mpi_initialization(argc, argv,1);
       MPILogInitAll log;
 
       periodicity_tests<2> test_2D;
index d478df0b011e371a77cd487d3d17c5443c03bf03..9e74fb959b27c7d783f510fbdfae42ece0e5f2a8 100644 (file)
@@ -285,7 +285,7 @@ namespace Step22
     triangulation (mpi_communicator/*,
                    Triangulation<dim>::maximum_smoothing*/),
     fe (FE_Q<dim>(degree+1), dim,
-        FE_Q<dim>(degree)  , 1),
+        FE_Q<dim>(degree), 1),
     dof_handler (triangulation),
     pcout (Utilities::MPI::this_mpi_process(mpi_communicator)
            == 0
index ce3f00f211df27bba9501cb1b7cb55f34f5a6822..df0291eadfc1608d7ed1860f07f369182d508057 100644 (file)
@@ -208,7 +208,7 @@ namespace Step22
     triangulation (mpi_communicator/*,
                    Triangulation<dim>::maximum_smoothing*/),
     fe (FE_Q<dim>(degree+1), dim,
-        FE_Q<dim>(degree)  , 1),
+        FE_Q<dim>(degree), 1),
     dof_handler (triangulation),
     pcout (Utilities::MPI::this_mpi_process(mpi_communicator)
            == 0
index 46f7998bc90d71cb7beed0aa2b972304512011cd..9144ef4ca5081ce57ff036f4a88d98d943fe54a1 100644 (file)
@@ -70,7 +70,7 @@ namespace Step22
     triangulation (mpi_communicator/*,
                    Triangulation<dim>::maximum_smoothing*/),
     fe (FE_Q<dim>(degree+1), dim,
-        FE_Q<dim>(degree)  , 1),
+        FE_Q<dim>(degree), 1),
     dof_handler (triangulation)
   {}
 

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.