Loading...
Searching...
No Matches
UnsteadyNSTurb Class Reference

Implementation of a parametrized full order unsteady NS problem and preparation of the the reduced matrices for the online solve. More...

#include <UnsteadyNSTurb.H>

Inheritance diagram for UnsteadyNSTurb:
unsteadyNS steadyNS UnsteadyProblem reductionProblem tutorial21 tutorial22

Public Member Functions

 UnsteadyNSTurb ()
 Construct Null.
 
 UnsteadyNSTurb (int argc, char *argv[])
 Construct with argc and argv.
 
Eigen::MatrixXd btTurbulence (label NUmodes, label NSUPmodes)
 bt added matrix for the turbulence treatement
 
Eigen::Tensor< double, 3 > turbulenceTensor1 (label NUmodes, label NSUPmodes, label nNutModes)
 ct1 added tensor for the turbulence treatement
 
Eigen::Tensor< double, 3 > turbulenceTensor2 (label NUmodes, label NSUPmodes, label nNutModes)
 ct2 added tensor for the turbulence treatement
 
Eigen::Tensor< double, 3 > turbulencePPETensor1 (label NUmodes, label NSUPmodes, label NPmodes, label nNutModes)
 ct1PPE added tensor for the turbulence treatement in the PPE method
 
Eigen::Tensor< double, 3 > turbulencePPETensor2 (label NUmodes, label NSUPmodes, label NPmodes, label nNutModes)
 ct2PPE added tensor for the turbulence treatement in the PPE method
 
Eigen::Tensor< double, 3 > turbulenceAveTensor1 (label NUmodes, label NSUPmodes)
 ct1Ave added tensor for approximation of the averaged part of the eddy viscosity
 
Eigen::Tensor< double, 3 > turbulenceAveTensor2 (label NUmodes, label NSUPmodes)
 ct2Ave added tensor for approximation of the averaged part of the eddy viscosity
 
Eigen::Tensor< double, 3 > turbulencePPEAveTensor1 (label NUmodes, label NSUPmodes, label NPmodes)
 ct1PPEAve added tensor for approximation of the averaged part of the eddy viscosity with the usage of the PPE approach
 
Eigen::Tensor< double, 3 > turbulencePPEAveTensor2 (label NUmodes, label NSUPmodes, label NPmodes)
 ct2PPEAve added tensor for approximation of the averaged part of the eddy viscosity with the usage of the PPE approach
 
void truthSolve (List< scalar > mu_now, std::string &offlinepath)
 Perform a truthsolve.
 
void projectSUP (fileName folder, label NUmodes, label NPmodes, label NSUPmodes, label nNutModes, bool rbfInterp=true)
 Project using a supremizer approach.
 
void projectPPE (fileName folder, label NUmodes, label NPmodes, label NSUPmodes, label nNutModes, bool rbfInterp=true)
 Project using the Poisson Equation for pressure.
 
List< Eigen::MatrixXd > velDerivativeCoeff (Eigen::MatrixXd A, Eigen::MatrixXd G, Eigen::VectorXd initSnapInd, Eigen::VectorXd timeSnap)
 A method to compute the two matrices needed for the RBF interpolation by combining the velocity L2 projection coefficients and their time derivatives.
 
List< Eigen::MatrixXd > velParCoeff (Eigen::MatrixXd A, Eigen::MatrixXd G)
 A method to compute the two matrices needed for the RBF interpolation by combining the parameter samples values with the velocity L2 projection coefficients.
 
List< Eigen::MatrixXd > velParDerivativeCoeff (Eigen::MatrixXd A, Eigen::MatrixXd G, Eigen::VectorXd initSnapInd, Eigen::VectorXd timeSnap)
 A method to compute the two matrices needed for the RBF interpolation by combining the parameter value and the velocity L2 projection coefficients and their time derivatives.
 
Eigen::MatrixXd velParDerivativeCoeff (Eigen::MatrixXd A, Eigen::VectorXd par, double timeSnap)
 A method to compute the matrix of the combination of the parameter sample value and the matrix of velocity projection coefficients together with their time derivatives based on the backward scheme.
 
- Public Member Functions inherited from unsteadyNS
 unsteadyNS ()
 Construct Null.
 
 unsteadyNS (int argc, char *argv[])
 Construct with argc and argv.
 
void truthSolve (List< scalar > mu_now, fileName folder="./ITHACAoutput/Offline/")
 Perform a truthsolve.
 
- Public Member Functions inherited from steadyNS
 steadyNS ()
 Null constructor.
 
 steadyNS (int argc, char *argv[])
 Construct with argc and argv.
 
 ~steadyNS ()
 
void truthSolve (List< scalar > mu_now)
 Perform a truthsolve.
 
void solvesupremizer (word type="snapshots")
 solve the supremizer either with the use of the pressure snaphots or the pressure modes
 
void liftSolve ()
 Perform a lift solve.
 
void projectPPE (fileName folder, label NUmodes, label NPmodes, label NSUPmodes=0)
 Project using the Poisson Equation for pressure.
 
void projectSUP (fileName folder, label NUmodes, label NPmodes, label NSUPmodes)
 Project using a supremizer approach.
 
void discretizeThenProject (fileName folder, label NUmodes, label NPmodes, label NSUPmodes=0)
 Project using the Discretize-then-project approach.
 
Eigen::MatrixXd diffusive_term (label NUmodes, label NPmodes, label NSUPmodes)
 Diffusive Term.
 
Eigen::MatrixXd diffusive_term_sym (label NUmodes, label NPmodes, label NSUPmodes)
 Symetric diffusive Term.
 
Eigen::MatrixXd pressure_gradient_term (label NUmodes, label NPmodes, label NSUPmodes)
 Gradient of pressure.
 
List< Eigen::MatrixXd > convective_term (label NUmodes, label NPmodes, label NSUPmodes)
 Convective Term.
 
Eigen::MatrixXd mass_term (label NUmodes, label NPmodes, label NSUPmodes)
 Mass Term.
 
Eigen::MatrixXd divergence_term (label NUmodes, label NPmodes, label NSUPmodes)
 Divergence Term (supremizer approach)
 
List< Eigen::MatrixXd > div_momentum (label NUmodes, label NPmodes)
 Divergence of convective term (PPE approach)
 
Eigen::Tensor< double, 3 > divMomentum (label NUmodes, label NPmodes)
 Divergence of convective term (PPE approach)
 
Eigen::MatrixXd laplacian_pressure (label NPmodes)
 Laplacian of pressure term (PPE approach)
 
Eigen::MatrixXd pressure_BC1 (label NPmodes, label NUmodes)
 Term N° 1 given by the additional boundary condition using a PPE approach.
 
List< Eigen::MatrixXd > pressure_BC2 (label NPmodes, label NUmodes)
 Term N° 2 given by the additional boundary condition using a PPE approach.
 
Eigen::Tensor< double, 3 > pressureBC2 (label NPmodes, label NUmodes)
 Term N° 2 given by the additional boundary condition using a PPE approach.
 
Eigen::MatrixXd pressure_BC3 (label NPmodes, label NUmodes)
 Term N° 3 given by the additional boundary condition using a PPE approach.
 
Eigen::MatrixXd pressure_BC4 (label NPmodes, label NUmodes)
 Term N° 4 given by the additional boundary condition using a PPE approach for time-dependent BCs.
 
List< Eigen::MatrixXd > bcVelocityVec (label NUmodes, label NSUPmodes)
 Boundary integral modes on boundary used by the penaly method.
 
List< Eigen::MatrixXd > bcVelocityMat (label NUmodes, label NSUPmodes)
 Boundary integral modes on boundary used by the penaly method.
 
Eigen::MatrixXd diffusive_term_flux_method (label NUmodes, label NPmodes, label NSUPmodes)
 Diffusive Flux Method.
 
List< Eigen::MatrixXd > boundary_vector_diffusion (label NUmodes, label NPmodes, label NSUPmodes)
 Boundary vector diffusion term.
 
List< Eigen::MatrixXd > boundary_vector_convection (label NUmodes, label NPmodes, label NSUPmodes)
 Boundary vector convection term.
 
Eigen::Tensor< double, 3 > convective_term_flux_tens (label NUmodes, label NPmodes, label NSUPmodes)
 Convective Term.
 
List< Eigen::MatrixXd > pressure_gradient_term_linsys_div (label NPmodes)
 Laplacian of pressure Linear System - Divergence term.
 
List< Eigen::MatrixXd > pressure_gradient_term_linsys_diff (label NPmodes)
 Laplacian of pressure Linear System - Diffusion term.
 
List< Eigen::MatrixXd > pressure_gradient_term_linsys_conv (label NPmodes)
 Laplacian of pressure Linear System - Convection term.
 
Eigen::MatrixXd diffusive_term_consistent (label NUmodes, label NPmodes, label NSUPmodes)
 Diffusion Term (consistent flux method)
 
List< Eigen::MatrixXd > boundary_vector_diffusion_consistent (label NUmodes, label NSUPmodes)
 Boundary vector diffusion term (consistent flux method)
 
List< Eigen::MatrixXd > boundary_vector_convection_consistent (label NUmodes, label NSUPmodes)
 Boundary vector convection term - Consistent Flux Method.
 
Eigen::MatrixXd mass_matrix_newtime_consistent (label NUmodes, label NPmodes, label NSUPmodes)
 Mass Matrix new time step (consistent flux method)
 
Eigen::MatrixXd mass_matrix_oldtime_consistent (label NUmodes, label NPmodes, label NSUPmodes)
 Mass Matrix old time step (consistent flux method)
 
Eigen::MatrixXd pressure_gradient_term_consistent (label NUmodes, label NPmodes, label NSUPmodes)
 Pressure Gradient Term (consistent flux method)
 
Eigen::Tensor< double, 3 > convective_term_consistent_tens (label NUmodes, label NPmodes, label NSUPmodes)
 Convective Term (consistent flux method)
 
void change_viscosity (double mu)
 Function to change the viscosity.
 
void forcesMatrices (label NUmodes, label NPmodes, label NSUPmodes)
 Compute lift and drag matrices.
 
void forcesMatrices (label nModes)
 Compute lift and drag matrices offline matrices for the case of same number of velocity and pressure modes.
 
void reconstructLiftAndDrag (const Eigen::MatrixXd &velCoeffs, const Eigen::MatrixXd &pressureCoeffs, fileName folder)
 Method to reconstruct the forces using velocity and pressure coefficients.
 
Eigen::Tensor< double, 3 > convective_term_tens (label NUmodes, label NPmodes, label NSUPmodes)
 Export convective term as a tensor.
 
void restart ()
 set U and P back to the values into the 0 folder
 
- Public Member Functions inherited from reductionProblem
 reductionProblem ()
 Construct Null.
 
 ~reductionProblem ()
 
void setParameters ()
 Set Parameters Problems.
 
void genRandPar ()
 Generate Random Numbers.
 
void genRandPar (label tsize)
 Generate Random Numbers given the dimension of the training set.
 
void genEquiPar ()
 Generate Equidistributed Numbers.
 
void truthSolve ()
 Perform a TruthSolve.
 
void assignBC (volVectorField &s, label BC_ind, Vector< double > &value)
 Assign Boundary Condition to a volVectorField.
 
void assignBC (volScalarField &s, label BC_ind, double &value)
 Assign Boundary Condition to a volScalarField.
 
void reconstructFromMatrix (PtrList< volVectorField > &rec_field2, PtrList< volVectorField > &modes, label Nmodes, Eigen::MatrixXd coeff_matrix)
 Exact reconstruction using a certain number of modes for vector list of fields and the projection coefficients (volVectorField)
 
void reconstructFromMatrix (PtrList< volScalarField > &rec_field2, PtrList< volScalarField > &modes, label Nmodes, Eigen::MatrixXd coeff_matrix)
 Exact reconstruction using a certain number of modes for vector list of fields and the projection coefficients (volScalarField)
 
template<typename T , typename G >
void assignIF (T &s, G &value)
 Assign internal field condition.
 
template<typename T >
void computeLift (T &Lfield, T &liftfield, T &omfield)
 Homogenize the snapshot matrix, it works with PtrList of volVectorField and volScalarField.
 
template<typename T >
void computeLiftT (T &Lfield, T &liftfield, T &omfield)
 Virtual function to compute the lifting function.
 
void liftSolve ()
 Virtual function to compute the lifting function for scalar field.
 
void liftSolveT ()
 
void project ()
 General projection operation.
 
void writeMu (List< scalar > mu_now)
 Write out a list of scalar corresponding to the parameters used in the truthSolve.
 
std::vector< SPLINTER::RBFSpline > getCoeffManifoldRBF (PtrList< volVectorField > snapshots, PtrList< volVectorField > &modes, word rbfBasis="GAUSSIAN")
 Constructs the parameters-coefficients manifold for vector fields, based on RBF-spline model.
 
std::vector< SPLINTER::RBFSpline > getCoeffManifoldRBF (PtrList< volScalarField > snapshots, PtrList< volScalarField > &modes, word rbfBasis="GAUSSIAN")
 Constructs the parameters-coefficients manifold for scalar fields, based on RBF-spline model.
 
std::vector< SPLINTER::BSpline > getCoeffManifoldSPL (PtrList< volVectorField > snapshots, PtrList< volVectorField > &modes, label splDeg=3)
 Constructs the parameters-coefficients manifold for vector fields, based on the B-spline model.
 
std::vector< SPLINTER::BSpline > getCoeffManifoldSPL (PtrList< volScalarField > snapshots, PtrList< volScalarField > &modes, label splDeg=3)
 Constructs the parameters-coefficients manifold for scalar fields, based on the B-spline model.
 
- Public Member Functions inherited from UnsteadyProblem
 UnsteadyProblem ()
 
void setTimes (Time &timeObject)
 
bool checkWrite (Time &timeObject)
 Function to check if the solution must be exported.
 

Public Attributes

PtrList< volScalarField > nutFields
 List of snapshots for the solution for eddy viscosity.
 
volScalarModes nutModes
 List of POD modes for eddy viscosity.
 
PtrList< volScalarField > nutAve
 List of for eddy viscosity time-averaged fields.
 
std::vector< SPLINTER::DataTable * > samples
 Create a Rbf splines for interpolation.
 
std::vector< SPLINTER::RBFSpline * > rbfSplines
 Create a samples for interpolation.
 
Eigen::MatrixXd btMatrix
 Turbulent viscosity term.
 
Eigen::MatrixXd z
 Time-parameter combined matrix.
 
Eigen::Tensor< double, 3 > ct1Tensor
 Turbulent viscosity tensor.
 
Eigen::Tensor< double, 3 > ct1AveTensor
 Turbulent average viscosity tensor for the splitting approach.
 
Eigen::Tensor< double, 3 > ct1PPETensor
 Turbulent viscosity tensor in the PPE equation.
 
Eigen::Tensor< double, 3 > ct1PPEAveTensor
 Turbulent average viscosity tensor for the splitting approach in the PPE equation.
 
Eigen::Tensor< double, 3 > ct2Tensor
 Turbulent viscosity tensor.
 
Eigen::Tensor< double, 3 > ct2AveTensor
 Turbulent average viscosity tensor for the splitting approach.
 
Eigen::Tensor< double, 3 > ct2PPETensor
 Turbulent viscosity tensor in the PPE equation.
 
Eigen::Tensor< double, 3 > ct2PPEAveTensor
 Turbulent average viscosity tensor for the splitting approach in the PPE equation.
 
Eigen::Tensor< double, 3 > cTotalTensor
 Turbulent total viscosity tensor.
 
Eigen::Tensor< double, 3 > cTotalAveTensor
 Turbulent total average viscosity tensor for the splitting approach.
 
Eigen::Tensor< double, 3 > cTotalPPETensor
 Turbulent total viscosity tensor in the PPE equation.
 
Eigen::Tensor< double, 3 > cTotalPPEAveTensor
 Turbulent total average viscosity tensor for the splitting approach in the PPE equation.
 
Eigen::MatrixXd bTotalMatrix
 Total B Matrix.
 
Eigen::MatrixXd coeffL2
 The matrix of L2 projection coefficients for the eddy viscosity.
 
Eigen::MatrixXd velRBF
 Velocity coefficients for RBF interpolation.
 
Eigen::VectorXd radii
 RBF shape parameters vector.
 
double e = 1
 RBF functions radius.
 
label nNutModes
 Number of viscoisty modes used for the projection.
 
label interChoice = 1
 Interpolation independent variable choice.
 
autoPtr< volScalarField > _nut
 Eddy viscosity field.
 
autoPtr< surfaceVectorField > _Uf
 Face velocity field.
 
label _pRefCell
 Pressure reference cell.
 
scalar _pRefValue
 Pressure reference value.
 
- Public Attributes inherited from unsteadyNS
autoPtr< pimpleControl > _pimple
 pimpleControl
 
autoPtr< incompressible::turbulenceModel > turbulence
 Turbulence model.
 
bool adjustTimeStep
 adjustTimeStep
 
scalar maxCo
 maxCourant
 
scalar maxDeltaT
 maxDeltaT
 
label counter2 = 1
 
word method
 
word timedepbcMethod
 Time-dependent Boundary Method.
 
Eigen::MatrixXd timeBCoff
 
word timeDerivativeSchemeOrder
 
- Public Attributes inherited from steadyNS
ITHACAparameterspara
 
PtrList< volScalarField > Pfield
 List of pointers used to form the pressure snapshots matrix.
 
PtrList< volVectorField > Ufield
 List of pointers used to form the velocity snapshots matrix.
 
PtrList< volVectorField > supfield
 List of pointers used to form the supremizer snapshots matrix.
 
PtrList< surfaceScalarField > Phifield
 List of pointers used to form the flux snapshots matrix.
 
volScalarModes Pmodes
 List of pointers used to form the pressure modes.
 
volVectorModes Umodes
 List of pointers used to form the velocity modes.
 
volVectorModes supmodes
 List of pointers used to form the supremizer modes.
 
surfaceScalarModes Phimodes
 List of pointers used to form the flux modes.
 
PtrList< volVectorField > liftfield
 List of pointers used to form the list of lifting functions.
 
PtrList< volVectorField > Uomfield
 List of pointers used to form the homogeneous velocity snapshots.
 
volVectorModes L_U_SUPmodes
 List of pointers containing the total number of lift, supremizer and velocity modes.
 
surfaceScalarModes L_PHImodes
 List of pointers containing the total number of flux modes.
 
scalar tolerance
 Tolerance for the residual of the stationary problems, there is the same tolerance for velocity and pressure.
 
scalar maxIter
 Number of maximum iterations to be done for the computation of the truth solution.
 
label NUmodesOut
 Number of velocity modes to be calculated.
 
label NPmodesOut
 Number of pressure modes to be calculated.
 
label NSUPmodesOut
 Number of supremizer modes to be calculated.
 
label NNutModesOut
 Number of nut modes to be calculated.
 
label NUmodes
 Number of velocity modes used for the projection.
 
label NPmodes
 Number of pressure modes used for the projection.
 
label NSUPmodes
 Number of supremizer modes used for the projection.
 
label NNutModes
 Number of nut modes used for the projection.
 
Eigen::MatrixXd tauMatrix
 Viscous forces.
 
Eigen::MatrixXd nMatrix
 Pressure forces.
 
List< Eigen::MatrixXd > bcVelVec
 Boundary term for penalty method - vector.
 
List< Eigen::MatrixXd > bcVelMat
 Boundary term for penalty method - matrix.
 
Eigen::MatrixXd BP_matrix
 Diffusion term for flux method PPE.
 
List< Eigen::MatrixXd > RD_matrix
 Boundary term for diffusion term.
 
List< Eigen::MatrixXd > RC_matrix
 Boundary vector for convection term.
 
List< Eigen::MatrixXd > SD_matrix
 Boundary term for diffusion term - Consistent Flux Method.
 
List< Eigen::MatrixXd > SC_matrix
 Boundary term for convection term - Consistent Flux Method.
 
Eigen::Tensor< double, 3 > Cf_tensor
 Convection term for flux method.
 
Eigen::Tensor< double, 3 > Ci_tensor
 Convection term - Consistent Flux Method.
 
List< Eigen::MatrixXd > LinSysDiv
 Projection Peqn onto Pressure modes - Divergence term.
 
List< Eigen::MatrixXd > LinSysDiff
 Projection Peqn onto Pressure modes - Diffusion term.
 
List< Eigen::MatrixXd > LinSysConv
 Projection Peqn onto Pressure modes - Convection term.
 
bool supex
 Boolean variable to check the existence of the supremizer modes.
 
autoPtr< volScalarField > _p
 Pressure field.
 
autoPtr< volVectorField > _U
 Velocity field.
 
autoPtr< volScalarField > _p0
 Initial Pressure field (for restart purposes)
 
autoPtr< volVectorField > _U0
 Initial Velocity field (for restart purposes)
 
autoPtr< volVectorField > Uinl
 Initial dummy field with all Dirichlet boundary conditions.
 
autoPtr< dimensionedScalar > dt_dummy
 Dummy time step including unit.
 
autoPtr< dimensionedScalar > nu_dummy
 Dummy viscocity including unit.
 
autoPtr< fvMesh > _mesh
 Mesh.
 
autoPtr< simpleControl > _simple
 simpleControl
 
autoPtr< fv::options > _fvOptions
 fvOptions
 
autoPtr< Time > _runTime
 Time.
 
autoPtr< surfaceScalarField > _phi
 Flux.
 
autoPtr< surfaceScalarField > _phi0
 Initial Flux (for restart purposes)
 
autoPtr< incompressible::turbulenceModel > turbulence
 Turbulence model.
 
autoPtr< singlePhaseTransportModel > _laminarTransport
 Laminar transport (used by turbulence model)
 
autoPtr< IOMRFZoneList > _MRF
 MRF variable.
 
label pRefCell
 Reference pressure cell.
 
scalar pRefValue
 Reference pressure value.
 
scalar cumulativeContErr = 0
 continuity error
 
word bcMethod
 Boundary Method.
 
word fluxMethod
 Flux Method.
 
Eigen::MatrixXd B_matrix
 Diffusion term.
 
Eigen::MatrixXd M_matrix
 Mass Matrix.
 
Eigen::MatrixXd K_matrix
 Gradient of pressure matrix.
 
List< Eigen::MatrixXd > C_matrix
 Non linear term.
 
Eigen::Tensor< double, 3 > C_tensor
 Diffusion term.
 
Eigen::MatrixXd P_matrix
 Div of velocity.
 
Eigen::MatrixXd D_matrix
 Laplacian term PPE.
 
List< Eigen::MatrixXd > G_matrix
 Divergence of momentum PPE.
 
Eigen::Tensor< double, 3 > gTensor
 Divergence of momentum PPE.
 
Eigen::MatrixXd BC1_matrix
 PPE BC1.
 
List< Eigen::MatrixXd > BC2_matrix
 PPE BC2.
 
Eigen::Tensor< double, 3 > bc2Tensor
 PPE BC2.
 
Eigen::MatrixXd BC3_matrix
 PPE BC3.
 
Eigen::MatrixXd BC4_matrix
 PPE BC4.
 
Eigen::MatrixXd W_matrix
 Mass Matrix New Time Step - Consistent Flux Method.
 
Eigen::MatrixXd I_matrix
 Mass Matrix Old Time Step - Consistent Flux Method.
 
Eigen::MatrixXd DF_matrix
 Diffusion Term - Consistent Flux Method.
 
Eigen::MatrixXd KF_matrix
 Pressure Gradient Term - Consistent Flux Method.
 
- Public Attributes inherited from reductionProblem
label Pnumber
 Number of parameters.
 
label Tnumber
 Dimension of the training set (used only when gerating parameters without input)
 
Eigen::MatrixXd mu
 Row matrix of parameters.
 
Eigen::MatrixXd mu_range
 Range of the parameter spaces.
 
Eigen::MatrixXd mu_samples
 Matrix of parameters to be used for PODI, where each row corresponds to a sample point. In this matrix the time dimension is regarded as a parameter for unsteady problems.
 
double mu_cur
 Current value of the parameter.
 
bool podex
 Boolean variable, it is 1 if the POD has already been computed, else 0.
 
bool offline
 Boolean variable, it is 1 if the Offline phase has already been computed, else 0.
 
IOdictionary * ITHACAdict
 dictionary to store input output infos
 
autoPtr< argList > _args
 argList
 
ITHACAparallelparal
 parallel handling
 
label folderN = 1
 Counter to save intermediate steps in the correct folder, for unsteady and some stationary cases.
 
label counter = 1
 Counter used for the output of the full order solutions.
 
Eigen::MatrixXi inletIndex
 Matrix that contains informations about the inlet boundaries.
 
Eigen::MatrixXi inletPatch
 Matrix that contains informations about the inlet boundaries without specifing the direction Rows = Number of parametrized boundary conditions
Cols = 1
Example:
example.inletIndex.resize(2, 1);
example.inletIndex(0, 0) = 0;
example.inletIndex(1, 0) = 1;
Means that there are two parametrized boundary conditions of which the first row is of patch 0 and the second row of patch 1.
 
Eigen::MatrixXi inletIndexT
 
- Public Attributes inherited from UnsteadyProblem
scalar startTime
 Start Time (initial time to start storing the snapshots)
 
scalar finalTime
 Final time (final time of the simulation and consequently of the acquisition of the snapshots)
 
scalar timeStep
 Time step of the simulation.
 
scalar writeEvery = timeStep
 Time step of the writing procedure.
 
scalar nextWrite
 Auxiliary variable to store the next writing instant.
 

Detailed Description

Implementation of a parametrized full order unsteady NS problem and preparation of the the reduced matrices for the online solve.

In this class are implemented the methods for the offline solve of a unsteady NS problem and the for the generation of the reduced matrices for subsequent online solve, this class is a son of the steadyNS class

Definition at line 67 of file UnsteadyNSTurb.H.

Constructor & Destructor Documentation

◆ UnsteadyNSTurb() [1/2]

UnsteadyNSTurb::UnsteadyNSTurb ( )

Construct Null.

Definition at line 39 of file UnsteadyNSTurb.C.

◆ UnsteadyNSTurb() [2/2]

UnsteadyNSTurb::UnsteadyNSTurb ( int argc,
char * argv[] )

Construct with argc and argv.

Number of velocity modes to be calculated

Number of pressure modes to be calculated

Number of nut modes to be calculated

Number of velocity modes used for the projection

Number of supremizers modes used for the projection

Number of pressure modes used for the projection

Number of nut modes used for the projection

Definition at line 42 of file UnsteadyNSTurb.C.

Member Function Documentation

◆ btTurbulence()

Eigen::MatrixXd UnsteadyNSTurb::btTurbulence ( label NUmodes,
label NSUPmodes )

bt added matrix for the turbulence treatement

Parameters
[in]NUmodesThe N of velocity modes.s
[in]NSUPmodesThe N of supremizer modes.
Returns
bt matrix for turbulence treatment

Definition at line 448 of file UnsteadyNSTurb.C.

◆ projectPPE()

void UnsteadyNSTurb::projectPPE ( fileName folder,
label NUmodes,
label NPmodes,
label NSUPmodes,
label nNutModes,
bool rbfInterp = true )

Project using the Poisson Equation for pressure.

Parameters
[in]folderThe folder name
[in]NUmodesThe number of velocity modes.
[in]NPmodesThe number of pressure modes.
[in]NSUPmodesThe number of supremizer modes which will be set to zero.
[in]nNutModesThe number of eddy viscosity modes.
[in]rbfInterpA boolean variable that determines whether to carry out the RBF interpolation or not

Definition at line 811 of file UnsteadyNSTurb.C.

◆ projectSUP()

void UnsteadyNSTurb::projectSUP ( fileName folder,
label NUmodes,
label NPmodes,
label NSUPmodes,
label nNutModes,
bool rbfInterp = true )

Project using a supremizer approach.

Parameters
[in]folderThe folder name
[in]NUmodesThe number of velocity modes.
[in]NPmodesThe number of pressure modes.
[in]NSUPmodesThe number of supremizer modes.
[in]nNutModesThe number of eddy viscosity modes.
[in]rbfInterpA boolean variable that determines whether to carry out the RBF interpolation or not

Definition at line 471 of file UnsteadyNSTurb.C.

◆ truthSolve()

void UnsteadyNSTurb::truthSolve ( List< scalar > mu_now,
std::string & offlinepath )

Perform a truthsolve.

Parameters
[in]mu_nowThe actual value of the parameter for this truthSolve. Used only to construct mu_interp matrix which is written out in the Offline folder, also for par file in the Parameters folder.
[in]offlinepathPath where solution should be stored

Definition at line 110 of file UnsteadyNSTurb.C.

◆ turbulenceAveTensor1()

Eigen::Tensor< double, 3 > UnsteadyNSTurb::turbulenceAveTensor1 ( label NUmodes,
label NSUPmodes )

ct1Ave added tensor for approximation of the averaged part of the eddy viscosity

Parameters
[in]NUmodesThe number of velocity modes.
[in]NSUPmodesThe number of supremizer modes.
Returns
ct1Ave tensor corresponding to the approximation of the averaged part of the eddy viscosity for the turbulence treatement

Definition at line 238 of file UnsteadyNSTurb.C.

◆ turbulenceAveTensor2()

Eigen::Tensor< double, 3 > UnsteadyNSTurb::turbulenceAveTensor2 ( label NUmodes,
label NSUPmodes )

ct2Ave added tensor for approximation of the averaged part of the eddy viscosity

Parameters
[in]NUmodesThe number of velocity modes.
[in]NSUPmodesThe number of supremizer modes.
Returns
ct2Ave tensor corresponding to the approximation of the averaged part of the eddy viscosity for the turbulence treatement

Definition at line 356 of file UnsteadyNSTurb.C.

◆ turbulencePPEAveTensor1()

Eigen::Tensor< double, 3 > UnsteadyNSTurb::turbulencePPEAveTensor1 ( label NUmodes,
label NSUPmodes,
label NPmodes )

ct1PPEAve added tensor for approximation of the averaged part of the eddy viscosity with the usage of the PPE approach

Parameters
[in]NUmodesThe number of velocity modes.
[in]NSUPmodesThe number of supremizer modes.
[in]NPmodesThe number of pressure modes.
Returns
ct1PPEAve tensor corresponding to the approximation of the averaged part of the eddy viscosity for the turbulence treatement with the usage of the PPE approach

Definition at line 297 of file UnsteadyNSTurb.C.

◆ turbulencePPEAveTensor2()

Eigen::Tensor< double, 3 > UnsteadyNSTurb::turbulencePPEAveTensor2 ( label NUmodes,
label NSUPmodes,
label NPmodes )

ct2PPEAve added tensor for approximation of the averaged part of the eddy viscosity with the usage of the PPE approach

Parameters
[in]NUmodesThe number of velocity modes.
[in]NSUPmodesThe number of supremizer modes.
[in]NPmodesThe number of pressure modes.
Returns
ct2PPEAve tensor corresponding to the approximation of the averaged part of the eddy viscosity for the turbulence treatement with the usage of the PPE approach

Definition at line 414 of file UnsteadyNSTurb.C.

◆ turbulencePPETensor1()

Eigen::Tensor< double, 3 > UnsteadyNSTurb::turbulencePPETensor1 ( label NUmodes,
label NSUPmodes,
label NPmodes,
label nNutModes )

ct1PPE added tensor for the turbulence treatement in the PPE method

Parameters
[in]NUmodesThe number of velocity modes.
[in]NSUPmodesThe number of supremizer modes.
[in]NPmodesThe number of pressure modes.
[in]nNutModesThe number of eddy viscosity modes.
Returns
ct1PPE tensor for the turbulence treatement in the PPE method

Definition at line 265 of file UnsteadyNSTurb.C.

◆ turbulencePPETensor2()

Eigen::Tensor< double, 3 > UnsteadyNSTurb::turbulencePPETensor2 ( label NUmodes,
label NSUPmodes,
label NPmodes,
label nNutModes )

ct2PPE added tensor for the turbulence treatement in the PPE method

Parameters
[in]NUmodesThe number of velocity modes.
[in]NSUPmodesThe number of supremizer modes.
[in]NPmodesThe number of pressure modes.
[in]nNutModesThe number of eddy viscosity modes.
Returns
ct2PPE tensor for the turbulence treatement in the PPE method

Definition at line 383 of file UnsteadyNSTurb.C.

◆ turbulenceTensor1()

Eigen::Tensor< double, 3 > UnsteadyNSTurb::turbulenceTensor1 ( label NUmodes,
label NSUPmodes,
label nNutModes )

ct1 added tensor for the turbulence treatement

Parameters
[in]NUmodesThe number of velocity modes.
[in]NSUPmodesThe number of supremizer modes.
[in]nNutModesThe number of eddy viscosity modes.
Returns
ct1 tensor for the turbulence treatement

Definition at line 211 of file UnsteadyNSTurb.C.

◆ turbulenceTensor2()

Eigen::Tensor< double, 3 > UnsteadyNSTurb::turbulenceTensor2 ( label NUmodes,
label NSUPmodes,
label nNutModes )

ct2 added tensor for the turbulence treatement

Parameters
[in]NUmodesThe number of velocity modes.
[in]NSUPmodesThe number of supremizer modes.
[in]nNutModesThe number of eddy viscosity modes.
Returns
ct2 tensor for the turbulence treatement

Definition at line 330 of file UnsteadyNSTurb.C.

◆ velDerivativeCoeff()

List< Eigen::MatrixXd > UnsteadyNSTurb::velDerivativeCoeff ( Eigen::MatrixXd A,
Eigen::MatrixXd G,
Eigen::VectorXd initSnapInd,
Eigen::VectorXd timeSnap )

A method to compute the two matrices needed for the RBF interpolation by combining the velocity L2 projection coefficients and their time derivatives.

Parameters
[in]AThe velocity L2 projection coefficients
[in]GThe eddy viscoisty L2 projection coefficients
[in]initSnapIndThe initial snapshots indices for the different parameter samples
[in]timeSnapThe time rate at which snapshots were taken for the different parameter samples
Returns
The matrix of the combined velocity L2 projection coefficients starting from the second snapshots for each parameter sample together with their time derivatives and also the matrix of the eddy viscosity L2 projection coefficients associated with the first matrix

Definition at line 1296 of file UnsteadyNSTurb.C.

◆ velParCoeff()

List< Eigen::MatrixXd > UnsteadyNSTurb::velParCoeff ( Eigen::MatrixXd A,
Eigen::MatrixXd G )

A method to compute the two matrices needed for the RBF interpolation by combining the parameter samples values with the velocity L2 projection coefficients.

Parameters
[in]AThe velocity L2 projection coefficients
[in]GThe eddy viscoisty L2 projection coefficients
Returns
The matrix of the combined parameter and velocity L2 projection coefficients and also the corresponding matrix of eddy viscosity L2 projection coefficients

Definition at line 1331 of file UnsteadyNSTurb.C.

◆ velParDerivativeCoeff() [1/2]

List< Eigen::MatrixXd > UnsteadyNSTurb::velParDerivativeCoeff ( Eigen::MatrixXd A,
Eigen::MatrixXd G,
Eigen::VectorXd initSnapInd,
Eigen::VectorXd timeSnap )

A method to compute the two matrices needed for the RBF interpolation by combining the parameter value and the velocity L2 projection coefficients and their time derivatives.

Parameters
[in]AThe velocity L2 projection coefficients
[in]GThe eddy viscoisty L2 projection coefficients
[in]initSnapIndThe initial snapshots indices for the different parameter samples
[in]timeSnapThe time rate at which snapshots were taken for the different parameter samples
Returns
The matrix of the combined parameter samples values with their corresponding velocity L2 projection coefficients starting from the second snapshots for each parameter sample together with their time derivatives and also the matrix of the eddy viscosity L2 projection coefficients associated with the previous matrix

Definition at line 1346 of file UnsteadyNSTurb.C.

◆ velParDerivativeCoeff() [2/2]

Eigen::MatrixXd UnsteadyNSTurb::velParDerivativeCoeff ( Eigen::MatrixXd A,
Eigen::VectorXd par,
double timeSnap )

A method to compute the matrix of the combination of the parameter sample value and the matrix of velocity projection coefficients together with their time derivatives based on the backward scheme.

Parameters
[in]AThe velocity L2 projection coefficients
[in]parThe parameter vector corresponding to the matrix A
[in]timeSnapThe time rate at which snapshots are taken in matrix A
Returns
the matrix of the combination of the parameter sample value and the matrix of velocity projection coefficients together with their time derivatives based on the backward scheme

Definition at line 1386 of file UnsteadyNSTurb.C.

Member Data Documentation

◆ _nut

autoPtr<volScalarField> UnsteadyNSTurb::_nut

Eddy viscosity field.

Definition at line 158 of file UnsteadyNSTurb.H.

◆ _pRefCell

label UnsteadyNSTurb::_pRefCell

Pressure reference cell.

Definition at line 164 of file UnsteadyNSTurb.H.

◆ _pRefValue

scalar UnsteadyNSTurb::_pRefValue

Pressure reference value.

Definition at line 167 of file UnsteadyNSTurb.H.

◆ _Uf

autoPtr<surfaceVectorField> UnsteadyNSTurb::_Uf

Face velocity field.

Definition at line 161 of file UnsteadyNSTurb.H.

◆ btMatrix

Eigen::MatrixXd UnsteadyNSTurb::btMatrix

Turbulent viscosity term.

Definition at line 95 of file UnsteadyNSTurb.H.

◆ bTotalMatrix

Eigen::MatrixXd UnsteadyNSTurb::bTotalMatrix

Total B Matrix.

Definition at line 137 of file UnsteadyNSTurb.H.

◆ coeffL2

Eigen::MatrixXd UnsteadyNSTurb::coeffL2

The matrix of L2 projection coefficients for the eddy viscosity.

Definition at line 140 of file UnsteadyNSTurb.H.

◆ ct1AveTensor

Eigen::Tensor<double, 3 > UnsteadyNSTurb::ct1AveTensor

Turbulent average viscosity tensor for the splitting approach.

Definition at line 104 of file UnsteadyNSTurb.H.

◆ ct1PPEAveTensor

Eigen::Tensor<double, 3 > UnsteadyNSTurb::ct1PPEAveTensor

Turbulent average viscosity tensor for the splitting approach in the PPE equation.

Definition at line 110 of file UnsteadyNSTurb.H.

◆ ct1PPETensor

Eigen::Tensor<double, 3 > UnsteadyNSTurb::ct1PPETensor

Turbulent viscosity tensor in the PPE equation.

Definition at line 107 of file UnsteadyNSTurb.H.

◆ ct1Tensor

Eigen::Tensor<double, 3 > UnsteadyNSTurb::ct1Tensor

Turbulent viscosity tensor.

Definition at line 101 of file UnsteadyNSTurb.H.

◆ ct2AveTensor

Eigen::Tensor<double, 3 > UnsteadyNSTurb::ct2AveTensor

Turbulent average viscosity tensor for the splitting approach.

Definition at line 116 of file UnsteadyNSTurb.H.

◆ ct2PPEAveTensor

Eigen::Tensor<double, 3 > UnsteadyNSTurb::ct2PPEAveTensor

Turbulent average viscosity tensor for the splitting approach in the PPE equation.

Definition at line 122 of file UnsteadyNSTurb.H.

◆ ct2PPETensor

Eigen::Tensor<double, 3 > UnsteadyNSTurb::ct2PPETensor

Turbulent viscosity tensor in the PPE equation.

Definition at line 119 of file UnsteadyNSTurb.H.

◆ ct2Tensor

Eigen::Tensor<double, 3 > UnsteadyNSTurb::ct2Tensor

Turbulent viscosity tensor.

Definition at line 113 of file UnsteadyNSTurb.H.

◆ cTotalAveTensor

Eigen::Tensor<double, 3 > UnsteadyNSTurb::cTotalAveTensor

Turbulent total average viscosity tensor for the splitting approach.

Definition at line 128 of file UnsteadyNSTurb.H.

◆ cTotalPPEAveTensor

Eigen::Tensor<double, 3 > UnsteadyNSTurb::cTotalPPEAveTensor

Turbulent total average viscosity tensor for the splitting approach in the PPE equation.

Definition at line 134 of file UnsteadyNSTurb.H.

◆ cTotalPPETensor

Eigen::Tensor<double, 3 > UnsteadyNSTurb::cTotalPPETensor

Turbulent total viscosity tensor in the PPE equation.

Definition at line 131 of file UnsteadyNSTurb.H.

◆ cTotalTensor

Eigen::Tensor<double, 3 > UnsteadyNSTurb::cTotalTensor

Turbulent total viscosity tensor.

Definition at line 125 of file UnsteadyNSTurb.H.

◆ e

double UnsteadyNSTurb::e = 1

RBF functions radius.

Definition at line 149 of file UnsteadyNSTurb.H.

◆ interChoice

label UnsteadyNSTurb::interChoice = 1

Interpolation independent variable choice.

Definition at line 155 of file UnsteadyNSTurb.H.

◆ nNutModes

label UnsteadyNSTurb::nNutModes

Number of viscoisty modes used for the projection.

Definition at line 152 of file UnsteadyNSTurb.H.

◆ nutAve

PtrList<volScalarField> UnsteadyNSTurb::nutAve

List of for eddy viscosity time-averaged fields.

Definition at line 86 of file UnsteadyNSTurb.H.

◆ nutFields

PtrList<volScalarField> UnsteadyNSTurb::nutFields

List of snapshots for the solution for eddy viscosity.

Definition at line 80 of file UnsteadyNSTurb.H.

◆ nutModes

volScalarModes UnsteadyNSTurb::nutModes

List of POD modes for eddy viscosity.

Definition at line 83 of file UnsteadyNSTurb.H.

◆ radii

Eigen::VectorXd UnsteadyNSTurb::radii

RBF shape parameters vector.

Definition at line 146 of file UnsteadyNSTurb.H.

◆ rbfSplines

std::vector<SPLINTER::RBFSpline*> UnsteadyNSTurb::rbfSplines

Create a samples for interpolation.

Definition at line 92 of file UnsteadyNSTurb.H.

◆ samples

std::vector<SPLINTER::DataTable*> UnsteadyNSTurb::samples

Create a Rbf splines for interpolation.

Definition at line 89 of file UnsteadyNSTurb.H.

◆ velRBF

Eigen::MatrixXd UnsteadyNSTurb::velRBF

Velocity coefficients for RBF interpolation.

Definition at line 143 of file UnsteadyNSTurb.H.

◆ z

Eigen::MatrixXd UnsteadyNSTurb::z

Time-parameter combined matrix.

Definition at line 98 of file UnsteadyNSTurb.H.


The documentation for this class was generated from the following files: