Swollen cylinder compression#

  • Swelling and subsequent compression of a gel cylinder

  • This is an axisymmetric 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#

# Create mesh 
R0 = 2.5  # radius of bar
H0 = 2.5  # height of bar
domain = mesh.create_rectangle(MPI.COMM_WORLD, [[0.0,0.0], [R0,H0]],\
                         [8,8], mesh.CellType.triangle, diagonal=mesh.DiagonalType.crossed)

x = ufl.SpatialCoordinate(domain)

Identify boundaries of the domain

# Identify the boundaries of the  rectangle mesh
#
def xBot(x):
    return np.isclose(x[0], 0)
def xTop(x):
    return np.isclose(x[0], R0)
def yBot(x):
    return np.isclose(x[1], 0)
def yTop(x):
    return np.isclose(x[1], H0)
    
# Mark the sub-domains
boundaries = [(1, xBot),(2,xTop),(3,yBot),(4,yTop)]

# Identify the bottom left corner
def Ground(x):
        return np.isclose(x[0], 0) and np.isclose(x[1], 0)


# Build collections of facets on each subdomain and mark them appropriately.
facet_indices, facet_markers = [], [] # initalize empty collections of indices and markers.
fdim = domain.topology.dim - 1 # geometric dimension of the facet (mesh dimension - 1)
for (marker, locator) in boundaries:
    facets = mesh.locate_entities(domain, fdim, locator) # an array of all the facets in a 
                                                         # given subdomain ("locator")
    facet_indices.append(facets)                         # add these facets to the collection.
    facet_markers.append(np.full_like(facets, marker))   # mark them with the appropriate index.

# Format the facet indices and markers as required for use in dolfinx.
facet_indices = np.hstack(facet_indices).astype(np.int32)
facet_markers = np.hstack(facet_markers).astype(np.int32)
sorted_facets = np.argsort(facet_indices)
# 
# Add these marked facets as "mesh tags" for later use in BCs.
facet_tags = mesh.meshtags(domain, fdim, facet_indices[sorted_facets], facet_markers[sorted_facets])

Visualize 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) 

plotter.view_xy()

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

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

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

# # Use the following  commands for a  zoom-able  view
# if not pyvista.OFF_SCREEN:
#     plotter.show()
# else:
#     plotter.screenshot("axi_cylinder_mesh.png")
../_images/184cc7d84eaed540ba3d02db764ba66b584d1eca040b1f658b4f7ae4e5121362.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#

# Set the locking stretch to a large number to model a Neo-Hookean material
#
Gshear_0= Constant(domain,PETSc.ScalarType(1000.0))         # Shear modulus, kPa
lambdaL = Constant(domain,PETSc.ScalarType(1.e6))           # Locking stretch, Neo-Hookean material
Kbulk   = Constant(domain,PETSc.ScalarType(1000*Gshear_0))  # Bulk modulus, kPa
Omega   = Constant(domain,PETSc.ScalarType(1.00e5))         # Molar volume of fluid
D       = Constant(domain,PETSc.ScalarType(5.00e-3))        # Diffusivity
chi     = Constant(domain,PETSc.ScalarType(0.1))            # Flory-Huggins mixing parameter
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

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 axisymmetric functions 
#
#---------------------------------------------------
# Gradient of vector field u   
#---------------------------------------------------
def axi_grad_vector(u):
    
    grad_u = grad(u)
    
    axi_grad_33_exp = conditional(eq(x[0], 0), 0.0, u[0]/x[0])
    
    axi_grad_u = ufl.as_tensor([[grad_u[0,0], grad_u[0,1], 0],
                  [grad_u[1,0], grad_u[1,1], 0],
                  [0, 0, axi_grad_33_exp]]) 
    
    return axi_grad_u

#---------------------------------------------------
# Gradient of scalar field y
# (just need an extra zero for dimensions to work out)
#---------------------------------------------------
def axi_grad_scalar(y):
    
    grad_y = grad(y)
    
    axi_grad_y = ufl.as_vector([grad_y[0], grad_y[1], 0.])
    
    return axi_grad_y
#---------------------------------------------------
# Axisymmetric deformation gradient 
#---------------------------------------------------
def F_axi_calc(u):
    
    dim = len(u)                # dimension of problem (2)
    
    Id = Identity(dim)          # 2D Identity tensor
    
    F = Id + grad(u)            # 2D Deformation gradient
    
    F33_exp =  1.0 + u[0]/x[0]  # axisymmetric F33, R/R0 
    
    F33 = conditional(eq(x[0], 0.0), 1.0, F33_exp) # avoid divide by zero at r=0
      
    F_axi =  ufl.as_tensor([[F[0,0], F[0,1], 0],
                  [F[1,0], F[1,1], 0],
                  [0, 0, F33]]) # Full axisymmetric F
    
    return F_axi

#---------------------------------------------------
# Effective stretch lambdaBar
#---------------------------------------------------
def lambdaBar_calc(u):
    F = F_axi_calc(u)
    C = F.T*F
    I1 = tr(C)
    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_axi_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_axi_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_axi_calc(u) 
    #
    Cinv = inv(F.T*F)
    #
    Mob = (D*c)/(Omega*RT)*Cinv
    #
    Jmat = - RT* Mob * axi_grad_scalar(mu)
    return Jmat

#------------------------------------------------------------- 
# Utility subroutines
#-------------------------------------------------------------

# Macaulay bracket function
def ppos(x):
    return (x+abs(x))/2.

Evaluate kinematics and constitutive relations#

# Kinematics
F = F_axi_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)

# spatial coordinates, for use in contact penalty
u_var = ufl.variable(u)
x_sp  = ufl.variable(x + u_var)

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, axi_grad_vector(u_test) )*x[0]*dx 

# The weak form for the pressure
Res_1 = dot((p*Je/Kbulk + ln(Je)) , p_test)*x[0]*dx
      
# The weak form for the mass balance of solvent      
Res_2 = dot((c - c_old)/dk, mu_test)*x[0]*dx \
        -  Omega*dot(Jmat , axi_grad_scalar(mu_test) )*x[0]*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


# the penalty energy for contact enforcement
x2Platen = Constant(domain, PETSc.ScalarType(4.5 + dispRamp(0)))
k_pen = Constant(domain, PETSc.ScalarType(1.0e6))
contact_force = 0.5*k_pen*ppos(x[1] + u[1] - x2Platen)
ResContact = dot(contact_force,u_test[1])*ds(4)



# Total weak form
Res = Res_0 + Res_1 + Res_2 + Res_3 + ResContact

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

Set-up output files#

# Set up projection problem for fixing visualization issues
# of fields in  the axisymmetric simulation
#
def setup_projection(u, V):

    trial = ufl.TrialFunction(V)
    test  = ufl.TestFunction(V)   

    a = ufl.inner(trial, test)*x[0]*dx
    L = ufl.inner(u, test)*x[0]*dx

    projection_problem = dolfinx.fem.petsc.LinearProblem(a, L, [], \
        petsc_options={"ksp_type": "cg", "ksp_rtol": 1e-16, "ksp_atol": 1e-16, "ksp_max_it": 1000})
    
    return projection_problem
# results file name
results_name = "gel_axi_compression"

# Function space for projection of results
U1 = element("DG", domain.basix_cell(), 1, shape=(2,))  # For 2d vector
P0 = element("DG", domain.basix_cell(), 1)              # For  scalar 
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())

# Project the volumetric Jacobian J for visualization
#
J_projection = setup_projection(J, V1)
J_vis = J_projection.solve()
J_vis.name = "J"

# Project the effective stretch lambdabar for visualization
#
lambdaBar_projection = setup_projection(lambdaBar, V1)
lambdaBar_vis = lambdaBar_projection.solve()
lambdaBar_vis.name = "lambdaBar"

# Project the Piola stress tensor for visualization
#
Piola_projection = setup_projection(Piola, V3)
Piola_temp = Piola_projection.solve()

T   = Piola_temp*F.T/J
T0   = T - (1/3)*tr(T)*Identity(3)
Mises = sqrt((3/2)*inner(T0, T0))
Mises_projection = setup_projection(Mises, V1)
Mises_vis = Mises_projection.solve()
Mises_vis.name = "Mises"

P11 = Function(V1)
P11.name = "P11"
P11_expr = Expression(Piola_temp[0,0],V1.element.interpolation_points())
P22 = Function(V1)
P22.name = "P22"
P22_expr = Expression(Piola_temp[1,1],V1.element.interpolation_points())
P33 = Function(V1)
P33.name = "P33"
P33_expr = Expression(Piola_temp[2,2],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):
       
       # Re-project some fields. This is necessary here to remove visual artifacts which arise
       # due to the axisymmetric formulation as r -> 0
       #
       Piola_temp     = Piola_projection.solve()
       Mises_vis      = Mises_projection.solve()
       J_vis          = J_projection.solve()
       lambdaBar_vis  = lambdaBar_projection.solve()

       # 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)
       P11.interpolate(P11_expr)
       P22.interpolate(P22_expr)
       P33.interpolate(P33_expr)

       # Write output fields
       file_results.write(t) 
        

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

# Identify point for reporting the polymer volume fraction at a given point
pointForCenter = np.array([0.0, 0.0, 0.0])
pointForSurf = np.array([R0, H0, 0.0])

bb_tree = dolfinx.geometry.bb_tree(domain,domain.topology.dim)
cell_candidates = dolfinx.geometry.compute_collisions_points(bb_tree, pointForCenter)
colliding_cellsA = dolfinx.geometry.compute_colliding_cells(domain, cell_candidates, pointForCenter).array

bb_tree = dolfinx.geometry.bb_tree(domain,domain.topology.dim)
cell_candidates = dolfinx.geometry.compute_collisions_points(bb_tree, pointForSurf)
colliding_cellsB = dolfinx.geometry.compute_colliding_cells(domain, cell_candidates, pointForSurf).array

Analysis Step#

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

Boundary conditions#

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

# Recall the sub-domains names and numbers
# boundaries = [(1, xBot),(2,xTop),(3,yBot),(4,yTop)]

# Find the specific DOFs which will be constrained
xBot_u1_dofs = fem.locate_dofs_topological(ME.sub(0).sub(0), facet_tags.dim, facet_tags.find(1))
yBot_u2_dofs = fem.locate_dofs_topological(ME.sub(0).sub(1), facet_tags.dim, facet_tags.find(3))
#
xTop_mu_dofs = fem.locate_dofs_topological(ME.sub(2), facet_tags.dim, facet_tags.find(2))
yTop_mu_dofs = fem.locate_dofs_topological(ME.sub(2), facet_tags.dim, facet_tags.find(4))

# Build Dirichlet BCs
bcs_1 = dirichletbc(0.0, xBot_u1_dofs, ME.sub(0).sub(0)) # u1 fix - xBot
bcs_2 = dirichletbc(0.0, yBot_u2_dofs, ME.sub(0).sub(1)) # u2 fix - yBot
#
bcs_3 = dirichletbc(mu_cons, xTop_mu_dofs, ME.sub(2))    # mu_cons - xTop
bcs_4 = dirichletbc(mu_cons, yTop_mu_dofs, ME.sub(2))    # mu_cons - yTop

bcs = [bcs_1, bcs_2, bcs_3, bcs_4]

Compute the reaction force

# Procedure  for computing reaction force
W2 = fem.functionspace(domain, U2) # Vector function space
#
vir_disp   = fem.Function(W2) # virtual displacement function
#
one        = Constant(domain,PETSc.ScalarType(1.0)) # unit magnitude of virtual displacement 

#  Find the specific DOFs which will be constrained.
yBot_vir2_dofs = fem.locate_dofs_topological(W2.sub(1), facet_tags.dim, facet_tags.find(3))


## Build the  Dirichlet BC
bc_Ry     = dirichletbc(one, yBot_vir2_dofs, W2.sub(1))
#
virtual_bcs = [bc_Ry]

# Apply the BC to the virtual displacement function
#
fem.set_bc(vir_disp.vector, virtual_bcs)

#  Construct the form for evaluating the reaction force  
#
ReactionForce = fem.form(inner(Piola,axi_grad_vector(vir_disp))*2.0*np.pi*x[0]*dx)

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
solver.error_on_nonconvergence = False

#  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])
timeHist3 = np.zeros(shape=[totSteps])
timeHist4 = np.zeros(shape=[totSteps])
#
timeHist1[0] = phi0 # Initialize the polymer volume fraction
timeHist2[0] = phi0 # Initialize the polymer volume fraction

# 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):
     
    # increment time
    t += dt 
    
    # update time variables in time-dependent BCs 
    mu_cons.value = float(muRamp(t))
    x2Platen.value = 4.5 + float(dispRamp(t))
        
    # Solve the problem
    (iter, converged) = solver.solve(w)
    
    # if the time step goes too small, give up
    if dt < 1.e-3:
        file_results.close()
        print("Ended early due to a small time step")
        break
    
    # Now we start the adaptive time-stepping procedure
    #
    # First, we check if the newton solver actually converged.
    if converged:
        
        # If the solver converged, we print the status of the solver, 
        # perform adaptive time-stepping updates, output results, and 
        # update degrees of freedom for the next step, w_old <- w.
       
        # update the counter for nonconverged attempts
        notConvergedCount = 0
    
        # increment counter
        ii += 1

        # Collect results from MPI ghost processes
        w.x.scatter_forward()
        
        # Write output to file
        writeResults(t)
        
        # Store time history variables at this time
        timeHist0[ii] = t # current time
        timeHist1[ii] = 1.0/(1.0 + w.sub(3).eval([0, 0, 0],colliding_cellsA[0])[0]) # time history of polymer volume fraction phi at the center
        timeHist2[ii] = 1.0/(1.0 + w.sub(3).eval([R0, H0, 0],colliding_cellsB[0])[0]) # time history of polymer volume fraction phi at the surface
        timeHist3[ii] = domain.comm.gather(fem.assemble_scalar(ReactionForce))[0]  # time history of Reaction force
        timeHist4[ii] = float(dispRamp(t)) # time history of the platen displacement


        # Update DOFs for next step
        w_old.x.array[:] = w.x.array
        
        # Iteration-based adaptive time-stepping
        #
        # If the newton solver takes 2 or less iterations, 
        # increase the time step by a factor of 1.5:
        if ((iter<=3) and (dt<100)):
            newdt = True
            dtOld = dt
            dt = 1.5*dt
            dk.value = dt
        # If the newton solver takes 5 or more iterations, 
        # decrease the time step by a factor of 2:
        elif iter>=7:
            newdt = True
            dtOld = dt
            dt = dt/2
            dk.value = dt
        else:
            newdt = False
        # otherwise the newton solver took 4-6 iterations,
        # in which case leave the time step alone
        
        # print progress of calculation periodically
        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 | dt: {} s".format(round(t,2), round(dt, 4)))
            if newdt:
                print("old dt: {} s | new dt: {} s".format(round(dtOld,4), round(dt, 4)))
            print() 
        
    # If the solver doesn't converge we have to back up in time,
    # cut the size of the time step, and try solving again.
    else: # not(converged)
        
        # update the counter for nonconverged attempts
        notConvergedCount += 1
    
        # first, we back up in time
        # ( to undo the current time step )
        t = t - float(dk)
        
        # Then, we cut back on the time step we're attempting.
        # (by a factor of 2)
        dt = dt/2
        dk.value = dt

        # Re-set the DOFs to their value before the failed step.
        w.x.array[:] = w_old.x.array

        # 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 = 15
        solver.report = True
        solver.error_on_nonconvergence = False
    
        #  The Krylov solver parameters.
        ksp = solver.krylov_solver
        opts = PETSc.Options()
        option_prefix = ksp.getOptionsPrefix()
        opts[f"{option_prefix}ksp_type"] = "preonly" # "preonly" works equally well
        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()
    
        # inform the user about the nonconvergence        
        now = datetime.now()
        current_time = now.strftime("%H:%M:%S")
        print("Not converged, this was attempt {}".format(notConvergedCount))
        print("Step: {} | Increment: {} | Iterations: {}".format(step, ii, iter))
        print("dt: {} | Simulation Time: {} s | Percent of total time: {}%".format(round(dt,4), round(t,4), round(100*t/Ttot,4)))
        print("old dt: {} | new dt {}".format(round(2*dt,4), round(dt,4)))
        print()
    
        # if you have not converged 5 times in a row, give up
        if notConvergedCount >= 5:
            file_results.close()
            print("Ended early due to an excessive number of attempts")
            break


# 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: 100.0 s | dt: 100 s

Step: Swell |   Increment: 2 | Iterations: 6
Simulation Time: 200.0 s | dt: 100 s

Step: Swell |   Increment: 3 | Iterations: 6
Simulation Time: 300.0 s | dt: 100 s

Step: Swell |   Increment: 4 | Iterations: 6
Simulation Time: 400.0 s | dt: 100 s

Step: Swell |   Increment: 5 | Iterations: 5
Simulation Time: 500.0 s | dt: 100 s

Step: Swell |   Increment: 6 | Iterations: 5
Simulation Time: 600.0 s | dt: 100 s

Step: Swell |   Increment: 7 | Iterations: 5
Simulation Time: 700.0 s | dt: 100 s

Step: Swell |   Increment: 8 | Iterations: 5
Simulation Time: 800.0 s | dt: 100 s

Step: Swell |   Increment: 9 | Iterations: 5
Simulation Time: 900.0 s | dt: 100 s

Step: Swell |   Increment: 10 | Iterations: 5
Simulation Time: 1000.0 s | dt: 100 s

Step: Swell |   Increment: 11 | Iterations: 5
Simulation Time: 1100.0 s | dt: 100 s

Step: Swell |   Increment: 12 | Iterations: 5
Simulation Time: 1200.0 s | dt: 100 s

Step: Swell |   Increment: 13 | Iterations: 5
Simulation Time: 1300.0 s | dt: 100 s

Step: Swell |   Increment: 14 | Iterations: 5
Simulation Time: 1400.0 s | dt: 100 s

Step: Swell |   Increment: 15 | Iterations: 5
Simulation Time: 1500.0 s | dt: 100 s

Step: Swell |   Increment: 16 | Iterations: 5
Simulation Time: 1600.0 s | dt: 100 s

Step: Swell |   Increment: 17 | Iterations: 5
Simulation Time: 1700.0 s | dt: 100 s

Step: Swell |   Increment: 18 | Iterations: 5
Simulation Time: 1800.0 s | dt: 100 s

Step: Swell |   Increment: 19 | Iterations: 4
Simulation Time: 1900.0 s | dt: 100 s

Step: Swell |   Increment: 20 | Iterations: 4
Simulation Time: 2000.0 s | dt: 100 s

Step: Swell |   Increment: 21 | Iterations: 4
Simulation Time: 2100.0 s | dt: 100 s

Step: Swell |   Increment: 22 | Iterations: 4
Simulation Time: 2200.0 s | dt: 100 s

Step: Swell |   Increment: 23 | Iterations: 4
Simulation Time: 2300.0 s | dt: 100 s

Step: Swell |   Increment: 24 | Iterations: 4
Simulation Time: 2400.0 s | dt: 100 s

Step: Swell |   Increment: 25 | Iterations: 4
Simulation Time: 2500.0 s | dt: 100 s

Step: Swell |   Increment: 26 | Iterations: 4
Simulation Time: 2600.0 s | dt: 100 s

Step: Swell |   Increment: 27 | Iterations: 4
Simulation Time: 2700.0 s | dt: 100 s

Step: Swell |   Increment: 28 | Iterations: 4
Simulation Time: 2800.0 s | dt: 100 s

Step: Swell |   Increment: 29 | Iterations: 4
Simulation Time: 2900.0 s | dt: 100 s

Step: Swell |   Increment: 30 | Iterations: 4
Simulation Time: 3000.0 s | dt: 100 s

Step: Swell |   Increment: 31 | Iterations: 4
Simulation Time: 3100.0 s | dt: 100 s

Step: Swell |   Increment: 32 | Iterations: 4
Simulation Time: 3200.0 s | dt: 100 s

Step: Swell |   Increment: 33 | Iterations: 4
Simulation Time: 3300.0 s | dt: 100 s

Step: Swell |   Increment: 34 | Iterations: 4
Simulation Time: 3400.0 s | dt: 100 s

Step: Swell |   Increment: 35 | Iterations: 4
Simulation Time: 3500.0 s | dt: 100 s

Step: Swell |   Increment: 36 | Iterations: 4
Simulation Time: 3600.0 s | dt: 100 s

Step: Swell |   Increment: 37 | Iterations: 4
Simulation Time: 3700.0 s | dt: 100 s

Step: Swell |   Increment: 38 | Iterations: 4
Simulation Time: 3800.0 s | dt: 100 s

Step: Swell |   Increment: 39 | Iterations: 4
Simulation Time: 3900.0 s | dt: 100 s

Step: Swell |   Increment: 40 | Iterations: 4
Simulation Time: 4000.0 s | dt: 100 s

Step: Swell |   Increment: 41 | Iterations: 4
Simulation Time: 4100.0 s | dt: 100 s

Step: Swell |   Increment: 42 | Iterations: 4
Simulation Time: 4200.0 s | dt: 100 s

Step: Swell |   Increment: 43 | Iterations: 4
Simulation Time: 4300.0 s | dt: 100 s

Step: Swell |   Increment: 44 | Iterations: 4
Simulation Time: 4400.0 s | dt: 100 s

Step: Swell |   Increment: 45 | Iterations: 4
Simulation Time: 4500.0 s | dt: 100 s

Step: Swell |   Increment: 46 | Iterations: 4
Simulation Time: 4600.0 s | dt: 100 s

Step: Swell |   Increment: 47 | Iterations: 4
Simulation Time: 4700.0 s | dt: 100 s

Step: Swell |   Increment: 48 | Iterations: 4
Simulation Time: 4800.0 s | dt: 100 s

Step: Swell |   Increment: 49 | Iterations: 4
Simulation Time: 4900.0 s | dt: 100 s

Step: Swell |   Increment: 50 | Iterations: 4
Simulation Time: 5000.0 s | dt: 100 s

Step: Swell |   Increment: 51 | Iterations: 4
Simulation Time: 5100.0 s | dt: 100 s

Step: Swell |   Increment: 52 | Iterations: 4
Simulation Time: 5200.0 s | dt: 100 s

Step: Swell |   Increment: 53 | Iterations: 4
Simulation Time: 5300.0 s | dt: 100 s

Step: Swell |   Increment: 54 | Iterations: 4
Simulation Time: 5400.0 s | dt: 100 s

Step: Swell |   Increment: 55 | Iterations: 4
Simulation Time: 5500.0 s | dt: 100 s

Step: Swell |   Increment: 56 | Iterations: 4
Simulation Time: 5600.0 s | dt: 100 s

Step: Swell |   Increment: 57 | Iterations: 4
Simulation Time: 5700.0 s | dt: 100 s

Step: Swell |   Increment: 58 | Iterations: 4
Simulation Time: 5800.0 s | dt: 100 s

Step: Swell |   Increment: 59 | Iterations: 4
Simulation Time: 5900.0 s | dt: 100 s

Step: Swell |   Increment: 60 | Iterations: 4
Simulation Time: 6000.0 s | dt: 100 s

Step: Swell |   Increment: 61 | Iterations: 4
Simulation Time: 6100.0 s | dt: 100 s

Step: Swell |   Increment: 62 | Iterations: 4
Simulation Time: 6200.0 s | dt: 100 s

Step: Swell |   Increment: 63 | Iterations: 4
Simulation Time: 6300.0 s | dt: 100 s

Step: Swell |   Increment: 64 | Iterations: 4
Simulation Time: 6400.0 s | dt: 100 s

Step: Swell |   Increment: 65 | Iterations: 4
Simulation Time: 6500.0 s | dt: 100 s

Step: Swell |   Increment: 66 | Iterations: 4
Simulation Time: 6600.0 s | dt: 100 s

Step: Swell |   Increment: 67 | Iterations: 4
Simulation Time: 6700.0 s | dt: 100 s

Step: Swell |   Increment: 68 | Iterations: 4
Simulation Time: 6800.0 s | dt: 100 s

Step: Swell |   Increment: 69 | Iterations: 4
Simulation Time: 6900.0 s | dt: 100 s

Step: Swell |   Increment: 70 | Iterations: 4
Simulation Time: 7000.0 s | dt: 100 s

Step: Swell |   Increment: 71 | Iterations: 4
Simulation Time: 7100.0 s | dt: 100 s

Step: Swell |   Increment: 72 | Iterations: 4
Simulation Time: 7200.0 s | dt: 100 s

Step: Swell |   Increment: 73 | Iterations: 4
Simulation Time: 7300.0 s | dt: 100 s

Step: Swell |   Increment: 74 | Iterations: 4
Simulation Time: 7400.0 s | dt: 100 s

Step: Swell |   Increment: 75 | Iterations: 4
Simulation Time: 7500.0 s | dt: 100 s

Step: Swell |   Increment: 76 | Iterations: 4
Simulation Time: 7600.0 s | dt: 100 s

Step: Swell |   Increment: 77 | Iterations: 4
Simulation Time: 7700.0 s | dt: 100 s

Step: Swell |   Increment: 78 | Iterations: 4
Simulation Time: 7800.0 s | dt: 100 s

Step: Swell |   Increment: 79 | Iterations: 4
Simulation Time: 7900.0 s | dt: 100 s

Step: Swell |   Increment: 80 | Iterations: 4
Simulation Time: 8000.0 s | dt: 100 s

Step: Swell |   Increment: 81 | Iterations: 4
Simulation Time: 8100.0 s | dt: 100 s

Step: Swell |   Increment: 82 | Iterations: 4
Simulation Time: 8200.0 s | dt: 100 s

Step: Swell |   Increment: 83 | Iterations: 4
Simulation Time: 8300.0 s | dt: 100 s

Step: Swell |   Increment: 84 | Iterations: 4
Simulation Time: 8400.0 s | dt: 100 s

Step: Swell |   Increment: 85 | Iterations: 4
Simulation Time: 8500.0 s | dt: 100 s

Step: Swell |   Increment: 86 | Iterations: 4
Simulation Time: 8600.0 s | dt: 100 s

Step: Swell |   Increment: 87 | Iterations: 4
Simulation Time: 8700.0 s | dt: 100 s

Step: Swell |   Increment: 88 | Iterations: 4
Simulation Time: 8800.0 s | dt: 100 s

Step: Swell |   Increment: 89 | Iterations: 4
Simulation Time: 8900.0 s | dt: 100 s

Step: Swell |   Increment: 90 | Iterations: 4
Simulation Time: 9000.0 s | dt: 100 s

Step: Swell |   Increment: 91 | Iterations: 4
Simulation Time: 9100.0 s | dt: 100 s

Step: Swell |   Increment: 92 | Iterations: 4
Simulation Time: 9200.0 s | dt: 100 s

Step: Swell |   Increment: 93 | Iterations: 4
Simulation Time: 9300.0 s | dt: 100 s

Step: Swell |   Increment: 94 | Iterations: 4
Simulation Time: 9400.0 s | dt: 100 s

Step: Swell |   Increment: 95 | Iterations: 4
Simulation Time: 9500.0 s | dt: 100 s

Step: Swell |   Increment: 96 | Iterations: 3
Simulation Time: 9600.0 s | dt: 100 s

Step: Swell |   Increment: 97 | Iterations: 3
Simulation Time: 9700.0 s | dt: 100 s

Step: Swell |   Increment: 98 | Iterations: 3
Simulation Time: 9800.0 s | dt: 100 s

Step: Swell |   Increment: 99 | Iterations: 3
Simulation Time: 9900.0 s | dt: 100 s

Step: Swell |   Increment: 100 | Iterations: 3
Simulation Time: 10000.0 s | dt: 100 s

Step: Swell |   Increment: 101 | Iterations: 3
Simulation Time: 10100.0 s | dt: 100 s

Step: Swell |   Increment: 102 | Iterations: 3
Simulation Time: 10200.0 s | dt: 100 s

Step: Swell |   Increment: 103 | Iterations: 3
Simulation Time: 10300.0 s | dt: 100 s

Step: Swell |   Increment: 104 | Iterations: 3
Simulation Time: 10400.0 s | dt: 100 s

Step: Swell |   Increment: 105 | Iterations: 3
Simulation Time: 10500.0 s | dt: 100 s

Step: Swell |   Increment: 106 | Iterations: 3
Simulation Time: 10600.0 s | dt: 100 s

Step: Swell |   Increment: 107 | Iterations: 3
Simulation Time: 10700.0 s | dt: 100 s

Step: Swell |   Increment: 108 | Iterations: 3
Simulation Time: 10800.0 s | dt: 100 s

Step: Swell |   Increment: 109 | Iterations: 3
Simulation Time: 10900.0 s | dt: 100 s

Step: Swell |   Increment: 110 | Iterations: 3
Simulation Time: 11000.0 s | dt: 100 s

Step: Swell |   Increment: 111 | Iterations: 3
Simulation Time: 11100.0 s | dt: 100 s

Step: Swell |   Increment: 112 | Iterations: 3
Simulation Time: 11200.0 s | dt: 100 s

Step: Swell |   Increment: 113 | Iterations: 3
Simulation Time: 11300.0 s | dt: 100 s

Step: Swell |   Increment: 114 | Iterations: 3
Simulation Time: 11400.0 s | dt: 100 s

Step: Swell |   Increment: 115 | Iterations: 3
Simulation Time: 11500.0 s | dt: 100 s

Step: Swell |   Increment: 116 | Iterations: 3
Simulation Time: 11600.0 s | dt: 100 s

Step: Swell |   Increment: 117 | Iterations: 3
Simulation Time: 11700.0 s | dt: 100 s

Step: Swell |   Increment: 118 | Iterations: 3
Simulation Time: 11800.0 s | dt: 100 s

Step: Swell |   Increment: 119 | Iterations: 3
Simulation Time: 11900.0 s | dt: 100 s

Step: Swell |   Increment: 120 | Iterations: 3
Simulation Time: 12000.0 s | dt: 100 s

Step: Swell |   Increment: 121 | Iterations: 3
Simulation Time: 12100.0 s | dt: 100 s

Step: Swell |   Increment: 122 | Iterations: 3
Simulation Time: 12200.0 s | dt: 100 s

Step: Swell |   Increment: 123 | Iterations: 3
Simulation Time: 12300.0 s | dt: 100 s

Step: Swell |   Increment: 124 | Iterations: 3
Simulation Time: 12400.0 s | dt: 100 s

Step: Swell |   Increment: 125 | Iterations: 3
Simulation Time: 12500.0 s | dt: 100 s

Step: Swell |   Increment: 126 | Iterations: 3
Simulation Time: 12600.0 s | dt: 100 s

Step: Swell |   Increment: 127 | Iterations: 3
Simulation Time: 12700.0 s | dt: 100 s

Step: Swell |   Increment: 128 | Iterations: 3
Simulation Time: 12800.0 s | dt: 100 s

Step: Swell |   Increment: 129 | Iterations: 3
Simulation Time: 12900.0 s | dt: 100 s

Step: Swell |   Increment: 130 | Iterations: 3
Simulation Time: 13000.0 s | dt: 100 s

Step: Swell |   Increment: 131 | Iterations: 3
Simulation Time: 13100.0 s | dt: 100 s

Step: Swell |   Increment: 132 | Iterations: 3
Simulation Time: 13200.0 s | dt: 100 s

Step: Swell |   Increment: 133 | Iterations: 3
Simulation Time: 13300.0 s | dt: 100 s

Step: Swell |   Increment: 134 | Iterations: 3
Simulation Time: 13400.0 s | dt: 100 s

Step: Swell |   Increment: 135 | Iterations: 3
Simulation Time: 13500.0 s | dt: 100 s

Step: Swell |   Increment: 136 | Iterations: 3
Simulation Time: 13600.0 s | dt: 100 s

Step: Swell |   Increment: 137 | Iterations: 3
Simulation Time: 13700.0 s | dt: 100 s

Step: Swell |   Increment: 138 | Iterations: 3
Simulation Time: 13800.0 s | dt: 100 s

Step: Swell |   Increment: 139 | Iterations: 3
Simulation Time: 13900.0 s | dt: 100 s

Step: Swell |   Increment: 140 | Iterations: 3
Simulation Time: 14000.0 s | dt: 100 s

Step: Swell |   Increment: 141 | Iterations: 3
Simulation Time: 14100.0 s | dt: 100 s

Step: Swell |   Increment: 142 | Iterations: 3
Simulation Time: 14200.0 s | dt: 100 s

Step: Swell |   Increment: 143 | Iterations: 3
Simulation Time: 14300.0 s | dt: 100 s

Step: Swell |   Increment: 144 | Iterations: 3
Simulation Time: 14400.0 s | dt: 100 s

Step: Swell |   Increment: 145 | Iterations: 3
Simulation Time: 14500.0 s | dt: 100 s

Step: Swell |   Increment: 146 | Iterations: 3
Simulation Time: 14600.0 s | dt: 100 s

Step: Swell |   Increment: 147 | Iterations: 3
Simulation Time: 14700.0 s | dt: 100 s

Step: Swell |   Increment: 148 | Iterations: 3
Simulation Time: 14800.0 s | dt: 100 s

Step: Swell |   Increment: 149 | Iterations: 3
Simulation Time: 14900.0 s | dt: 100 s

Step: Swell |   Increment: 150 | Iterations: 3
Simulation Time: 15000.0 s | dt: 100 s

Step: Swell |   Increment: 151 | Iterations: 3
Simulation Time: 15100.0 s | dt: 100 s

Step: Swell |   Increment: 152 | Iterations: 3
Simulation Time: 15200.0 s | dt: 100 s

Step: Swell |   Increment: 153 | Iterations: 3
Simulation Time: 15300.0 s | dt: 100 s

Step: Swell |   Increment: 154 | Iterations: 3
Simulation Time: 15400.0 s | dt: 100 s

Step: Swell |   Increment: 155 | Iterations: 3
Simulation Time: 15500.0 s | dt: 100 s

Step: Swell |   Increment: 156 | Iterations: 3
Simulation Time: 15600.0 s | dt: 100 s

Step: Swell |   Increment: 157 | Iterations: 3
Simulation Time: 15700.0 s | dt: 100 s

Step: Swell |   Increment: 158 | Iterations: 3
Simulation Time: 15800.0 s | dt: 100 s

Step: Swell |   Increment: 159 | Iterations: 3
Simulation Time: 15900.0 s | dt: 100 s

Step: Swell |   Increment: 160 | Iterations: 3
Simulation Time: 16000.0 s | dt: 100 s

Step: Swell |   Increment: 161 | Iterations: 3
Simulation Time: 16100.0 s | dt: 100 s

Step: Swell |   Increment: 162 | Iterations: 3
Simulation Time: 16200.0 s | dt: 100 s

Step: Swell |   Increment: 163 | Iterations: 3
Simulation Time: 16300.0 s | dt: 100 s

Step: Swell |   Increment: 164 | Iterations: 3
Simulation Time: 16400.0 s | dt: 100 s

Step: Swell |   Increment: 165 | Iterations: 3
Simulation Time: 16500.0 s | dt: 100 s

Step: Swell |   Increment: 166 | Iterations: 3
Simulation Time: 16600.0 s | dt: 100 s

Step: Swell |   Increment: 167 | Iterations: 3
Simulation Time: 16700.0 s | dt: 100 s

Step: Swell |   Increment: 168 | Iterations: 3
Simulation Time: 16800.0 s | dt: 100 s

Step: Swell |   Increment: 169 | Iterations: 3
Simulation Time: 16900.0 s | dt: 100 s

Step: Swell |   Increment: 170 | Iterations: 3
Simulation Time: 17000.0 s | dt: 100 s

Step: Swell |   Increment: 171 | Iterations: 3
Simulation Time: 17100.0 s | dt: 100 s

Step: Swell |   Increment: 172 | Iterations: 3
Simulation Time: 17200.0 s | dt: 100 s

Step: Swell |   Increment: 173 | Iterations: 3
Simulation Time: 17300.0 s | dt: 100 s

Step: Swell |   Increment: 174 | Iterations: 3
Simulation Time: 17400.0 s | dt: 100 s

Step: Swell |   Increment: 175 | Iterations: 3
Simulation Time: 17500.0 s | dt: 100 s

Step: Swell |   Increment: 176 | Iterations: 3
Simulation Time: 17600.0 s | dt: 100 s

Step: Swell |   Increment: 177 | Iterations: 3
Simulation Time: 17700.0 s | dt: 100 s

Step: Swell |   Increment: 178 | Iterations: 3
Simulation Time: 17800.0 s | dt: 100 s

Step: Swell |   Increment: 179 | Iterations: 3
Simulation Time: 17900.0 s | dt: 100 s

Step: Swell |   Increment: 180 | Iterations: 3
Simulation Time: 18000.0 s | dt: 100 s

Step: Swell |   Increment: 181 | Iterations: 3
Simulation Time: 18100.0 s | dt: 100 s

Step: Swell |   Increment: 182 | Iterations: 3
Simulation Time: 18200.0 s | dt: 100 s

Step: Swell |   Increment: 183 | Iterations: 3
Simulation Time: 18300.0 s | dt: 100 s

Step: Swell |   Increment: 184 | Iterations: 3
Simulation Time: 18400.0 s | dt: 100 s

Step: Swell |   Increment: 185 | Iterations: 3
Simulation Time: 18500.0 s | dt: 100 s

Step: Swell |   Increment: 186 | Iterations: 3
Simulation Time: 18600.0 s | dt: 100 s

Step: Swell |   Increment: 187 | Iterations: 3
Simulation Time: 18700.0 s | dt: 100 s

Step: Swell |   Increment: 188 | Iterations: 3
Simulation Time: 18800.0 s | dt: 100 s

Step: Swell |   Increment: 189 | Iterations: 3
Simulation Time: 18900.0 s | dt: 100 s

Step: Swell |   Increment: 190 | Iterations: 3
Simulation Time: 19000.0 s | dt: 100 s

Step: Swell |   Increment: 191 | Iterations: 3
Simulation Time: 19100.0 s | dt: 100 s

Step: Swell |   Increment: 192 | Iterations: 3
Simulation Time: 19200.0 s | dt: 100 s

Step: Swell |   Increment: 193 | Iterations: 3
Simulation Time: 19300.0 s | dt: 100 s

Step: Swell |   Increment: 194 | Iterations: 3
Simulation Time: 19400.0 s | dt: 100 s

Step: Swell |   Increment: 195 | Iterations: 3
Simulation Time: 19500.0 s | dt: 100 s

Step: Swell |   Increment: 196 | Iterations: 3
Simulation Time: 19600.0 s | dt: 100 s

Step: Swell |   Increment: 197 | Iterations: 3
Simulation Time: 19700.0 s | dt: 100 s

Step: Swell |   Increment: 198 | Iterations: 3
Simulation Time: 19800.0 s | dt: 100 s

Step: Swell |   Increment: 199 | Iterations: 3
Simulation Time: 19900.0 s | dt: 100 s

Step: Swell |   Increment: 200 | Iterations: 3
Simulation Time: 20000.0 s | dt: 100 s

Step: Swell |   Increment: 201 | Iterations: 3
Simulation Time: 20100.0 s | dt: 100 s

Step: Swell |   Increment: 202 | Iterations: 3
Simulation Time: 20200.0 s | dt: 100 s

Step: Swell |   Increment: 203 | Iterations: 3
Simulation Time: 20300.0 s | dt: 100 s

Step: Swell |   Increment: 204 | Iterations: 3
Simulation Time: 20400.0 s | dt: 100 s

Step: Swell |   Increment: 205 | Iterations: 3
Simulation Time: 20500.0 s | dt: 100 s

Step: Swell |   Increment: 206 | Iterations: 3
Simulation Time: 20600.0 s | dt: 100 s

Step: Swell |   Increment: 207 | Iterations: 3
Simulation Time: 20700.0 s | dt: 100 s

Step: Swell |   Increment: 208 | Iterations: 3
Simulation Time: 20800.0 s | dt: 100 s

Step: Swell |   Increment: 209 | Iterations: 3
Simulation Time: 20900.0 s | dt: 100 s

Step: Swell |   Increment: 210 | Iterations: 3
Simulation Time: 21000.0 s | dt: 100 s

Step: Swell |   Increment: 211 | Iterations: 3
Simulation Time: 21100.0 s | dt: 100 s

Step: Swell |   Increment: 212 | Iterations: 3
Simulation Time: 21200.0 s | dt: 100 s

Step: Swell |   Increment: 213 | Iterations: 3
Simulation Time: 21300.0 s | dt: 100 s

Step: Swell |   Increment: 214 | Iterations: 3
Simulation Time: 21400.0 s | dt: 100 s

Step: Swell |   Increment: 215 | Iterations: 3
Simulation Time: 21500.0 s | dt: 100 s

Step: Swell |   Increment: 216 | Iterations: 3
Simulation Time: 21600.0 s | dt: 100 s

Step: Swell |   Increment: 217 | Iterations: 3
Simulation Time: 21700.0 s | dt: 100 s

Step: Swell |   Increment: 218 | Iterations: 3
Simulation Time: 21800.0 s | dt: 100 s

Step: Swell |   Increment: 219 | Iterations: 3
Simulation Time: 21900.0 s | dt: 100 s

Step: Swell |   Increment: 220 | Iterations: 3
Simulation Time: 22000.0 s | dt: 100 s

Step: Swell |   Increment: 221 | Iterations: 3
Simulation Time: 22100.0 s | dt: 100 s

Step: Swell |   Increment: 222 | Iterations: 3
Simulation Time: 22200.0 s | dt: 100 s

Step: Swell |   Increment: 223 | Iterations: 3
Simulation Time: 22300.0 s | dt: 100 s

Step: Swell |   Increment: 224 | Iterations: 3
Simulation Time: 22400.0 s | dt: 100 s

Step: Swell |   Increment: 225 | Iterations: 3
Simulation Time: 22500.0 s | dt: 100 s

Step: Swell |   Increment: 226 | Iterations: 3
Simulation Time: 22600.0 s | dt: 100 s

Step: Swell |   Increment: 227 | Iterations: 3
Simulation Time: 22700.0 s | dt: 100 s

Step: Swell |   Increment: 228 | Iterations: 3
Simulation Time: 22800.0 s | dt: 100 s

Step: Swell |   Increment: 229 | Iterations: 3
Simulation Time: 22900.0 s | dt: 100 s

Step: Swell |   Increment: 230 | Iterations: 3
Simulation Time: 23000.0 s | dt: 100 s

Step: Swell |   Increment: 231 | Iterations: 3
Simulation Time: 23100.0 s | dt: 100 s

Step: Swell |   Increment: 232 | Iterations: 3
Simulation Time: 23200.0 s | dt: 100 s

Step: Swell |   Increment: 233 | Iterations: 3
Simulation Time: 23300.0 s | dt: 100 s

Step: Swell |   Increment: 234 | Iterations: 3
Simulation Time: 23400.0 s | dt: 100 s

Step: Swell |   Increment: 235 | Iterations: 3
Simulation Time: 23500.0 s | dt: 100 s

Step: Swell |   Increment: 236 | Iterations: 3
Simulation Time: 23600.0 s | dt: 100 s

Step: Swell |   Increment: 237 | Iterations: 3
Simulation Time: 23700.0 s | dt: 100 s

Step: Swell |   Increment: 238 | Iterations: 3
Simulation Time: 23800.0 s | dt: 100 s

Step: Swell |   Increment: 239 | Iterations: 3
Simulation Time: 23900.0 s | dt: 100 s

Step: Swell |   Increment: 240 | Iterations: 3
Simulation Time: 24000.0 s | dt: 100 s

Step: Swell |   Increment: 241 | Iterations: 3
Simulation Time: 24100.0 s | dt: 100 s

Step: Swell |   Increment: 242 | Iterations: 3
Simulation Time: 24200.0 s | dt: 100 s

Step: Swell |   Increment: 243 | Iterations: 3
Simulation Time: 24300.0 s | dt: 100 s

Step: Swell |   Increment: 244 | Iterations: 3
Simulation Time: 24400.0 s | dt: 100 s

Step: Swell |   Increment: 245 | Iterations: 3
Simulation Time: 24500.0 s | dt: 100 s

Step: Swell |   Increment: 246 | Iterations: 3
Simulation Time: 24600.0 s | dt: 100 s

Step: Swell |   Increment: 247 | Iterations: 3
Simulation Time: 24700.0 s | dt: 100 s

Step: Swell |   Increment: 248 | Iterations: 3
Simulation Time: 24800.0 s | dt: 100 s

Step: Swell |   Increment: 249 | Iterations: 3
Simulation Time: 24900.0 s | dt: 100 s

Step: Swell |   Increment: 250 | Iterations: 3
Simulation Time: 25000.0 s | dt: 100 s

Step: Swell |   Increment: 251 | Iterations: 3
Simulation Time: 25100.0 s | dt: 100 s

Step: Swell |   Increment: 252 | Iterations: 3
Simulation Time: 25200.0 s | dt: 100 s

Step: Swell |   Increment: 253 | Iterations: 3
Simulation Time: 25300.0 s | dt: 100 s

Step: Swell |   Increment: 254 | Iterations: 3
Simulation Time: 25400.0 s | dt: 100 s

Step: Swell |   Increment: 255 | Iterations: 3
Simulation Time: 25500.0 s | dt: 100 s

Step: Swell |   Increment: 256 | Iterations: 3
Simulation Time: 25600.0 s | dt: 100 s

Step: Swell |   Increment: 257 | Iterations: 3
Simulation Time: 25700.0 s | dt: 100 s

Step: Swell |   Increment: 258 | Iterations: 3
Simulation Time: 25800.0 s | dt: 100 s

Step: Swell |   Increment: 259 | Iterations: 3
Simulation Time: 25900.0 s | dt: 100 s

Step: Swell |   Increment: 260 | Iterations: 3
Simulation Time: 26000.0 s | dt: 100 s

Step: Swell |   Increment: 261 | Iterations: 3
Simulation Time: 26100.0 s | dt: 100 s

Step: Swell |   Increment: 262 | Iterations: 3
Simulation Time: 26200.0 s | dt: 100 s

Step: Swell |   Increment: 263 | Iterations: 3
Simulation Time: 26300.0 s | dt: 100 s

Step: Swell |   Increment: 264 | Iterations: 3
Simulation Time: 26400.0 s | dt: 100 s

Step: Swell |   Increment: 265 | Iterations: 3
Simulation Time: 26500.0 s | dt: 100 s

Step: Swell |   Increment: 266 | Iterations: 3
Simulation Time: 26600.0 s | dt: 100 s

Step: Swell |   Increment: 267 | Iterations: 3
Simulation Time: 26700.0 s | dt: 100 s

Step: Swell |   Increment: 268 | Iterations: 3
Simulation Time: 26800.0 s | dt: 100 s

Step: Swell |   Increment: 269 | Iterations: 3
Simulation Time: 26900.0 s | dt: 100 s

Step: Swell |   Increment: 270 | Iterations: 3
Simulation Time: 27000.0 s | dt: 100 s

Step: Swell |   Increment: 271 | Iterations: 3
Simulation Time: 27100.0 s | dt: 100 s

Step: Swell |   Increment: 272 | Iterations: 3
Simulation Time: 27200.0 s | dt: 100 s

Step: Swell |   Increment: 273 | Iterations: 3
Simulation Time: 27300.0 s | dt: 100 s

Step: Swell |   Increment: 274 | Iterations: 3
Simulation Time: 27400.0 s | dt: 100 s

Step: Swell |   Increment: 275 | Iterations: 3
Simulation Time: 27500.0 s | dt: 100 s

Step: Swell |   Increment: 276 | Iterations: 3
Simulation Time: 27600.0 s | dt: 100 s

Step: Swell |   Increment: 277 | Iterations: 3
Simulation Time: 27700.0 s | dt: 100 s

Step: Swell |   Increment: 278 | Iterations: 3
Simulation Time: 27800.0 s | dt: 100 s

Step: Swell |   Increment: 279 | Iterations: 3
Simulation Time: 27900.0 s | dt: 100 s

Step: Swell |   Increment: 280 | Iterations: 3
Simulation Time: 28000.0 s | dt: 100 s

Step: Swell |   Increment: 281 | Iterations: 3
Simulation Time: 28100.0 s | dt: 100 s

Step: Swell |   Increment: 282 | Iterations: 3
Simulation Time: 28200.0 s | dt: 100 s

Step: Swell |   Increment: 283 | Iterations: 3
Simulation Time: 28300.0 s | dt: 100 s

Step: Swell |   Increment: 284 | Iterations: 3
Simulation Time: 28400.0 s | dt: 100 s

Step: Swell |   Increment: 285 | Iterations: 3
Simulation Time: 28500.0 s | dt: 100 s

Step: Swell |   Increment: 286 | Iterations: 3
Simulation Time: 28600.0 s | dt: 100 s

Step: Swell |   Increment: 287 | Iterations: 3
Simulation Time: 28700.0 s | dt: 100 s

Step: Swell |   Increment: 288 | Iterations: 3
Simulation Time: 28800.0 s | dt: 100 s

Step: Swell |   Increment: 289 | Iterations: 3
Simulation Time: 28900.0 s | dt: 100 s

Step: Swell |   Increment: 290 | Iterations: 3
Simulation Time: 29000.0 s | dt: 100 s

Step: Swell |   Increment: 291 | Iterations: 3
Simulation Time: 29100.0 s | dt: 100 s

Step: Swell |   Increment: 292 | Iterations: 3
Simulation Time: 29200.0 s | dt: 100 s

Step: Swell |   Increment: 293 | Iterations: 3
Simulation Time: 29300.0 s | dt: 100 s

Step: Swell |   Increment: 294 | Iterations: 3
Simulation Time: 29400.0 s | dt: 100 s

Step: Swell |   Increment: 295 | Iterations: 3
Simulation Time: 29500.0 s | dt: 100 s

Step: Swell |   Increment: 296 | Iterations: 3
Simulation Time: 29600.0 s | dt: 100 s

Step: Swell |   Increment: 297 | Iterations: 3
Simulation Time: 29700.0 s | dt: 100 s

Step: Swell |   Increment: 298 | Iterations: 3
Simulation Time: 29800.0 s | dt: 100 s

Step: Swell |   Increment: 299 | Iterations: 3
Simulation Time: 29900.0 s | dt: 100 s

Step: Swell |   Increment: 300 | Iterations: 3
Simulation Time: 30000.0 s | dt: 100 s

Step: Swell |   Increment: 301 | Iterations: 3
Simulation Time: 30100.0 s | dt: 100 s

Step: Swell |   Increment: 302 | Iterations: 3
Simulation Time: 30200.0 s | dt: 100 s

Step: Swell |   Increment: 303 | Iterations: 3
Simulation Time: 30300.0 s | dt: 100 s

Step: Swell |   Increment: 304 | Iterations: 3
Simulation Time: 30400.0 s | dt: 100 s

Step: Swell |   Increment: 305 | Iterations: 3
Simulation Time: 30500.0 s | dt: 100 s

Step: Swell |   Increment: 306 | Iterations: 3
Simulation Time: 30600.0 s | dt: 100 s

Step: Swell |   Increment: 307 | Iterations: 3
Simulation Time: 30700.0 s | dt: 100 s

Step: Swell |   Increment: 308 | Iterations: 3
Simulation Time: 30800.0 s | dt: 100 s

Step: Swell |   Increment: 309 | Iterations: 3
Simulation Time: 30900.0 s | dt: 100 s

Step: Swell |   Increment: 310 | Iterations: 3
Simulation Time: 31000.0 s | dt: 100 s

Step: Swell |   Increment: 311 | Iterations: 3
Simulation Time: 31100.0 s | dt: 100 s

Step: Swell |   Increment: 312 | Iterations: 3
Simulation Time: 31200.0 s | dt: 100 s

Step: Swell |   Increment: 313 | Iterations: 3
Simulation Time: 31300.0 s | dt: 100 s

Step: Swell |   Increment: 314 | Iterations: 3
Simulation Time: 31400.0 s | dt: 100 s

Step: Swell |   Increment: 315 | Iterations: 3
Simulation Time: 31500.0 s | dt: 100 s

Step: Swell |   Increment: 316 | Iterations: 3
Simulation Time: 31600.0 s | dt: 100 s

Step: Swell |   Increment: 317 | Iterations: 3
Simulation Time: 31700.0 s | dt: 100 s

Step: Swell |   Increment: 318 | Iterations: 3
Simulation Time: 31800.0 s | dt: 100 s

Step: Swell |   Increment: 319 | Iterations: 3
Simulation Time: 31900.0 s | dt: 100 s

Step: Swell |   Increment: 320 | Iterations: 3
Simulation Time: 32000.0 s | dt: 100 s

Step: Swell |   Increment: 321 | Iterations: 3
Simulation Time: 32100.0 s | dt: 100 s

Step: Swell |   Increment: 322 | Iterations: 3
Simulation Time: 32200.0 s | dt: 100 s

Step: Swell |   Increment: 323 | Iterations: 3
Simulation Time: 32300.0 s | dt: 100 s

Step: Swell |   Increment: 324 | Iterations: 3
Simulation Time: 32400.0 s | dt: 100 s

Step: Swell |   Increment: 325 | Iterations: 3
Simulation Time: 32500.0 s | dt: 100 s

Step: Swell |   Increment: 326 | Iterations: 3
Simulation Time: 32600.0 s | dt: 100 s

Step: Swell |   Increment: 327 | Iterations: 3
Simulation Time: 32700.0 s | dt: 100 s

Step: Swell |   Increment: 328 | Iterations: 3
Simulation Time: 32800.0 s | dt: 100 s

Step: Swell |   Increment: 329 | Iterations: 3
Simulation Time: 32900.0 s | dt: 100 s

Step: Swell |   Increment: 330 | Iterations: 3
Simulation Time: 33000.0 s | dt: 100 s

Step: Swell |   Increment: 331 | Iterations: 3
Simulation Time: 33100.0 s | dt: 100 s

Step: Swell |   Increment: 332 | Iterations: 3
Simulation Time: 33200.0 s | dt: 100 s

Step: Swell |   Increment: 333 | Iterations: 3
Simulation Time: 33300.0 s | dt: 100 s

Step: Swell |   Increment: 334 | Iterations: 3
Simulation Time: 33400.0 s | dt: 100 s

Step: Swell |   Increment: 335 | Iterations: 3
Simulation Time: 33500.0 s | dt: 100 s

Step: Swell |   Increment: 336 | Iterations: 3
Simulation Time: 33600.0 s | dt: 100 s

Step: Swell |   Increment: 337 | Iterations: 3
Simulation Time: 33700.0 s | dt: 100 s

Step: Swell |   Increment: 338 | Iterations: 3
Simulation Time: 33800.0 s | dt: 100 s

Step: Swell |   Increment: 339 | Iterations: 3
Simulation Time: 33900.0 s | dt: 100 s

Step: Swell |   Increment: 340 | Iterations: 3
Simulation Time: 34000.0 s | dt: 100 s

Step: Swell |   Increment: 341 | Iterations: 3
Simulation Time: 34100.0 s | dt: 100 s

Step: Swell |   Increment: 342 | Iterations: 3
Simulation Time: 34200.0 s | dt: 100 s

Step: Swell |   Increment: 343 | Iterations: 3
Simulation Time: 34300.0 s | dt: 100 s

Step: Swell |   Increment: 344 | Iterations: 3
Simulation Time: 34400.0 s | dt: 100 s

Step: Swell |   Increment: 345 | Iterations: 3
Simulation Time: 34500.0 s | dt: 100 s

Step: Swell |   Increment: 346 | Iterations: 3
Simulation Time: 34600.0 s | dt: 100 s

Step: Swell |   Increment: 347 | Iterations: 3
Simulation Time: 34700.0 s | dt: 100 s

Step: Swell |   Increment: 348 | Iterations: 3
Simulation Time: 34800.0 s | dt: 100 s

Step: Swell |   Increment: 349 | Iterations: 3
Simulation Time: 34900.0 s | dt: 100 s

Step: Swell |   Increment: 350 | Iterations: 3
Simulation Time: 35000.0 s | dt: 100 s

Step: Swell |   Increment: 351 | Iterations: 3
Simulation Time: 35100.0 s | dt: 100 s

Step: Swell |   Increment: 352 | Iterations: 3
Simulation Time: 35200.0 s | dt: 100 s

Step: Swell |   Increment: 353 | Iterations: 3
Simulation Time: 35300.0 s | dt: 100 s

Step: Swell |   Increment: 354 | Iterations: 3
Simulation Time: 35400.0 s | dt: 100 s

Step: Swell |   Increment: 355 | Iterations: 3
Simulation Time: 35500.0 s | dt: 100 s

Step: Swell |   Increment: 356 | Iterations: 3
Simulation Time: 35600.0 s | dt: 100 s

Step: Swell |   Increment: 357 | Iterations: 3
Simulation Time: 35700.0 s | dt: 100 s

Step: Swell |   Increment: 358 | Iterations: 3
Simulation Time: 35800.0 s | dt: 100 s

Step: Swell |   Increment: 359 | Iterations: 3
Simulation Time: 35900.0 s | dt: 100 s

Step: Swell |   Increment: 360 | Iterations: 3
Simulation Time: 36000.0 s | dt: 100 s

Step: Swell |   Increment: 361 | Iterations: 3
Simulation Time: 36100.0 s | dt: 100 s

Step: Swell |   Increment: 362 | Iterations: 3
Simulation Time: 36200.0 s | dt: 100 s

Step: Swell |   Increment: 363 | Iterations: 3
Simulation Time: 36300.0 s | dt: 100 s

Step: Swell |   Increment: 364 | Iterations: 3
Simulation Time: 36400.0 s | dt: 100 s

Step: Swell |   Increment: 365 | Iterations: 3
Simulation Time: 36500.0 s | dt: 100 s

Step: Swell |   Increment: 366 | Iterations: 3
Simulation Time: 36600.0 s | dt: 100 s

Step: Swell |   Increment: 367 | Iterations: 3
Simulation Time: 36700.0 s | dt: 100 s

Step: Swell |   Increment: 368 | Iterations: 3
Simulation Time: 36800.0 s | dt: 100 s

Step: Swell |   Increment: 369 | Iterations: 3
Simulation Time: 36900.0 s | dt: 100 s

Step: Swell |   Increment: 370 | Iterations: 3
Simulation Time: 37000.0 s | dt: 100 s

Step: Swell |   Increment: 371 | Iterations: 3
Simulation Time: 37100.0 s | dt: 100 s

Step: Swell |   Increment: 372 | Iterations: 3
Simulation Time: 37200.0 s | dt: 100 s

Step: Swell |   Increment: 373 | Iterations: 3
Simulation Time: 37300.0 s | dt: 100 s

Step: Swell |   Increment: 374 | Iterations: 3
Simulation Time: 37400.0 s | dt: 100 s

Step: Swell |   Increment: 375 | Iterations: 3
Simulation Time: 37500.0 s | dt: 100 s

Step: Swell |   Increment: 376 | Iterations: 3
Simulation Time: 37600.0 s | dt: 100 s

Step: Swell |   Increment: 377 | Iterations: 3
Simulation Time: 37700.0 s | dt: 100 s

Step: Swell |   Increment: 378 | Iterations: 3
Simulation Time: 37800.0 s | dt: 100 s

Step: Swell |   Increment: 379 | Iterations: 3
Simulation Time: 37900.0 s | dt: 100 s

Step: Swell |   Increment: 380 | Iterations: 3
Simulation Time: 38000.0 s | dt: 100 s

Step: Swell |   Increment: 381 | Iterations: 3
Simulation Time: 38100.0 s | dt: 100 s

Step: Swell |   Increment: 382 | Iterations: 3
Simulation Time: 38200.0 s | dt: 100 s

Step: Swell |   Increment: 383 | Iterations: 3
Simulation Time: 38300.0 s | dt: 100 s

Step: Swell |   Increment: 384 | Iterations: 3
Simulation Time: 38400.0 s | dt: 100 s

Step: Swell |   Increment: 385 | Iterations: 3
Simulation Time: 38500.0 s | dt: 100 s

Step: Swell |   Increment: 386 | Iterations: 3
Simulation Time: 38600.0 s | dt: 100 s

Step: Swell |   Increment: 387 | Iterations: 3
Simulation Time: 38700.0 s | dt: 100 s

Step: Swell |   Increment: 388 | Iterations: 3
Simulation Time: 38800.0 s | dt: 100 s

Step: Swell |   Increment: 389 | Iterations: 3
Simulation Time: 38900.0 s | dt: 100 s

Step: Swell |   Increment: 390 | Iterations: 3
Simulation Time: 39000.0 s | dt: 100 s

Step: Swell |   Increment: 391 | Iterations: 3
Simulation Time: 39100.0 s | dt: 100 s

Step: Swell |   Increment: 392 | Iterations: 3
Simulation Time: 39200.0 s | dt: 100 s

Step: Swell |   Increment: 393 | Iterations: 3
Simulation Time: 39300.0 s | dt: 100 s

Step: Swell |   Increment: 394 | Iterations: 3
Simulation Time: 39400.0 s | dt: 100 s

Step: Swell |   Increment: 395 | Iterations: 3
Simulation Time: 39500.0 s | dt: 100 s

Step: Swell |   Increment: 396 | Iterations: 3
Simulation Time: 39600.0 s | dt: 100 s

Step: Swell |   Increment: 397 | Iterations: 3
Simulation Time: 39700.0 s | dt: 100 s

Step: Swell |   Increment: 398 | Iterations: 3
Simulation Time: 39800.0 s | dt: 100 s

Step: Swell |   Increment: 399 | Iterations: 3
Simulation Time: 39900.0 s | dt: 100 s

Step: Swell |   Increment: 400 | Iterations: 3
Simulation Time: 40000.0 s | dt: 100 s

Step: Swell |   Increment: 401 | Iterations: 3
Simulation Time: 40100.0 s | dt: 100 s

Step: Swell |   Increment: 402 | Iterations: 3
Simulation Time: 40200.0 s | dt: 100 s

Step: Swell |   Increment: 403 | Iterations: 3
Simulation Time: 40300.0 s | dt: 100 s

Step: Swell |   Increment: 404 | Iterations: 3
Simulation Time: 40400.0 s | dt: 100 s

Step: Swell |   Increment: 405 | Iterations: 3
Simulation Time: 40500.0 s | dt: 100 s

Step: Swell |   Increment: 406 | Iterations: 3
Simulation Time: 40600.0 s | dt: 100 s

Step: Swell |   Increment: 407 | Iterations: 3
Simulation Time: 40700.0 s | dt: 100 s

Step: Swell |   Increment: 408 | Iterations: 3
Simulation Time: 40800.0 s | dt: 100 s

Step: Swell |   Increment: 409 | Iterations: 3
Simulation Time: 40900.0 s | dt: 100 s

Step: Swell |   Increment: 410 | Iterations: 3
Simulation Time: 41000.0 s | dt: 100 s

Step: Swell |   Increment: 411 | Iterations: 3
Simulation Time: 41100.0 s | dt: 100 s

Step: Swell |   Increment: 412 | Iterations: 3
Simulation Time: 41200.0 s | dt: 100 s

Step: Swell |   Increment: 413 | Iterations: 3
Simulation Time: 41300.0 s | dt: 100 s

Step: Swell |   Increment: 414 | Iterations: 3
Simulation Time: 41400.0 s | dt: 100 s

Step: Swell |   Increment: 415 | Iterations: 3
Simulation Time: 41500.0 s | dt: 100 s

Step: Swell |   Increment: 416 | Iterations: 3
Simulation Time: 41600.0 s | dt: 100 s

Step: Swell |   Increment: 417 | Iterations: 3
Simulation Time: 41700.0 s | dt: 100 s

Step: Swell |   Increment: 418 | Iterations: 3
Simulation Time: 41800.0 s | dt: 100 s

Step: Swell |   Increment: 419 | Iterations: 3
Simulation Time: 41900.0 s | dt: 100 s

Step: Swell |   Increment: 420 | Iterations: 3
Simulation Time: 42000.0 s | dt: 100 s

Step: Swell |   Increment: 421 | Iterations: 3
Simulation Time: 42100.0 s | dt: 100 s

Step: Swell |   Increment: 422 | Iterations: 3
Simulation Time: 42200.0 s | dt: 100 s

Step: Swell |   Increment: 423 | Iterations: 3
Simulation Time: 42300.0 s | dt: 100 s

Step: Swell |   Increment: 424 | Iterations: 3
Simulation Time: 42400.0 s | dt: 100 s

Step: Swell |   Increment: 425 | Iterations: 3
Simulation Time: 42500.0 s | dt: 100 s

Step: Swell |   Increment: 426 | Iterations: 3
Simulation Time: 42600.0 s | dt: 100 s

Step: Swell |   Increment: 427 | Iterations: 3
Simulation Time: 42700.0 s | dt: 100 s

Step: Swell |   Increment: 428 | Iterations: 3
Simulation Time: 42800.0 s | dt: 100 s

Step: Swell |   Increment: 429 | Iterations: 3
Simulation Time: 42900.0 s | dt: 100 s

Step: Swell |   Increment: 430 | Iterations: 3
Simulation Time: 43000.0 s | dt: 100 s

Step: Swell |   Increment: 431 | Iterations: 3
Simulation Time: 43100.0 s | dt: 100 s

Step: Swell |   Increment: 432 | Iterations: 3
Simulation Time: 43200.0 s | dt: 100 s

Step: Swell |   Increment: 433 | Iterations: 3
Simulation Time: 43300.0 s | dt: 100 s

Step: Swell |   Increment: 434 | Iterations: 3
Simulation Time: 43400.0 s | dt: 100 s

Step: Swell |   Increment: 435 | Iterations: 3
Simulation Time: 43500.0 s | dt: 100 s

Step: Swell |   Increment: 436 | Iterations: 3
Simulation Time: 43600.0 s | dt: 100 s

Step: Swell |   Increment: 437 | Iterations: 3
Simulation Time: 43700.0 s | dt: 100 s

Step: Swell |   Increment: 438 | Iterations: 3
Simulation Time: 43800.0 s | dt: 100 s

Step: Swell |   Increment: 439 | Iterations: 3
Simulation Time: 43900.0 s | dt: 100 s

Step: Swell |   Increment: 440 | Iterations: 3
Simulation Time: 44000.0 s | dt: 100 s

Step: Swell |   Increment: 441 | Iterations: 3
Simulation Time: 44100.0 s | dt: 100 s

Step: Swell |   Increment: 442 | Iterations: 3
Simulation Time: 44200.0 s | dt: 100 s

Step: Swell |   Increment: 443 | Iterations: 3
Simulation Time: 44300.0 s | dt: 100 s

Step: Swell |   Increment: 444 | Iterations: 3
Simulation Time: 44400.0 s | dt: 100 s

Step: Swell |   Increment: 445 | Iterations: 3
Simulation Time: 44500.0 s | dt: 100 s

Step: Swell |   Increment: 446 | Iterations: 3
Simulation Time: 44600.0 s | dt: 100 s

Step: Swell |   Increment: 447 | Iterations: 3
Simulation Time: 44700.0 s | dt: 100 s

Step: Swell |   Increment: 448 | Iterations: 3
Simulation Time: 44800.0 s | dt: 100 s

Step: Swell |   Increment: 449 | Iterations: 3
Simulation Time: 44900.0 s | dt: 100 s

Step: Swell |   Increment: 450 | Iterations: 3
Simulation Time: 45000.0 s | dt: 100 s

Step: Swell |   Increment: 451 | Iterations: 3
Simulation Time: 45100.0 s | dt: 100 s

Step: Swell |   Increment: 452 | Iterations: 3
Simulation Time: 45200.0 s | dt: 100 s

Step: Swell |   Increment: 453 | Iterations: 3
Simulation Time: 45300.0 s | dt: 100 s

Step: Swell |   Increment: 454 | Iterations: 3
Simulation Time: 45400.0 s | dt: 100 s

Step: Swell |   Increment: 455 | Iterations: 3
Simulation Time: 45500.0 s | dt: 100 s

Step: Swell |   Increment: 456 | Iterations: 3
Simulation Time: 45600.0 s | dt: 100 s

Step: Swell |   Increment: 457 | Iterations: 3
Simulation Time: 45700.0 s | dt: 100 s

Step: Swell |   Increment: 458 | Iterations: 3
Simulation Time: 45800.0 s | dt: 100 s

Step: Swell |   Increment: 459 | Iterations: 3
Simulation Time: 45900.0 s | dt: 100 s

Step: Swell |   Increment: 460 | Iterations: 3
Simulation Time: 46000.0 s | dt: 100 s

Step: Swell |   Increment: 461 | Iterations: 3
Simulation Time: 46100.0 s | dt: 100 s

Step: Swell |   Increment: 462 | Iterations: 3
Simulation Time: 46200.0 s | dt: 100 s

Step: Swell |   Increment: 463 | Iterations: 3
Simulation Time: 46300.0 s | dt: 100 s

Step: Swell |   Increment: 464 | Iterations: 3
Simulation Time: 46400.0 s | dt: 100 s

Step: Swell |   Increment: 465 | Iterations: 3
Simulation Time: 46500.0 s | dt: 100 s

Step: Swell |   Increment: 466 | Iterations: 3
Simulation Time: 46600.0 s | dt: 100 s

Step: Swell |   Increment: 467 | Iterations: 3
Simulation Time: 46700.0 s | dt: 100 s

Step: Swell |   Increment: 468 | Iterations: 3
Simulation Time: 46800.0 s | dt: 100 s

Step: Swell |   Increment: 469 | Iterations: 3
Simulation Time: 46900.0 s | dt: 100 s

Step: Swell |   Increment: 470 | Iterations: 3
Simulation Time: 47000.0 s | dt: 100 s

Step: Swell |   Increment: 471 | Iterations: 3
Simulation Time: 47100.0 s | dt: 100 s

Step: Swell |   Increment: 472 | Iterations: 3
Simulation Time: 47200.0 s | dt: 100 s

Step: Swell |   Increment: 473 | Iterations: 3
Simulation Time: 47300.0 s | dt: 100 s

Step: Swell |   Increment: 474 | Iterations: 3
Simulation Time: 47400.0 s | dt: 100 s

Step: Swell |   Increment: 475 | Iterations: 3
Simulation Time: 47500.0 s | dt: 100 s

Step: Swell |   Increment: 476 | Iterations: 3
Simulation Time: 47600.0 s | dt: 100 s

Step: Swell |   Increment: 477 | Iterations: 3
Simulation Time: 47700.0 s | dt: 100 s

Step: Swell |   Increment: 478 | Iterations: 3
Simulation Time: 47800.0 s | dt: 100 s

Step: Swell |   Increment: 479 | Iterations: 3
Simulation Time: 47900.0 s | dt: 100 s

Step: Swell |   Increment: 480 | Iterations: 3
Simulation Time: 48000.0 s | dt: 100 s

Step: Swell |   Increment: 481 | Iterations: 3
Simulation Time: 48100.0 s | dt: 100 s

Step: Swell |   Increment: 482 | Iterations: 3
Simulation Time: 48200.0 s | dt: 100 s

Step: Swell |   Increment: 483 | Iterations: 3
Simulation Time: 48300.0 s | dt: 100 s

Step: Swell |   Increment: 484 | Iterations: 3
Simulation Time: 48400.0 s | dt: 100 s

Step: Swell |   Increment: 485 | Iterations: 3
Simulation Time: 48500.0 s | dt: 100 s

Step: Swell |   Increment: 486 | Iterations: 3
Simulation Time: 48600.0 s | dt: 100 s

Step: Swell |   Increment: 487 | Iterations: 3
Simulation Time: 48700.0 s | dt: 100 s

Step: Swell |   Increment: 488 | Iterations: 3
Simulation Time: 48800.0 s | dt: 100 s

Step: Swell |   Increment: 489 | Iterations: 3
Simulation Time: 48900.0 s | dt: 100 s

Step: Swell |   Increment: 490 | Iterations: 3
Simulation Time: 49000.0 s | dt: 100 s

Step: Swell |   Increment: 491 | Iterations: 3
Simulation Time: 49100.0 s | dt: 100 s

Step: Swell |   Increment: 492 | Iterations: 3
Simulation Time: 49200.0 s | dt: 100 s

Step: Swell |   Increment: 493 | Iterations: 3
Simulation Time: 49300.0 s | dt: 100 s

Step: Swell |   Increment: 494 | Iterations: 3
Simulation Time: 49400.0 s | dt: 100 s

Step: Swell |   Increment: 495 | Iterations: 3
Simulation Time: 49500.0 s | dt: 100 s

Step: Swell |   Increment: 496 | Iterations: 3
Simulation Time: 49600.0 s | dt: 100 s

Step: Swell |   Increment: 497 | Iterations: 3
Simulation Time: 49700.0 s | dt: 100 s

Step: Swell |   Increment: 498 | Iterations: 3
Simulation Time: 49800.0 s | dt: 100 s

Step: Swell |   Increment: 499 | Iterations: 3
Simulation Time: 49900.0 s | dt: 100 s

Step: Swell |   Increment: 500 | Iterations: 3
Simulation Time: 50000.0 s | dt: 100 s

Step: Swell |   Increment: 501 | Iterations: 3
Simulation Time: 50100.0 s | dt: 100 s

Step: Swell |   Increment: 502 | Iterations: 3
Simulation Time: 50200.0 s | dt: 100 s

Step: Swell |   Increment: 503 | Iterations: 3
Simulation Time: 50300.0 s | dt: 100 s

Step: Swell |   Increment: 504 | Iterations: 3
Simulation Time: 50400.0 s | dt: 100 s

Step: Swell |   Increment: 505 | Iterations: 3
Simulation Time: 50500.0 s | dt: 100 s

Step: Swell |   Increment: 506 | Iterations: 3
Simulation Time: 50600.0 s | dt: 100 s

Step: Swell |   Increment: 507 | Iterations: 3
Simulation Time: 50700.0 s | dt: 100 s

Step: Swell |   Increment: 508 | Iterations: 3
Simulation Time: 50800.0 s | dt: 100 s

Step: Swell |   Increment: 509 | Iterations: 3
Simulation Time: 50900.0 s | dt: 100 s

Step: Swell |   Increment: 510 | Iterations: 3
Simulation Time: 51000.0 s | dt: 100 s

Step: Swell |   Increment: 511 | Iterations: 3
Simulation Time: 51100.0 s | dt: 100 s

Step: Swell |   Increment: 512 | Iterations: 3
Simulation Time: 51200.0 s | dt: 100 s

Step: Swell |   Increment: 513 | Iterations: 3
Simulation Time: 51300.0 s | dt: 100 s

Step: Swell |   Increment: 514 | Iterations: 3
Simulation Time: 51400.0 s | dt: 100 s

Step: Swell |   Increment: 515 | Iterations: 3
Simulation Time: 51500.0 s | dt: 100 s

Step: Swell |   Increment: 516 | Iterations: 3
Simulation Time: 51600.0 s | dt: 100 s

Step: Swell |   Increment: 517 | Iterations: 3
Simulation Time: 51700.0 s | dt: 100 s

Step: Swell |   Increment: 518 | Iterations: 3
Simulation Time: 51800.0 s | dt: 100 s

Step: Swell |   Increment: 519 | Iterations: 3
Simulation Time: 51900.0 s | dt: 100 s

Step: Swell |   Increment: 520 | Iterations: 3
Simulation Time: 52000.0 s | dt: 100 s

Step: Swell |   Increment: 521 | Iterations: 3
Simulation Time: 52100.0 s | dt: 100 s

Step: Swell |   Increment: 522 | Iterations: 3
Simulation Time: 52200.0 s | dt: 100 s

Step: Swell |   Increment: 523 | Iterations: 3
Simulation Time: 52300.0 s | dt: 100 s

Step: Swell |   Increment: 524 | Iterations: 3
Simulation Time: 52400.0 s | dt: 100 s

Step: Swell |   Increment: 525 | Iterations: 3
Simulation Time: 52500.0 s | dt: 100 s

Step: Swell |   Increment: 526 | Iterations: 3
Simulation Time: 52600.0 s | dt: 100 s

Step: Swell |   Increment: 527 | Iterations: 3
Simulation Time: 52700.0 s | dt: 100 s

Step: Swell |   Increment: 528 | Iterations: 3
Simulation Time: 52800.0 s | dt: 100 s

Step: Swell |   Increment: 529 | Iterations: 3
Simulation Time: 52900.0 s | dt: 100 s

Step: Swell |   Increment: 530 | Iterations: 3
Simulation Time: 53000.0 s | dt: 100 s

Step: Swell |   Increment: 531 | Iterations: 3
Simulation Time: 53100.0 s | dt: 100 s

Step: Swell |   Increment: 532 | Iterations: 3
Simulation Time: 53200.0 s | dt: 100 s

Step: Swell |   Increment: 533 | Iterations: 3
Simulation Time: 53300.0 s | dt: 100 s

Step: Swell |   Increment: 534 | Iterations: 3
Simulation Time: 53400.0 s | dt: 100 s

Step: Swell |   Increment: 535 | Iterations: 3
Simulation Time: 53500.0 s | dt: 100 s

Step: Swell |   Increment: 536 | Iterations: 3
Simulation Time: 53600.0 s | dt: 100 s

Step: Swell |   Increment: 537 | Iterations: 3
Simulation Time: 53700.0 s | dt: 100 s

Step: Swell |   Increment: 538 | Iterations: 3
Simulation Time: 53800.0 s | dt: 100 s

Step: Swell |   Increment: 539 | Iterations: 3
Simulation Time: 53900.0 s | dt: 100 s

Step: Swell |   Increment: 540 | Iterations: 3
Simulation Time: 54000.0 s | dt: 100 s

Step: Swell |   Increment: 541 | Iterations: 3
Simulation Time: 54100.0 s | dt: 100 s

Step: Swell |   Increment: 542 | Iterations: 3
Simulation Time: 54200.0 s | dt: 100 s

Step: Swell |   Increment: 543 | Iterations: 3
Simulation Time: 54300.0 s | dt: 100 s

Step: Swell |   Increment: 544 | Iterations: 3
Simulation Time: 54400.0 s | dt: 100 s

Step: Swell |   Increment: 545 | Iterations: 3
Simulation Time: 54500.0 s | dt: 100 s

Step: Swell |   Increment: 546 | Iterations: 3
Simulation Time: 54600.0 s | dt: 100 s

Step: Swell |   Increment: 547 | Iterations: 3
Simulation Time: 54700.0 s | dt: 100 s

Step: Swell |   Increment: 548 | Iterations: 3
Simulation Time: 54800.0 s | dt: 100 s

Step: Swell |   Increment: 549 | Iterations: 3
Simulation Time: 54900.0 s | dt: 100 s

Step: Swell |   Increment: 550 | Iterations: 3
Simulation Time: 55000.0 s | dt: 100 s

Step: Swell |   Increment: 551 | Iterations: 3
Simulation Time: 55100.0 s | dt: 100 s

Step: Swell |   Increment: 552 | Iterations: 3
Simulation Time: 55200.0 s | dt: 100 s

Step: Swell |   Increment: 553 | Iterations: 3
Simulation Time: 55300.0 s | dt: 100 s

Step: Swell |   Increment: 554 | Iterations: 3
Simulation Time: 55400.0 s | dt: 100 s

Step: Swell |   Increment: 555 | Iterations: 3
Simulation Time: 55500.0 s | dt: 100 s

Step: Swell |   Increment: 556 | Iterations: 3
Simulation Time: 55600.0 s | dt: 100 s

Step: Swell |   Increment: 557 | Iterations: 3
Simulation Time: 55700.0 s | dt: 100 s

Step: Swell |   Increment: 558 | Iterations: 3
Simulation Time: 55800.0 s | dt: 100 s

Step: Swell |   Increment: 559 | Iterations: 3
Simulation Time: 55900.0 s | dt: 100 s

Step: Swell |   Increment: 560 | Iterations: 3
Simulation Time: 56000.0 s | dt: 100 s

Step: Swell |   Increment: 561 | Iterations: 3
Simulation Time: 56100.0 s | dt: 100 s

Step: Swell |   Increment: 562 | Iterations: 3
Simulation Time: 56200.0 s | dt: 100 s

Step: Swell |   Increment: 563 | Iterations: 3
Simulation Time: 56300.0 s | dt: 100 s

Step: Swell |   Increment: 564 | Iterations: 3
Simulation Time: 56400.0 s | dt: 100 s

Step: Swell |   Increment: 565 | Iterations: 3
Simulation Time: 56500.0 s | dt: 100 s

Step: Swell |   Increment: 566 | Iterations: 3
Simulation Time: 56600.0 s | dt: 100 s

Step: Swell |   Increment: 567 | Iterations: 3
Simulation Time: 56700.0 s | dt: 100 s

Step: Swell |   Increment: 568 | Iterations: 3
Simulation Time: 56800.0 s | dt: 100 s

Step: Swell |   Increment: 569 | Iterations: 3
Simulation Time: 56900.0 s | dt: 100 s

Step: Swell |   Increment: 570 | Iterations: 3
Simulation Time: 57000.0 s | dt: 100 s

Step: Swell |   Increment: 571 | Iterations: 3
Simulation Time: 57100.0 s | dt: 100 s

Step: Swell |   Increment: 572 | Iterations: 3
Simulation Time: 57200.0 s | dt: 100 s

Step: Swell |   Increment: 573 | Iterations: 3
Simulation Time: 57300.0 s | dt: 100 s

Step: Swell |   Increment: 574 | Iterations: 3
Simulation Time: 57400.0 s | dt: 100 s

Step: Swell |   Increment: 575 | Iterations: 3
Simulation Time: 57500.0 s | dt: 100 s

Step: Swell |   Increment: 576 | Iterations: 3
Simulation Time: 57600.0 s | dt: 100 s

Step: Swell |   Increment: 577 | Iterations: 3
Simulation Time: 57700.0 s | dt: 100 s

Step: Swell |   Increment: 578 | Iterations: 3
Simulation Time: 57800.0 s | dt: 100 s

Step: Swell |   Increment: 579 | Iterations: 3
Simulation Time: 57900.0 s | dt: 100 s

Step: Swell |   Increment: 580 | Iterations: 3
Simulation Time: 58000.0 s | dt: 100 s

Step: Swell |   Increment: 581 | Iterations: 3
Simulation Time: 58100.0 s | dt: 100 s

Step: Swell |   Increment: 582 | Iterations: 3
Simulation Time: 58200.0 s | dt: 100 s

Step: Swell |   Increment: 583 | Iterations: 3
Simulation Time: 58300.0 s | dt: 100 s

Step: Swell |   Increment: 584 | Iterations: 3
Simulation Time: 58400.0 s | dt: 100 s

Step: Swell |   Increment: 585 | Iterations: 3
Simulation Time: 58500.0 s | dt: 100 s

Step: Swell |   Increment: 586 | Iterations: 3
Simulation Time: 58600.0 s | dt: 100 s

Step: Swell |   Increment: 587 | Iterations: 3
Simulation Time: 58700.0 s | dt: 100 s

Step: Swell |   Increment: 588 | Iterations: 3
Simulation Time: 58800.0 s | dt: 100 s

Step: Swell |   Increment: 589 | Iterations: 3
Simulation Time: 58900.0 s | dt: 100 s

Step: Swell |   Increment: 590 | Iterations: 3
Simulation Time: 59000.0 s | dt: 100 s

Step: Swell |   Increment: 591 | Iterations: 3
Simulation Time: 59100.0 s | dt: 100 s

Step: Swell |   Increment: 592 | Iterations: 3
Simulation Time: 59200.0 s | dt: 100 s

Step: Swell |   Increment: 593 | Iterations: 3
Simulation Time: 59300.0 s | dt: 100 s

Step: Swell |   Increment: 594 | Iterations: 3
Simulation Time: 59400.0 s | dt: 100 s

Step: Swell |   Increment: 595 | Iterations: 3
Simulation Time: 59500.0 s | dt: 100 s

Step: Swell |   Increment: 596 | Iterations: 3
Simulation Time: 59600.0 s | dt: 100 s

Step: Swell |   Increment: 597 | Iterations: 3
Simulation Time: 59700.0 s | dt: 100 s

Step: Swell |   Increment: 598 | Iterations: 3
Simulation Time: 59800.0 s | dt: 100 s

Step: Swell |   Increment: 599 | Iterations: 3
Simulation Time: 59900.0 s | dt: 100 s

Step: Swell |   Increment: 600 | Iterations: 3
Simulation Time: 60000.0 s | dt: 100 s

Step: Swell |   Increment: 601 | Iterations: 3
Simulation Time: 60100.0 s | dt: 100 s

Step: Swell |   Increment: 602 | Iterations: 3
Simulation Time: 60200.0 s | dt: 100 s

Step: Swell |   Increment: 603 | Iterations: 3
Simulation Time: 60300.0 s | dt: 100 s

Step: Swell |   Increment: 604 | Iterations: 3
Simulation Time: 60400.0 s | dt: 100 s

Step: Swell |   Increment: 605 | Iterations: 3
Simulation Time: 60500.0 s | dt: 100 s

Step: Swell |   Increment: 606 | Iterations: 3
Simulation Time: 60600.0 s | dt: 100 s

Step: Swell |   Increment: 607 | Iterations: 3
Simulation Time: 60700.0 s | dt: 100 s

Step: Swell |   Increment: 608 | Iterations: 3
Simulation Time: 60800.0 s | dt: 100 s

Step: Swell |   Increment: 609 | Iterations: 3
Simulation Time: 60900.0 s | dt: 100 s

Step: Swell |   Increment: 610 | Iterations: 3
Simulation Time: 61000.0 s | dt: 100 s

Step: Swell |   Increment: 611 | Iterations: 3
Simulation Time: 61100.0 s | dt: 100 s

Step: Swell |   Increment: 612 | Iterations: 3
Simulation Time: 61200.0 s | dt: 100 s

Step: Swell |   Increment: 613 | Iterations: 3
Simulation Time: 61300.0 s | dt: 100 s

Step: Swell |   Increment: 614 | Iterations: 3
Simulation Time: 61400.0 s | dt: 100 s

Step: Swell |   Increment: 615 | Iterations: 3
Simulation Time: 61500.0 s | dt: 100 s

Step: Swell |   Increment: 616 | Iterations: 3
Simulation Time: 61600.0 s | dt: 100 s

Step: Swell |   Increment: 617 | Iterations: 3
Simulation Time: 61700.0 s | dt: 100 s

Step: Swell |   Increment: 618 | Iterations: 3
Simulation Time: 61800.0 s | dt: 100 s

Step: Swell |   Increment: 619 | Iterations: 3
Simulation Time: 61900.0 s | dt: 100 s

Step: Swell |   Increment: 620 | Iterations: 3
Simulation Time: 62000.0 s | dt: 100 s

Step: Swell |   Increment: 621 | Iterations: 3
Simulation Time: 62100.0 s | dt: 100 s

Step: Swell |   Increment: 622 | Iterations: 3
Simulation Time: 62200.0 s | dt: 100 s

Step: Swell |   Increment: 623 | Iterations: 3
Simulation Time: 62300.0 s | dt: 100 s

Step: Swell |   Increment: 624 | Iterations: 3
Simulation Time: 62400.0 s | dt: 100 s

Step: Swell |   Increment: 625 | Iterations: 3
Simulation Time: 62500.0 s | dt: 100 s

Step: Swell |   Increment: 626 | Iterations: 3
Simulation Time: 62600.0 s | dt: 100 s

Step: Swell |   Increment: 627 | Iterations: 3
Simulation Time: 62700.0 s | dt: 100 s

Step: Swell |   Increment: 628 | Iterations: 3
Simulation Time: 62800.0 s | dt: 100 s

Step: Swell |   Increment: 629 | Iterations: 3
Simulation Time: 62900.0 s | dt: 100 s

Step: Swell |   Increment: 630 | Iterations: 3
Simulation Time: 63000.0 s | dt: 100 s

Step: Swell |   Increment: 631 | Iterations: 3
Simulation Time: 63100.0 s | dt: 100 s

Step: Swell |   Increment: 632 | Iterations: 3
Simulation Time: 63200.0 s | dt: 100 s

Step: Swell |   Increment: 633 | Iterations: 3
Simulation Time: 63300.0 s | dt: 100 s

Step: Swell |   Increment: 634 | Iterations: 3
Simulation Time: 63400.0 s | dt: 100 s

Step: Swell |   Increment: 635 | Iterations: 3
Simulation Time: 63500.0 s | dt: 100 s

Step: Swell |   Increment: 636 | Iterations: 3
Simulation Time: 63600.0 s | dt: 100 s

Step: Swell |   Increment: 637 | Iterations: 3
Simulation Time: 63700.0 s | dt: 100 s

Step: Swell |   Increment: 638 | Iterations: 3
Simulation Time: 63800.0 s | dt: 100 s

Step: Swell |   Increment: 639 | Iterations: 3
Simulation Time: 63900.0 s | dt: 100 s

Step: Swell |   Increment: 640 | Iterations: 3
Simulation Time: 64000.0 s | dt: 100 s

Step: Swell |   Increment: 641 | Iterations: 3
Simulation Time: 64100.0 s | dt: 100 s

Step: Swell |   Increment: 642 | Iterations: 3
Simulation Time: 64200.0 s | dt: 100 s

Step: Swell |   Increment: 643 | Iterations: 3
Simulation Time: 64300.0 s | dt: 100 s

Step: Swell |   Increment: 644 | Iterations: 3
Simulation Time: 64400.0 s | dt: 100 s

Step: Swell |   Increment: 645 | Iterations: 3
Simulation Time: 64500.0 s | dt: 100 s

Step: Swell |   Increment: 646 | Iterations: 3
Simulation Time: 64600.0 s | dt: 100 s

Step: Swell |   Increment: 647 | Iterations: 3
Simulation Time: 64700.0 s | dt: 100 s

Step: Swell |   Increment: 648 | Iterations: 3
Simulation Time: 64800.0 s | dt: 100 s

Step: Swell |   Increment: 649 | Iterations: 3
Simulation Time: 64900.0 s | dt: 100 s

Step: Swell |   Increment: 650 | Iterations: 3
Simulation Time: 65000.0 s | dt: 100 s

Step: Swell |   Increment: 651 | Iterations: 3
Simulation Time: 65100.0 s | dt: 100 s

Step: Swell |   Increment: 652 | Iterations: 3
Simulation Time: 65200.0 s | dt: 100 s

Step: Swell |   Increment: 653 | Iterations: 3
Simulation Time: 65300.0 s | dt: 100 s

Step: Swell |   Increment: 654 | Iterations: 3
Simulation Time: 65400.0 s | dt: 100 s

Step: Swell |   Increment: 655 | Iterations: 3
Simulation Time: 65500.0 s | dt: 100 s

Step: Swell |   Increment: 656 | Iterations: 3
Simulation Time: 65600.0 s | dt: 100 s

Step: Swell |   Increment: 657 | Iterations: 3
Simulation Time: 65700.0 s | dt: 100 s

Step: Swell |   Increment: 658 | Iterations: 3
Simulation Time: 65800.0 s | dt: 100 s

Step: Swell |   Increment: 659 | Iterations: 3
Simulation Time: 65900.0 s | dt: 100 s

Step: Swell |   Increment: 660 | Iterations: 3
Simulation Time: 66000.0 s | dt: 100 s

Step: Swell |   Increment: 661 | Iterations: 3
Simulation Time: 66100.0 s | dt: 100 s

Step: Swell |   Increment: 662 | Iterations: 3
Simulation Time: 66200.0 s | dt: 100 s

Step: Swell |   Increment: 663 | Iterations: 3
Simulation Time: 66300.0 s | dt: 100 s

Step: Swell |   Increment: 664 | Iterations: 3
Simulation Time: 66400.0 s | dt: 100 s

Step: Swell |   Increment: 665 | Iterations: 3
Simulation Time: 66500.0 s | dt: 100 s

Step: Swell |   Increment: 666 | Iterations: 3
Simulation Time: 66600.0 s | dt: 100 s

Step: Swell |   Increment: 667 | Iterations: 3
Simulation Time: 66700.0 s | dt: 100 s

Step: Swell |   Increment: 668 | Iterations: 3
Simulation Time: 66800.0 s | dt: 100 s

Step: Swell |   Increment: 669 | Iterations: 3
Simulation Time: 66900.0 s | dt: 100 s

Step: Swell |   Increment: 670 | Iterations: 3
Simulation Time: 67000.0 s | dt: 100 s

Step: Swell |   Increment: 671 | Iterations: 3
Simulation Time: 67100.0 s | dt: 100 s

Step: Swell |   Increment: 672 | Iterations: 3
Simulation Time: 67200.0 s | dt: 100 s

Step: Swell |   Increment: 673 | Iterations: 3
Simulation Time: 67300.0 s | dt: 100 s

Step: Swell |   Increment: 674 | Iterations: 3
Simulation Time: 67400.0 s | dt: 100 s

Step: Swell |   Increment: 675 | Iterations: 3
Simulation Time: 67500.0 s | dt: 100 s

Step: Swell |   Increment: 676 | Iterations: 3
Simulation Time: 67600.0 s | dt: 100 s

Step: Swell |   Increment: 677 | Iterations: 3
Simulation Time: 67700.0 s | dt: 100 s

Step: Swell |   Increment: 678 | Iterations: 3
Simulation Time: 67800.0 s | dt: 100 s

Step: Swell |   Increment: 679 | Iterations: 3
Simulation Time: 67900.0 s | dt: 100 s

Step: Swell |   Increment: 680 | Iterations: 3
Simulation Time: 68000.0 s | dt: 100 s

Step: Swell |   Increment: 681 | Iterations: 3
Simulation Time: 68100.0 s | dt: 100 s

Step: Swell |   Increment: 682 | Iterations: 3
Simulation Time: 68200.0 s | dt: 100 s

Step: Swell |   Increment: 683 | Iterations: 3
Simulation Time: 68300.0 s | dt: 100 s

Step: Swell |   Increment: 684 | Iterations: 3
Simulation Time: 68400.0 s | dt: 100 s

Step: Swell |   Increment: 685 | Iterations: 3
Simulation Time: 68500.0 s | dt: 100 s

Step: Swell |   Increment: 686 | Iterations: 3
Simulation Time: 68600.0 s | dt: 100 s

Step: Swell |   Increment: 687 | Iterations: 3
Simulation Time: 68700.0 s | dt: 100 s

Step: Swell |   Increment: 688 | Iterations: 3
Simulation Time: 68800.0 s | dt: 100 s

Step: Swell |   Increment: 689 | Iterations: 3
Simulation Time: 68900.0 s | dt: 100 s

Step: Swell |   Increment: 690 | Iterations: 3
Simulation Time: 69000.0 s | dt: 100 s

Step: Swell |   Increment: 691 | Iterations: 3
Simulation Time: 69100.0 s | dt: 100 s

Step: Swell |   Increment: 692 | Iterations: 3
Simulation Time: 69200.0 s | dt: 100 s

Step: Swell |   Increment: 693 | Iterations: 3
Simulation Time: 69300.0 s | dt: 100 s

Step: Swell |   Increment: 694 | Iterations: 3
Simulation Time: 69400.0 s | dt: 100 s

Step: Swell |   Increment: 695 | Iterations: 3
Simulation Time: 69500.0 s | dt: 100 s

Step: Swell |   Increment: 696 | Iterations: 3
Simulation Time: 69600.0 s | dt: 100 s

Step: Swell |   Increment: 697 | Iterations: 3
Simulation Time: 69700.0 s | dt: 100 s

Step: Swell |   Increment: 698 | Iterations: 3
Simulation Time: 69800.0 s | dt: 100 s

Step: Swell |   Increment: 699 | Iterations: 3
Simulation Time: 69900.0 s | dt: 100 s

Step: Swell |   Increment: 700 | Iterations: 3
Simulation Time: 70000.0 s | dt: 100 s

Step: Swell |   Increment: 701 | Iterations: 3
Simulation Time: 70100.0 s | dt: 100 s

Step: Swell |   Increment: 702 | Iterations: 3
Simulation Time: 70200.0 s | dt: 100 s

Step: Swell |   Increment: 703 | Iterations: 3
Simulation Time: 70300.0 s | dt: 100 s

Step: Swell |   Increment: 704 | Iterations: 3
Simulation Time: 70400.0 s | dt: 100 s

Step: Swell |   Increment: 705 | Iterations: 3
Simulation Time: 70500.0 s | dt: 100 s

Step: Swell |   Increment: 706 | Iterations: 3
Simulation Time: 70600.0 s | dt: 100 s

Step: Swell |   Increment: 707 | Iterations: 3
Simulation Time: 70700.0 s | dt: 100 s

Step: Swell |   Increment: 708 | Iterations: 3
Simulation Time: 70800.0 s | dt: 100 s

Step: Swell |   Increment: 709 | Iterations: 3
Simulation Time: 70900.0 s | dt: 100 s

Step: Swell |   Increment: 710 | Iterations: 3
Simulation Time: 71000.0 s | dt: 100 s

Step: Swell |   Increment: 711 | Iterations: 3
Simulation Time: 71100.0 s | dt: 100 s

Step: Swell |   Increment: 712 | Iterations: 3
Simulation Time: 71200.0 s | dt: 100 s

Step: Swell |   Increment: 713 | Iterations: 3
Simulation Time: 71300.0 s | dt: 100 s

Step: Swell |   Increment: 714 | Iterations: 3
Simulation Time: 71400.0 s | dt: 100 s

Step: Swell |   Increment: 715 | Iterations: 3
Simulation Time: 71500.0 s | dt: 100 s

Step: Swell |   Increment: 716 | Iterations: 3
Simulation Time: 71600.0 s | dt: 100 s

Step: Swell |   Increment: 717 | Iterations: 3
Simulation Time: 71700.0 s | dt: 100 s

Step: Swell |   Increment: 718 | Iterations: 3
Simulation Time: 71800.0 s | dt: 100 s

Step: Swell |   Increment: 719 | Iterations: 3
Simulation Time: 71900.0 s | dt: 100 s

Step: Swell |   Increment: 720 | Iterations: 3
Simulation Time: 72000.0 s | dt: 100 s

Step: Swell |   Increment: 721 | Iterations: 3
Simulation Time: 72100.0 s | dt: 100 s

Step: Swell |   Increment: 722 | Iterations: 3
Simulation Time: 72200.0 s | dt: 100 s

Step: Swell |   Increment: 723 | Iterations: 3
Simulation Time: 72300.0 s | dt: 100 s

Step: Swell |   Increment: 724 | Iterations: 3
Simulation Time: 72400.0 s | dt: 100 s

Step: Swell |   Increment: 725 | Iterations: 3
Simulation Time: 72500.0 s | dt: 100 s

Step: Swell |   Increment: 726 | Iterations: 3
Simulation Time: 72600.0 s | dt: 100 s

Step: Swell |   Increment: 727 | Iterations: 3
Simulation Time: 72700.0 s | dt: 100 s

Step: Swell |   Increment: 728 | Iterations: 3
Simulation Time: 72800.0 s | dt: 100 s

Step: Swell |   Increment: 729 | Iterations: 3
Simulation Time: 72900.0 s | dt: 100 s

Step: Swell |   Increment: 730 | Iterations: 3
Simulation Time: 73000.0 s | dt: 100 s

Step: Swell |   Increment: 731 | Iterations: 3
Simulation Time: 73100.0 s | dt: 100 s

Step: Swell |   Increment: 732 | Iterations: 3
Simulation Time: 73200.0 s | dt: 100 s

Step: Swell |   Increment: 733 | Iterations: 3
Simulation Time: 73300.0 s | dt: 100 s

Step: Swell |   Increment: 734 | Iterations: 3
Simulation Time: 73400.0 s | dt: 100 s

Step: Swell |   Increment: 735 | Iterations: 3
Simulation Time: 73500.0 s | dt: 100 s

Step: Swell |   Increment: 736 | Iterations: 3
Simulation Time: 73600.0 s | dt: 100 s

Step: Swell |   Increment: 737 | Iterations: 3
Simulation Time: 73700.0 s | dt: 100 s

Step: Swell |   Increment: 738 | Iterations: 3
Simulation Time: 73800.0 s | dt: 100 s

Step: Swell |   Increment: 739 | Iterations: 3
Simulation Time: 73900.0 s | dt: 100 s

Step: Swell |   Increment: 740 | Iterations: 3
Simulation Time: 74000.0 s | dt: 100 s

Step: Swell |   Increment: 741 | Iterations: 3
Simulation Time: 74100.0 s | dt: 100 s

Step: Swell |   Increment: 742 | Iterations: 3
Simulation Time: 74200.0 s | dt: 100 s

Step: Swell |   Increment: 743 | Iterations: 3
Simulation Time: 74300.0 s | dt: 100 s

Step: Swell |   Increment: 744 | Iterations: 3
Simulation Time: 74400.0 s | dt: 100 s

Step: Swell |   Increment: 745 | Iterations: 3
Simulation Time: 74500.0 s | dt: 100 s

Step: Swell |   Increment: 746 | Iterations: 3
Simulation Time: 74600.0 s | dt: 100 s

Step: Swell |   Increment: 747 | Iterations: 3
Simulation Time: 74700.0 s | dt: 100 s

Step: Swell |   Increment: 748 | Iterations: 3
Simulation Time: 74800.0 s | dt: 100 s

Step: Swell |   Increment: 749 | Iterations: 3
Simulation Time: 74900.0 s | dt: 100 s

Step: Swell |   Increment: 750 | Iterations: 3
Simulation Time: 75000.0 s | dt: 100 s

Step: Swell |   Increment: 751 | Iterations: 3
Simulation Time: 75100.0 s | dt: 100 s

Step: Swell |   Increment: 752 | Iterations: 3
Simulation Time: 75200.0 s | dt: 100 s

Step: Swell |   Increment: 753 | Iterations: 3
Simulation Time: 75300.0 s | dt: 100 s

Step: Swell |   Increment: 754 | Iterations: 3
Simulation Time: 75400.0 s | dt: 100 s

Step: Swell |   Increment: 755 | Iterations: 3
Simulation Time: 75500.0 s | dt: 100 s

Step: Swell |   Increment: 756 | Iterations: 3
Simulation Time: 75600.0 s | dt: 100 s

Step: Swell |   Increment: 757 | Iterations: 3
Simulation Time: 75700.0 s | dt: 100 s

Step: Swell |   Increment: 758 | Iterations: 3
Simulation Time: 75800.0 s | dt: 100 s

Step: Swell |   Increment: 759 | Iterations: 3
Simulation Time: 75900.0 s | dt: 100 s

Step: Swell |   Increment: 760 | Iterations: 3
Simulation Time: 76000.0 s | dt: 100 s

Step: Swell |   Increment: 761 | Iterations: 3
Simulation Time: 76100.0 s | dt: 100 s

Step: Swell |   Increment: 762 | Iterations: 3
Simulation Time: 76200.0 s | dt: 100 s

Step: Swell |   Increment: 763 | Iterations: 3
Simulation Time: 76300.0 s | dt: 100 s

Step: Swell |   Increment: 764 | Iterations: 3
Simulation Time: 76400.0 s | dt: 100 s

Step: Swell |   Increment: 765 | Iterations: 3
Simulation Time: 76500.0 s | dt: 100 s

Step: Swell |   Increment: 766 | Iterations: 3
Simulation Time: 76600.0 s | dt: 100 s

Step: Swell |   Increment: 767 | Iterations: 3
Simulation Time: 76700.0 s | dt: 100 s

Step: Swell |   Increment: 768 | Iterations: 3
Simulation Time: 76800.0 s | dt: 100 s

Step: Swell |   Increment: 769 | Iterations: 3
Simulation Time: 76900.0 s | dt: 100 s

Step: Swell |   Increment: 770 | Iterations: 3
Simulation Time: 77000.0 s | dt: 100 s

Step: Swell |   Increment: 771 | Iterations: 3
Simulation Time: 77100.0 s | dt: 100 s

Step: Swell |   Increment: 772 | Iterations: 3
Simulation Time: 77200.0 s | dt: 100 s

Step: Swell |   Increment: 773 | Iterations: 3
Simulation Time: 77300.0 s | dt: 100 s

Step: Swell |   Increment: 774 | Iterations: 3
Simulation Time: 77400.0 s | dt: 100 s

Step: Swell |   Increment: 775 | Iterations: 3
Simulation Time: 77500.0 s | dt: 100 s

Step: Swell |   Increment: 776 | Iterations: 3
Simulation Time: 77600.0 s | dt: 100 s

Step: Swell |   Increment: 777 | Iterations: 3
Simulation Time: 77700.0 s | dt: 100 s

Step: Swell |   Increment: 778 | Iterations: 3
Simulation Time: 77800.0 s | dt: 100 s

Step: Swell |   Increment: 779 | Iterations: 3
Simulation Time: 77900.0 s | dt: 100 s

Step: Swell |   Increment: 780 | Iterations: 3
Simulation Time: 78000.0 s | dt: 100 s

Step: Swell |   Increment: 781 | Iterations: 3
Simulation Time: 78100.0 s | dt: 100 s

Step: Swell |   Increment: 782 | Iterations: 3
Simulation Time: 78200.0 s | dt: 100 s

Step: Swell |   Increment: 783 | Iterations: 3
Simulation Time: 78300.0 s | dt: 100 s

Step: Swell |   Increment: 784 | Iterations: 3
Simulation Time: 78400.0 s | dt: 100 s

Step: Swell |   Increment: 785 | Iterations: 3
Simulation Time: 78500.0 s | dt: 100 s

Step: Swell |   Increment: 786 | Iterations: 3
Simulation Time: 78600.0 s | dt: 100 s

Step: Swell |   Increment: 787 | Iterations: 3
Simulation Time: 78700.0 s | dt: 100 s

Step: Swell |   Increment: 788 | Iterations: 3
Simulation Time: 78800.0 s | dt: 100 s

Step: Swell |   Increment: 789 | Iterations: 3
Simulation Time: 78900.0 s | dt: 100 s

Step: Swell |   Increment: 790 | Iterations: 3
Simulation Time: 79000.0 s | dt: 100 s

Step: Swell |   Increment: 791 | Iterations: 3
Simulation Time: 79100.0 s | dt: 100 s

Step: Swell |   Increment: 792 | Iterations: 3
Simulation Time: 79200.0 s | dt: 100 s

Step: Swell |   Increment: 793 | Iterations: 3
Simulation Time: 79300.0 s | dt: 100 s

Step: Swell |   Increment: 794 | Iterations: 3
Simulation Time: 79400.0 s | dt: 100 s

Step: Swell |   Increment: 795 | Iterations: 3
Simulation Time: 79500.0 s | dt: 100 s

Step: Swell |   Increment: 796 | Iterations: 3
Simulation Time: 79600.0 s | dt: 100 s

Step: Swell |   Increment: 797 | Iterations: 3
Simulation Time: 79700.0 s | dt: 100 s

Step: Swell |   Increment: 798 | Iterations: 3
Simulation Time: 79800.0 s | dt: 100 s

Step: Swell |   Increment: 799 | Iterations: 3
Simulation Time: 79900.0 s | dt: 100 s

Step: Swell |   Increment: 800 | Iterations: 3
Simulation Time: 80000.0 s | dt: 100 s

Step: Swell |   Increment: 801 | Iterations: 3
Simulation Time: 80100.0 s | dt: 100 s

Step: Swell |   Increment: 802 | Iterations: 3
Simulation Time: 80200.0 s | dt: 100 s

Step: Swell |   Increment: 803 | Iterations: 3
Simulation Time: 80300.0 s | dt: 100 s

Step: Swell |   Increment: 804 | Iterations: 3
Simulation Time: 80400.0 s | dt: 100 s

Step: Swell |   Increment: 805 | Iterations: 3
Simulation Time: 80500.0 s | dt: 100 s

Step: Swell |   Increment: 806 | Iterations: 3
Simulation Time: 80600.0 s | dt: 100 s

Step: Swell |   Increment: 807 | Iterations: 3
Simulation Time: 80700.0 s | dt: 100 s

Step: Swell |   Increment: 808 | Iterations: 3
Simulation Time: 80800.0 s | dt: 100 s

Step: Swell |   Increment: 809 | Iterations: 3
Simulation Time: 80900.0 s | dt: 100 s

Step: Swell |   Increment: 810 | Iterations: 3
Simulation Time: 81000.0 s | dt: 100 s

Step: Swell |   Increment: 811 | Iterations: 3
Simulation Time: 81100.0 s | dt: 100 s

Step: Swell |   Increment: 812 | Iterations: 3
Simulation Time: 81200.0 s | dt: 100 s

Step: Swell |   Increment: 813 | Iterations: 3
Simulation Time: 81300.0 s | dt: 100 s

Step: Swell |   Increment: 814 | Iterations: 3
Simulation Time: 81400.0 s | dt: 100 s

Step: Swell |   Increment: 815 | Iterations: 3
Simulation Time: 81500.0 s | dt: 100 s

Step: Swell |   Increment: 816 | Iterations: 3
Simulation Time: 81600.0 s | dt: 100 s

Step: Swell |   Increment: 817 | Iterations: 3
Simulation Time: 81700.0 s | dt: 100 s

Step: Swell |   Increment: 818 | Iterations: 3
Simulation Time: 81800.0 s | dt: 100 s

Step: Swell |   Increment: 819 | Iterations: 3
Simulation Time: 81900.0 s | dt: 100 s

Step: Swell |   Increment: 820 | Iterations: 3
Simulation Time: 82000.0 s | dt: 100 s

Step: Swell |   Increment: 821 | Iterations: 3
Simulation Time: 82100.0 s | dt: 100 s

Step: Swell |   Increment: 822 | Iterations: 3
Simulation Time: 82200.0 s | dt: 100 s

Step: Swell |   Increment: 823 | Iterations: 3
Simulation Time: 82300.0 s | dt: 100 s

Step: Swell |   Increment: 824 | Iterations: 3
Simulation Time: 82400.0 s | dt: 100 s

Step: Swell |   Increment: 825 | Iterations: 3
Simulation Time: 82500.0 s | dt: 100 s

Step: Swell |   Increment: 826 | Iterations: 3
Simulation Time: 82600.0 s | dt: 100 s

Step: Swell |   Increment: 827 | Iterations: 3
Simulation Time: 82700.0 s | dt: 100 s

Step: Swell |   Increment: 828 | Iterations: 3
Simulation Time: 82800.0 s | dt: 100 s

Step: Swell |   Increment: 829 | Iterations: 3
Simulation Time: 82900.0 s | dt: 100 s

Step: Swell |   Increment: 830 | Iterations: 3
Simulation Time: 83000.0 s | dt: 100 s

Step: Swell |   Increment: 831 | Iterations: 3
Simulation Time: 83100.0 s | dt: 100 s

Step: Swell |   Increment: 832 | Iterations: 3
Simulation Time: 83200.0 s | dt: 100 s

Step: Swell |   Increment: 833 | Iterations: 3
Simulation Time: 83300.0 s | dt: 100 s

Step: Swell |   Increment: 834 | Iterations: 3
Simulation Time: 83400.0 s | dt: 100 s

Step: Swell |   Increment: 835 | Iterations: 3
Simulation Time: 83500.0 s | dt: 100 s

Step: Swell |   Increment: 836 | Iterations: 3
Simulation Time: 83600.0 s | dt: 100 s

Step: Swell |   Increment: 837 | Iterations: 3
Simulation Time: 83700.0 s | dt: 100 s

Step: Swell |   Increment: 838 | Iterations: 3
Simulation Time: 83800.0 s | dt: 100 s

Step: Swell |   Increment: 839 | Iterations: 3
Simulation Time: 83900.0 s | dt: 100 s

Step: Swell |   Increment: 840 | Iterations: 3
Simulation Time: 84000.0 s | dt: 100 s

Step: Swell |   Increment: 841 | Iterations: 3
Simulation Time: 84100.0 s | dt: 100 s

Step: Swell |   Increment: 842 | Iterations: 3
Simulation Time: 84200.0 s | dt: 100 s

Step: Swell |   Increment: 843 | Iterations: 3
Simulation Time: 84300.0 s | dt: 100 s

Step: Swell |   Increment: 844 | Iterations: 3
Simulation Time: 84400.0 s | dt: 100 s

Step: Swell |   Increment: 845 | Iterations: 3
Simulation Time: 84500.0 s | dt: 100 s

Step: Swell |   Increment: 846 | Iterations: 3
Simulation Time: 84600.0 s | dt: 100 s

Step: Swell |   Increment: 847 | Iterations: 3
Simulation Time: 84700.0 s | dt: 100 s

Step: Swell |   Increment: 848 | Iterations: 3
Simulation Time: 84800.0 s | dt: 100 s

Step: Swell |   Increment: 849 | Iterations: 3
Simulation Time: 84900.0 s | dt: 100 s

Step: Swell |   Increment: 850 | Iterations: 3
Simulation Time: 85000.0 s | dt: 100 s

Step: Swell |   Increment: 851 | Iterations: 3
Simulation Time: 85100.0 s | dt: 100 s

Step: Swell |   Increment: 852 | Iterations: 3
Simulation Time: 85200.0 s | dt: 100 s

Step: Swell |   Increment: 853 | Iterations: 3
Simulation Time: 85300.0 s | dt: 100 s

Step: Swell |   Increment: 854 | Iterations: 3
Simulation Time: 85400.0 s | dt: 100 s

Step: Swell |   Increment: 855 | Iterations: 3
Simulation Time: 85500.0 s | dt: 100 s

Step: Swell |   Increment: 856 | Iterations: 3
Simulation Time: 85600.0 s | dt: 100 s

Step: Swell |   Increment: 857 | Iterations: 3
Simulation Time: 85700.0 s | dt: 100 s

Step: Swell |   Increment: 858 | Iterations: 3
Simulation Time: 85800.0 s | dt: 100 s

Step: Swell |   Increment: 859 | Iterations: 3
Simulation Time: 85900.0 s | dt: 100 s

Step: Swell |   Increment: 860 | Iterations: 3
Simulation Time: 86000.0 s | dt: 100 s

Step: Swell |   Increment: 861 | Iterations: 3
Simulation Time: 86100.0 s | dt: 100 s

Step: Swell |   Increment: 862 | Iterations: 3
Simulation Time: 86200.0 s | dt: 100 s

Step: Swell |   Increment: 863 | Iterations: 3
Simulation Time: 86300.0 s | dt: 100 s

Step: Swell |   Increment: 864 | Iterations: 3
Simulation Time: 86400.0 s | dt: 100 s

Step: Swell |   Increment: 865 | Iterations: 3
Simulation Time: 86500.0 s | dt: 100 s

Step: Swell |   Increment: 866 | Iterations: 3
Simulation Time: 86600.0 s | dt: 100 s

Step: Swell |   Increment: 867 | Iterations: 3
Simulation Time: 86700.0 s | dt: 100 s

Step: Swell |   Increment: 868 | Iterations: 3
Simulation Time: 86800.0 s | dt: 100 s

Step: Swell |   Increment: 869 | Iterations: 4
Simulation Time: 86900.0 s | dt: 100 s

Step: Swell |   Increment: 870 | Iterations: 4
Simulation Time: 87000.0 s | dt: 100 s

Step: Swell |   Increment: 871 | Iterations: 4
Simulation Time: 87100.0 s | dt: 100 s

Step: Swell |   Increment: 872 | Iterations: 4
Simulation Time: 87200.0 s | dt: 100 s

Step: Swell |   Increment: 873 | Iterations: 4
Simulation Time: 87300.0 s | dt: 100 s

Step: Swell |   Increment: 874 | Iterations: 4
Simulation Time: 87400.0 s | dt: 100 s

Step: Swell |   Increment: 875 | Iterations: 4
Simulation Time: 87500.0 s | dt: 100 s

Step: Swell |   Increment: 876 | Iterations: 4
Simulation Time: 87600.0 s | dt: 100 s

Step: Swell |   Increment: 877 | Iterations: 4
Simulation Time: 87700.0 s | dt: 100 s

Step: Swell |   Increment: 878 | Iterations: 4
Simulation Time: 87800.0 s | dt: 100 s

Step: Swell |   Increment: 879 | Iterations: 4
Simulation Time: 87900.0 s | dt: 100 s

Step: Swell |   Increment: 880 | Iterations: 4
Simulation Time: 88000.0 s | dt: 100 s

Step: Swell |   Increment: 881 | Iterations: 4
Simulation Time: 88100.0 s | dt: 100 s

Step: Swell |   Increment: 882 | Iterations: 4
Simulation Time: 88200.0 s | dt: 100 s

Step: Swell |   Increment: 883 | Iterations: 4
Simulation Time: 88300.0 s | dt: 100 s

Step: Swell |   Increment: 884 | Iterations: 4
Simulation Time: 88400.0 s | dt: 100 s

Step: Swell |   Increment: 885 | Iterations: 4
Simulation Time: 88500.0 s | dt: 100 s

Step: Swell |   Increment: 886 | Iterations: 4
Simulation Time: 88600.0 s | dt: 100 s

Step: Swell |   Increment: 887 | Iterations: 4
Simulation Time: 88700.0 s | dt: 100 s

Step: Swell |   Increment: 888 | Iterations: 4
Simulation Time: 88800.0 s | dt: 100 s

Step: Swell |   Increment: 889 | Iterations: 4
Simulation Time: 88900.0 s | dt: 100 s

Step: Swell |   Increment: 890 | Iterations: 4
Simulation Time: 89000.0 s | dt: 100 s

Step: Swell |   Increment: 891 | Iterations: 4
Simulation Time: 89100.0 s | dt: 100 s

Step: Swell |   Increment: 892 | Iterations: 4
Simulation Time: 89200.0 s | dt: 100 s

Step: Swell |   Increment: 893 | Iterations: 4
Simulation Time: 89300.0 s | dt: 100 s

Step: Swell |   Increment: 894 | Iterations: 4
Simulation Time: 89400.0 s | dt: 100 s

Step: Swell |   Increment: 895 | Iterations: 4
Simulation Time: 89500.0 s | dt: 100 s

Step: Swell |   Increment: 896 | Iterations: 4
Simulation Time: 89600.0 s | dt: 100 s

Step: Swell |   Increment: 897 | Iterations: 4
Simulation Time: 89700.0 s | dt: 100 s

Step: Swell |   Increment: 898 | Iterations: 4
Simulation Time: 89800.0 s | dt: 100 s

Step: Swell |   Increment: 899 | Iterations: 4
Simulation Time: 89900.0 s | dt: 100 s

Step: Swell |   Increment: 900 | Iterations: 4
Simulation Time: 90000.0 s | dt: 100 s

Step: Swell |   Increment: 901 | Iterations: 4
Simulation Time: 90100.0 s | dt: 100 s

Step: Swell |   Increment: 902 | Iterations: 4
Simulation Time: 90200.0 s | dt: 100 s

Step: Swell |   Increment: 903 | Iterations: 4
Simulation Time: 90300.0 s | dt: 100 s

Step: Swell |   Increment: 904 | Iterations: 4
Simulation Time: 90400.0 s | dt: 100 s

Step: Swell |   Increment: 905 | Iterations: 4
Simulation Time: 90500.0 s | dt: 100 s

Step: Swell |   Increment: 906 | Iterations: 4
Simulation Time: 90600.0 s | dt: 100 s

Step: Swell |   Increment: 907 | Iterations: 4
Simulation Time: 90700.0 s | dt: 100 s

Step: Swell |   Increment: 908 | Iterations: 4
Simulation Time: 90800.0 s | dt: 100 s

Step: Swell |   Increment: 909 | Iterations: 4
Simulation Time: 90900.0 s | dt: 100 s

Step: Swell |   Increment: 910 | Iterations: 4
Simulation Time: 91000.0 s | dt: 100 s

Step: Swell |   Increment: 911 | Iterations: 4
Simulation Time: 91100.0 s | dt: 100 s

Step: Swell |   Increment: 912 | Iterations: 4
Simulation Time: 91200.0 s | dt: 100 s

Step: Swell |   Increment: 913 | Iterations: 4
Simulation Time: 91300.0 s | dt: 100 s

Step: Swell |   Increment: 914 | Iterations: 4
Simulation Time: 91400.0 s | dt: 100 s

Step: Swell |   Increment: 915 | Iterations: 4
Simulation Time: 91500.0 s | dt: 100 s

Step: Swell |   Increment: 916 | Iterations: 4
Simulation Time: 91600.0 s | dt: 100 s

Step: Swell |   Increment: 917 | Iterations: 4
Simulation Time: 91700.0 s | dt: 100 s

Step: Swell |   Increment: 918 | Iterations: 4
Simulation Time: 91800.0 s | dt: 100 s

Step: Swell |   Increment: 919 | Iterations: 4
Simulation Time: 91900.0 s | dt: 100 s

Step: Swell |   Increment: 920 | Iterations: 4
Simulation Time: 92000.0 s | dt: 100 s

Step: Swell |   Increment: 921 | Iterations: 4
Simulation Time: 92100.0 s | dt: 100 s

Step: Swell |   Increment: 922 | Iterations: 4
Simulation Time: 92200.0 s | dt: 100 s

Step: Swell |   Increment: 923 | Iterations: 4
Simulation Time: 92300.0 s | dt: 100 s

Step: Swell |   Increment: 924 | Iterations: 4
Simulation Time: 92400.0 s | dt: 100 s

Step: Swell |   Increment: 925 | Iterations: 4
Simulation Time: 92500.0 s | dt: 100 s

Step: Swell |   Increment: 926 | Iterations: 4
Simulation Time: 92600.0 s | dt: 100 s

Step: Swell |   Increment: 927 | Iterations: 4
Simulation Time: 92700.0 s | dt: 100 s

Step: Swell |   Increment: 928 | Iterations: 4
Simulation Time: 92800.0 s | dt: 100 s

Step: Swell |   Increment: 929 | Iterations: 4
Simulation Time: 92900.0 s | dt: 100 s

Step: Swell |   Increment: 930 | Iterations: 4
Simulation Time: 93000.0 s | dt: 100 s

Step: Swell |   Increment: 931 | Iterations: 4
Simulation Time: 93100.0 s | dt: 100 s

Step: Swell |   Increment: 932 | Iterations: 4
Simulation Time: 93200.0 s | dt: 100 s

Step: Swell |   Increment: 933 | Iterations: 4
Simulation Time: 93300.0 s | dt: 100 s

Step: Swell |   Increment: 934 | Iterations: 4
Simulation Time: 93400.0 s | dt: 100 s

Step: Swell |   Increment: 935 | Iterations: 4
Simulation Time: 93500.0 s | dt: 100 s

Step: Swell |   Increment: 936 | Iterations: 4
Simulation Time: 93600.0 s | dt: 100 s

Step: Swell |   Increment: 937 | Iterations: 4
Simulation Time: 93700.0 s | dt: 100 s

Step: Swell |   Increment: 938 | Iterations: 4
Simulation Time: 93800.0 s | dt: 100 s

Step: Swell |   Increment: 939 | Iterations: 3
Simulation Time: 93900.0 s | dt: 100 s

Step: Swell |   Increment: 940 | Iterations: 3
Simulation Time: 94000.0 s | dt: 100 s

Step: Swell |   Increment: 941 | Iterations: 3
Simulation Time: 94100.0 s | dt: 100 s

Step: Swell |   Increment: 942 | Iterations: 3
Simulation Time: 94200.0 s | dt: 100 s

Step: Swell |   Increment: 943 | Iterations: 3
Simulation Time: 94300.0 s | dt: 100 s

Step: Swell |   Increment: 944 | Iterations: 3
Simulation Time: 94400.0 s | dt: 100 s

Step: Swell |   Increment: 945 | Iterations: 3
Simulation Time: 94500.0 s | dt: 100 s

Step: Swell |   Increment: 946 | Iterations: 3
Simulation Time: 94600.0 s | dt: 100 s

Step: Swell |   Increment: 947 | Iterations: 3
Simulation Time: 94700.0 s | dt: 100 s

Step: Swell |   Increment: 948 | Iterations: 3
Simulation Time: 94800.0 s | dt: 100 s

Step: Swell |   Increment: 949 | Iterations: 3
Simulation Time: 94900.0 s | dt: 100 s

Step: Swell |   Increment: 950 | Iterations: 3
Simulation Time: 95000.0 s | dt: 100 s

Step: Swell |   Increment: 951 | Iterations: 3
Simulation Time: 95100.0 s | dt: 100 s

Step: Swell |   Increment: 952 | Iterations: 3
Simulation Time: 95200.0 s | dt: 100 s

Step: Swell |   Increment: 953 | Iterations: 3
Simulation Time: 95300.0 s | dt: 100 s

Step: Swell |   Increment: 954 | Iterations: 3
Simulation Time: 95400.0 s | dt: 100 s

Step: Swell |   Increment: 955 | Iterations: 3
Simulation Time: 95500.0 s | dt: 100 s

Step: Swell |   Increment: 956 | Iterations: 3
Simulation Time: 95600.0 s | dt: 100 s

Step: Swell |   Increment: 957 | Iterations: 3
Simulation Time: 95700.0 s | dt: 100 s

Step: Swell |   Increment: 958 | Iterations: 3
Simulation Time: 95800.0 s | dt: 100 s

Step: Swell |   Increment: 959 | Iterations: 3
Simulation Time: 95900.0 s | dt: 100 s

Step: Swell |   Increment: 960 | Iterations: 3
Simulation Time: 96000.0 s | dt: 100 s

Step: Swell |   Increment: 961 | Iterations: 3
Simulation Time: 96100.0 s | dt: 100 s

Step: Swell |   Increment: 962 | Iterations: 3
Simulation Time: 96200.0 s | dt: 100 s

Step: Swell |   Increment: 963 | Iterations: 3
Simulation Time: 96300.0 s | dt: 100 s

Step: Swell |   Increment: 964 | Iterations: 3
Simulation Time: 96400.0 s | dt: 100 s

Step: Swell |   Increment: 965 | Iterations: 3
Simulation Time: 96500.0 s | dt: 100 s

Step: Swell |   Increment: 966 | Iterations: 3
Simulation Time: 96600.0 s | dt: 100 s

Step: Swell |   Increment: 967 | Iterations: 3
Simulation Time: 96700.0 s | dt: 100 s

Step: Swell |   Increment: 968 | Iterations: 3
Simulation Time: 96800.0 s | dt: 100 s

Step: Swell |   Increment: 969 | Iterations: 3
Simulation Time: 96900.0 s | dt: 100 s

Step: Swell |   Increment: 970 | Iterations: 3
Simulation Time: 97000.0 s | dt: 100 s

Step: Swell |   Increment: 971 | Iterations: 3
Simulation Time: 97100.0 s | dt: 100 s

Step: Swell |   Increment: 972 | Iterations: 3
Simulation Time: 97200.0 s | dt: 100 s

Step: Swell |   Increment: 973 | Iterations: 3
Simulation Time: 97300.0 s | dt: 100 s

Step: Swell |   Increment: 974 | Iterations: 3
Simulation Time: 97400.0 s | dt: 100 s

Step: Swell |   Increment: 975 | Iterations: 3
Simulation Time: 97500.0 s | dt: 100 s

Step: Swell |   Increment: 976 | Iterations: 3
Simulation Time: 97600.0 s | dt: 100 s

Step: Swell |   Increment: 977 | Iterations: 3
Simulation Time: 97700.0 s | dt: 100 s

Step: Swell |   Increment: 978 | Iterations: 3
Simulation Time: 97800.0 s | dt: 100 s

Step: Swell |   Increment: 979 | Iterations: 3
Simulation Time: 97900.0 s | dt: 100 s

Step: Swell |   Increment: 980 | Iterations: 3
Simulation Time: 98000.0 s | dt: 100 s

Step: Swell |   Increment: 981 | Iterations: 3
Simulation Time: 98100.0 s | dt: 100 s

Step: Swell |   Increment: 982 | Iterations: 3
Simulation Time: 98200.0 s | dt: 100 s

Step: Swell |   Increment: 983 | Iterations: 3
Simulation Time: 98300.0 s | dt: 100 s

Step: Swell |   Increment: 984 | Iterations: 3
Simulation Time: 98400.0 s | dt: 100 s

Step: Swell |   Increment: 985 | Iterations: 3
Simulation Time: 98500.0 s | dt: 100 s

Step: Swell |   Increment: 986 | Iterations: 3
Simulation Time: 98600.0 s | dt: 100 s

Step: Swell |   Increment: 987 | Iterations: 3
Simulation Time: 98700.0 s | dt: 100 s

Step: Swell |   Increment: 988 | Iterations: 3
Simulation Time: 98800.0 s | dt: 100 s

Step: Swell |   Increment: 989 | Iterations: 3
Simulation Time: 98900.0 s | dt: 100 s

Step: Swell |   Increment: 990 | Iterations: 3
Simulation Time: 99000.0 s | dt: 100 s

Step: Swell |   Increment: 991 | Iterations: 3
Simulation Time: 99100.0 s | dt: 100 s

Step: Swell |   Increment: 992 | Iterations: 3
Simulation Time: 99200.0 s | dt: 100 s

Step: Swell |   Increment: 993 | Iterations: 3
Simulation Time: 99300.0 s | dt: 100 s

Step: Swell |   Increment: 994 | Iterations: 3
Simulation Time: 99400.0 s | dt: 100 s

Step: Swell |   Increment: 995 | Iterations: 3
Simulation Time: 99500.0 s | dt: 100 s

Step: Swell |   Increment: 996 | Iterations: 3
Simulation Time: 99600.0 s | dt: 100 s

Step: Swell |   Increment: 997 | Iterations: 3
Simulation Time: 99700.0 s | dt: 100 s

Step: Swell |   Increment: 998 | Iterations: 3
Simulation Time: 99800.0 s | dt: 100 s

Step: Swell |   Increment: 999 | Iterations: 3
Simulation Time: 99900.0 s | dt: 100 s

Step: Swell |   Increment: 1000 | Iterations: 3
Simulation Time: 100000.0 s | dt: 100 s

Step: Swell |   Increment: 1001 | Iterations: 3
Simulation Time: 100100.0 s | dt: 100 s

Step: Swell |   Increment: 1002 | Iterations: 3
Simulation Time: 100200.0 s | dt: 100 s

Step: Swell |   Increment: 1003 | Iterations: 3
Simulation Time: 100300.0 s | dt: 100 s

Step: Swell |   Increment: 1004 | Iterations: 3
Simulation Time: 100400.0 s | dt: 100 s

Step: Swell |   Increment: 1005 | Iterations: 3
Simulation Time: 100500.0 s | dt: 100 s

Step: Swell |   Increment: 1006 | Iterations: 3
Simulation Time: 100600.0 s | dt: 100 s

Step: Swell |   Increment: 1007 | Iterations: 3
Simulation Time: 100700.0 s | dt: 100 s

Step: Swell |   Increment: 1008 | Iterations: 3
Simulation Time: 100800.0 s | dt: 100 s

Step: Swell |   Increment: 1009 | Iterations: 3
Simulation Time: 100900.0 s | dt: 100 s

Step: Swell |   Increment: 1010 | Iterations: 3
Simulation Time: 101000.0 s | dt: 100 s

Step: Swell |   Increment: 1011 | Iterations: 3
Simulation Time: 101100.0 s | dt: 100 s

Step: Swell |   Increment: 1012 | Iterations: 3
Simulation Time: 101200.0 s | dt: 100 s

Step: Swell |   Increment: 1013 | Iterations: 3
Simulation Time: 101300.0 s | dt: 100 s

Step: Swell |   Increment: 1014 | Iterations: 3
Simulation Time: 101400.0 s | dt: 100 s

Step: Swell |   Increment: 1015 | Iterations: 3
Simulation Time: 101500.0 s | dt: 100 s

Step: Swell |   Increment: 1016 | Iterations: 3
Simulation Time: 101600.0 s | dt: 100 s

Step: Swell |   Increment: 1017 | Iterations: 3
Simulation Time: 101700.0 s | dt: 100 s

Step: Swell |   Increment: 1018 | Iterations: 3
Simulation Time: 101800.0 s | dt: 100 s

Step: Swell |   Increment: 1019 | Iterations: 3
Simulation Time: 101900.0 s | dt: 100 s

Step: Swell |   Increment: 1020 | Iterations: 3
Simulation Time: 102000.0 s | dt: 100 s

Step: Swell |   Increment: 1021 | Iterations: 3
Simulation Time: 102100.0 s | dt: 100 s

Step: Swell |   Increment: 1022 | Iterations: 3
Simulation Time: 102200.0 s | dt: 100 s

Step: Swell |   Increment: 1023 | Iterations: 3
Simulation Time: 102300.0 s | dt: 100 s

Step: Swell |   Increment: 1024 | Iterations: 3
Simulation Time: 102400.0 s | dt: 100 s

Step: Swell |   Increment: 1025 | Iterations: 3
Simulation Time: 102500.0 s | dt: 100 s

Step: Swell |   Increment: 1026 | Iterations: 3
Simulation Time: 102600.0 s | dt: 100 s

Step: Swell |   Increment: 1027 | Iterations: 3
Simulation Time: 102700.0 s | dt: 100 s

Step: Swell |   Increment: 1028 | Iterations: 3
Simulation Time: 102800.0 s | dt: 100 s

Step: Swell |   Increment: 1029 | Iterations: 3
Simulation Time: 102900.0 s | dt: 100 s

Step: Swell |   Increment: 1030 | Iterations: 3
Simulation Time: 103000.0 s | dt: 100 s

Step: Swell |   Increment: 1031 | Iterations: 3
Simulation Time: 103100.0 s | dt: 100 s

Step: Swell |   Increment: 1032 | Iterations: 3
Simulation Time: 103200.0 s | dt: 100 s

Step: Swell |   Increment: 1033 | Iterations: 3
Simulation Time: 103300.0 s | dt: 100 s

Step: Swell |   Increment: 1034 | Iterations: 3
Simulation Time: 103400.0 s | dt: 100 s

Step: Swell |   Increment: 1035 | Iterations: 3
Simulation Time: 103500.0 s | dt: 100 s

Step: Swell |   Increment: 1036 | Iterations: 3
Simulation Time: 103600.0 s | dt: 100 s

Step: Swell |   Increment: 1037 | Iterations: 3
Simulation Time: 103700.0 s | dt: 100 s

Step: Swell |   Increment: 1038 | Iterations: 3
Simulation Time: 103800.0 s | dt: 100 s

Step: Swell |   Increment: 1039 | Iterations: 3
Simulation Time: 103900.0 s | dt: 100 s

Step: Swell |   Increment: 1040 | Iterations: 3
Simulation Time: 104000.0 s | dt: 100 s

Step: Swell |   Increment: 1041 | Iterations: 3
Simulation Time: 104100.0 s | dt: 100 s

Step: Swell |   Increment: 1042 | Iterations: 3
Simulation Time: 104200.0 s | dt: 100 s

Step: Swell |   Increment: 1043 | Iterations: 3
Simulation Time: 104300.0 s | dt: 100 s

Step: Swell |   Increment: 1044 | Iterations: 3
Simulation Time: 104400.0 s | dt: 100 s

Step: Swell |   Increment: 1045 | Iterations: 3
Simulation Time: 104500.0 s | dt: 100 s

Step: Swell |   Increment: 1046 | Iterations: 3
Simulation Time: 104600.0 s | dt: 100 s

Step: Swell |   Increment: 1047 | Iterations: 3
Simulation Time: 104700.0 s | dt: 100 s

Step: Swell |   Increment: 1048 | Iterations: 3
Simulation Time: 104800.0 s | dt: 100 s

Step: Swell |   Increment: 1049 | Iterations: 3
Simulation Time: 104900.0 s | dt: 100 s

Step: Swell |   Increment: 1050 | Iterations: 3
Simulation Time: 105000.0 s | dt: 100 s

Step: Swell |   Increment: 1051 | Iterations: 3
Simulation Time: 105100.0 s | dt: 100 s

Step: Swell |   Increment: 1052 | Iterations: 3
Simulation Time: 105200.0 s | dt: 100 s

Step: Swell |   Increment: 1053 | Iterations: 3
Simulation Time: 105300.0 s | dt: 100 s

Step: Swell |   Increment: 1054 | Iterations: 3
Simulation Time: 105400.0 s | dt: 100 s

Step: Swell |   Increment: 1055 | Iterations: 3
Simulation Time: 105500.0 s | dt: 100 s

Step: Swell |   Increment: 1056 | Iterations: 3
Simulation Time: 105600.0 s | dt: 100 s

Step: Swell |   Increment: 1057 | Iterations: 3
Simulation Time: 105700.0 s | dt: 100 s

Step: Swell |   Increment: 1058 | Iterations: 3
Simulation Time: 105800.0 s | dt: 100 s

Step: Swell |   Increment: 1059 | Iterations: 3
Simulation Time: 105900.0 s | dt: 100 s

Step: Swell |   Increment: 1060 | Iterations: 3
Simulation Time: 106000.0 s | dt: 100 s

Step: Swell |   Increment: 1061 | Iterations: 3
Simulation Time: 106100.0 s | dt: 100 s

Step: Swell |   Increment: 1062 | Iterations: 3
Simulation Time: 106200.0 s | dt: 100 s

Step: Swell |   Increment: 1063 | Iterations: 3
Simulation Time: 106300.0 s | dt: 100 s

Step: Swell |   Increment: 1064 | Iterations: 3
Simulation Time: 106400.0 s | dt: 100 s

Step: Swell |   Increment: 1065 | Iterations: 3
Simulation Time: 106500.0 s | dt: 100 s

Step: Swell |   Increment: 1066 | Iterations: 3
Simulation Time: 106600.0 s | dt: 100 s

Step: Swell |   Increment: 1067 | Iterations: 3
Simulation Time: 106700.0 s | dt: 100 s

Step: Swell |   Increment: 1068 | Iterations: 3
Simulation Time: 106800.0 s | dt: 100 s

Step: Swell |   Increment: 1069 | Iterations: 3
Simulation Time: 106900.0 s | dt: 100 s

Step: Swell |   Increment: 1070 | Iterations: 3
Simulation Time: 107000.0 s | dt: 100 s

Step: Swell |   Increment: 1071 | Iterations: 3
Simulation Time: 107100.0 s | dt: 100 s

Step: Swell |   Increment: 1072 | Iterations: 3
Simulation Time: 107200.0 s | dt: 100 s

Step: Swell |   Increment: 1073 | Iterations: 3
Simulation Time: 107300.0 s | dt: 100 s

Step: Swell |   Increment: 1074 | Iterations: 3
Simulation Time: 107400.0 s | dt: 100 s

Step: Swell |   Increment: 1075 | Iterations: 3
Simulation Time: 107500.0 s | dt: 100 s

Step: Swell |   Increment: 1076 | Iterations: 3
Simulation Time: 107600.0 s | dt: 100 s

Step: Swell |   Increment: 1077 | Iterations: 3
Simulation Time: 107700.0 s | dt: 100 s

Step: Swell |   Increment: 1078 | Iterations: 3
Simulation Time: 107800.0 s | dt: 100 s

Step: Swell |   Increment: 1079 | Iterations: 3
Simulation Time: 107900.0 s | dt: 100 s

Step: Swell |   Increment: 1080 | Iterations: 3
Simulation Time: 108000.0 s | dt: 100 s

Step: Swell |   Increment: 1081 | Iterations: 3
Simulation Time: 108100.0 s | dt: 100 s

Step: Swell |   Increment: 1082 | Iterations: 3
Simulation Time: 108200.0 s | dt: 100 s

Step: Swell |   Increment: 1083 | Iterations: 3
Simulation Time: 108300.0 s | dt: 100 s

Step: Swell |   Increment: 1084 | Iterations: 3
Simulation Time: 108400.0 s | dt: 100 s

Step: Swell |   Increment: 1085 | Iterations: 3
Simulation Time: 108500.0 s | dt: 100 s

Step: Swell |   Increment: 1086 | Iterations: 3
Simulation Time: 108600.0 s | dt: 100 s

Step: Swell |   Increment: 1087 | Iterations: 3
Simulation Time: 108700.0 s | dt: 100 s

Step: Swell |   Increment: 1088 | Iterations: 3
Simulation Time: 108800.0 s | dt: 100 s

Step: Swell |   Increment: 1089 | Iterations: 3
Simulation Time: 108900.0 s | dt: 100 s

Step: Swell |   Increment: 1090 | Iterations: 3
Simulation Time: 109000.0 s | dt: 100 s

Step: Swell |   Increment: 1091 | Iterations: 3
Simulation Time: 109100.0 s | dt: 100 s

Step: Swell |   Increment: 1092 | Iterations: 3
Simulation Time: 109200.0 s | dt: 100 s

Step: Swell |   Increment: 1093 | Iterations: 3
Simulation Time: 109300.0 s | dt: 100 s

Step: Swell |   Increment: 1094 | Iterations: 3
Simulation Time: 109400.0 s | dt: 100 s

Step: Swell |   Increment: 1095 | Iterations: 3
Simulation Time: 109500.0 s | dt: 100 s

Step: Swell |   Increment: 1096 | Iterations: 3
Simulation Time: 109600.0 s | dt: 100 s

Step: Swell |   Increment: 1097 | Iterations: 3
Simulation Time: 109700.0 s | dt: 100 s

Step: Swell |   Increment: 1098 | Iterations: 3
Simulation Time: 109800.0 s | dt: 100 s

Step: Swell |   Increment: 1099 | Iterations: 3
Simulation Time: 109900.0 s | dt: 100 s

Step: Swell |   Increment: 1100 | Iterations: 3
Simulation Time: 110000.0 s | dt: 100 s

Step: Swell |   Increment: 1101 | Iterations: 3
Simulation Time: 110100.0 s | dt: 100 s

Step: Swell |   Increment: 1102 | Iterations: 3
Simulation Time: 110200.0 s | dt: 100 s

Step: Swell |   Increment: 1103 | Iterations: 3
Simulation Time: 110300.0 s | dt: 100 s

Step: Swell |   Increment: 1104 | Iterations: 3
Simulation Time: 110400.0 s | dt: 100 s

Step: Swell |   Increment: 1105 | Iterations: 3
Simulation Time: 110500.0 s | dt: 100 s

Step: Swell |   Increment: 1106 | Iterations: 3
Simulation Time: 110600.0 s | dt: 100 s

Step: Swell |   Increment: 1107 | Iterations: 3
Simulation Time: 110700.0 s | dt: 100 s

Step: Swell |   Increment: 1108 | Iterations: 3
Simulation Time: 110800.0 s | dt: 100 s

Step: Swell |   Increment: 1109 | Iterations: 3
Simulation Time: 110900.0 s | dt: 100 s

Step: Swell |   Increment: 1110 | Iterations: 3
Simulation Time: 111000.0 s | dt: 100 s

Step: Swell |   Increment: 1111 | Iterations: 3
Simulation Time: 111100.0 s | dt: 100 s

Step: Swell |   Increment: 1112 | Iterations: 3
Simulation Time: 111200.0 s | dt: 100 s

Step: Swell |   Increment: 1113 | Iterations: 3
Simulation Time: 111300.0 s | dt: 100 s

Step: Swell |   Increment: 1114 | Iterations: 3
Simulation Time: 111400.0 s | dt: 100 s

Step: Swell |   Increment: 1115 | Iterations: 3
Simulation Time: 111500.0 s | dt: 100 s

Step: Swell |   Increment: 1116 | Iterations: 3
Simulation Time: 111600.0 s | dt: 100 s

Step: Swell |   Increment: 1117 | Iterations: 3
Simulation Time: 111700.0 s | dt: 100 s

Step: Swell |   Increment: 1118 | Iterations: 3
Simulation Time: 111800.0 s | dt: 100 s

Step: Swell |   Increment: 1119 | Iterations: 3
Simulation Time: 111900.0 s | dt: 100 s

Step: Swell |   Increment: 1120 | Iterations: 3
Simulation Time: 112000.0 s | dt: 100 s

Step: Swell |   Increment: 1121 | Iterations: 3
Simulation Time: 112100.0 s | dt: 100 s

Step: Swell |   Increment: 1122 | Iterations: 3
Simulation Time: 112200.0 s | dt: 100 s

Step: Swell |   Increment: 1123 | Iterations: 3
Simulation Time: 112300.0 s | dt: 100 s

Step: Swell |   Increment: 1124 | Iterations: 3
Simulation Time: 112400.0 s | dt: 100 s

Step: Swell |   Increment: 1125 | Iterations: 3
Simulation Time: 112500.0 s | dt: 100 s

Step: Swell |   Increment: 1126 | Iterations: 3
Simulation Time: 112600.0 s | dt: 100 s

Step: Swell |   Increment: 1127 | Iterations: 3
Simulation Time: 112700.0 s | dt: 100 s

Step: Swell |   Increment: 1128 | Iterations: 3
Simulation Time: 112800.0 s | dt: 100 s

Step: Swell |   Increment: 1129 | Iterations: 3
Simulation Time: 112900.0 s | dt: 100 s

Step: Swell |   Increment: 1130 | Iterations: 3
Simulation Time: 113000.0 s | dt: 100 s

Step: Swell |   Increment: 1131 | Iterations: 3
Simulation Time: 113100.0 s | dt: 100 s

Step: Swell |   Increment: 1132 | Iterations: 3
Simulation Time: 113200.0 s | dt: 100 s

Step: Swell |   Increment: 1133 | Iterations: 3
Simulation Time: 113300.0 s | dt: 100 s

Step: Swell |   Increment: 1134 | Iterations: 3
Simulation Time: 113400.0 s | dt: 100 s

Step: Swell |   Increment: 1135 | Iterations: 3
Simulation Time: 113500.0 s | dt: 100 s

Step: Swell |   Increment: 1136 | Iterations: 3
Simulation Time: 113600.0 s | dt: 100 s

Step: Swell |   Increment: 1137 | Iterations: 3
Simulation Time: 113700.0 s | dt: 100 s

Step: Swell |   Increment: 1138 | Iterations: 3
Simulation Time: 113800.0 s | dt: 100 s

Step: Swell |   Increment: 1139 | Iterations: 3
Simulation Time: 113900.0 s | dt: 100 s

Step: Swell |   Increment: 1140 | Iterations: 3
Simulation Time: 114000.0 s | dt: 100 s

Step: Swell |   Increment: 1141 | Iterations: 3
Simulation Time: 114100.0 s | dt: 100 s

Step: Swell |   Increment: 1142 | Iterations: 3
Simulation Time: 114200.0 s | dt: 100 s

Step: Swell |   Increment: 1143 | Iterations: 3
Simulation Time: 114300.0 s | dt: 100 s

Step: Swell |   Increment: 1144 | Iterations: 3
Simulation Time: 114400.0 s | dt: 100 s

Step: Swell |   Increment: 1145 | Iterations: 3
Simulation Time: 114500.0 s | dt: 100 s

Step: Swell |   Increment: 1146 | Iterations: 3
Simulation Time: 114600.0 s | dt: 100 s

Step: Swell |   Increment: 1147 | Iterations: 3
Simulation Time: 114700.0 s | dt: 100 s

Step: Swell |   Increment: 1148 | Iterations: 3
Simulation Time: 114800.0 s | dt: 100 s

Step: Swell |   Increment: 1149 | Iterations: 3
Simulation Time: 114900.0 s | dt: 100 s

Step: Swell |   Increment: 1150 | Iterations: 3
Simulation Time: 115000.0 s | dt: 100 s

Step: Swell |   Increment: 1151 | Iterations: 3
Simulation Time: 115100.0 s | dt: 100 s

Step: Swell |   Increment: 1152 | Iterations: 3
Simulation Time: 115200.0 s | dt: 100 s

-----------------------------------------
End computation
------------------------------------------
Elapsed real time:  0:00:21.996289
------------------------------------------
# set plot font to size 16
font = {'size'   : 16}
plt.rc('font', **font)

# Get array of default plot colors
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) + 1


time = timeHist0[0:ind]
phiCenter = timeHist1[0:ind]
phiSurf = timeHist2[0:ind]
ReactForce = timeHist3[0:ind]
ReactStress = ReactForce/(np.pi*R0*R0)
disp = np.abs(timeHist4[0:ind])



fig = plt.figure()
plt.plot( time/3600.0, phiCenter, color=colors[0], linewidth=2.0, label=r'Center')
plt.plot( time/3600.0, phiSurf, color=colors[1], linewidth=2.0, label=r'Surface')
plt.grid(linestyle="--", linewidth=0.5, color='b')
plt.xlim([0,Ttot/3600.0])
plt.ylim([0,1])
plt.legend(loc="upper right")
plt.xlabel('Time (h)')
plt.ylabel('Polymer Volume Fraction')

fig = plt.gcf()
fig.set_size_inches(7,5)
plt.tight_layout()
plt.savefig("results/axi_compression_phi.png", dpi=600)



fig = plt.figure()
plt.plot( time/3600.0, phiCenter, color=colors[0], linewidth=2.0, label=r'Center')
plt.plot( time/3600.0, phiSurf, color=colors[1], linewidth=2.0, label=r'Surface')
plt.grid(linestyle="--", linewidth=0.5, color='b')
plt.xlim([tSwell/3600.0,Ttot/3600.0])
plt.ylim([0.15,0.25])
plt.legend(loc="lower right")
plt.xlabel('Time (h)')
plt.ylabel('Polymer Volume Fraction')

fig = plt.gcf()
fig.set_size_inches(7,5)
plt.tight_layout()
plt.savefig("results/axi_compression_phiZoom.png", dpi=600)



fig = plt.figure()
plt.plot( time/3600.0, ReactStress, color=colors[0], linewidth=2.0)
plt.grid(linestyle="--", linewidth=0.5, color='b')
plt.xlim([0,Ttot/3600.0])
plt.ylim([0,2.5])
plt.xlabel('Time (h)')
plt.ylabel('Reaction Stress (kPa)')

fig = plt.gcf()
fig.set_size_inches(7,5)
plt.tight_layout()
plt.savefig("results/axi_compression_force_time.png", dpi=600)




fig = plt.figure()
plt.plot( disp, ReactStress, color=colors[0], linewidth=2.0)
plt.grid(linestyle="--", linewidth=0.5, color='b')
plt.xlim([0,1.6])
plt.ylim([0,2.5])
plt.xlabel('Displacement (h)')
plt.ylabel('Reaction Stress (kPa)')

fig = plt.gcf()
fig.set_size_inches(7,5)
plt.tight_layout()
plt.savefig("results/axi_compression_force_disp.png", dpi=600)
../_images/e82198264b97f6c239bd0f6d25794cbc56c4b520938f8d9765cbd9b598798d90.png ../_images/1fe4332d90d2587f8334cb4f05ada63cf84265650f3e23e8ffe06cc1d17a853e.png ../_images/3191382f9c4931c229901562bc9d739158c696532c3257d933886b73031bd4ad.png ../_images/35c80620d959d3661cff96cbf00651f33b4b7415c66298113d3c53565ed70c50.png
# np.savetxt('SwellThenCompress.csv', np.vstack((time,phiCenter,phiSurf,ReactForce,ReactStress,disp)).T, delimiter=',')