Elliptical inclusion swelling#

  • Swelling of of an elliptical inclusion in a matrix

  • This is a two-dimensional plane-strain simulation

Degrees of freedom#

  • Displacement: u

  • pressure: p

  • chemical potential: mu

  • concentration: c

Units#

  • Length: mm

  • Mass: kg

  • Time: s

  • Mass density: kg/mm^3

  • Force: milliN

  • Stress: kPa

  • Energy: microJ

  • Temperature: K

  • Amount of substance: mol

  • Species concentration: mol/mm^3

  • Chemical potential: milliJ/mol

  • Molar volume: mm^3/mol

  • Species diffusivity: mm^2/s

  • Gas constant: microJ/(mol K)

Software:#

  • Dolfinx v0.8.0

In the collection “Example Codes for Coupled Theories in Solid Mechanics,”

By Eric M. Stewart, Shawn A. Chester, and Lallit Anand.

https://solidmechanicscoupledtheories.github.io/

Import modules#

# Import FEnicSx/dolfinx
import dolfinx

# For numerical arrays
import numpy as np

# For MPI-based parallelization
from mpi4py import MPI
comm = MPI.COMM_WORLD
rank = comm.Get_rank()

# PETSc solvers
from petsc4py import PETSc

# specific functions from dolfinx modules
from dolfinx import fem, mesh, io, plot, log
from dolfinx.fem import (Constant, dirichletbc, Function, functionspace, Expression )
from dolfinx.fem.petsc import NonlinearProblem
from dolfinx.nls.petsc import NewtonSolver
from dolfinx.io import VTXWriter, XDMFFile

# specific functions from ufl modules
import ufl
from ufl import (TestFunctions, TrialFunction, Identity, grad, det, div, dev, inv, tr, sqrt, conditional ,\
                 gt, dx, inner, derivative, dot, ln, split, exp, eq, cos, sin, acos, ge, le, outer, tanh,\
                 cosh, atan, atan2)

# basix finite elements (necessary for dolfinx v0.8.0)
import basix
from basix.ufl import element, mixed_element

# Matplotlib for plotting
import matplotlib.pyplot as plt
plt.close('all')

# For timing the code
from datetime import datetime

# Set level of detail for log messages (integer)
# Guide:
# CRITICAL  = 50, // errors that may lead to data corruption
# ERROR     = 40, // things that HAVE gone wrong
# WARNING   = 30, // things that MAY go wrong later
# INFO      = 20, // information of general interest (includes solver info)
# PROGRESS  = 16, // what's happening (broadly)
# TRACE     = 13, // what's happening (in detail)
# DBG       = 10  // sundry
#
log.set_log_level(log.LogLevel.WARNING)

Define geometry#

# Matrix edge length
L0  = 50 
# Ellipse major axis
a0 = 2 
# Ellipse minor axis
b0 = 1 

# Read in the 2D mesh and cell tags
with XDMFFile(MPI.COMM_WORLD,"meshes/elliptical_inclusion.xdmf",'r') as infile:
    domain = infile.read_mesh(name="Grid",xpath="/Xdmf/Domain")
    cell_tags = infile.read_meshtags(domain,name="Grid")
domain.topology.create_connectivity(domain.topology.dim, domain.topology.dim-1)

# Also read in 1D facets for applying BCs
with XDMFFile(MPI.COMM_WORLD,"meshes/facet_elliptical_inclusion.xdmf",'r') as infile:
    facet_tags = infile.read_meshtags(domain,name="Grid")

# A single point at the center of the inclusion for "grounding" the displacement of the inclusion
def ground(x):
    return np.logical_and(np.isclose(x[0], 0), np.isclose(x[1], 0))

x = ufl.SpatialCoordinate(domain)

Print out the unique cell number indices

top_imap = domain.topology.index_map(2)      # index map of 2D entities in domain
values = np.zeros(top_imap.size_global)      # an array of zeros of the same size as number of 2D entities
values[cell_tags.indices]=cell_tags.values   # populating the array with facet tag index numbers
print(np.unique(cell_tags.values))           # printing the unique indices

# Gmsh numbering
# Physical Surface("inclusion", 18)  
# //+
# Physical Surface("matrix", 19)  
[18 19]

Print out the unique edge index numbers

top_imap = domain.topology.index_map(1)      # index map of 1D entities in domain
values = np.zeros(top_imap.size_global)      # an array of zeros of the same size as number of 2D entities
values[facet_tags.indices]=facet_tags.values # populating the array with facet tag index numbers
print(np.unique(facet_tags.values))          # printing the unique indices

# Gmsh numbering:
# Physical Curve("left", 13) 
# //+
# Physical Curve("right", 14) 
# //+
# Physical Curve("bottom", 15)  
# //+
# Physical Curve("top", 16)  
# //+
# Physical Curve("inclusion_curve", 17)  
[13 14 15 16 17]

Visualize the reference configuration

import pyvista
pyvista.set_jupyter_backend('html')
from dolfinx.plot import vtk_mesh
pyvista.start_xvfb()

# initialize a plotter
plotter = pyvista.Plotter()

# Add the mesh.
topology, cell_types, geometry = plot.vtk_mesh(domain, domain.topology.dim)
grid = pyvista.UnstructuredGrid(topology, cell_types, geometry)
plotter.add_mesh(grid, show_edges=True, opacity=0.25) 

# Add colored 2D surfaces for the named surfaces
inclusion = pyvista.UnstructuredGrid(*vtk_mesh(domain, domain.topology.dim,cell_tags.indices[cell_tags.values==18]) )
matrix = pyvista.UnstructuredGrid(*vtk_mesh(domain, domain.topology.dim,cell_tags.indices[cell_tags.values==19]) )
#
actor   = plotter.add_mesh(inclusion,  show_edges=False,color="red") 
actor2  = plotter.add_mesh(matrix,     show_edges=False,color="blue")  

plotter.view_xy()

#labels = dict(zlabel='Z', xlabel='X', ylabel='Y')
labels = dict(xlabel='X', ylabel='Y')
plotter.add_axes(**labels)

plotter.screenshot("results/elliptical_inclusion_mesh.png")

from IPython.display import Image
Image(filename='results/elliptical_inclusion_mesh.png') 

# # Use the following  commands for a  zoom-able  view
# if not pyvista.OFF_SCREEN:
#     plotter.show()
# else:
#     plotter.screenshot("elliptical_inclusion_mesh.png")
../_images/56a616d33968d91ba2312d860945d0b128020fcc7696a9e35477c7e65937541d.png

Define boundary and volume integration measure#

# Define the boundary integration measure "ds" using the facet tags,
# also specify the number of surface quadrature points.
ds = ufl.Measure('ds', domain=domain, subdomain_data=facet_tags, metadata={'quadrature_degree':4})

# Define the volume integration measure "dx" 
# also specify the number of volume quadrature points.
dx = ufl.Measure('dx', domain=domain, metadata={'quadrature_degree': 4})

# Create facet to cell connectivity required to determine boundary facets.
domain.topology.create_connectivity(domain.topology.dim, domain.topology.dim)
domain.topology.create_connectivity(domain.topology.dim, domain.topology.dim-1)
domain.topology.create_connectivity(domain.topology.dim-1, domain.topology.dim)

# #  Define facet normal
n2D = ufl.FacetNormal(domain)
n = ufl.as_vector([n2D[0], n2D[1], 0.0]) # define n as a 3D vector for later use

Material parameters#

# A function for constructing spatially varying (piecewise-constant) material parameters

# Need some extra infrastructure for the spatially-discontinuous material property fields
Vmat = functionspace(domain, ("DG", 0)) # create a DG0 function space on the domain

# Define function ``mat'' for assigning different values for material properties
# for the inclusion and tthe matrix
#
def mat(prop_val_inclusion, prop_val_matrix):

    # Define an empty "prop" material parameter function,
    # which lives on the DG0 function space.
    prop = Function(Vmat)
    
    # Now, actualy assign the desired values of the material properies to the new field.
    #
    coords = Vmat.tabulate_dof_coordinates()
    #
    # loop over the coordinates and assign the relevant material property, 
    # based on the local cell tag number.
    for i in range(coords.shape[0]):
        if cell_tags.values[i] == 18:
            prop.vector.setValueLocal(i, prop_val_inclusion)
        elif cell_tags.values[i] == 19:
            prop.vector.setValueLocal(i, prop_val_matrix)   
    return prop
Gshear_0= mat(0.5, 0.3)                              # Shear modulii in the two materials, kPa
lambdaL = Constant(domain,PETSc.ScalarType(1000))    # Locking stretch large number for a Neo-Hokkean material
Kbulk   = mat(500,300)                               # Bulk modulii in the two materials, kPa
Omega   = mat(1.E5,0.1)                              # Molar volume of fluid
D       = mat(5.0e-3, 5.0E-3)                        # Diffusivity of fluid
chi     = mat(0.1,0.9)                               # Flory-Huggins chi parameter for the two materials
#
theta0  = Constant(domain,PETSc.ScalarType(298) )           # Reference temperature
R_gas   = Constant(domain,PETSc.ScalarType(8.3145e6))       # Gas constant
RT      = Constant(domain,PETSc.ScalarType(8.3145e6*theta0))
#
phi0    = Constant(domain,PETSc.ScalarType(0.999))                # Initial polymer volume fraction
mu0     = Constant(domain,PETSc.ScalarType(ln(1.0-phi0) + phi0 )) # Initial chemical potential
c0      = Constant(domain,PETSc.ScalarType((1/phi0) - 1))         # initial concentration

Visualize the spatially varying shear modulus

pyvista.set_jupyter_backend('html')
pyvista.start_xvfb()

# Prepare the gshear field for plotting
V = functionspace(domain,("DG",1)) # for some reason, we need a degree 1 DG function space in order to plot in Pyvista.
vtkdata = vtk_mesh(V)  
grid = pyvista.UnstructuredGrid(*vtkdata)
# 
grid["Gshear_0"] = Gshear_0.x.array # interpolate the Gshear_0 data onto the DG1 space.
#
grid.set_active_scalars("Gshear_0")
actor = plotter.add_mesh(grid, show_edges=True) # plot Gshear_0 values.

plotter.view_xy()

#labels = dict(xlabel='X', ylabel='Y', zlabel='Z')
labels = dict(xlabel='X', ylabel='Y')
plotter.add_axes(**labels)

plotter.screenshot("results/plate_mesh_Gshear_0.png")

from IPython.display import Image
Image(filename='results/plate_mesh_Gshear_0.png') 

# if not pyvista.OFF_SCREEN:
#     plotter.show()
# else:
#     plotter.screenshot("results/plate_mesh_Gshear_0.png")
../_images/f805a2647942e67c95b1ffb3a614538bc2484afe77110fb06346a359f570d8b7.png

Function spaces#

# Define function space, both vectorial and scalar
# 
U2 = element("Lagrange", domain.basix_cell(), 2, shape=(2,)) # For displacement
P1 = element("Lagrange", domain.basix_cell(), 1) # For pressure, chemical potential and  species concentration
#                                      
TH = mixed_element([U2, P1, P1, P1])  # Taylor-Hood style mixed element
ME = functionspace(domain, TH)        # Total space for all DOFs

# Define actual functions with the required DOFs
w = Function(ME)
u, p, mu, c = split(w)  # displacement u, pressure p, chemical potential mu, and concentration c

# A copy of functions to store values in the previous step for time-stepping
w_old = Function(ME)
u_old,  p_old, mu_old, c_old = split(w_old)   

# Define test functions    
u_test, p_test,  mu_test, c_test = TestFunctions(ME)  

# Define trial functions needed for automatic differentiation
dw = TrialFunction(ME)                  

  

Initial conditions#

  • The initial conditions for \(\mathbf{u}\) and \(p\) are zero everywhere.

  • These are imposed automatically, since we have not specified any non-zero initial conditions.

  • We do, however, need to impose the uniform initial conditions for \(\mu=\mu_0\) and \(\hat{c} = \hat{c}_0\) which correspond to \(\phi_0 = 0.999\). This is done below.

# Assign initial  normalized chemical potential  mu0 to the domain
w.sub(2).interpolate(lambda x: np.full((x.shape[1],),  mu0))
w_old.sub(2).interpolate(lambda x: np.full((x.shape[1],), mu0))  

# Assign initial  value of normalized concentration  c0 to the domain
w.sub(3).interpolate(lambda x: np.full((x.shape[1],),  c0))
w_old.sub(3).interpolate(lambda x: np.full((x.shape[1],), c0))   

Subroutines for kinematics and constitutive equations#

# Special gradient operators for plane strain 
#
# Gradient of vector field u   
def pe_grad_vector(u):
    
    grad_u = grad(u)
    
    pe_grad_u = ufl.as_tensor([ [grad_u[0,0], grad_u[0,1], 0.0],
                                [grad_u[1,0], grad_u[1,1], 0.0],
                                [        0.0,         0.0, 0.0] ]) 
    return pe_grad_u

# Gradient of scalar field y
# (just need an extra zero for dimensions to work out)
def pe_grad_scalar(y):
    
    grad_y = grad(y)
    
    pe_grad_y = ufl.as_vector([grad_y[0], grad_y[1], 0.0])
    
    return pe_grad_y

# Plane strain deformation gradient 
def F_pe_calc(u):
    
    dim = len(u)                # dimension of problem (2)
    
    Id = Identity(dim)          # 2D Identity tensor
    
    F = Id + grad(u)            # 2D Deformation gradient
      
    F_pe =  ufl.as_tensor([ [F[0,0], F[0,1], 0.0],
                            [F[1,0], F[1,1], 0.0],
                            [   0.0,    0.0, 1.0] ]) # Full plane strain F
    return F_pe

def lambdaBar_calc(u):
    F = F_pe_calc(u)
    C = F.T*F
    Cdis = J**(-2/3)*C
    I1 = tr(Cdis)
    lambdaBar = sqrt(I1/3.0)
    return lambdaBar

#---------------------------------------------------
# Calculate zeta
#---------------------------------------------------
def zeta_calc(u):
    lambdaBar = lambdaBar_calc(u)
    # Use Pade approximation of Langevin inverse
    z    = lambdaBar/lambdaL
    z    = conditional(gt(z,0.95), 0.95, z) # Keep simulation from blowing up
    beta = z*(3.0 - z**2.0)/(1.0 - z**2.0)
    zeta = (lambdaL/(3*lambdaBar))*beta
    return zeta

#---------------------------------------------------
# Calculate zeta0
#---------------------------------------------------
def zeta0_calc():
    # Use Pade approximation of Langevin inverse (A. Cohen, 1991)
    z    = 1/lambdaL
    z    = conditional(gt(z,0.95), 0.95, z) # Keep from blowing up
    beta0 = z*(3.0 - z**2.0)/(1.0 - z**2.0)
    zeta0 = (lambdaL/3)*beta0
    return zeta0

#---------------------------------------------------
# Subroutine for calculating the elastic jacobian Je
#---------------------------------------------------
def Je_calc(u,c):
    F = F_pe_calc(u)  
    detF = det(F)   
    #
    detFs = 1.0 + c          # = Js
    Je    = (detF/detFs)     # = Je
    return   Je    

#----------------------------------------------
# Subroutine for calculating the Piola  stress
#----------------------------------------------
def Piola_calc(u,p):
    F     = F_pe_calc(u)
    zeta  = zeta_calc(u)
    zeta0 = zeta0_calc()
    Piola = (zeta*F - zeta0*inv(F.T) ) - J*p*inv(F.T)/Gshear_0
    return Piola

#--------------------------------------------------------------
# Subroutine for calculating the normalized species flux
#--------------------------------------------------------------
def Flux_calc(u, mu, c):
    F = F_pe_calc(u) 
    #
    Cinv = inv(F.T*F) 
    #
    Mob = (D*c)/(Omega*RT)*Cinv
    #
    Jmat = - RT* Mob * grad(mu)
    return Jmat

Evaluate kinematics and constitutive relations#

# Kinematics
F = F_pe_calc(u)
J = det(F)  # Total volumetric jacobian
#
lambdaBar = lambdaBar_calc(u)
#
# Elastic volumetric Jacobian
Je     = Je_calc(u,c)                    
Je_old = Je_calc(u_old,c_old)

#  Normalized Piola stress
Piola = Piola_calc(u, p)

#  Normalized species  flux
Jmat = Flux_calc(u, mu, c)

Weak forms#

# Residuals:
# Res_0: Balance of forces (test fxn: u)
# Res_1: Pressure variable (test fxn: p)
# Res_2: Balance of mass   (test fxn: mu)
# Res_3: Auxiliary variable (test fxn: c)

# Time step field, constant within body
dk = Constant(domain, PETSc.ScalarType(dt))

# The weak form for the equilibrium equation
Res_0 = inner(Piola , pe_grad_vector(u_test) )*dx

# The weak form for the auxiliary pressure variable 
Res_1 = dot((p*Je/Kbulk + ln(Je)) , p_test)*dx

# The weak form for the mass balance of solvent      
Res_2 = dot((c - c_old)/dk, mu_test)*dx \
        -  Omega*dot(Jmat , pe_grad_scalar(mu_test) )*dx      

# The weak form for the concentration
fac = 1/(1+c)
fac1 =  mu - ( ln(1.0-fac)+ fac + chi*fac*fac)
fac2 = - (Omega*Je/RT)*p 
fac3 = - (1./2.) * (Omega/(Kbulk*RT)) * ((p*Je)**2.0)
fac4 = fac1 + fac2 + fac3
#
Res_3 = dot(fac4, c_test)*dx
     
# Total weak form
Res = Res_0 + Res_1 + Res_2 + Res_3

# Automatic differentiation tangent:
a = derivative(Res, w, dw)

Set-up output files#

# results file name
results_name = "gel_elliptical_inclusion_growth"

# Function space for projection of results
U1 = element("DG", domain.basix_cell(), 1, shape=(2,))  # For displacement
P0 = element("DG", domain.basix_cell(), 1)              # For  pressure, chemical potential, and concentration 
T1 = element("DG", domain.basix_cell(), 1, shape=(3,3)) # For stress tensor

V1 = fem.functionspace(domain, P0) # Scalar function space
V2 = fem.functionspace(domain, U1) # Vector function space
V3 = fem.functionspace(domain, T1) # Tensor function space

# basic fields to write to output file
u_vis = Function(V2)
u_vis.name = "disp"

p_vis = Function(V1)
p_vis.name = "p"

mu_vis = Function(V1)
mu_vis.name = "mu"

c_vis = Function(V1)
c_vis.name = "c"


# calculated fields to write to output file
phi = 1/(1+c)
phi_vis = Function(V1)
phi_vis.name = "phi"
phi_expr = Expression(phi,V1.element.interpolation_points())

J_vis = Function(V1)
J_vis.name = "J"
J_expr = Expression(J,V1.element.interpolation_points())

lambdaBar_vis = Function(V1)
lambdaBar_vis.name = "lambdaBar"
lambdaBar_expr = Expression(lambdaBar,V1.element.interpolation_points())

P11 = Function(V1)
P11.name = "P11"
P11_expr = Expression(Piola[0,0],V1.element.interpolation_points())
#
P22 = Function(V1)
P22.name = "P22"
P22_expr = Expression(Piola[1,1],V1.element.interpolation_points())
#
P33 = Function(V1)
P33.name = "P33"
P33_expr = Expression(Piola[2,2],V1.element.interpolation_points())

# Mises stress
T   = Piola*F.T/J
T0   = T - (1/3)*tr(T)*Identity(3)
Mises = sqrt((3/2)*inner(T0, T0))
Mises_vis= Function(V1,name="Mises")
Mises_expr = Expression(Mises,V1.element.interpolation_points())

# set up the output VTX files.
file_results = VTXWriter(
    MPI.COMM_WORLD,
    "results/" + results_name + ".bp",
    [  # put the functions here you wish to write to output
        u_vis, p_vis, mu_vis, c_vis, phi_vis, J_vis, P11, P22, P33, 
        lambdaBar_vis,Mises_vis,
    ],
    engine="BP4",
)

def writeResults(t):
       # Output field interpolation 
       u_vis.interpolate(w.sub(0))
       p_vis.interpolate(w.sub(1))
       mu_vis.interpolate(w.sub(2))
       c_vis.interpolate(w.sub(3))
       phi_vis.interpolate(phi_expr)
       J_vis.interpolate(J_expr)
       P11.interpolate(P11_expr)
       P22.interpolate(P22_expr)
       P33.interpolate(P33_expr)
       lambdaBar_vis.interpolate(lambdaBar_expr)
       Mises_vis.interpolate(Mises_expr)

       # Write output fields
       file_results.write(t) 
        

Infrastructure for pulling out time history results data (displacement, force, etc.)#

# Identify point for reporting dislacement
pointForDispA = np.array([a0,0.0,0.0])   
pointForDispB = np.array([0.0,b0,0.0])   
pointForDispC = np.array([0.0,0.0,0.0])

bb_tree = dolfinx.geometry.bb_tree(domain,domain.topology.dim)
cell_candidates = dolfinx.geometry.compute_collisions_points(bb_tree, pointForDispA)
colliding_cells_A = dolfinx.geometry.compute_colliding_cells(domain, cell_candidates, pointForDispA).array

bb_tree = dolfinx.geometry.bb_tree(domain,domain.topology.dim)
cell_candidates = dolfinx.geometry.compute_collisions_points(bb_tree, pointForDispB)
colliding_cells_B = dolfinx.geometry.compute_colliding_cells(domain, cell_candidates, pointForDispB).array

bb_tree = dolfinx.geometry.bb_tree(domain,domain.topology.dim)
cell_candidates = dolfinx.geometry.compute_collisions_points(bb_tree, pointForDispC)
colliding_cells_C = dolfinx.geometry.compute_colliding_cells(domain, cell_candidates, pointForDispC).array

Analysis Step#

# Give the step a descriptive name
step = "Swell"

Boundary conditions#

# Gmsh numbering:
# Physical Curve("left", 13) 
# //+
# Physical Curve("right", 14) 
# //+
# Physical Curve("bottom", 15)  
# //+
# Physical Curve("top", 16)  
# //+
# Physical Curve("inclusion_curve", 17)  

# Constant for applied  chemical potential
mu_cons = Constant(domain,PETSc.ScalarType(muRamp(0)))

# Identify the specific DOFs which will be constrained
left_u1_dofs = fem.locate_dofs_topological(ME.sub(0).sub(0), facet_tags.dim, facet_tags.find(13))
left_u2_dofs = fem.locate_dofs_topological(ME.sub(0).sub(1), facet_tags.dim, facet_tags.find(13))
#
right_u1_dofs = fem.locate_dofs_topological(ME.sub(0).sub(0), facet_tags.dim, facet_tags.find(14))
right_u2_dofs = fem.locate_dofs_topological(ME.sub(0).sub(1), facet_tags.dim, facet_tags.find(14))
#
bottom_u1_dofs = fem.locate_dofs_topological(ME.sub(0).sub(0), facet_tags.dim, facet_tags.find(15))
bottom_u2_dofs = fem.locate_dofs_topological(ME.sub(0).sub(1), facet_tags.dim, facet_tags.find(15))
#
top_u1_dofs = fem.locate_dofs_topological(ME.sub(0).sub(0), facet_tags.dim, facet_tags.find(16))
top_u2_dofs = fem.locate_dofs_topological(ME.sub(0).sub(1), facet_tags.dim, facet_tags.find(16))
#
inclusion_mu_dofs  = fem.locate_dofs_topological(ME.sub(2), facet_tags.dim, facet_tags.find(17))

# building Dirichlet BCs
bcs_1 = dirichletbc(0.0, left_u1_dofs, ME.sub(0).sub(0))   # u1 fix left
bcs_2 = dirichletbc(0.0, left_u2_dofs, ME.sub(0).sub(1))   # u2 fix left
#
bcs_3 = dirichletbc(0.0, right_u1_dofs, ME.sub(0).sub(0))   # u1 fix right
bcs_4 = dirichletbc(0.0, right_u2_dofs, ME.sub(0).sub(1))   # u2 fix right
#
bcs_5 = dirichletbc(0.0, bottom_u1_dofs, ME.sub(0).sub(0))  # u1 fix bottom
bcs_6 = dirichletbc(0.0, bottom_u2_dofs, ME.sub(0).sub(1))  # u2 fix bottom
#
bcs_7 = dirichletbc(mu_cons, inclusion_mu_dofs, ME.sub(2))  # mu_cons- inclusion boundary

# Zero displacement bc for  center of node of inclusion
V0, submap = ME.sub(0).collapse()
fixed_u_dofs = fem.locate_dofs_geometrical((ME.sub(0), V0), ground)
fixed_disp = Function(V0)
fixed_disp.interpolate(lambda x: np.stack(( np.zeros(x.shape[1]), np.zeros(x.shape[1]) ) ) )
#
bcs_8 = dirichletbc(fixed_disp, fixed_u_dofs, ME.sub(0))     # u fix -  center node of inclusion

# Complete set of bcs
bcs = [bcs_1, bcs_2, bcs_3, bcs_4, bcs_5, bcs_6, bcs_7, bcs_8]

Define the nonlinear variational problem#

# Set up nonlinear problem
problem = NonlinearProblem(Res, w, bcs, a)

# The global newton solver and params
solver = NewtonSolver(MPI.COMM_WORLD, problem)
solver.convergence_criterion = "incremental"
solver.rtol = 1e-8
solver.atol = 1e-8
solver.max_it = 50
solver.report = True

#  The Krylov solver parameters.
ksp = solver.krylov_solver
opts = PETSc.Options()
option_prefix = ksp.getOptionsPrefix()
opts[f"{option_prefix}ksp_type"] = "preonly" 
opts[f"{option_prefix}pc_type"] = "lu"       # do not use 'gamg' pre-conditioner
opts[f"{option_prefix}pc_factor_mat_solver_type"] = "mumps"
opts[f"{option_prefix}ksp_max_it"] = 30
ksp.setFromOptions()

Initialize arrays for storing output history#

# Arrays for storing output history
totSteps = 100000
timeHist0 = np.zeros(shape=[totSteps])
timeHist1 = np.zeros(shape=[totSteps]) 
timeHist2 = np.zeros(shape=[totSteps]) 
#
timeHist1[0]  = a0    # initial  value of major axis  of ellipse
timeHist2[0]  = b0    # initial  value of minor axis  of ellipse

# Initialize a counter for reporting data
ii = 0

# Write initial state to file
writeResults(t=0.0) 

Start calculation loop#

# Print  message for simulation start
print("------------------------------------")
print("Simulation Start")
print("------------------------------------")
# Store start time 
startTime = datetime.now()

# Time-stepping solution procedure loop
while (round(t + dt, 9) <= Ttot):
    
    # # smaller time-step needed for initiation of buckling
    # if (t>=2000 and t<=3600): 
    #     dt = 10
    #     dk = Constant(domain, PETSc.ScalarType(dt))
    # else:
    #     dt = 50
    #     dk = Constant(domain, PETSc.ScalarType(dt))
     
    # increment time
    t += dt 
    # increment counter
    ii += 1
    
    # update time variables in time-dependent BCs 
    mu_cons.value = float(muRamp(t))
    
    # Solve the problem
    try:
        (iter, converged) = solver.solve(w)
    except: # Break the loop if solver fails
        print("Ended Early")
        break
    
    # Collect results from MPI ghost processes
    w.x.scatter_forward()
    
    # Write output to file
    writeResults(t)
    
    # Update DOFs for next step
    w_old.x.array[:] = w.x.array
    
    
    # Store  output history at a particular point  at current time
    #
    timeHist0[ii] = t                                                            # time
    #
    timeHist1[ii] = a0 +  \
         (w.sub(0).sub(0).eval([a0,0.0,0.0],colliding_cells_A[0])[0]  \
         - w.sub(0).sub(0).eval([0.0,0.0,0.0],colliding_cells_C[0])[0])   #  major axis of ellipse
    #
    timeHist2[ii] =b0 +  \
        (w.sub(0).sub(1).eval([0.0,b0,0.0],colliding_cells_B[0])[0]  \
         - w.sub(0).sub(1).eval([0.0,0.0,0.0],colliding_cells_C[0])[0])   #  minor axis of ellipse

    # Print progress of calculation
    if ii%1 == 0:      
        now = datetime.now()
        current_time = now.strftime("%H:%M:%S")
        print("Step: {} | Increment: {}, Iterations: {}".\
              format(step, ii, iter))
        print("      Simulation Time: {} s  of  {} s".\
              format(round(t,4), Ttot))
        print()  
    
# close the output file.
file_results.close()
         
# End analysis
print("-----------------------------------------")
print("End computation")                 
# Report elapsed real time for the analysis
endTime = datetime.now()
elapseTime = endTime - startTime
print("------------------------------------------")
print("Elapsed real time:  {}".format(elapseTime))
print("------------------------------------------")
------------------------------------
Simulation Start
------------------------------------
Step: Swell | Increment: 1, Iterations: 6
      Simulation Time: 10.0 s  of  7200 s

Step: Swell | Increment: 2, Iterations: 5
      Simulation Time: 20.0 s  of  7200 s

Step: Swell | Increment: 3, Iterations: 4
      Simulation Time: 30.0 s  of  7200 s

Step: Swell | Increment: 4, Iterations: 4
      Simulation Time: 40.0 s  of  7200 s

Step: Swell | Increment: 5, Iterations: 4
      Simulation Time: 50.0 s  of  7200 s

Step: Swell | Increment: 6, Iterations: 4
      Simulation Time: 60.0 s  of  7200 s

Step: Swell | Increment: 7, Iterations: 4
      Simulation Time: 70.0 s  of  7200 s

Step: Swell | Increment: 8, Iterations: 4
      Simulation Time: 80.0 s  of  7200 s

Step: Swell | Increment: 9, Iterations: 4
      Simulation Time: 90.0 s  of  7200 s

Step: Swell | Increment: 10, Iterations: 4
      Simulation Time: 100.0 s  of  7200 s

Step: Swell | Increment: 11, Iterations: 4
      Simulation Time: 110.0 s  of  7200 s

Step: Swell | Increment: 12, Iterations: 4
      Simulation Time: 120.0 s  of  7200 s

Step: Swell | Increment: 13, Iterations: 4
      Simulation Time: 130.0 s  of  7200 s

Step: Swell | Increment: 14, Iterations: 4
      Simulation Time: 140.0 s  of  7200 s

Step: Swell | Increment: 15, Iterations: 4
      Simulation Time: 150.0 s  of  7200 s

Step: Swell | Increment: 16, Iterations: 4
      Simulation Time: 160.0 s  of  7200 s

Step: Swell | Increment: 17, Iterations: 4
      Simulation Time: 170.0 s  of  7200 s

Step: Swell | Increment: 18, Iterations: 4
      Simulation Time: 180.0 s  of  7200 s

Step: Swell | Increment: 19, Iterations: 4
      Simulation Time: 190.0 s  of  7200 s

Step: Swell | Increment: 20, Iterations: 4
      Simulation Time: 200.0 s  of  7200 s

Step: Swell | Increment: 21, Iterations: 4
      Simulation Time: 210.0 s  of  7200 s

Step: Swell | Increment: 22, Iterations: 4
      Simulation Time: 220.0 s  of  7200 s

Step: Swell | Increment: 23, Iterations: 4
      Simulation Time: 230.0 s  of  7200 s

Step: Swell | Increment: 24, Iterations: 4
      Simulation Time: 240.0 s  of  7200 s

Step: Swell | Increment: 25, Iterations: 4
      Simulation Time: 250.0 s  of  7200 s

Step: Swell | Increment: 26, Iterations: 4
      Simulation Time: 260.0 s  of  7200 s

Step: Swell | Increment: 27, Iterations: 4
      Simulation Time: 270.0 s  of  7200 s

Step: Swell | Increment: 28, Iterations: 4
      Simulation Time: 280.0 s  of  7200 s

Step: Swell | Increment: 29, Iterations: 4
      Simulation Time: 290.0 s  of  7200 s

Step: Swell | Increment: 30, Iterations: 4
      Simulation Time: 300.0 s  of  7200 s

Step: Swell | Increment: 31, Iterations: 4
      Simulation Time: 310.0 s  of  7200 s

Step: Swell | Increment: 32, Iterations: 4
      Simulation Time: 320.0 s  of  7200 s

Step: Swell | Increment: 33, Iterations: 4
      Simulation Time: 330.0 s  of  7200 s

Step: Swell | Increment: 34, Iterations: 4
      Simulation Time: 340.0 s  of  7200 s

Step: Swell | Increment: 35, Iterations: 4
      Simulation Time: 350.0 s  of  7200 s

Step: Swell | Increment: 36, Iterations: 4
      Simulation Time: 360.0 s  of  7200 s

Step: Swell | Increment: 37, Iterations: 4
      Simulation Time: 370.0 s  of  7200 s

Step: Swell | Increment: 38, Iterations: 4
      Simulation Time: 380.0 s  of  7200 s

Step: Swell | Increment: 39, Iterations: 4
      Simulation Time: 390.0 s  of  7200 s

Step: Swell | Increment: 40, Iterations: 4
      Simulation Time: 400.0 s  of  7200 s

Step: Swell | Increment: 41, Iterations: 4
      Simulation Time: 410.0 s  of  7200 s

Step: Swell | Increment: 42, Iterations: 4
      Simulation Time: 420.0 s  of  7200 s

Step: Swell | Increment: 43, Iterations: 4
      Simulation Time: 430.0 s  of  7200 s

Step: Swell | Increment: 44, Iterations: 4
      Simulation Time: 440.0 s  of  7200 s

Step: Swell | Increment: 45, Iterations: 4
      Simulation Time: 450.0 s  of  7200 s

Step: Swell | Increment: 46, Iterations: 4
      Simulation Time: 460.0 s  of  7200 s

Step: Swell | Increment: 47, Iterations: 4
      Simulation Time: 470.0 s  of  7200 s

Step: Swell | Increment: 48, Iterations: 4
      Simulation Time: 480.0 s  of  7200 s

Step: Swell | Increment: 49, Iterations: 4
      Simulation Time: 490.0 s  of  7200 s

Step: Swell | Increment: 50, Iterations: 4
      Simulation Time: 500.0 s  of  7200 s

Step: Swell | Increment: 51, Iterations: 4
      Simulation Time: 510.0 s  of  7200 s

Step: Swell | Increment: 52, Iterations: 4
      Simulation Time: 520.0 s  of  7200 s

Step: Swell | Increment: 53, Iterations: 4
      Simulation Time: 530.0 s  of  7200 s

Step: Swell | Increment: 54, Iterations: 4
      Simulation Time: 540.0 s  of  7200 s

Step: Swell | Increment: 55, Iterations: 4
      Simulation Time: 550.0 s  of  7200 s

Step: Swell | Increment: 56, Iterations: 4
      Simulation Time: 560.0 s  of  7200 s

Step: Swell | Increment: 57, Iterations: 4
      Simulation Time: 570.0 s  of  7200 s

Step: Swell | Increment: 58, Iterations: 4
      Simulation Time: 580.0 s  of  7200 s

Step: Swell | Increment: 59, Iterations: 4
      Simulation Time: 590.0 s  of  7200 s

Step: Swell | Increment: 60, Iterations: 4
      Simulation Time: 600.0 s  of  7200 s

Step: Swell | Increment: 61, Iterations: 4
      Simulation Time: 610.0 s  of  7200 s

Step: Swell | Increment: 62, Iterations: 4
      Simulation Time: 620.0 s  of  7200 s

Step: Swell | Increment: 63, Iterations: 4
      Simulation Time: 630.0 s  of  7200 s

Step: Swell | Increment: 64, Iterations: 4
      Simulation Time: 640.0 s  of  7200 s

Step: Swell | Increment: 65, Iterations: 4
      Simulation Time: 650.0 s  of  7200 s

Step: Swell | Increment: 66, Iterations: 4
      Simulation Time: 660.0 s  of  7200 s

Step: Swell | Increment: 67, Iterations: 4
      Simulation Time: 670.0 s  of  7200 s

Step: Swell | Increment: 68, Iterations: 4
      Simulation Time: 680.0 s  of  7200 s

Step: Swell | Increment: 69, Iterations: 4
      Simulation Time: 690.0 s  of  7200 s

Step: Swell | Increment: 70, Iterations: 4
      Simulation Time: 700.0 s  of  7200 s

Step: Swell | Increment: 71, Iterations: 4
      Simulation Time: 710.0 s  of  7200 s

Step: Swell | Increment: 72, Iterations: 4
      Simulation Time: 720.0 s  of  7200 s

Step: Swell | Increment: 73, Iterations: 4
      Simulation Time: 730.0 s  of  7200 s

Step: Swell | Increment: 74, Iterations: 4
      Simulation Time: 740.0 s  of  7200 s

Step: Swell | Increment: 75, Iterations: 4
      Simulation Time: 750.0 s  of  7200 s

Step: Swell | Increment: 76, Iterations: 4
      Simulation Time: 760.0 s  of  7200 s

Step: Swell | Increment: 77, Iterations: 4
      Simulation Time: 770.0 s  of  7200 s

Step: Swell | Increment: 78, Iterations: 4
      Simulation Time: 780.0 s  of  7200 s

Step: Swell | Increment: 79, Iterations: 4
      Simulation Time: 790.0 s  of  7200 s

Step: Swell | Increment: 80, Iterations: 4
      Simulation Time: 800.0 s  of  7200 s

Step: Swell | Increment: 81, Iterations: 4
      Simulation Time: 810.0 s  of  7200 s

Step: Swell | Increment: 82, Iterations: 4
      Simulation Time: 820.0 s  of  7200 s

Step: Swell | Increment: 83, Iterations: 4
      Simulation Time: 830.0 s  of  7200 s

Step: Swell | Increment: 84, Iterations: 4
      Simulation Time: 840.0 s  of  7200 s

Step: Swell | Increment: 85, Iterations: 4
      Simulation Time: 850.0 s  of  7200 s

Step: Swell | Increment: 86, Iterations: 4
      Simulation Time: 860.0 s  of  7200 s

Step: Swell | Increment: 87, Iterations: 4
      Simulation Time: 870.0 s  of  7200 s

Step: Swell | Increment: 88, Iterations: 4
      Simulation Time: 880.0 s  of  7200 s

Step: Swell | Increment: 89, Iterations: 4
      Simulation Time: 890.0 s  of  7200 s

Step: Swell | Increment: 90, Iterations: 4
      Simulation Time: 900.0 s  of  7200 s

Step: Swell | Increment: 91, Iterations: 4
      Simulation Time: 910.0 s  of  7200 s

Step: Swell | Increment: 92, Iterations: 4
      Simulation Time: 920.0 s  of  7200 s

Step: Swell | Increment: 93, Iterations: 4
      Simulation Time: 930.0 s  of  7200 s

Step: Swell | Increment: 94, Iterations: 4
      Simulation Time: 940.0 s  of  7200 s

Step: Swell | Increment: 95, Iterations: 4
      Simulation Time: 950.0 s  of  7200 s

Step: Swell | Increment: 96, Iterations: 4
      Simulation Time: 960.0 s  of  7200 s

Step: Swell | Increment: 97, Iterations: 4
      Simulation Time: 970.0 s  of  7200 s

Step: Swell | Increment: 98, Iterations: 4
      Simulation Time: 980.0 s  of  7200 s

Step: Swell | Increment: 99, Iterations: 4
      Simulation Time: 990.0 s  of  7200 s

Step: Swell | Increment: 100, Iterations: 4
      Simulation Time: 1000.0 s  of  7200 s

Step: Swell | Increment: 101, Iterations: 4
      Simulation Time: 1010.0 s  of  7200 s

Step: Swell | Increment: 102, Iterations: 4
      Simulation Time: 1020.0 s  of  7200 s

Step: Swell | Increment: 103, Iterations: 4
      Simulation Time: 1030.0 s  of  7200 s

Step: Swell | Increment: 104, Iterations: 4
      Simulation Time: 1040.0 s  of  7200 s

Step: Swell | Increment: 105, Iterations: 4
      Simulation Time: 1050.0 s  of  7200 s

Step: Swell | Increment: 106, Iterations: 4
      Simulation Time: 1060.0 s  of  7200 s

Step: Swell | Increment: 107, Iterations: 4
      Simulation Time: 1070.0 s  of  7200 s

Step: Swell | Increment: 108, Iterations: 4
      Simulation Time: 1080.0 s  of  7200 s

Step: Swell | Increment: 109, Iterations: 4
      Simulation Time: 1090.0 s  of  7200 s

Step: Swell | Increment: 110, Iterations: 4
      Simulation Time: 1100.0 s  of  7200 s

Step: Swell | Increment: 111, Iterations: 4
      Simulation Time: 1110.0 s  of  7200 s

Step: Swell | Increment: 112, Iterations: 4
      Simulation Time: 1120.0 s  of  7200 s

Step: Swell | Increment: 113, Iterations: 4
      Simulation Time: 1130.0 s  of  7200 s

Step: Swell | Increment: 114, Iterations: 4
      Simulation Time: 1140.0 s  of  7200 s

Step: Swell | Increment: 115, Iterations: 4
      Simulation Time: 1150.0 s  of  7200 s

Step: Swell | Increment: 116, Iterations: 4
      Simulation Time: 1160.0 s  of  7200 s

Step: Swell | Increment: 117, Iterations: 4
      Simulation Time: 1170.0 s  of  7200 s

Step: Swell | Increment: 118, Iterations: 4
      Simulation Time: 1180.0 s  of  7200 s

Step: Swell | Increment: 119, Iterations: 4
      Simulation Time: 1190.0 s  of  7200 s

Step: Swell | Increment: 120, Iterations: 4
      Simulation Time: 1200.0 s  of  7200 s

Step: Swell | Increment: 121, Iterations: 4
      Simulation Time: 1210.0 s  of  7200 s

Step: Swell | Increment: 122, Iterations: 4
      Simulation Time: 1220.0 s  of  7200 s

Step: Swell | Increment: 123, Iterations: 4
      Simulation Time: 1230.0 s  of  7200 s

Step: Swell | Increment: 124, Iterations: 4
      Simulation Time: 1240.0 s  of  7200 s

Step: Swell | Increment: 125, Iterations: 4
      Simulation Time: 1250.0 s  of  7200 s

Step: Swell | Increment: 126, Iterations: 4
      Simulation Time: 1260.0 s  of  7200 s

Step: Swell | Increment: 127, Iterations: 4
      Simulation Time: 1270.0 s  of  7200 s

Step: Swell | Increment: 128, Iterations: 4
      Simulation Time: 1280.0 s  of  7200 s

Step: Swell | Increment: 129, Iterations: 4
      Simulation Time: 1290.0 s  of  7200 s

Step: Swell | Increment: 130, Iterations: 4
      Simulation Time: 1300.0 s  of  7200 s

Step: Swell | Increment: 131, Iterations: 4
      Simulation Time: 1310.0 s  of  7200 s

Step: Swell | Increment: 132, Iterations: 4
      Simulation Time: 1320.0 s  of  7200 s

Step: Swell | Increment: 133, Iterations: 4
      Simulation Time: 1330.0 s  of  7200 s

Step: Swell | Increment: 134, Iterations: 4
      Simulation Time: 1340.0 s  of  7200 s

Step: Swell | Increment: 135, Iterations: 4
      Simulation Time: 1350.0 s  of  7200 s

Step: Swell | Increment: 136, Iterations: 4
      Simulation Time: 1360.0 s  of  7200 s

Step: Swell | Increment: 137, Iterations: 4
      Simulation Time: 1370.0 s  of  7200 s

Step: Swell | Increment: 138, Iterations: 4
      Simulation Time: 1380.0 s  of  7200 s

Step: Swell | Increment: 139, Iterations: 4
      Simulation Time: 1390.0 s  of  7200 s

Step: Swell | Increment: 140, Iterations: 4
      Simulation Time: 1400.0 s  of  7200 s

Step: Swell | Increment: 141, Iterations: 4
      Simulation Time: 1410.0 s  of  7200 s

Step: Swell | Increment: 142, Iterations: 4
      Simulation Time: 1420.0 s  of  7200 s

Step: Swell | Increment: 143, Iterations: 4
      Simulation Time: 1430.0 s  of  7200 s

Step: Swell | Increment: 144, Iterations: 4
      Simulation Time: 1440.0 s  of  7200 s

Step: Swell | Increment: 145, Iterations: 4
      Simulation Time: 1450.0 s  of  7200 s

Step: Swell | Increment: 146, Iterations: 4
      Simulation Time: 1460.0 s  of  7200 s

Step: Swell | Increment: 147, Iterations: 4
      Simulation Time: 1470.0 s  of  7200 s

Step: Swell | Increment: 148, Iterations: 4
      Simulation Time: 1480.0 s  of  7200 s

Step: Swell | Increment: 149, Iterations: 4
      Simulation Time: 1490.0 s  of  7200 s

Step: Swell | Increment: 150, Iterations: 4
      Simulation Time: 1500.0 s  of  7200 s

Step: Swell | Increment: 151, Iterations: 4
      Simulation Time: 1510.0 s  of  7200 s

Step: Swell | Increment: 152, Iterations: 4
      Simulation Time: 1520.0 s  of  7200 s

Step: Swell | Increment: 153, Iterations: 4
      Simulation Time: 1530.0 s  of  7200 s

Step: Swell | Increment: 154, Iterations: 4
      Simulation Time: 1540.0 s  of  7200 s

Step: Swell | Increment: 155, Iterations: 4
      Simulation Time: 1550.0 s  of  7200 s

Step: Swell | Increment: 156, Iterations: 4
      Simulation Time: 1560.0 s  of  7200 s

Step: Swell | Increment: 157, Iterations: 4
      Simulation Time: 1570.0 s  of  7200 s

Step: Swell | Increment: 158, Iterations: 4
      Simulation Time: 1580.0 s  of  7200 s

Step: Swell | Increment: 159, Iterations: 4
      Simulation Time: 1590.0 s  of  7200 s

Step: Swell | Increment: 160, Iterations: 4
      Simulation Time: 1600.0 s  of  7200 s

Step: Swell | Increment: 161, Iterations: 4
      Simulation Time: 1610.0 s  of  7200 s

Step: Swell | Increment: 162, Iterations: 4
      Simulation Time: 1620.0 s  of  7200 s

Step: Swell | Increment: 163, Iterations: 4
      Simulation Time: 1630.0 s  of  7200 s

Step: Swell | Increment: 164, Iterations: 4
      Simulation Time: 1640.0 s  of  7200 s

Step: Swell | Increment: 165, Iterations: 4
      Simulation Time: 1650.0 s  of  7200 s

Step: Swell | Increment: 166, Iterations: 4
      Simulation Time: 1660.0 s  of  7200 s

Step: Swell | Increment: 167, Iterations: 4
      Simulation Time: 1670.0 s  of  7200 s

Step: Swell | Increment: 168, Iterations: 4
      Simulation Time: 1680.0 s  of  7200 s

Step: Swell | Increment: 169, Iterations: 4
      Simulation Time: 1690.0 s  of  7200 s

Step: Swell | Increment: 170, Iterations: 4
      Simulation Time: 1700.0 s  of  7200 s

Step: Swell | Increment: 171, Iterations: 4
      Simulation Time: 1710.0 s  of  7200 s

Step: Swell | Increment: 172, Iterations: 4
      Simulation Time: 1720.0 s  of  7200 s

Step: Swell | Increment: 173, Iterations: 4
      Simulation Time: 1730.0 s  of  7200 s

Step: Swell | Increment: 174, Iterations: 4
      Simulation Time: 1740.0 s  of  7200 s

Step: Swell | Increment: 175, Iterations: 4
      Simulation Time: 1750.0 s  of  7200 s

Step: Swell | Increment: 176, Iterations: 4
      Simulation Time: 1760.0 s  of  7200 s

Step: Swell | Increment: 177, Iterations: 4
      Simulation Time: 1770.0 s  of  7200 s

Step: Swell | Increment: 178, Iterations: 4
      Simulation Time: 1780.0 s  of  7200 s

Step: Swell | Increment: 179, Iterations: 4
      Simulation Time: 1790.0 s  of  7200 s

Step: Swell | Increment: 180, Iterations: 4
      Simulation Time: 1800.0 s  of  7200 s

Step: Swell | Increment: 181, Iterations: 4
      Simulation Time: 1810.0 s  of  7200 s

Step: Swell | Increment: 182, Iterations: 4
      Simulation Time: 1820.0 s  of  7200 s

Step: Swell | Increment: 183, Iterations: 4
      Simulation Time: 1830.0 s  of  7200 s

Step: Swell | Increment: 184, Iterations: 4
      Simulation Time: 1840.0 s  of  7200 s

Step: Swell | Increment: 185, Iterations: 4
      Simulation Time: 1850.0 s  of  7200 s

Step: Swell | Increment: 186, Iterations: 4
      Simulation Time: 1860.0 s  of  7200 s

Step: Swell | Increment: 187, Iterations: 4
      Simulation Time: 1870.0 s  of  7200 s

Step: Swell | Increment: 188, Iterations: 4
      Simulation Time: 1880.0 s  of  7200 s

Step: Swell | Increment: 189, Iterations: 4
      Simulation Time: 1890.0 s  of  7200 s

Step: Swell | Increment: 190, Iterations: 4
      Simulation Time: 1900.0 s  of  7200 s

Step: Swell | Increment: 191, Iterations: 4
      Simulation Time: 1910.0 s  of  7200 s

Step: Swell | Increment: 192, Iterations: 4
      Simulation Time: 1920.0 s  of  7200 s

Step: Swell | Increment: 193, Iterations: 4
      Simulation Time: 1930.0 s  of  7200 s

Step: Swell | Increment: 194, Iterations: 4
      Simulation Time: 1940.0 s  of  7200 s

Step: Swell | Increment: 195, Iterations: 4
      Simulation Time: 1950.0 s  of  7200 s

Step: Swell | Increment: 196, Iterations: 4
      Simulation Time: 1960.0 s  of  7200 s

Step: Swell | Increment: 197, Iterations: 4
      Simulation Time: 1970.0 s  of  7200 s

Step: Swell | Increment: 198, Iterations: 4
      Simulation Time: 1980.0 s  of  7200 s

Step: Swell | Increment: 199, Iterations: 4
      Simulation Time: 1990.0 s  of  7200 s

Step: Swell | Increment: 200, Iterations: 4
      Simulation Time: 2000.0 s  of  7200 s

Step: Swell | Increment: 201, Iterations: 4
      Simulation Time: 2010.0 s  of  7200 s

Step: Swell | Increment: 202, Iterations: 4
      Simulation Time: 2020.0 s  of  7200 s

Step: Swell | Increment: 203, Iterations: 4
      Simulation Time: 2030.0 s  of  7200 s

Step: Swell | Increment: 204, Iterations: 4
      Simulation Time: 2040.0 s  of  7200 s

Step: Swell | Increment: 205, Iterations: 4
      Simulation Time: 2050.0 s  of  7200 s

Step: Swell | Increment: 206, Iterations: 4
      Simulation Time: 2060.0 s  of  7200 s

Step: Swell | Increment: 207, Iterations: 4
      Simulation Time: 2070.0 s  of  7200 s

Step: Swell | Increment: 208, Iterations: 4
      Simulation Time: 2080.0 s  of  7200 s

Step: Swell | Increment: 209, Iterations: 4
      Simulation Time: 2090.0 s  of  7200 s

Step: Swell | Increment: 210, Iterations: 4
      Simulation Time: 2100.0 s  of  7200 s

Step: Swell | Increment: 211, Iterations: 4
      Simulation Time: 2110.0 s  of  7200 s

Step: Swell | Increment: 212, Iterations: 4
      Simulation Time: 2120.0 s  of  7200 s

Step: Swell | Increment: 213, Iterations: 4
      Simulation Time: 2130.0 s  of  7200 s

Step: Swell | Increment: 214, Iterations: 4
      Simulation Time: 2140.0 s  of  7200 s

Step: Swell | Increment: 215, Iterations: 4
      Simulation Time: 2150.0 s  of  7200 s

Step: Swell | Increment: 216, Iterations: 4
      Simulation Time: 2160.0 s  of  7200 s

Step: Swell | Increment: 217, Iterations: 4
      Simulation Time: 2170.0 s  of  7200 s

Step: Swell | Increment: 218, Iterations: 4
      Simulation Time: 2180.0 s  of  7200 s

Step: Swell | Increment: 219, Iterations: 4
      Simulation Time: 2190.0 s  of  7200 s

Step: Swell | Increment: 220, Iterations: 4
      Simulation Time: 2200.0 s  of  7200 s

Step: Swell | Increment: 221, Iterations: 4
      Simulation Time: 2210.0 s  of  7200 s

Step: Swell | Increment: 222, Iterations: 4
      Simulation Time: 2220.0 s  of  7200 s

Step: Swell | Increment: 223, Iterations: 4
      Simulation Time: 2230.0 s  of  7200 s

Step: Swell | Increment: 224, Iterations: 4
      Simulation Time: 2240.0 s  of  7200 s

Step: Swell | Increment: 225, Iterations: 4
      Simulation Time: 2250.0 s  of  7200 s

Step: Swell | Increment: 226, Iterations: 4
      Simulation Time: 2260.0 s  of  7200 s

Step: Swell | Increment: 227, Iterations: 4
      Simulation Time: 2270.0 s  of  7200 s

Step: Swell | Increment: 228, Iterations: 4
      Simulation Time: 2280.0 s  of  7200 s

Step: Swell | Increment: 229, Iterations: 4
      Simulation Time: 2290.0 s  of  7200 s

Step: Swell | Increment: 230, Iterations: 4
      Simulation Time: 2300.0 s  of  7200 s

Step: Swell | Increment: 231, Iterations: 4
      Simulation Time: 2310.0 s  of  7200 s

Step: Swell | Increment: 232, Iterations: 4
      Simulation Time: 2320.0 s  of  7200 s

Step: Swell | Increment: 233, Iterations: 4
      Simulation Time: 2330.0 s  of  7200 s

Step: Swell | Increment: 234, Iterations: 4
      Simulation Time: 2340.0 s  of  7200 s

Step: Swell | Increment: 235, Iterations: 4
      Simulation Time: 2350.0 s  of  7200 s

Step: Swell | Increment: 236, Iterations: 4
      Simulation Time: 2360.0 s  of  7200 s

Step: Swell | Increment: 237, Iterations: 4
      Simulation Time: 2370.0 s  of  7200 s

Step: Swell | Increment: 238, Iterations: 4
      Simulation Time: 2380.0 s  of  7200 s

Step: Swell | Increment: 239, Iterations: 4
      Simulation Time: 2390.0 s  of  7200 s

Step: Swell | Increment: 240, Iterations: 4
      Simulation Time: 2400.0 s  of  7200 s

Step: Swell | Increment: 241, Iterations: 4
      Simulation Time: 2410.0 s  of  7200 s

Step: Swell | Increment: 242, Iterations: 4
      Simulation Time: 2420.0 s  of  7200 s

Step: Swell | Increment: 243, Iterations: 4
      Simulation Time: 2430.0 s  of  7200 s

Step: Swell | Increment: 244, Iterations: 4
      Simulation Time: 2440.0 s  of  7200 s

Step: Swell | Increment: 245, Iterations: 4
      Simulation Time: 2450.0 s  of  7200 s

Step: Swell | Increment: 246, Iterations: 4
      Simulation Time: 2460.0 s  of  7200 s

Step: Swell | Increment: 247, Iterations: 4
      Simulation Time: 2470.0 s  of  7200 s

Step: Swell | Increment: 248, Iterations: 4
      Simulation Time: 2480.0 s  of  7200 s

Step: Swell | Increment: 249, Iterations: 4
      Simulation Time: 2490.0 s  of  7200 s

Step: Swell | Increment: 250, Iterations: 4
      Simulation Time: 2500.0 s  of  7200 s

Step: Swell | Increment: 251, Iterations: 4
      Simulation Time: 2510.0 s  of  7200 s

Step: Swell | Increment: 252, Iterations: 4
      Simulation Time: 2520.0 s  of  7200 s

Step: Swell | Increment: 253, Iterations: 4
      Simulation Time: 2530.0 s  of  7200 s

Step: Swell | Increment: 254, Iterations: 4
      Simulation Time: 2540.0 s  of  7200 s

Step: Swell | Increment: 255, Iterations: 4
      Simulation Time: 2550.0 s  of  7200 s

Step: Swell | Increment: 256, Iterations: 4
      Simulation Time: 2560.0 s  of  7200 s

Step: Swell | Increment: 257, Iterations: 4
      Simulation Time: 2570.0 s  of  7200 s

Step: Swell | Increment: 258, Iterations: 4
      Simulation Time: 2580.0 s  of  7200 s

Step: Swell | Increment: 259, Iterations: 4
      Simulation Time: 2590.0 s  of  7200 s

Step: Swell | Increment: 260, Iterations: 4
      Simulation Time: 2600.0 s  of  7200 s

Step: Swell | Increment: 261, Iterations: 4
      Simulation Time: 2610.0 s  of  7200 s

Step: Swell | Increment: 262, Iterations: 4
      Simulation Time: 2620.0 s  of  7200 s

Step: Swell | Increment: 263, Iterations: 4
      Simulation Time: 2630.0 s  of  7200 s

Step: Swell | Increment: 264, Iterations: 4
      Simulation Time: 2640.0 s  of  7200 s

Step: Swell | Increment: 265, Iterations: 4
      Simulation Time: 2650.0 s  of  7200 s

Step: Swell | Increment: 266, Iterations: 4
      Simulation Time: 2660.0 s  of  7200 s

Step: Swell | Increment: 267, Iterations: 4
      Simulation Time: 2670.0 s  of  7200 s

Step: Swell | Increment: 268, Iterations: 4
      Simulation Time: 2680.0 s  of  7200 s

Step: Swell | Increment: 269, Iterations: 4
      Simulation Time: 2690.0 s  of  7200 s

Step: Swell | Increment: 270, Iterations: 4
      Simulation Time: 2700.0 s  of  7200 s

Step: Swell | Increment: 271, Iterations: 4
      Simulation Time: 2710.0 s  of  7200 s

Step: Swell | Increment: 272, Iterations: 4
      Simulation Time: 2720.0 s  of  7200 s

Step: Swell | Increment: 273, Iterations: 4
      Simulation Time: 2730.0 s  of  7200 s

Step: Swell | Increment: 274, Iterations: 4
      Simulation Time: 2740.0 s  of  7200 s

Step: Swell | Increment: 275, Iterations: 4
      Simulation Time: 2750.0 s  of  7200 s

Step: Swell | Increment: 276, Iterations: 4
      Simulation Time: 2760.0 s  of  7200 s

Step: Swell | Increment: 277, Iterations: 4
      Simulation Time: 2770.0 s  of  7200 s

Step: Swell | Increment: 278, Iterations: 4
      Simulation Time: 2780.0 s  of  7200 s

Step: Swell | Increment: 279, Iterations: 4
      Simulation Time: 2790.0 s  of  7200 s

Step: Swell | Increment: 280, Iterations: 4
      Simulation Time: 2800.0 s  of  7200 s

Step: Swell | Increment: 281, Iterations: 4
      Simulation Time: 2810.0 s  of  7200 s

Step: Swell | Increment: 282, Iterations: 4
      Simulation Time: 2820.0 s  of  7200 s

Step: Swell | Increment: 283, Iterations: 4
      Simulation Time: 2830.0 s  of  7200 s

Step: Swell | Increment: 284, Iterations: 4
      Simulation Time: 2840.0 s  of  7200 s

Step: Swell | Increment: 285, Iterations: 4
      Simulation Time: 2850.0 s  of  7200 s

Step: Swell | Increment: 286, Iterations: 4
      Simulation Time: 2860.0 s  of  7200 s

Step: Swell | Increment: 287, Iterations: 4
      Simulation Time: 2870.0 s  of  7200 s

Step: Swell | Increment: 288, Iterations: 4
      Simulation Time: 2880.0 s  of  7200 s

Step: Swell | Increment: 289, Iterations: 4
      Simulation Time: 2890.0 s  of  7200 s

Step: Swell | Increment: 290, Iterations: 4
      Simulation Time: 2900.0 s  of  7200 s

Step: Swell | Increment: 291, Iterations: 4
      Simulation Time: 2910.0 s  of  7200 s

Step: Swell | Increment: 292, Iterations: 4
      Simulation Time: 2920.0 s  of  7200 s

Step: Swell | Increment: 293, Iterations: 4
      Simulation Time: 2930.0 s  of  7200 s

Step: Swell | Increment: 294, Iterations: 4
      Simulation Time: 2940.0 s  of  7200 s

Step: Swell | Increment: 295, Iterations: 4
      Simulation Time: 2950.0 s  of  7200 s

Step: Swell | Increment: 296, Iterations: 4
      Simulation Time: 2960.0 s  of  7200 s

Step: Swell | Increment: 297, Iterations: 4
      Simulation Time: 2970.0 s  of  7200 s

Step: Swell | Increment: 298, Iterations: 4
      Simulation Time: 2980.0 s  of  7200 s

Step: Swell | Increment: 299, Iterations: 4
      Simulation Time: 2990.0 s  of  7200 s

Step: Swell | Increment: 300, Iterations: 4
      Simulation Time: 3000.0 s  of  7200 s

Step: Swell | Increment: 301, Iterations: 4
      Simulation Time: 3010.0 s  of  7200 s

Step: Swell | Increment: 302, Iterations: 4
      Simulation Time: 3020.0 s  of  7200 s

Step: Swell | Increment: 303, Iterations: 4
      Simulation Time: 3030.0 s  of  7200 s

Step: Swell | Increment: 304, Iterations: 4
      Simulation Time: 3040.0 s  of  7200 s

Step: Swell | Increment: 305, Iterations: 4
      Simulation Time: 3050.0 s  of  7200 s

Step: Swell | Increment: 306, Iterations: 4
      Simulation Time: 3060.0 s  of  7200 s

Step: Swell | Increment: 307, Iterations: 4
      Simulation Time: 3070.0 s  of  7200 s

Step: Swell | Increment: 308, Iterations: 4
      Simulation Time: 3080.0 s  of  7200 s

Step: Swell | Increment: 309, Iterations: 4
      Simulation Time: 3090.0 s  of  7200 s

Step: Swell | Increment: 310, Iterations: 4
      Simulation Time: 3100.0 s  of  7200 s

Step: Swell | Increment: 311, Iterations: 4
      Simulation Time: 3110.0 s  of  7200 s

Step: Swell | Increment: 312, Iterations: 4
      Simulation Time: 3120.0 s  of  7200 s

Step: Swell | Increment: 313, Iterations: 4
      Simulation Time: 3130.0 s  of  7200 s

Step: Swell | Increment: 314, Iterations: 4
      Simulation Time: 3140.0 s  of  7200 s

Step: Swell | Increment: 315, Iterations: 4
      Simulation Time: 3150.0 s  of  7200 s

Step: Swell | Increment: 316, Iterations: 4
      Simulation Time: 3160.0 s  of  7200 s

Step: Swell | Increment: 317, Iterations: 4
      Simulation Time: 3170.0 s  of  7200 s

Step: Swell | Increment: 318, Iterations: 4
      Simulation Time: 3180.0 s  of  7200 s

Step: Swell | Increment: 319, Iterations: 4
      Simulation Time: 3190.0 s  of  7200 s

Step: Swell | Increment: 320, Iterations: 4
      Simulation Time: 3200.0 s  of  7200 s

Step: Swell | Increment: 321, Iterations: 4
      Simulation Time: 3210.0 s  of  7200 s

Step: Swell | Increment: 322, Iterations: 4
      Simulation Time: 3220.0 s  of  7200 s

Step: Swell | Increment: 323, Iterations: 4
      Simulation Time: 3230.0 s  of  7200 s

Step: Swell | Increment: 324, Iterations: 4
      Simulation Time: 3240.0 s  of  7200 s

Step: Swell | Increment: 325, Iterations: 4
      Simulation Time: 3250.0 s  of  7200 s

Step: Swell | Increment: 326, Iterations: 4
      Simulation Time: 3260.0 s  of  7200 s

Step: Swell | Increment: 327, Iterations: 4
      Simulation Time: 3270.0 s  of  7200 s

Step: Swell | Increment: 328, Iterations: 4
      Simulation Time: 3280.0 s  of  7200 s

Step: Swell | Increment: 329, Iterations: 4
      Simulation Time: 3290.0 s  of  7200 s

Step: Swell | Increment: 330, Iterations: 4
      Simulation Time: 3300.0 s  of  7200 s

Step: Swell | Increment: 331, Iterations: 4
      Simulation Time: 3310.0 s  of  7200 s

Step: Swell | Increment: 332, Iterations: 4
      Simulation Time: 3320.0 s  of  7200 s

Step: Swell | Increment: 333, Iterations: 4
      Simulation Time: 3330.0 s  of  7200 s

Step: Swell | Increment: 334, Iterations: 4
      Simulation Time: 3340.0 s  of  7200 s

Step: Swell | Increment: 335, Iterations: 4
      Simulation Time: 3350.0 s  of  7200 s

Step: Swell | Increment: 336, Iterations: 4
      Simulation Time: 3360.0 s  of  7200 s

Step: Swell | Increment: 337, Iterations: 4
      Simulation Time: 3370.0 s  of  7200 s

Step: Swell | Increment: 338, Iterations: 4
      Simulation Time: 3380.0 s  of  7200 s

Step: Swell | Increment: 339, Iterations: 4
      Simulation Time: 3390.0 s  of  7200 s

Step: Swell | Increment: 340, Iterations: 4
      Simulation Time: 3400.0 s  of  7200 s

Step: Swell | Increment: 341, Iterations: 4
      Simulation Time: 3410.0 s  of  7200 s

Step: Swell | Increment: 342, Iterations: 4
      Simulation Time: 3420.0 s  of  7200 s

Step: Swell | Increment: 343, Iterations: 4
      Simulation Time: 3430.0 s  of  7200 s

Step: Swell | Increment: 344, Iterations: 4
      Simulation Time: 3440.0 s  of  7200 s

Step: Swell | Increment: 345, Iterations: 4
      Simulation Time: 3450.0 s  of  7200 s

Step: Swell | Increment: 346, Iterations: 4
      Simulation Time: 3460.0 s  of  7200 s

Step: Swell | Increment: 347, Iterations: 4
      Simulation Time: 3470.0 s  of  7200 s

Step: Swell | Increment: 348, Iterations: 4
      Simulation Time: 3480.0 s  of  7200 s

Step: Swell | Increment: 349, Iterations: 4
      Simulation Time: 3490.0 s  of  7200 s

Step: Swell | Increment: 350, Iterations: 4
      Simulation Time: 3500.0 s  of  7200 s

Step: Swell | Increment: 351, Iterations: 4
      Simulation Time: 3510.0 s  of  7200 s

Step: Swell | Increment: 352, Iterations: 4
      Simulation Time: 3520.0 s  of  7200 s

Step: Swell | Increment: 353, Iterations: 4
      Simulation Time: 3530.0 s  of  7200 s

Step: Swell | Increment: 354, Iterations: 4
      Simulation Time: 3540.0 s  of  7200 s

Step: Swell | Increment: 355, Iterations: 4
      Simulation Time: 3550.0 s  of  7200 s

Step: Swell | Increment: 356, Iterations: 4
      Simulation Time: 3560.0 s  of  7200 s

Step: Swell | Increment: 357, Iterations: 4
      Simulation Time: 3570.0 s  of  7200 s

Step: Swell | Increment: 358, Iterations: 4
      Simulation Time: 3580.0 s  of  7200 s

Step: Swell | Increment: 359, Iterations: 4
      Simulation Time: 3590.0 s  of  7200 s

Step: Swell | Increment: 360, Iterations: 4
      Simulation Time: 3600.0 s  of  7200 s

Step: Swell | Increment: 361, Iterations: 4
      Simulation Time: 3610.0 s  of  7200 s

Step: Swell | Increment: 362, Iterations: 4
      Simulation Time: 3620.0 s  of  7200 s

Step: Swell | Increment: 363, Iterations: 4
      Simulation Time: 3630.0 s  of  7200 s

Step: Swell | Increment: 364, Iterations: 4
      Simulation Time: 3640.0 s  of  7200 s

Step: Swell | Increment: 365, Iterations: 4
      Simulation Time: 3650.0 s  of  7200 s

Step: Swell | Increment: 366, Iterations: 4
      Simulation Time: 3660.0 s  of  7200 s

Step: Swell | Increment: 367, Iterations: 4
      Simulation Time: 3670.0 s  of  7200 s

Step: Swell | Increment: 368, Iterations: 4
      Simulation Time: 3680.0 s  of  7200 s

Step: Swell | Increment: 369, Iterations: 4
      Simulation Time: 3690.0 s  of  7200 s

Step: Swell | Increment: 370, Iterations: 4
      Simulation Time: 3700.0 s  of  7200 s

Step: Swell | Increment: 371, Iterations: 4
      Simulation Time: 3710.0 s  of  7200 s

Step: Swell | Increment: 372, Iterations: 4
      Simulation Time: 3720.0 s  of  7200 s

Step: Swell | Increment: 373, Iterations: 4
      Simulation Time: 3730.0 s  of  7200 s

Step: Swell | Increment: 374, Iterations: 4
      Simulation Time: 3740.0 s  of  7200 s

Step: Swell | Increment: 375, Iterations: 4
      Simulation Time: 3750.0 s  of  7200 s

Step: Swell | Increment: 376, Iterations: 4
      Simulation Time: 3760.0 s  of  7200 s

Step: Swell | Increment: 377, Iterations: 4
      Simulation Time: 3770.0 s  of  7200 s

Step: Swell | Increment: 378, Iterations: 4
      Simulation Time: 3780.0 s  of  7200 s

Step: Swell | Increment: 379, Iterations: 4
      Simulation Time: 3790.0 s  of  7200 s

Step: Swell | Increment: 380, Iterations: 4
      Simulation Time: 3800.0 s  of  7200 s

Step: Swell | Increment: 381, Iterations: 4
      Simulation Time: 3810.0 s  of  7200 s

Step: Swell | Increment: 382, Iterations: 4
      Simulation Time: 3820.0 s  of  7200 s

Step: Swell | Increment: 383, Iterations: 4
      Simulation Time: 3830.0 s  of  7200 s

Step: Swell | Increment: 384, Iterations: 4
      Simulation Time: 3840.0 s  of  7200 s

Step: Swell | Increment: 385, Iterations: 4
      Simulation Time: 3850.0 s  of  7200 s

Step: Swell | Increment: 386, Iterations: 4
      Simulation Time: 3860.0 s  of  7200 s

Step: Swell | Increment: 387, Iterations: 4
      Simulation Time: 3870.0 s  of  7200 s

Step: Swell | Increment: 388, Iterations: 4
      Simulation Time: 3880.0 s  of  7200 s

Step: Swell | Increment: 389, Iterations: 4
      Simulation Time: 3890.0 s  of  7200 s

Step: Swell | Increment: 390, Iterations: 4
      Simulation Time: 3900.0 s  of  7200 s

Step: Swell | Increment: 391, Iterations: 4
      Simulation Time: 3910.0 s  of  7200 s

Step: Swell | Increment: 392, Iterations: 4
      Simulation Time: 3920.0 s  of  7200 s

Step: Swell | Increment: 393, Iterations: 4
      Simulation Time: 3930.0 s  of  7200 s

Step: Swell | Increment: 394, Iterations: 4
      Simulation Time: 3940.0 s  of  7200 s

Step: Swell | Increment: 395, Iterations: 4
      Simulation Time: 3950.0 s  of  7200 s

Step: Swell | Increment: 396, Iterations: 4
      Simulation Time: 3960.0 s  of  7200 s

Step: Swell | Increment: 397, Iterations: 4
      Simulation Time: 3970.0 s  of  7200 s

Step: Swell | Increment: 398, Iterations: 4
      Simulation Time: 3980.0 s  of  7200 s

Step: Swell | Increment: 399, Iterations: 4
      Simulation Time: 3990.0 s  of  7200 s

Step: Swell | Increment: 400, Iterations: 4
      Simulation Time: 4000.0 s  of  7200 s

Step: Swell | Increment: 401, Iterations: 4
      Simulation Time: 4010.0 s  of  7200 s

Step: Swell | Increment: 402, Iterations: 4
      Simulation Time: 4020.0 s  of  7200 s

Step: Swell | Increment: 403, Iterations: 4
      Simulation Time: 4030.0 s  of  7200 s

Step: Swell | Increment: 404, Iterations: 4
      Simulation Time: 4040.0 s  of  7200 s

Step: Swell | Increment: 405, Iterations: 4
      Simulation Time: 4050.0 s  of  7200 s

Step: Swell | Increment: 406, Iterations: 4
      Simulation Time: 4060.0 s  of  7200 s

Step: Swell | Increment: 407, Iterations: 4
      Simulation Time: 4070.0 s  of  7200 s

Step: Swell | Increment: 408, Iterations: 4
      Simulation Time: 4080.0 s  of  7200 s

Step: Swell | Increment: 409, Iterations: 4
      Simulation Time: 4090.0 s  of  7200 s

Step: Swell | Increment: 410, Iterations: 4
      Simulation Time: 4100.0 s  of  7200 s

Step: Swell | Increment: 411, Iterations: 4
      Simulation Time: 4110.0 s  of  7200 s

Step: Swell | Increment: 412, Iterations: 4
      Simulation Time: 4120.0 s  of  7200 s

Step: Swell | Increment: 413, Iterations: 4
      Simulation Time: 4130.0 s  of  7200 s

Step: Swell | Increment: 414, Iterations: 4
      Simulation Time: 4140.0 s  of  7200 s

Step: Swell | Increment: 415, Iterations: 4
      Simulation Time: 4150.0 s  of  7200 s

Step: Swell | Increment: 416, Iterations: 4
      Simulation Time: 4160.0 s  of  7200 s

Step: Swell | Increment: 417, Iterations: 4
      Simulation Time: 4170.0 s  of  7200 s

Step: Swell | Increment: 418, Iterations: 4
      Simulation Time: 4180.0 s  of  7200 s

Step: Swell | Increment: 419, Iterations: 4
      Simulation Time: 4190.0 s  of  7200 s

Step: Swell | Increment: 420, Iterations: 4
      Simulation Time: 4200.0 s  of  7200 s

Step: Swell | Increment: 421, Iterations: 4
      Simulation Time: 4210.0 s  of  7200 s

Step: Swell | Increment: 422, Iterations: 4
      Simulation Time: 4220.0 s  of  7200 s

Step: Swell | Increment: 423, Iterations: 4
      Simulation Time: 4230.0 s  of  7200 s

Step: Swell | Increment: 424, Iterations: 4
      Simulation Time: 4240.0 s  of  7200 s

Step: Swell | Increment: 425, Iterations: 4
      Simulation Time: 4250.0 s  of  7200 s

Step: Swell | Increment: 426, Iterations: 4
      Simulation Time: 4260.0 s  of  7200 s

Step: Swell | Increment: 427, Iterations: 4
      Simulation Time: 4270.0 s  of  7200 s

Step: Swell | Increment: 428, Iterations: 4
      Simulation Time: 4280.0 s  of  7200 s

Step: Swell | Increment: 429, Iterations: 4
      Simulation Time: 4290.0 s  of  7200 s

Step: Swell | Increment: 430, Iterations: 4
      Simulation Time: 4300.0 s  of  7200 s

Step: Swell | Increment: 431, Iterations: 4
      Simulation Time: 4310.0 s  of  7200 s

Step: Swell | Increment: 432, Iterations: 4
      Simulation Time: 4320.0 s  of  7200 s

Step: Swell | Increment: 433, Iterations: 4
      Simulation Time: 4330.0 s  of  7200 s

Step: Swell | Increment: 434, Iterations: 4
      Simulation Time: 4340.0 s  of  7200 s

Step: Swell | Increment: 435, Iterations: 4
      Simulation Time: 4350.0 s  of  7200 s

Step: Swell | Increment: 436, Iterations: 4
      Simulation Time: 4360.0 s  of  7200 s

Step: Swell | Increment: 437, Iterations: 4
      Simulation Time: 4370.0 s  of  7200 s

Step: Swell | Increment: 438, Iterations: 4
      Simulation Time: 4380.0 s  of  7200 s

Step: Swell | Increment: 439, Iterations: 4
      Simulation Time: 4390.0 s  of  7200 s

Step: Swell | Increment: 440, Iterations: 4
      Simulation Time: 4400.0 s  of  7200 s

Step: Swell | Increment: 441, Iterations: 4
      Simulation Time: 4410.0 s  of  7200 s

Step: Swell | Increment: 442, Iterations: 4
      Simulation Time: 4420.0 s  of  7200 s

Step: Swell | Increment: 443, Iterations: 4
      Simulation Time: 4430.0 s  of  7200 s

Step: Swell | Increment: 444, Iterations: 4
      Simulation Time: 4440.0 s  of  7200 s

Step: Swell | Increment: 445, Iterations: 4
      Simulation Time: 4450.0 s  of  7200 s

Step: Swell | Increment: 446, Iterations: 4
      Simulation Time: 4460.0 s  of  7200 s

Step: Swell | Increment: 447, Iterations: 4
      Simulation Time: 4470.0 s  of  7200 s

Step: Swell | Increment: 448, Iterations: 4
      Simulation Time: 4480.0 s  of  7200 s

Step: Swell | Increment: 449, Iterations: 4
      Simulation Time: 4490.0 s  of  7200 s

Step: Swell | Increment: 450, Iterations: 4
      Simulation Time: 4500.0 s  of  7200 s

Step: Swell | Increment: 451, Iterations: 4
      Simulation Time: 4510.0 s  of  7200 s

Step: Swell | Increment: 452, Iterations: 4
      Simulation Time: 4520.0 s  of  7200 s

Step: Swell | Increment: 453, Iterations: 4
      Simulation Time: 4530.0 s  of  7200 s

Step: Swell | Increment: 454, Iterations: 4
      Simulation Time: 4540.0 s  of  7200 s

Step: Swell | Increment: 455, Iterations: 4
      Simulation Time: 4550.0 s  of  7200 s

Step: Swell | Increment: 456, Iterations: 4
      Simulation Time: 4560.0 s  of  7200 s

Step: Swell | Increment: 457, Iterations: 4
      Simulation Time: 4570.0 s  of  7200 s

Step: Swell | Increment: 458, Iterations: 4
      Simulation Time: 4580.0 s  of  7200 s

Step: Swell | Increment: 459, Iterations: 4
      Simulation Time: 4590.0 s  of  7200 s

Step: Swell | Increment: 460, Iterations: 4
      Simulation Time: 4600.0 s  of  7200 s

Step: Swell | Increment: 461, Iterations: 4
      Simulation Time: 4610.0 s  of  7200 s

Step: Swell | Increment: 462, Iterations: 4
      Simulation Time: 4620.0 s  of  7200 s

Step: Swell | Increment: 463, Iterations: 4
      Simulation Time: 4630.0 s  of  7200 s

Step: Swell | Increment: 464, Iterations: 4
      Simulation Time: 4640.0 s  of  7200 s

Step: Swell | Increment: 465, Iterations: 4
      Simulation Time: 4650.0 s  of  7200 s

Step: Swell | Increment: 466, Iterations: 4
      Simulation Time: 4660.0 s  of  7200 s

Step: Swell | Increment: 467, Iterations: 4
      Simulation Time: 4670.0 s  of  7200 s

Step: Swell | Increment: 468, Iterations: 4
      Simulation Time: 4680.0 s  of  7200 s

Step: Swell | Increment: 469, Iterations: 4
      Simulation Time: 4690.0 s  of  7200 s

Step: Swell | Increment: 470, Iterations: 4
      Simulation Time: 4700.0 s  of  7200 s

Step: Swell | Increment: 471, Iterations: 4
      Simulation Time: 4710.0 s  of  7200 s

Step: Swell | Increment: 472, Iterations: 4
      Simulation Time: 4720.0 s  of  7200 s

Step: Swell | Increment: 473, Iterations: 4
      Simulation Time: 4730.0 s  of  7200 s

Step: Swell | Increment: 474, Iterations: 4
      Simulation Time: 4740.0 s  of  7200 s

Step: Swell | Increment: 475, Iterations: 4
      Simulation Time: 4750.0 s  of  7200 s

Step: Swell | Increment: 476, Iterations: 4
      Simulation Time: 4760.0 s  of  7200 s

Step: Swell | Increment: 477, Iterations: 4
      Simulation Time: 4770.0 s  of  7200 s

Step: Swell | Increment: 478, Iterations: 4
      Simulation Time: 4780.0 s  of  7200 s

Step: Swell | Increment: 479, Iterations: 4
      Simulation Time: 4790.0 s  of  7200 s

Step: Swell | Increment: 480, Iterations: 4
      Simulation Time: 4800.0 s  of  7200 s

Step: Swell | Increment: 481, Iterations: 4
      Simulation Time: 4810.0 s  of  7200 s

Step: Swell | Increment: 482, Iterations: 4
      Simulation Time: 4820.0 s  of  7200 s

Step: Swell | Increment: 483, Iterations: 4
      Simulation Time: 4830.0 s  of  7200 s

Step: Swell | Increment: 484, Iterations: 4
      Simulation Time: 4840.0 s  of  7200 s

Step: Swell | Increment: 485, Iterations: 4
      Simulation Time: 4850.0 s  of  7200 s

Step: Swell | Increment: 486, Iterations: 4
      Simulation Time: 4860.0 s  of  7200 s

Step: Swell | Increment: 487, Iterations: 4
      Simulation Time: 4870.0 s  of  7200 s

Step: Swell | Increment: 488, Iterations: 4
      Simulation Time: 4880.0 s  of  7200 s

Step: Swell | Increment: 489, Iterations: 4
      Simulation Time: 4890.0 s  of  7200 s

Step: Swell | Increment: 490, Iterations: 4
      Simulation Time: 4900.0 s  of  7200 s

Step: Swell | Increment: 491, Iterations: 4
      Simulation Time: 4910.0 s  of  7200 s

Step: Swell | Increment: 492, Iterations: 4
      Simulation Time: 4920.0 s  of  7200 s

Step: Swell | Increment: 493, Iterations: 4
      Simulation Time: 4930.0 s  of  7200 s

Step: Swell | Increment: 494, Iterations: 4
      Simulation Time: 4940.0 s  of  7200 s

Step: Swell | Increment: 495, Iterations: 4
      Simulation Time: 4950.0 s  of  7200 s

Step: Swell | Increment: 496, Iterations: 4
      Simulation Time: 4960.0 s  of  7200 s

Step: Swell | Increment: 497, Iterations: 4
      Simulation Time: 4970.0 s  of  7200 s

Step: Swell | Increment: 498, Iterations: 4
      Simulation Time: 4980.0 s  of  7200 s

Step: Swell | Increment: 499, Iterations: 4
      Simulation Time: 4990.0 s  of  7200 s

Step: Swell | Increment: 500, Iterations: 4
      Simulation Time: 5000.0 s  of  7200 s

Step: Swell | Increment: 501, Iterations: 4
      Simulation Time: 5010.0 s  of  7200 s

Step: Swell | Increment: 502, Iterations: 4
      Simulation Time: 5020.0 s  of  7200 s

Step: Swell | Increment: 503, Iterations: 4
      Simulation Time: 5030.0 s  of  7200 s

Step: Swell | Increment: 504, Iterations: 4
      Simulation Time: 5040.0 s  of  7200 s

Step: Swell | Increment: 505, Iterations: 4
      Simulation Time: 5050.0 s  of  7200 s

Step: Swell | Increment: 506, Iterations: 4
      Simulation Time: 5060.0 s  of  7200 s

Step: Swell | Increment: 507, Iterations: 4
      Simulation Time: 5070.0 s  of  7200 s

Step: Swell | Increment: 508, Iterations: 4
      Simulation Time: 5080.0 s  of  7200 s

Step: Swell | Increment: 509, Iterations: 4
      Simulation Time: 5090.0 s  of  7200 s

Step: Swell | Increment: 510, Iterations: 4
      Simulation Time: 5100.0 s  of  7200 s

Step: Swell | Increment: 511, Iterations: 4
      Simulation Time: 5110.0 s  of  7200 s

Step: Swell | Increment: 512, Iterations: 4
      Simulation Time: 5120.0 s  of  7200 s

Step: Swell | Increment: 513, Iterations: 4
      Simulation Time: 5130.0 s  of  7200 s

Step: Swell | Increment: 514, Iterations: 4
      Simulation Time: 5140.0 s  of  7200 s

Step: Swell | Increment: 515, Iterations: 4
      Simulation Time: 5150.0 s  of  7200 s

Step: Swell | Increment: 516, Iterations: 4
      Simulation Time: 5160.0 s  of  7200 s

Step: Swell | Increment: 517, Iterations: 4
      Simulation Time: 5170.0 s  of  7200 s

Step: Swell | Increment: 518, Iterations: 4
      Simulation Time: 5180.0 s  of  7200 s

Step: Swell | Increment: 519, Iterations: 4
      Simulation Time: 5190.0 s  of  7200 s

Step: Swell | Increment: 520, Iterations: 4
      Simulation Time: 5200.0 s  of  7200 s

Step: Swell | Increment: 521, Iterations: 4
      Simulation Time: 5210.0 s  of  7200 s

Step: Swell | Increment: 522, Iterations: 4
      Simulation Time: 5220.0 s  of  7200 s

Step: Swell | Increment: 523, Iterations: 5
      Simulation Time: 5230.0 s  of  7200 s

Step: Swell | Increment: 524, Iterations: 5
      Simulation Time: 5240.0 s  of  7200 s

Step: Swell | Increment: 525, Iterations: 5
      Simulation Time: 5250.0 s  of  7200 s

Step: Swell | Increment: 526, Iterations: 5
      Simulation Time: 5260.0 s  of  7200 s

Step: Swell | Increment: 527, Iterations: 5
      Simulation Time: 5270.0 s  of  7200 s

Step: Swell | Increment: 528, Iterations: 5
      Simulation Time: 5280.0 s  of  7200 s

Step: Swell | Increment: 529, Iterations: 5
      Simulation Time: 5290.0 s  of  7200 s

Step: Swell | Increment: 530, Iterations: 5
      Simulation Time: 5300.0 s  of  7200 s

Step: Swell | Increment: 531, Iterations: 5
      Simulation Time: 5310.0 s  of  7200 s

Step: Swell | Increment: 532, Iterations: 5
      Simulation Time: 5320.0 s  of  7200 s

Step: Swell | Increment: 533, Iterations: 4
      Simulation Time: 5330.0 s  of  7200 s

Step: Swell | Increment: 534, Iterations: 4
      Simulation Time: 5340.0 s  of  7200 s

Step: Swell | Increment: 535, Iterations: 4
      Simulation Time: 5350.0 s  of  7200 s

Step: Swell | Increment: 536, Iterations: 4
      Simulation Time: 5360.0 s  of  7200 s

Step: Swell | Increment: 537, Iterations: 4
      Simulation Time: 5370.0 s  of  7200 s

Step: Swell | Increment: 538, Iterations: 4
      Simulation Time: 5380.0 s  of  7200 s

Step: Swell | Increment: 539, Iterations: 4
      Simulation Time: 5390.0 s  of  7200 s

Step: Swell | Increment: 540, Iterations: 4
      Simulation Time: 5400.0 s  of  7200 s

Step: Swell | Increment: 541, Iterations: 4
      Simulation Time: 5410.0 s  of  7200 s

Step: Swell | Increment: 542, Iterations: 4
      Simulation Time: 5420.0 s  of  7200 s

Step: Swell | Increment: 543, Iterations: 4
      Simulation Time: 5430.0 s  of  7200 s

Step: Swell | Increment: 544, Iterations: 4
      Simulation Time: 5440.0 s  of  7200 s

Step: Swell | Increment: 545, Iterations: 4
      Simulation Time: 5450.0 s  of  7200 s

Step: Swell | Increment: 546, Iterations: 4
      Simulation Time: 5460.0 s  of  7200 s

Step: Swell | Increment: 547, Iterations: 4
      Simulation Time: 5470.0 s  of  7200 s

Step: Swell | Increment: 548, Iterations: 4
      Simulation Time: 5480.0 s  of  7200 s

Step: Swell | Increment: 549, Iterations: 4
      Simulation Time: 5490.0 s  of  7200 s

Step: Swell | Increment: 550, Iterations: 4
      Simulation Time: 5500.0 s  of  7200 s

Step: Swell | Increment: 551, Iterations: 4
      Simulation Time: 5510.0 s  of  7200 s

Step: Swell | Increment: 552, Iterations: 4
      Simulation Time: 5520.0 s  of  7200 s

Step: Swell | Increment: 553, Iterations: 4
      Simulation Time: 5530.0 s  of  7200 s

Step: Swell | Increment: 554, Iterations: 4
      Simulation Time: 5540.0 s  of  7200 s

Step: Swell | Increment: 555, Iterations: 4
      Simulation Time: 5550.0 s  of  7200 s

Step: Swell | Increment: 556, Iterations: 4
      Simulation Time: 5560.0 s  of  7200 s

Step: Swell | Increment: 557, Iterations: 4
      Simulation Time: 5570.0 s  of  7200 s

Step: Swell | Increment: 558, Iterations: 4
      Simulation Time: 5580.0 s  of  7200 s

Step: Swell | Increment: 559, Iterations: 4
      Simulation Time: 5590.0 s  of  7200 s

Step: Swell | Increment: 560, Iterations: 4
      Simulation Time: 5600.0 s  of  7200 s

Step: Swell | Increment: 561, Iterations: 4
      Simulation Time: 5610.0 s  of  7200 s

Step: Swell | Increment: 562, Iterations: 4
      Simulation Time: 5620.0 s  of  7200 s

Step: Swell | Increment: 563, Iterations: 4
      Simulation Time: 5630.0 s  of  7200 s

Step: Swell | Increment: 564, Iterations: 4
      Simulation Time: 5640.0 s  of  7200 s

Step: Swell | Increment: 565, Iterations: 4
      Simulation Time: 5650.0 s  of  7200 s

Step: Swell | Increment: 566, Iterations: 4
      Simulation Time: 5660.0 s  of  7200 s

Step: Swell | Increment: 567, Iterations: 4
      Simulation Time: 5670.0 s  of  7200 s

Step: Swell | Increment: 568, Iterations: 4
      Simulation Time: 5680.0 s  of  7200 s

Step: Swell | Increment: 569, Iterations: 4
      Simulation Time: 5690.0 s  of  7200 s

Step: Swell | Increment: 570, Iterations: 4
      Simulation Time: 5700.0 s  of  7200 s

Step: Swell | Increment: 571, Iterations: 4
      Simulation Time: 5710.0 s  of  7200 s

Step: Swell | Increment: 572, Iterations: 4
      Simulation Time: 5720.0 s  of  7200 s

Step: Swell | Increment: 573, Iterations: 4
      Simulation Time: 5730.0 s  of  7200 s

Step: Swell | Increment: 574, Iterations: 4
      Simulation Time: 5740.0 s  of  7200 s

Step: Swell | Increment: 575, Iterations: 4
      Simulation Time: 5750.0 s  of  7200 s

Step: Swell | Increment: 576, Iterations: 4
      Simulation Time: 5760.0 s  of  7200 s

Step: Swell | Increment: 577, Iterations: 4
      Simulation Time: 5770.0 s  of  7200 s

Step: Swell | Increment: 578, Iterations: 4
      Simulation Time: 5780.0 s  of  7200 s

Step: Swell | Increment: 579, Iterations: 4
      Simulation Time: 5790.0 s  of  7200 s

Step: Swell | Increment: 580, Iterations: 4
      Simulation Time: 5800.0 s  of  7200 s

Step: Swell | Increment: 581, Iterations: 4
      Simulation Time: 5810.0 s  of  7200 s

Step: Swell | Increment: 582, Iterations: 4
      Simulation Time: 5820.0 s  of  7200 s

Step: Swell | Increment: 583, Iterations: 4
      Simulation Time: 5830.0 s  of  7200 s

Step: Swell | Increment: 584, Iterations: 4
      Simulation Time: 5840.0 s  of  7200 s

Step: Swell | Increment: 585, Iterations: 4
      Simulation Time: 5850.0 s  of  7200 s

Step: Swell | Increment: 586, Iterations: 4
      Simulation Time: 5860.0 s  of  7200 s

Step: Swell | Increment: 587, Iterations: 4
      Simulation Time: 5870.0 s  of  7200 s

Step: Swell | Increment: 588, Iterations: 4
      Simulation Time: 5880.0 s  of  7200 s

Step: Swell | Increment: 589, Iterations: 4
      Simulation Time: 5890.0 s  of  7200 s

Step: Swell | Increment: 590, Iterations: 4
      Simulation Time: 5900.0 s  of  7200 s

Step: Swell | Increment: 591, Iterations: 4
      Simulation Time: 5910.0 s  of  7200 s

Step: Swell | Increment: 592, Iterations: 4
      Simulation Time: 5920.0 s  of  7200 s

Step: Swell | Increment: 593, Iterations: 4
      Simulation Time: 5930.0 s  of  7200 s

Step: Swell | Increment: 594, Iterations: 4
      Simulation Time: 5940.0 s  of  7200 s

Step: Swell | Increment: 595, Iterations: 4
      Simulation Time: 5950.0 s  of  7200 s

Step: Swell | Increment: 596, Iterations: 4
      Simulation Time: 5960.0 s  of  7200 s

Step: Swell | Increment: 597, Iterations: 4
      Simulation Time: 5970.0 s  of  7200 s

Step: Swell | Increment: 598, Iterations: 4
      Simulation Time: 5980.0 s  of  7200 s

Step: Swell | Increment: 599, Iterations: 4
      Simulation Time: 5990.0 s  of  7200 s

Step: Swell | Increment: 600, Iterations: 4
      Simulation Time: 6000.0 s  of  7200 s

Step: Swell | Increment: 601, Iterations: 4
      Simulation Time: 6010.0 s  of  7200 s

Step: Swell | Increment: 602, Iterations: 4
      Simulation Time: 6020.0 s  of  7200 s

Step: Swell | Increment: 603, Iterations: 4
      Simulation Time: 6030.0 s  of  7200 s

Step: Swell | Increment: 604, Iterations: 4
      Simulation Time: 6040.0 s  of  7200 s

Step: Swell | Increment: 605, Iterations: 4
      Simulation Time: 6050.0 s  of  7200 s

Step: Swell | Increment: 606, Iterations: 4
      Simulation Time: 6060.0 s  of  7200 s

Step: Swell | Increment: 607, Iterations: 4
      Simulation Time: 6070.0 s  of  7200 s

Step: Swell | Increment: 608, Iterations: 4
      Simulation Time: 6080.0 s  of  7200 s

Step: Swell | Increment: 609, Iterations: 4
      Simulation Time: 6090.0 s  of  7200 s

Step: Swell | Increment: 610, Iterations: 4
      Simulation Time: 6100.0 s  of  7200 s

Step: Swell | Increment: 611, Iterations: 4
      Simulation Time: 6110.0 s  of  7200 s

Step: Swell | Increment: 612, Iterations: 4
      Simulation Time: 6120.0 s  of  7200 s

Step: Swell | Increment: 613, Iterations: 4
      Simulation Time: 6130.0 s  of  7200 s

Step: Swell | Increment: 614, Iterations: 4
      Simulation Time: 6140.0 s  of  7200 s

Step: Swell | Increment: 615, Iterations: 4
      Simulation Time: 6150.0 s  of  7200 s

Step: Swell | Increment: 616, Iterations: 4
      Simulation Time: 6160.0 s  of  7200 s

Step: Swell | Increment: 617, Iterations: 4
      Simulation Time: 6170.0 s  of  7200 s

Step: Swell | Increment: 618, Iterations: 4
      Simulation Time: 6180.0 s  of  7200 s

Step: Swell | Increment: 619, Iterations: 4
      Simulation Time: 6190.0 s  of  7200 s

Step: Swell | Increment: 620, Iterations: 4
      Simulation Time: 6200.0 s  of  7200 s

Step: Swell | Increment: 621, Iterations: 4
      Simulation Time: 6210.0 s  of  7200 s

Step: Swell | Increment: 622, Iterations: 4
      Simulation Time: 6220.0 s  of  7200 s

Step: Swell | Increment: 623, Iterations: 4
      Simulation Time: 6230.0 s  of  7200 s

Step: Swell | Increment: 624, Iterations: 4
      Simulation Time: 6240.0 s  of  7200 s

Step: Swell | Increment: 625, Iterations: 4
      Simulation Time: 6250.0 s  of  7200 s

Step: Swell | Increment: 626, Iterations: 4
      Simulation Time: 6260.0 s  of  7200 s

Step: Swell | Increment: 627, Iterations: 4
      Simulation Time: 6270.0 s  of  7200 s

Step: Swell | Increment: 628, Iterations: 4
      Simulation Time: 6280.0 s  of  7200 s

Step: Swell | Increment: 629, Iterations: 4
      Simulation Time: 6290.0 s  of  7200 s

Step: Swell | Increment: 630, Iterations: 4
      Simulation Time: 6300.0 s  of  7200 s

Step: Swell | Increment: 631, Iterations: 4
      Simulation Time: 6310.0 s  of  7200 s

Step: Swell | Increment: 632, Iterations: 4
      Simulation Time: 6320.0 s  of  7200 s

Step: Swell | Increment: 633, Iterations: 4
      Simulation Time: 6330.0 s  of  7200 s

Step: Swell | Increment: 634, Iterations: 4
      Simulation Time: 6340.0 s  of  7200 s

Step: Swell | Increment: 635, Iterations: 4
      Simulation Time: 6350.0 s  of  7200 s

Step: Swell | Increment: 636, Iterations: 4
      Simulation Time: 6360.0 s  of  7200 s

Step: Swell | Increment: 637, Iterations: 4
      Simulation Time: 6370.0 s  of  7200 s

Step: Swell | Increment: 638, Iterations: 4
      Simulation Time: 6380.0 s  of  7200 s

Step: Swell | Increment: 639, Iterations: 4
      Simulation Time: 6390.0 s  of  7200 s

Step: Swell | Increment: 640, Iterations: 4
      Simulation Time: 6400.0 s  of  7200 s

Step: Swell | Increment: 641, Iterations: 4
      Simulation Time: 6410.0 s  of  7200 s

Step: Swell | Increment: 642, Iterations: 4
      Simulation Time: 6420.0 s  of  7200 s

Step: Swell | Increment: 643, Iterations: 4
      Simulation Time: 6430.0 s  of  7200 s

Step: Swell | Increment: 644, Iterations: 4
      Simulation Time: 6440.0 s  of  7200 s

Step: Swell | Increment: 645, Iterations: 4
      Simulation Time: 6450.0 s  of  7200 s

Step: Swell | Increment: 646, Iterations: 4
      Simulation Time: 6460.0 s  of  7200 s

Step: Swell | Increment: 647, Iterations: 4
      Simulation Time: 6470.0 s  of  7200 s

Step: Swell | Increment: 648, Iterations: 4
      Simulation Time: 6480.0 s  of  7200 s

Step: Swell | Increment: 649, Iterations: 4
      Simulation Time: 6490.0 s  of  7200 s

Step: Swell | Increment: 650, Iterations: 4
      Simulation Time: 6500.0 s  of  7200 s

Step: Swell | Increment: 651, Iterations: 4
      Simulation Time: 6510.0 s  of  7200 s

Step: Swell | Increment: 652, Iterations: 4
      Simulation Time: 6520.0 s  of  7200 s

Step: Swell | Increment: 653, Iterations: 4
      Simulation Time: 6530.0 s  of  7200 s

Step: Swell | Increment: 654, Iterations: 4
      Simulation Time: 6540.0 s  of  7200 s

Step: Swell | Increment: 655, Iterations: 4
      Simulation Time: 6550.0 s  of  7200 s

Step: Swell | Increment: 656, Iterations: 4
      Simulation Time: 6560.0 s  of  7200 s

Step: Swell | Increment: 657, Iterations: 4
      Simulation Time: 6570.0 s  of  7200 s

Step: Swell | Increment: 658, Iterations: 4
      Simulation Time: 6580.0 s  of  7200 s

Step: Swell | Increment: 659, Iterations: 4
      Simulation Time: 6590.0 s  of  7200 s

Step: Swell | Increment: 660, Iterations: 4
      Simulation Time: 6600.0 s  of  7200 s

Step: Swell | Increment: 661, Iterations: 4
      Simulation Time: 6610.0 s  of  7200 s

Step: Swell | Increment: 662, Iterations: 4
      Simulation Time: 6620.0 s  of  7200 s

Step: Swell | Increment: 663, Iterations: 4
      Simulation Time: 6630.0 s  of  7200 s

Step: Swell | Increment: 664, Iterations: 4
      Simulation Time: 6640.0 s  of  7200 s

Step: Swell | Increment: 665, Iterations: 4
      Simulation Time: 6650.0 s  of  7200 s

Step: Swell | Increment: 666, Iterations: 4
      Simulation Time: 6660.0 s  of  7200 s

Step: Swell | Increment: 667, Iterations: 4
      Simulation Time: 6670.0 s  of  7200 s

Step: Swell | Increment: 668, Iterations: 4
      Simulation Time: 6680.0 s  of  7200 s

Step: Swell | Increment: 669, Iterations: 4
      Simulation Time: 6690.0 s  of  7200 s

Step: Swell | Increment: 670, Iterations: 4
      Simulation Time: 6700.0 s  of  7200 s

Step: Swell | Increment: 671, Iterations: 4
      Simulation Time: 6710.0 s  of  7200 s

Step: Swell | Increment: 672, Iterations: 4
      Simulation Time: 6720.0 s  of  7200 s

Step: Swell | Increment: 673, Iterations: 4
      Simulation Time: 6730.0 s  of  7200 s

Step: Swell | Increment: 674, Iterations: 4
      Simulation Time: 6740.0 s  of  7200 s

Step: Swell | Increment: 675, Iterations: 4
      Simulation Time: 6750.0 s  of  7200 s

Step: Swell | Increment: 676, Iterations: 4
      Simulation Time: 6760.0 s  of  7200 s

Step: Swell | Increment: 677, Iterations: 4
      Simulation Time: 6770.0 s  of  7200 s

Step: Swell | Increment: 678, Iterations: 4
      Simulation Time: 6780.0 s  of  7200 s

Step: Swell | Increment: 679, Iterations: 4
      Simulation Time: 6790.0 s  of  7200 s

Step: Swell | Increment: 680, Iterations: 4
      Simulation Time: 6800.0 s  of  7200 s

Step: Swell | Increment: 681, Iterations: 4
      Simulation Time: 6810.0 s  of  7200 s

Step: Swell | Increment: 682, Iterations: 4
      Simulation Time: 6820.0 s  of  7200 s

Step: Swell | Increment: 683, Iterations: 4
      Simulation Time: 6830.0 s  of  7200 s

Step: Swell | Increment: 684, Iterations: 4
      Simulation Time: 6840.0 s  of  7200 s

Step: Swell | Increment: 685, Iterations: 4
      Simulation Time: 6850.0 s  of  7200 s

Step: Swell | Increment: 686, Iterations: 4
      Simulation Time: 6860.0 s  of  7200 s

Step: Swell | Increment: 687, Iterations: 4
      Simulation Time: 6870.0 s  of  7200 s

Step: Swell | Increment: 688, Iterations: 4
      Simulation Time: 6880.0 s  of  7200 s

Step: Swell | Increment: 689, Iterations: 4
      Simulation Time: 6890.0 s  of  7200 s

Step: Swell | Increment: 690, Iterations: 4
      Simulation Time: 6900.0 s  of  7200 s

Step: Swell | Increment: 691, Iterations: 4
      Simulation Time: 6910.0 s  of  7200 s

Step: Swell | Increment: 692, Iterations: 4
      Simulation Time: 6920.0 s  of  7200 s

Step: Swell | Increment: 693, Iterations: 4
      Simulation Time: 6930.0 s  of  7200 s

Step: Swell | Increment: 694, Iterations: 4
      Simulation Time: 6940.0 s  of  7200 s

Step: Swell | Increment: 695, Iterations: 4
      Simulation Time: 6950.0 s  of  7200 s

Step: Swell | Increment: 696, Iterations: 4
      Simulation Time: 6960.0 s  of  7200 s

Step: Swell | Increment: 697, Iterations: 4
      Simulation Time: 6970.0 s  of  7200 s

Step: Swell | Increment: 698, Iterations: 4
      Simulation Time: 6980.0 s  of  7200 s

Step: Swell | Increment: 699, Iterations: 4
      Simulation Time: 6990.0 s  of  7200 s

Step: Swell | Increment: 700, Iterations: 4
      Simulation Time: 7000.0 s  of  7200 s

Step: Swell | Increment: 701, Iterations: 4
      Simulation Time: 7010.0 s  of  7200 s

Step: Swell | Increment: 702, Iterations: 4
      Simulation Time: 7020.0 s  of  7200 s

Step: Swell | Increment: 703, Iterations: 4
      Simulation Time: 7030.0 s  of  7200 s

Step: Swell | Increment: 704, Iterations: 4
      Simulation Time: 7040.0 s  of  7200 s

Step: Swell | Increment: 705, Iterations: 4
      Simulation Time: 7050.0 s  of  7200 s

Step: Swell | Increment: 706, Iterations: 4
      Simulation Time: 7060.0 s  of  7200 s

Step: Swell | Increment: 707, Iterations: 4
      Simulation Time: 7070.0 s  of  7200 s

Step: Swell | Increment: 708, Iterations: 4
      Simulation Time: 7080.0 s  of  7200 s

Step: Swell | Increment: 709, Iterations: 4
      Simulation Time: 7090.0 s  of  7200 s

Step: Swell | Increment: 710, Iterations: 4
      Simulation Time: 7100.0 s  of  7200 s

Step: Swell | Increment: 711, Iterations: 4
      Simulation Time: 7110.0 s  of  7200 s

Step: Swell | Increment: 712, Iterations: 4
      Simulation Time: 7120.0 s  of  7200 s

Step: Swell | Increment: 713, Iterations: 4
      Simulation Time: 7130.0 s  of  7200 s

Step: Swell | Increment: 714, Iterations: 4
      Simulation Time: 7140.0 s  of  7200 s

Step: Swell | Increment: 715, Iterations: 4
      Simulation Time: 7150.0 s  of  7200 s

Step: Swell | Increment: 716, Iterations: 4
      Simulation Time: 7160.0 s  of  7200 s

Step: Swell | Increment: 717, Iterations: 4
      Simulation Time: 7170.0 s  of  7200 s

Step: Swell | Increment: 718, Iterations: 4
      Simulation Time: 7180.0 s  of  7200 s

Step: Swell | Increment: 719, Iterations: 4
      Simulation Time: 7190.0 s  of  7200 s

Step: Swell | Increment: 720, Iterations: 4
      Simulation Time: 7200.0 s  of  7200 s

-----------------------------------------
End computation
------------------------------------------
Elapsed real time:  0:16:13.062939
------------------------------------------

Plot results#

# Set up font size, initialize colors array
font = {'size'   : 14}
plt.rc('font', **font)
#
prop_cycle = plt.rcParams['axes.prop_cycle']
colors     = prop_cycle.by_key()['color']

# Only plot as far as we have time history data
ind = np.argmax(timeHist0[:])

# Create figure for temperature versus  tip-displacement curve.
#
fig = plt.figure() 
ax=fig.gca()  
#---------------------------------------------------------------------------------------------
plt.plot(timeHist0[0:ind], timeHist1[0:ind], c='b', linewidth=2.0, label= "Major semi-axis")
plt.plot(timeHist0[0:ind], timeHist2[0:ind], c='r', linewidth=2.0, label= "Minor semi-axis")
#---------------------------------------------------------------------------------------------
plt.xlim(0,7500)
plt.ylim(1,5)
#
plt.grid(linestyle="--", linewidth=0.5, color='b')
#  
ax.set_xlabel("Time (s))",size=14)
ax.set_ylabel(r'Semi-axis dimension (mm)',size=14)
#ax.set_title(r'Time versus semi-axes dimensions', size=14, weight='normal')
#
from matplotlib.ticker import AutoMinorLocator,FormatStrFormatter
#ax.xaxis.set_minor_locator(AutoMinorLocator())
#ax.yaxis.set_minor_locator(AutoMinorLocator())
#plt.legend()
import matplotlib.ticker as ticker
ax.xaxis.set_major_formatter(ticker.FormatStrFormatter('%0.0f'))

plt.legend()
# Save figure
fig = plt.gcf()
fig.set_size_inches(7,5)
plt.tight_layout()
plt.savefig("results/gel_elliptical_inclusion_growth.png", dpi=600) 
../_images/3fcb9b7ee186e1849fb3b32771d6e33d5ff162a9bfd79adc6c18f830214999c8.png