optimism.test package

Submodules

optimism.test.ConvexityPlot module

optimism.test.ConvexityPlot.f(x)[source]

optimism.test.MeshFixture module

class optimism.test.MeshFixture.MeshFixture(methodName='runTest')[source]

Bases: TestFixture

_classSetupFailed = False
_class_cleanups = []
create_arch_mesh_disp_and_edges(N, M, w, R, bcSetFraction=0.3333333333333333, setNamePostFix='')[source]
create_cos_mesh_disp_and_edges(N, M, w, L, warp)[source]
create_mesh_and_disp(Nx, Ny, xRange, yRange, initial_disp_func, setNamePostFix='')[source]
optimism.test.MeshFixture.compute_residual_norm(grad_func, dofValues)[source]
optimism.test.MeshFixture.map_to_arch(x, R)[source]
optimism.test.MeshFixture.map_to_cos(x, L, warp)[source]

optimism.test.TestFixture module

class optimism.test.TestFixture.TestFixture(methodName='runTest')[source]

Bases: TestCase

_classSetupFailed = False
_class_cleanups = []
assertArrayEqual(a, b)[source]
assertArrayNear(a, b, decimals)[source]
assertArrayNotEqual(a, b)[source]
assertNear(a, b, decimals)[source]

optimism.test.test_AxisymmPatchTest module

class optimism.test.test_AxisymmPatchTest.AxisymmPatchTest(methodName='runTest')[source]

Bases: MeshFixture

_classSetupFailed = False
_class_cleanups = []
setUp()[source]

Hook method for setting up the test fixture before exercising it.

test_axisymmetric_gradient()[source]
test_dirichlet_patch_test()[source]

optimism.test.test_DofManager module

class optimism.test.test_DofManager.DofManagerTest(methodName='runTest')[source]

Bases: MeshFixture

_classSetupFailed = False
_class_cleanups = []
setUp()[source]

Hook method for setting up the test fixture before exercising it.

test_get_bc_size()[source]
test_get_unknown_size()[source]
test_slice_unknowns_with_dof_indices()[source]

optimism.test.test_EquationSolver module

class optimism.test.test_EquationSolver.EquationSolverFixture(methodName='runTest')[source]

Bases: TestFixture

_classSetupFailed = False
_class_cleanups = []
setUp()[source]

Hook method for setting up the test fixture before exercising it.

test_trust_region_equation_solver()[source]
test_trust_region_incremental_optimizer()[source]
test_trust_region_optimizer()[source]
test_trust_region_optimizer_with_preconditioned_inner_products()[source]
optimism.test.test_EquationSolver.energy(x, params)[source]

optimism.test.test_FunctionSpace module

class optimism.test.test_FunctionSpace.ParameterizationTestSuite(methodName='runTest')[source]

Bases: MeshFixture

_classSetupFailed = False
_class_cleanups = []
setUp() None[source]

Hook method for setting up the test fixture before exercising it.

test_integrate_with_parameter()[source]
class optimism.test.test_FunctionSpace.TestFunctionSpaceFixture(methodName='runTest')[source]

Bases: TestFixture

_classSetupFailed = False
_class_cleanups = []
setUp()[source]

Hook method for setting up the test fixture before exercising it.

test_mass_matrix_exactly_integrated()[source]
test_mass_matrix_inexactly_integrated_with_low_order_quadrature()[source]
class optimism.test.test_FunctionSpace.TestFunctionSpaceMultiQuadPointFixture(methodName='runTest')[source]

Bases: MeshFixture

_classSetupFailed = False
_class_cleanups = []
setUp()[source]

Hook method for setting up the test fixture before exercising it.

test_element_volume_multi_point_quadrature()[source]
test_integrate_constant_field_multi_point_quadrature()[source]
test_integrate_linear_field_multi_point_quadrature()[source]
test_integrate_over_half_block()[source]
test_integrate_over_half_block_indices()[source]
test_jit_and_jacrev_on_integration()[source]
test_jit_on_integration()[source]
test_linear_reproducing_multi_point_quadrature()[source]
class optimism.test.test_FunctionSpace.TestFunctionSpaceSingleQuadPointFixture(methodName='runTest')[source]

Bases: MeshFixture

_classSetupFailed = False
_class_cleanups = []
setUp()[source]

Hook method for setting up the test fixture before exercising it.

test_element_volume_single_point_quadrature()[source]
test_integrate_constant_field_single_point_quadrature()[source]
test_integrate_linear_field_single_point_quadrature()[source]
test_linear_reproducing_single_point_quadrature()[source]

optimism.test.test_Interpolants module

class optimism.test.test_Interpolants.TestBubbleInterpolants(methodName='runTest')[source]

Bases: TestFixture

_classSetupFailed = False
_class_cleanups = []
no_test_plot_shape_functions()[source]
setUp()[source]

Hook method for setting up the test fixture before exercising it.

test_bubble_grad_interpolation()[source]
test_bubble_interpolation()[source]
class optimism.test.test_Interpolants.TestInterpolants(methodName='runTest')[source]

Bases: TestFixture

_classSetupFailed = False
_class_cleanups = []
no_test_plot_high_order_nodes()[source]
setUp()[source]

Hook method for setting up the test fixture before exercising it.

test_1D_element_element_topological_nodesets()[source]
test_1D_interpolant_points_in_element()[source]
test_grad_interpolation()[source]
test_interpolation()[source]
test_shape_kronecker_delta_property()[source]
test_tri_element_element_topological_nodesets()[source]
test_tri_face_nodes_match_1D_lobatto_nodes()[source]
test_tri_interpolant_points_in_element()[source]
test_tri_shapeGrads_partition_of_unity()[source]
test_tri_shape_partition_of_unity()[source]
optimism.test.test_Interpolants.generate_random_points_in_triangle(npts)[source]

optimism.test.test_JaxConfig module

class optimism.test.test_JaxConfig.TestJaxConfiguration(methodName='runTest')[source]

Bases: TestFixture

_classSetupFailed = False
_class_cleanups = []
test_debug_infs_is_off()[source]
test_debug_nans_is_off()[source]
test_double_precision_mode_is_on()[source]
test_jit_is_enabled()[source]

optimism.test.test_LinAlg module

class optimism.test.test_LinAlg.TestLinAlg(methodName='runTest')[source]

Bases: TestFixture

_classSetupFailed = False
_class_cleanups = []
setUp()[source]

Hook method for setting up the test fixture before exercising it.

test_logm_iss_derivatives_on_double_degenerate_eigenvalues()[source]
test_logm_iss_derivatives_on_triple_degenerate_eigenvalues()[source]
test_logm_iss_fwd_mode_derivative()[source]
test_logm_iss_hessian_on_double_degenerate_eigenvalues()[source]
test_logm_iss_jit()[source]
test_logm_iss_on_10x10()[source]
test_logm_iss_on_double_degenerate_eigenvalues()[source]
test_logm_iss_on_full_3x3s()[source]
test_logm_iss_on_matrix_near_identity()[source]
test_logm_iss_on_triple_degenerate_eigvalues()[source]
test_logm_iss_rev_mode_derivative()[source]
test_sqrtm()[source]
test_sqrtm_derivatives_on_10x10()[source]
test_sqrtm_fwd_mode_derivative()[source]
test_sqrtm_jit()[source]
test_sqrtm_on_10x10()[source]
test_sqrtm_on_degenerate_eigenvalues()[source]
test_sqrtm_rev_mode_derivative()[source]
optimism.test.test_LinAlg.generate_n_random_symmetric_matrices(n, minval=0.0, maxval=1.0)[source]

optimism.test.test_Math module

class optimism.test.test_Math.TestMathInnerProduct(methodName='runTest')[source]

Bases: TestFixture

_classSetupFailed = False
_class_cleanups = []
setUp()[source]

Hook method for setting up the test fixture before exercising it.

test_dot2_on_ill_conditioned_inner_product()[source]
test_grad_on_dot2_works()[source]
test_jit_dot2_on_ill_conditioned_inner_product()[source]
test_numpy_dot_fails_badly_on_ill_conditioned_inner_product()[source]
class optimism.test.test_Math.TestMathSum(methodName='runTest')[source]

Bases: TestFixture

_classSetupFailed = False
_class_cleanups = []
setUp()[source]

Hook method for setting up the test fixture before exercising it.

test_grad_on_sum2_works()[source]
test_numpy_sum_fails_badly_on_ill_conditioned_sum()[source]
test_sum2_jitted_on_ill_conditioned_sum()[source]
test_sum2_on_ill_conditioned_sum()[source]

optimism.test.test_Mechanics module

class optimism.test.test_Mechanics.MechanicsFunctionsFixture(methodName='runTest')[source]

Bases: MeshFixture

_classSetupFailed = False
_class_cleanups = []
setUp()[source]

Hook method for setting up the test fixture before exercising it.

test_internal_variables_initialization_on_multi_block()[source]
test_internal_variables_update_on_multi_block()[source]

optimism.test.test_Mesh module

class optimism.test.test_Mesh.TestSingleMeshFixture(methodName='runTest')[source]

Bases: MeshFixture

_classSetupFailed = False
_class_cleanups = []
setUp()[source]

Hook method for setting up the test fixture before exercising it.

test_conversion_to_quadratic_mesh_is_valid()[source]
test_create_nodesets_from_sidesets()[source]
test_edge_connectivities()[source]
test_edge_to_neighbor_cells_data()[source]
optimism.test.test_Mesh.triangle_inradius(tcoords)[source]

optimism.test.test_MinimizeScalar module

class optimism.test.test_MinimizeScalar.TestMinimizeScalarFixture(methodName='runTest')[source]

Bases: TestFixture

_classSetupFailed = False
_class_cleanups = []
notest_grad()[source]
notest_jit()[source]
notest_stiff_problem()[source]
setUp()[source]

Hook method for setting up the test fixture before exercising it.

test_does_not_converge_to_saddle_point()[source]
test_solves_quadratic_problem_in_one_iteration()[source]
optimism.test.test_MinimizeScalar.df(x)

Jacobian of f with respect to positional argument(s) 0. Takes the same arguments as f but returns the jacobian of the output with respect to the arguments at positions 0.

optimism.test.test_MinimizeScalar.f(x)[source]

optimism.test.test_Newmark module

class optimism.test.test_Newmark.DynamicPatchTest(methodName='runTest')[source]

Bases: MeshFixture

_classSetupFailed = False
_class_cleanups = []
setUp()[source]

Hook method for setting up the test fixture before exercising it.

test_patch_test()[source]
test_traction_patch_test()[source]
class optimism.test.test_Newmark.DynamicsFixture(methodName='runTest')[source]

Bases: MeshFixture

_classSetupFailed = False
_class_cleanups = []
constant_body_force_potential(Uu, p)[source]
create_field(Uu, p)[source]
get_ubcs()[source]
setUp()[source]

Hook method for setting up the test fixture before exercising it.

set_initial_conditions()[source]
test_compute_kinetic_energy()[source]
test_hessian_matrix_is_symmetric()[source]
test_integration_of_constant_acceleration_is_exact()[source]
test_integration_of_rigid_motion_is_exact()[source]
test_potential()[source]
time_step(Uu, Vu, Au, objective, dt)[source]

optimism.test.test_Objective module

class optimism.test.test_Objective.TestObjective(methodName='runTest')[source]

Bases: TestFixture

_classSetupFailed = False
_class_cleanups = []
test_param_change()[source]
test_param_change_first_out_of_two()[source]
test_param_change_four_out_of_four()[source]
test_param_change_second_out_of_three()[source]
test_param_change_third_out_of_four()[source]

optimism.test.test_PatchTest module

class optimism.test.test_PatchTest.LinearPatchTestLinearElements(methodName='runTest')[source]

Bases: MeshFixture

_classSetupFailed = False
_class_cleanups = []
setUp()[source]

Hook method for setting up the test fixture before exercising it.

test_dirichlet_patch_test()[source]
test_neumann_patch_test()[source]
class optimism.test.test_PatchTest.LinearPatchTestQuadraticElements(methodName='runTest')[source]

Bases: MeshFixture

_classSetupFailed = False
_class_cleanups = []
setUp()[source]

Hook method for setting up the test fixture before exercising it.

test_dirichlet_patch_test_with_quadratic_elements()[source]
test_dirichlet_patch_test_with_quadratic_elements_and_constant_jac_projection()[source]
class optimism.test.test_PatchTest.QuadraticPatchTestQuadraticElements(methodName='runTest')[source]

Bases: MeshFixture

_classSetupFailed = False
_class_cleanups = []
setUp()[source]

Hook method for setting up the test fixture before exercising it.

test_dirichlet_patch_test_with_quadratic_elements()[source]

optimism.test.test_PatchTestPou module

class optimism.test.test_PatchTestPou.PatchTestQuadraticElements(methodName='runTest')[source]

Bases: MeshFixture

_classSetupFailed = False
_class_cleanups = []
create_polys()[source]
setUp()[source]

Hook method for setting up the test fixture before exercising it.

test_dirichlet_patch_test_with_quadratic_elements()[source]
write_output(Uu, Ubc, step)[source]
optimism.test.test_PatchTestPou.construct_basis_on_poly(elems, conns, fs: FunctionSpace)[source]
optimism.test.test_PatchTestPou.create_graph(conns)[source]
optimism.test.test_PatchTestPou.create_partitions(conns)[source]
optimism.test.test_PatchTestPou.insort(a, b, kind='mergesort')[source]

optimism.test.test_QuadratureRule module

class optimism.test.test_QuadratureRule.TestQuadratureRules(methodName='runTest')[source]

Bases: TestFixture

_classSetupFailed = False
_class_cleanups = []
endpoints = (0.0, 1.0)
max_degree_1D = 25
max_degree_2D = 10
test_1D_quadrature_exactness()[source]
test_1D_quadrature_points_in_domain()[source]
test_1D_quadrature_weight_positivity()[source]
test_triangle_quadrature_exactness()[source]
test_triangle_quadrature_points_in_domain()[source]
test_triangle_quadrature_weight_positivity()[source]
optimism.test.test_QuadratureRule.are_inside_unit_interval(points)[source]
optimism.test.test_QuadratureRule.are_positive_weights(QuadratureRuleFactory, degree)[source]
optimism.test.test_QuadratureRule.integrate_2D_monomial_on_triangle(n, m)[source]
optimism.test.test_QuadratureRule.integrate_monomial_on_line(n)[source]
optimism.test.test_QuadratureRule.is_inside_triangle(point)[source]
optimism.test.test_QuadratureRule.map_1d_jac(endpoints)[source]
optimism.test.test_QuadratureRule.map_affine_1D(xi, endpoints)[source]

optimism.test.test_ReadExodusMesh module

class optimism.test.test_ReadExodusMesh.TestMeshReadData(methodName='runTest')[source]

Bases: TestFixture

_classSetupFailed = False
_class_cleanups = []
setUp()[source]

Hook method for setting up the test fixture before exercising it.

test_all_sets_named()[source]
test_entity_counts()[source]
test_node_set_sizes()[source]
test_side_set_sizes()[source]
class optimism.test.test_ReadExodusMesh.TestMeshReadPatchTest(methodName='runTest')[source]

Bases: TestFixture

_classSetupFailed = False
_class_cleanups = []
setUp()[source]

Hook method for setting up the test fixture before exercising it.

test_dirichlet_patch_test()[source]
class optimism.test.test_ReadExodusMesh.TestMeshReadPropertiesTest(methodName='runTest')[source]

Bases: TestFixture

_classSetupFailed = False
_class_cleanups = []
setUp()[source]

Hook method for setting up the test fixture before exercising it.

test_bad_property_names()[source]
test_property_mins_and_maxs()[source]

optimism.test.test_ReadMesh module

class optimism.test.test_ReadMesh.TestMeshReadData(methodName='runTest')[source]

Bases: TestFixture

_classSetupFailed = False
_class_cleanups = []
setUp()[source]

Hook method for setting up the test fixture before exercising it.

test_all_sets_named()[source]
test_entity_counts()[source]
class optimism.test.test_ReadMesh.TestMeshReadPatchTest(methodName='runTest')[source]

Bases: TestFixture

_classSetupFailed = False
_class_cleanups = []
setUp()[source]

Hook method for setting up the test fixture before exercising it.

test_dirichlet_patch_test()[source]
test_neumann_patch_test()[source]
optimism.test.test_ReadMesh.compute_traction_potential_energy(mesh, U, quadRule, edges, load)[source]
optimism.test.test_ReadMesh.compute_traction_potential_energy_on_edge(mesh, U, quadRule, edge, load)[source]
optimism.test.test_ReadMesh.interpolate_nodal_field_on_edge(mesh, U, quadRule, edge)[source]

optimism.test.test_ScalarRootFinder module

class optimism.test.test_ScalarRootFinder.ScalarRootFindTestFixture(methodName='runTest')[source]

Bases: TestFixture

_classSetupFailed = False
_class_cleanups = []
setUp()[source]

Hook method for setting up the test fixture before exercising it.

test_find_root()[source]
test_find_root_converges_on_hard_function()[source]
test_find_root_with_forced_bisection_step()[source]
test_find_root_with_jit()[source]
test_root_find_is_differentiable()[source]
test_root_find_with_vmap_and_jit()[source]
test_solves_when_left_bracket_is_solution()[source]
test_solves_when_right_bracket_is_solution()[source]
test_unbracketed_root_gives_nan()[source]
optimism.test.test_ScalarRootFinder.f(x)[source]

optimism.test.test_SmoothFunctions module

class optimism.test.test_SmoothFunctions.TestSmoothFunctions(methodName='runTest')[source]

Bases: TestFixture

_classSetupFailed = False
_class_cleanups = []
test_inf_grad_min()[source]
test_inf_min()[source]
test_min()[source]

optimism.test.test_SparseMatrix module

class optimism.test.test_SparseMatrix.SparsePatchFixture(methodName='runTest')[source]

Bases: MeshFixture

_classSetupFailed = False
_class_cleanups = []
setUp()[source]

Hook method for setting up the test fixture before exercising it.

test_sparse_matrix_patch_test_dirichlet_BC()[source]
test_sparse_matrix_patch_test_noBC()[source]
test_sparse_matrix_patch_test_traction_BC()[source]

optimism.test.test_SparsePreconditioner module

class optimism.test.test_SparsePreconditioner.SparseCholeskyFixture(methodName='runTest')[source]

Bases: TestFixture

_classSetupFailed = False
_class_cleanups = []
precond_update_func(matrixScale)[source]
setUp()[source]

Hook method for setting up the test fixture before exercising it.

test_diagonal_backup_preconditioner()[source]
test_indefinite_fixed_by_shift()[source]
test_multiply_by_transpose()[source]
test_sparse_solve()[source]
test_sparse_solve_and_update()[source]

optimism.test.test_Surface module

class optimism.test.test_Surface.TestSingleMeshFixture(methodName='runTest')[source]

Bases: MeshFixture

_classSetupFailed = False
_class_cleanups = []
disable_test_edge_conn()[source]
setUp()[source]

Hook method for setting up the test fixture before exercising it.

test_integrate_function_on_surface_that_uses_coords_and_normal()[source]
test_integrate_perimeter()[source]
test_integrate_quadratic_fn_on_surface()[source]

optimism.test.test_TensorMath module

class optimism.test.test_TensorMath.TensorMathFixture(methodName='runTest')[source]

Bases: TestFixture

_classSetupFailed = False
_class_cleanups = []
setUp()[source]

Hook method for setting up the test fixture before exercising it.

test_determinant()[source]
test_determinant_precision()[source]
test_detpIm1()[source]
test_eigen_sym33_non_unit()[source]
test_eigen_sym33_non_unit_degenerate_case()[source]
test_exp_symm_at_identity()[source]
test_exp_symm_double_eigs()[source]
test_exp_symm_gradient_distinct_eigenvalues()[source]
test_exp_symm_gradient_double_eigs()[source]
test_exp_symm_gradient_scaled_identity()[source]
test_exp_symm_scaled_identity()[source]
test_log_symm_double_eigs()[source]
test_log_symm_gradient_almost_double_degenerate()[source]
test_log_symm_gradient_distinct_eigenvalues()[source]
test_log_symm_gradient_double_eigs()[source]
test_log_symm_gradient_scaled_identity()[source]
test_log_symm_scaled_identity()[source]
test_pow_symm_double_eigs()[source]
test_pow_symm_gradient_almost_double_degenerate()[source]
test_pow_symm_gradient_distinct_eigenvalues()[source]
test_pow_symm_gradient_double_eigs()[source]
test_pow_symm_gradient_scaled_identity()[source]
test_pow_symm_scaled_identity()[source]
test_right_polar_decomp()[source]
test_sqrt_symm()[source]
test_sqrt_symm_double_eigs()[source]
test_sqrt_symm_gradient_almost_double_degenerate()[source]
test_sqrt_symm_gradient_distinct_eigenvalues()[source]
test_sqrt_symm_gradient_double_eigs()[source]
test_sqrt_symm_gradient_scaled_identity()[source]
test_sqrt_symm_scaled_identity()[source]
optimism.test.test_TensorMath.numerical_grad(f)[source]

optimism.test.test_Traction module

class optimism.test.test_Traction.TractionPatch(methodName='runTest')[source]

Bases: MeshFixture

_classSetupFailed = False
_class_cleanups = []
setUp()[source]

Hook method for setting up the test fixture before exercising it.

test_neumann_patch_test_with_quadratic_elements()[source]

optimism.test.test_TrustRegionSPG module

class optimism.test.test_TrustRegionSPG.TRSPGCauchyPointFixture(methodName='runTest')[source]

Bases: TestFixture

_classSetupFailed = False
_class_cleanups = []
no_test_trust_region_equation_solver()[source]
setUp()[source]

Hook method for setting up the test fixture before exercising it.

test_cauchy_point_obeys_constraints()[source]
test_cauchy_point_stays_inside_trust_region()[source]
test_cauchy_point_with_active_constraints_achieves_sufficient_decrease()[source]
test_forward_track_search_of_cp_step_length_achieves_sufficient_decrease()[source]
test_projection()[source]
test_unconstrained_cauchy_point_achieves_sufficient_decrease()[source]
class optimism.test.test_TrustRegionSPG.TestProjectionOnBoundary(methodName='runTest')[source]

Bases: TestFixture

_classSetupFailed = False
_class_cleanups = []
setUp()[source]

Hook method for setting up the test fixture before exercising it.

test_project_onto_tr_function_when_vector_is_inside_tr()[source]
test_project_onto_tr_function_when_vector_is_outside_tr()[source]
class optimism.test.test_TrustRegionSPG.TestSubproblemSolveFixture(methodName='runTest')[source]

Bases: TestFixture

_classSetupFailed = False
_class_cleanups = []
setUp()[source]

Hook method for setting up the test fixture before exercising it.

test_subproblem_solve_inside_tr()[source]
test_subproblem_solve_on_tr_boundary()[source]
class optimism.test.test_TrustRegionSPG.TestTrustRegionSPGFixture(methodName='runTest')[source]

Bases: TestFixture

_classSetupFailed = False
_class_cleanups = []
no_test_cgunbound()[source]
setUp()[source]

Hook method for setting up the test fixture before exercising it.

test_trust_region_spg_on_unbounded_problem()[source]
class optimism.test.test_TrustRegionSPG.TestTrustRegionSPGRosenbrock(methodName='runTest')[source]

Bases: TestFixture

_classSetupFailed = False
_class_cleanups = []
no_test_hessian()[source]
no_test_steihaug_on_rosenbrock()[source]
setUp()[source]

Hook method for setting up the test fixture before exercising it.

test_spg_on_rosenbrock()[source]
optimism.test.test_TrustRegionSPG.energy(x, params)[source]
optimism.test.test_TrustRegionSPG.quadratic(x, p)[source]
optimism.test.test_TrustRegionSPG.rosenbrock(x, p)[source]

optimism.test.test_VTKWriter module

class optimism.test.test_VTKWriter.TestVTKWriter(methodName='runTest')[source]

Bases: MeshFixture

_classSetupFailed = False
_class_cleanups = []
baseFileName = 'output'
setUp()[source]

Hook method for setting up the test fixture before exercising it.

tearDown()[source]

Hook method for deconstructing the test fixture after testing it.

test_vtk_no_warning_for_inconsistent_sizes()[source]
test_vtk_write()[source]
class optimism.test.test_VTKWriter.TestVTKWriterHigherOrder(methodName='runTest')[source]

Bases: MeshFixture

_classSetupFailed = False
_class_cleanups = []
baseFileName = 'output'
make_high_order_writer_with_fields(mesh)[source]
setUp()[source]

Hook method for setting up the test fixture before exercising it.

tearDown()[source]

Hook method for deconstructing the test fixture after testing it.

test_vtk_writer_no_inconsistent_sizes_with_cubic_elements()[source]
test_vtk_writer_no_inconsistent_sizes_with_quadratic_elements()[source]
test_vtk_writer_on_cubic_elements()[source]
test_vtk_writer_on_quadratic_elements()[source]

optimism.test.test_VolumeAverageJ module

class optimism.test.test_VolumeAverageJ.TestVolumeAverage(methodName='runTest')[source]

Bases: MeshFixture

_classSetupFailed = False
_class_cleanups = []
setUp()[source]

Hook method for setting up the test fixture before exercising it.

test_constant_J_projection_exact_for_constant_J_field()[source]
test_constant_J_projection_inexact_for_linear_J_field()[source]
test_linear_J_projection_exact_for_constant_J_field()[source]
test_linear_J_projection_exact_for_linear_J_field()[source]
test_linear_J_projection_inexact_for_quadratic_J_field()[source]

Module contents