►Nfmempool | Plain Fortran implementation of a memory pool |
Cmp_acquire | |
Cmp_release | |
Cmemslice | |
Cmempool | |
►Nsll_m_accumulators | Particle deposition routines |
Csll_t_charge_accumulator_cell_2d | |
Csll_t_charge_accumulator_2d | |
Csll_t_charge_accumulator_2d_ptr | |
Ccharge_accumulator_cell_2d_cs | |
Csll_t_charge_accumulator_2d_cs | |
Csll_t_charge_accumulator_2d_cs_ptr | |
Csll_t_field_accumulator_cell | |
Csll_t_electric_field_accumulator | |
Csll_t_field_accumulator_cs | |
Csll_t_electric_field_accumulator_cs | |
Csll_o_delete | |
Coperator(+) | |
►Nsll_m_advection_1d_ampere | Spectral 1d advection |
Csll_t_advector_1d_ampere | |
Csll_t_advector_1d_ampere_ptr | |
►Nsll_m_advection_1d_base | Abstract class for advection |
Csll_c_advector_1d | |
Csll_t_advection_1d_base_ptr | |
►Nsll_m_advection_1d_bsl | Backward semi-lagrangian 1d advection |
Csll_t_advector_1d_bsl | |
►Nsll_m_advection_1d_csl | Conservative semi-lagrangian 1d advection |
Ccsl_1d_advector | |
►Nsll_m_advection_1d_csl_periodic | Conservative semi-lagrangian 1d advection using periodic interpolation |
Ccsl_periodic_1d_advector | |
►Nsll_m_advection_1d_non_uniform_cubic_splines | |
Csll_t_advector_1d_non_uniform_cubic_splines | |
►Nsll_m_advection_1d_periodic | |
Csll_t_advector_1d_periodic | |
►Nsll_m_advection_1d_psm | Parabolic Spline Method |
Cpsm_1d_advector | |
►Nsll_m_advection_1d_spectral | Spectral 1d advection |
Csll_t_advector_1d_spectral | |
►Nsll_m_advection_2d_base | |
Csll_c_advector_2d | |
Cadvect_2d_executor | |
►Nsll_m_advection_2d_bsl | |
Csll_t_advector_2d_bsl | |
►Nsll_m_advection_2d_csl | |
Csll_t_csl_2d_advector | |
►Nsll_m_advection_2d_integer_oblic | Use integer oblic interpolation |
Csll_t_integer_oblic_2d_advector | |
►Nsll_m_advection_2d_oblic | Use oblic interpolation |
Csll_t_oblic_2d_advector | |
►Nsll_m_advection_2d_tensor_product | Use of CSL1D in 2D |
Csll_t_advector_2d_tensor_product | |
►Nsll_m_advection_2d_tri_mesh | Advection on triangular mesh |
Csll_t_advection_tri_mesh | 2d advection on triangular mesh |
►Nsll_m_advection_6d_lagrange_dd_slim | Module implementing Lagrange advection for the setting of a domain decomposition in 6d with extra buffers for the halo cells |
Csll_t_advection_6d_lagrange_dd_slim | |
►Nsll_m_advection_6d_spline_dd_slim | Module implementing spline advection for the setting of a domain decomposition in 6d with extra buffers for the halo cells. The spline calculations are localized by an algorithm from signal processing |
Csll_t_advection_6d_spline_dd_slim | |
►Nsll_m_ascii_io | Module that contains routines to write data in ASCII format file |
Csll_o_ascii_write_array | Write nD array in ascii file |
►Nsll_m_binary_io | Implements the functions to write binary file to store heavy data |
Csll_o_binary_write_array | Write a nD array in a binary file |
►Nsll_m_binomial_filter | Binomial filter for smooting of fields |
Csll_t_binomial_filter | |
►Nsll_m_box_splines | Provides capabilities for values and derivatives interpolation with box splines on hexagonal meshes |
Csll_t_box_spline_2d | Basic type for 2 dimensional box splines |
Csll_o_delete | Generic sub-routine defined for 2D box spline types. Deallocates the memory associated with the given box spline object |
►Nsll_m_bsplines_base | Abstract class for B-splines of arbitrary degree |
Csll_c_bsplines | Abstract type, B-splines |
Ci_sub_free | Find which grid cell contains the given point |
►Nsll_m_bsplines_non_uniform | Derived type for non-uniform B-splines of arbitrary degree |
Csll_t_bsplines_non_uniform | Abstract type, B-splines |
►Nsll_m_bsplines_uniform | Derived type for uniform B-splines of arbitrary degree |
Csll_t_bsplines_uniform | Abstract type, B-splines |
►Nsll_m_cartesian_meshes | Cartesian mesh basic types |
Csll_t_cartesian_mesh_1d | 1D cartesian mesh |
Csll_t_cartesian_mesh_2d | 2D cartesian mesh |
Csll_t_cartesian_mesh_2d_ptr | 2d cartesian mesh pointer |
Csll_t_cartesian_mesh_3d | 3D cartesian mesh |
Csll_t_cartesian_mesh_4d | 4D cartesian mesh |
Csll_t_cartesian_mesh_6d | 6D cartesian mesh |
Csll_o_delete | Deallocates memory for the cartesian mesh |
Coperator(*) | Tensor product |
Csll_o_display | Print mesh parameters |
Csll_o_get_node_positions | Get node positions array |
Csll_o_new | Allocates the memory space for a new cartesian mesh on the heap, initializes it with the given arguments and returns a pointer to the object |
Csll_o_cell | |
Csll_o_cell_margin | |
Csll_o_mesh_area | |
►Nsll_m_characteristics_1d_base | Abstract class for characteristic derived type |
Csll_c_characteristics_1d_base | |
Csignature_compute_characteristics_1d | |
Csll_i_signature_process_outside_point_1d | |
►Nsll_m_characteristics_1d_explicit_euler | Computes the characteristic with explicit euler scheme |
Csll_t_charac_1d_explicit_euler | |
►Nsll_m_characteristics_1d_explicit_euler_conservative | Computes the characteristic with explicit euler conservative scheme |
Cexplicit_euler_conservative_1d_charac_computer | |
►Nsll_m_characteristics_1d_trapezoid | Computes the characteristic with trapezoidal rule |
Csll_t_trapezoid_1d_charac | |
►Nsll_m_characteristics_1d_trapezoid_conservative | Conservative version of trapezoid |
Csll_t_trapezoid_conservative_1d_charac | |
►Nsll_m_characteristics_2d_base | Abstract class to compute the characteristic in two dimensions |
Csll_c_characteristics_2d_base | |
Csignature_compute_characteristics_2d | |
Csll_i_signature_process_outside_point | |
►Nsll_m_characteristics_2d_explicit_euler | Computes the characteristic with explicit euler scheme |
Csll_t_charac_2d_explicit_euler | |
►Nsll_m_characteristics_2d_explicit_euler_conservative | Computes the characteristic with explicit euler conservative scheme |
Cexplicit_euler_conservative_2d_charac_computer | |
►Nsll_m_characteristics_2d_verlet | Computes the characteristic with verlet method |
Csll_t_charac_2d_verlet | |
►Nsll_m_collective | Parallelizing facility |
Csll_t_collective_t | Wrapper around the communicator |
Csll_o_collective_bcast | Broadcasts a message from the process with rank "root" to all other processes of the communicator |
Csll_o_collective_gather | Gathers together values from a group of processes |
Csll_o_collective_allgather | Gathers data from all tasks and distribute the combined data to all tasks |
Csll_o_collective_allgatherv | Gathers data from all tasks and deliver the combined data to all tasks |
Csll_collective_gatherv | Gathers into specified locations from all processes in a group |
Csll_o_collective_scatter | Sends data from one process to all other processes in a communicator |
Csll_collective_scatterv | Scatters a buffer in parts to all processes in a communicator |
Csll_o_collective_allreduce | Combines values from all processes and distributes the result back to all processes |
Csll_o_collective_reduce | Reduces values on all processes to a single value |
Csll_o_collective_alltoall | Sends data from all to all processes |
Csll_o_collective_alltoallv | Sends data from all to all processes; each process may send a different amount of data and provide displacements for the input and output data |
Csll_o_collective_globalsum | Performs a global sum and writes the result in the optional given node |
►Nsll_m_common_array_initializers | |
Csll_i_scalar_initializer_1d | |
Csll_i_scalar_initializer_2d | |
Csll_i_scalar_initializer_4d | |
►Nsll_m_compression | Module providing an F90 interface to the ZFP compression library: http://computation.llnl.gov/projects/floating-point-compression In addition it provides simple threaded (de)compression routines. Important: This module uses C-like 0-based indexing! |
Csll_t_compressed_buffer | Data structure to support threaded ZFP compression and decompression |
►Nsll_m_conjugate_gradient | |
Csll_t_conjugate_gradient | |
►Nsll_m_const_coef_advection_2d | Implements split operators for constant coefficient advection |
Csll_t_const_coef_advection_2d | Simple operator splitting type for 2D constant coefficient advection Extends operator splitting |
►Nsll_m_control_variate | Control variate |
Csll_t_control_variate | Control variate object |
Csll_t_control_variates | |
Csll_i_control_variate | 1d real function, abstract interface for function defining the control variate |
►Nsll_m_coordinate_transformation_2d_base | Abstract class for coordinate transformations |
Csll_c_coordinate_transformation_2d_base | Abstract class for coordinate transformation |
►Nsll_m_coordinate_transformations_2d | Analytic coordinate transformation |
Cj_matrix_f_nopass | |
Cjacobian_matrix_element | Functions array |
Csll_t_coordinate_transformation_2d_analytic | Analytic transformation |
Csll_t_coordinate_transformation_2d_discrete | |
Csll_o_delete | Deallocate |
►Nsll_m_cubic_non_uniform_splines | Provides capabilities for data interpolation with cubic B-splines on non-uniform meshes |
Csll_t_cubic_nonunif_spline_1d | Spline object |
Csll_o_delete | |
►Nsll_m_cubic_spline_interpolator_1d | Interpolator 1d using cubic splines on regular mesh |
Csll_t_cubic_spline_interpolator_1d | Cubic spline interpolator 1d regular grid |
Csll_cubic_spline_interpolator_1d_ptr | Pointer to cubic spline interpolator implementation 1D |
Csll_o_delete | Deallocate the interpolator object |
►Nsll_m_cubic_spline_interpolator_1d_nonuniform | Implements sll_c_interpolator_1d with cubic splines on non uniform mesh |
Csll_t_cubic_spline_interpolator_1d_nonuniform | Sll_interpolator_1d implemented with cubic splines on non uniform mesh |
Csll_o_delete | Deallocate the interpolator object |
►Nsll_m_cubic_spline_interpolator_2d | Class for the cubic spline sll_c_interpolator_2d |
Csll_t_cubic_spline_interpolator_2d | The spline-based interpolator is only a wrapper around the capabilities of the cubic splines |
Csll_cubic_spline_interpolator_2d_ptr | Pointer to this interpolator derived type |
Csll_o_delete | Deallocate the interpolator object |
►Nsll_m_cubic_splines | Provides capabilities for data and derivative interpolation with cubic B-splines and different boundary conditions |
Csll_t_cubic_spline_1d | Basic type for one-dimensional cubic spline data |
Csll_t_cubic_spline_2d | Basic type for one-dimensional cubic spline data |
►Nsll_m_decomposition | Module providing data structures and tools to implement domain decompositions |
Csll_t_cartesian_topology_6d | Information on the 6D cartesian process topology |
Csll_t_cartesian_topology_3d | Information on the 3D cartesian process topology |
Cdecomposition_local_6d | 6D decomposition, index limits local to an MPI process |
Chalo_buffer_6d | |
Chalo_buffer_3d | |
Cdecomposition_slim_local_6d | 6D decomposition, "slim" redesign with dynamic halo cells |
Cdecomposition_slim_local_3d | |
Cdecomposition_local_3d | 3D decomposition, index limits local to an MPI process |
Csll_t_decomposition_6d | 6D decomposition, global array size information and local information |
Csll_t_decomposition_slim_6d | 6D decomposition, slim redesign, global array size information and local information |
Csll_t_decomposition_3d | 3D decomposition, global array size information and local information |
Csll_t_decomposition_slim_3d | 3D slim decomposition |
Csll_o_new_cartesian_topology | |
Csll_o_new_cartesian_domain_decomposition | |
Csll_o_apply_halo_exchange | |
Csll_f_apply_halo_exchange | |
►Nsll_m_decomposition_advanced | Module providing data structures and tools to implement domain decompositions |
Csll_t_decomposition__buffer | |
Csll_t_decomposition__block | |
Csll_t_decomposition__dimension | |
Csll_t_decomposition__local | |
Csll_t_decomposition | |
►Nsll_m_derivative_2d_oblic | |
Csll_t_oblic_2d_derivative | |
►Nsll_m_descriptors | Describes different global flags throughout the library |
Csll_t_vlasovpoisson_sim | |
Coperator(.eq.) | |
Csll_boundary | |
►Nsll_m_dg_fields | Solve Maxwell equations on cartesian domain with Disconituous Galerkine method: |
Csll_t_dg_field_2d | Object to describe field data with DG numerical method |
Coperator(+) | Sum operator DG field 2d |
Coperator(-) | Sub operator DG field 2d |
►Nsll_m_dg_interpolator_1d | Interpolator 1d using dg interpolation |
Csll_t_dg_interpolator_1d | 1d interpolator using dg |
►Nsll_m_distribution_function_initializer_4d | |
Csll_t_init_test_4d_par | |
Csll_t_simple_cartesian_4d_mesh | |
►Nsll_m_distribution_function_initializer_6d | Data types that collect the parameters for various types of initial distributions and define the corresponding functions. This module takes care of the 6d case |
Csll_t_array | Array type |
Csll_c_distribution_params_6d | Abstract parameter type |
Csll_t_landau_sum_parameters_6d | Type to define parameters of Landau damping |
Csll_t_landau_sum_df_parameters_6d | Type to define parameters of Landau damping |
Csll_t_landau_prod_parameters_6d | Type to define parameters of Landau damping |
Csll_t_landau_diag_parameters_6d | Type to define parameters of Landau damping |
Csll_t_twogaussian_parameters_6d | Type to specify parameter for double Gaussian (includes bump-on-tail and TSI) |
Csll_t_itg_parameters_6d | Type for a ITG simulation |
Csll_t_pslab_parameters_6d | Type for a periodic slab |
Csll_t_pslab2_parameters_6d | Type for a periodic slab |
Csll_t_delta_parameters_6d | |
Csignature_init | |
Csignature_eval | |
Csignature_eval_v | |
►Nsll_m_ellipt_2d_cartesian_gradient | |
Csll_t_ellipt_2d_cartesian_gradient | |
►Nsll_m_ellipt_2d_fem_sps_stencil_new_projector | |
Csll_t_ellipt_2d_fem_sps_stencil_new_projector | |
►Nsll_m_ellipt_2d_fem_sps_weak_form | |
Csll_c_ellipt_2d_fem_sps_weak_form | |
Ci_sub_element_rhs | |
►Nsll_m_errors | |
Cc_abort | |
►Nsll_m_extraction_operator_0 | |
Csll_t_extraction_operator_0 | |
►Nsll_m_extraction_operator_11 | |
Csll_t_extraction_operator_11 | |
►Nsll_m_extraction_operator_12 | |
Csll_t_extraction_operator_12 | |
►Nsll_m_extraction_operator_transposed_0 | |
Csll_t_extraction_operator_transposed_0 | |
►Nsll_m_extraction_operator_transposed_11 | |
Csll_t_extraction_operator_transposed_11 | |
►Nsll_m_extraction_operator_transposed_12 | |
Csll_t_extraction_operator_transposed_12 | |
►Nsll_m_fcisl | |
Csll_t_oblic_derivative | |
►Nsll_m_fekete_integration | Fekete quadrature rules for a triangle |
Cfunction_2D | 2d real function |
►Nsll_m_fft | FFT interface for FFTW |
Csll_t_fft | Type for FFT plan in SeLaLib |
►Nsll_m_fft_filter_1d | |
Csll_t_fft_filter_1d | |
►Nsll_m_fft_filter_3d | |
Csll_t_fft_filter_3d | |
►Nsll_m_filter_base_1d | Filter base class |
Csll_c_filter_base_1d | |
Cinitialise | |
Cfilter_from_field_to_field | |
Cfilter_one_field | |
►Nsll_m_filter_base_3d | Filter base class |
Csll_c_filter_base_3d | |
Cinitialise | |
Cfilter_from_field_to_field | |
Cfilter_one_field | |
►Nsll_m_finite_difference_interpolator_1d | Finite differences implementation of sll_c_interpolator_1d |
Csll_finite_difference_interpolator_1d | Finite differences implementation of 1d interpolator |
►Nsll_m_gauss_legendre_integration | Gauss-Legendre integration |
Csll_o_gauss_legendre_integrate_1d | Compute numerical integration with Gauss-Legendre formula |
►Nsll_m_gauss_lobatto_integration | Gauss-Lobatto integration |
Csll_o_gauss_lobatto_integrate_1d | Integrate numerically with Gauss-Lobatto formula |
►Nsll_m_gaussian_2d_initializer | Initializes a Gaussian of the form exp -((x-xc)**2/(2*sigma_x)**2 + (y-yc)**2/(2*sigma_y)**2) |
Cinit_gaussian_2d | |
►Nsll_m_gnuplot | Implements the functions to write data file plotable by GNUplot |
Csll_o_gnuplot_1d | Write file plotable by gnuplot to visualize 2d field |
Csll_o_gnuplot_2d | Write file for gnuplot to display 2d field |
►Nsll_m_gnuplot_parallel | Parallel version of sll_m_gnuplot |
Csll_o_gnuplot_2d_parallel | Create a gnuplot file for a 2d mesh (cartesian or curvilinear) |
►Nsll_m_gyroaverage_2d_base | |
Csll_c_gyroaverage_2d_base | |
Csignature_compute_gyroaverage_2d | Compute Jf = gyroaverage of f with the Larmor radius larmor_rad |
►Nsll_m_gyroaverage_2d_polar | |
Csll_t_plan_gyroaverage_polar | |
►Nsll_m_gyroaverage_2d_polar_computation | |
Cgyroaverage_2d_polar_computation | |
►Nsll_m_gyroaverage_2d_polar_hermite_solver | |
Cgyroaverage_2d_polar_hermite_solver | |
►Nsll_m_gyroaverage_2d_polar_pade_solver | |
Cgyroaverage_2d_polar_pade_solver | |
►Nsll_m_gyroaverage_2d_polar_splines_solver | |
Cgyroaverage_2d_polar_splines_solver | |
►Nsll_m_hamiltonian_splitting_base | Base class for Hamiltonian splittings |
Csll_c_hamiltonian_splitting_base | Type for Hamiltonian splittings |
Csplitting | |
Cempty | |
►Nsll_m_hdf5_io_parallel | Parallel version of sll_hdf5_io |
Csll_t_hdf5_par_handle | Opaque object around HDF5 file id |
Csll_o_hdf5_par_write_array | Collectively write distributed nD array into HDF5 file |
Csll_o_hdf5_par_read_array | Collectively read distributed nD array from HDF5 file |
►Nsll_m_hdf5_io_serial | Implements the functions to write hdf5 file to store heavy data |
Csll_t_hdf5_ser_handle | Opaque object around HDF5 file id |
Csll_o_hdf5_ser_write_array | Write nD array of double precision floats or integers into HDF5 file |
Csll_o_hdf5_ser_read_array | Read nD array of double precision floats or integers from HDF5 file |
Csll_o_hdf5_ser_write_attribute | Attach new named scalar attribute (double precision float or integer) to HDF5 object (group or dataset) |
Csll_o_hdf5_ser_read_attribute | Read pre-existing named scalar attribute (double precision float or integer) from HDF5 object (group or dataset) |
►Nsll_m_hdf5_serial | Simple object-oriented wrapper to Pierre's "sll_m_hdf5_io_serial" |
Csll_t_hdf5_serial | |
►Nsll_m_hermite_aligned_interpolation_2d | |
Csll_t_hermite_aligned_interpolation_2d | |
►Nsll_m_hermite_interpolation_1d | |
Csll_t_hermite_interpolation_1d | |
►Nsll_m_hermite_interpolation_2d | |
Csll_t_hermite_interpolation_2d | |
►Nsll_m_hermite_interpolator_1d | Interpolator class and methods of hermite 1D interpolator |
Csll_hermite_interpolator_1d | The hermite-based interpolator is only a wrapper around the capabilities of the hermite interpolation |
►Nsll_m_hermite_interpolator_2d | Hermite interpolation in 2d |
Csll_hermite_interpolator_2d | The hermite-based interpolator is only a wrapper around the capabilities of the hermite interpolation |
►Nsll_m_hexagonal_meshes | |
Csll_t_hex_mesh_2d | 2d hexagonal mesh |
Chex_mesh_2d_ptr | |
Csll_o_delete | |
►Nsll_m_initial_distribution | Parameters to define common initial distributions |
Csll_c_distribution_params | Abstract data type for parameters of initial distribution |
Csll_t_params_cos_gaussian | Data type for distribution function with (multiple) Gaussians in v and one plus cosine perturbations in x |
Csll_t_params_noise_gaussian | |
Csll_t_params_cos_gaussian_screwpinch | |
Csignature_empty | |
Csignature_eval | |
Csignature_evalx | |
Csignature_evalv | |
►Nsll_m_interpolators_1d_base | Module for 1D interpolation and reconstruction |
Csll_c_interpolator_1d | Abstract class for 1D interpolation and reconstruction |
Cinterpolator_1d_interpolant | Signature of compute_interpolants |
Cinterpolator_1d_get_coeffs | Signature of get_coefficients |
Cinterpolator_1d_set_coeffs | Signature of set_coefficients |
Cinterpolator_one_arg_sub | Signature of interpolate_from_interpolant_value and interpolate_from_interpolant_derivative_eta1 |
Cinterpolator_1d_array_interpolant | Signature of interpolate_from_interpolant_value |
Cinterpolator_1d_array | Signature of interpolate_array |
Cinterpolator_1d_array_disp | Signature of interpolate_array_disp |
Cinterpolator_1d_array_disp_inplace | Signature of interpolate_array_disp |
►Nsll_m_interpolators_2d_base | Abstract data type for 2d interpolation |
Csll_c_interpolator_2d | Base class/basic interface for 2D interpolators |
Cinterpolator_two_arg_msg | Signature of interpolate_from_interpolant_value |
Cinterpolate_2d_array | Compute interpolated values of n*m points |
Cinterpolate_2d_array_disp | Signature of interpolate_array_disp |
Cinterpolator_2d_set_coeffs | Signature of set_coefficients (Set the splines coefficients) |
Cinterpolator_2d_logical_query | Signature of coefficients_are_set (Check interpolator is computed) |
Ccompute_coeffs_2d | Signature of compute_interpolants (Compute splines coefficients) |
Cget_coeffs_2d | Signature of get_coefficients (Get splines coefficients) |
Cdelete_interpolator_2d | Signature of delete (Deallocate the interpolator object) |
►Nsll_m_jacobian_2d_pseudo_cartesian | |
Csll_t_jacobian_2d_pseudo_cartesian | |
►Nsll_m_lagrange_interpolation | |
Csll_o_weight_product_x1 | |
Cweight_product_x2 | |
►Nsll_m_lagrange_interpolation_1d | |
Csll_t_lagrange_interpolation_1d | |
Cdelete | |
►Nsll_m_lagrange_interpolator_1d | Interpolator class and methods of Lagrange 1D interpolator |
Csll_t_lagrange_interpolator_1d | Interpolator class of Lagrange 1D interpolator |
►Nsll_m_landau_2d_initializer | |
Csll_t_init_landau_2d | |
►Nsll_m_linear_operator_abstract | Module for abstract linear operator |
Csll_t_linear_operator_abstract | Class for abstract linear operator |
Csll_p_dot_linear_operator_abstract | |
Csll_p_print_info_linear_operator_abstract | |
Csll_p_free_linear_operator_abstract | |
►Nsll_m_linear_operator_base | |
Csll_c_linear_operator | |
Ci_fun_get_shape | |
Ci_sub_dot | |
Ci_sub_free | |
►Nsll_m_linear_operator_block | Module for a block linear operator |
Cjrk_t_linear_operator_pointer | Class that contains a pointer to a linear operator |
Csll_t_linear_operator_block | Class for a linear operator_block |
►Nsll_m_linear_operator_curl_3d | |
Csll_t_linear_operator_curl_3d | |
►Nsll_m_linear_operator_curl_cl_3d | |
Csll_t_linear_operator_curl_cl_3d | |
►Nsll_m_linear_operator_ecsim | |
Csll_t_linear_operator_ecsim | |
►Nsll_m_linear_operator_ecsim_eb | |
Csll_t_linear_operator_ecsim_eb | |
►Nsll_m_linear_operator_ecsim_ev | |
Csll_t_linear_operator_ecsim_ev | |
►Nsll_m_linear_operator_gtm | |
Csll_t_linear_operator_gtm | |
►Nsll_m_linear_operator_gtm_cl | |
Csll_t_linear_operator_gtm_cl | |
►Nsll_m_linear_operator_kron | Module for a linear operator of kronecker solver |
Csll_t_linear_operator_kron | Class for a linear operator |
►Nsll_m_linear_operator_matrix_c1_block | |
Csll_t_linear_operator_matrix_c1_block | |
►Nsll_m_linear_operator_matrix_c1_block_new | |
Csll_t_linear_operator_matrix_c1_block_new | |
►Nsll_m_linear_operator_matrix_dense_to_dense | |
Csll_t_linear_operator_matrix_dense_to_dense | |
►Nsll_m_linear_operator_matrix_dense_to_stencil | |
Csll_t_linear_operator_matrix_dense_to_stencil | |
►Nsll_m_linear_operator_matrix_dense_to_stencil_new | |
Csll_t_linear_operator_matrix_dense_to_stencil_new | |
►Nsll_m_linear_operator_matrix_stencil_to_dense | |
Csll_t_linear_operator_matrix_stencil_to_dense | |
►Nsll_m_linear_operator_matrix_stencil_to_dense_new | |
Csll_t_linear_operator_matrix_stencil_to_dense_new | |
►Nsll_m_linear_operator_matrix_stencil_to_stencil | |
Csll_t_linear_operator_matrix_stencil_to_stencil | |
►Nsll_m_linear_operator_maxwell_eb_schur | This linear operator implements the compatible spline FEM operator for the curl part of Maxwell's equation (Schur complement operator) on uniform periodic grid The operator is implemented based on its diagonal form in Fouier space It also contains a dot_inverse that applies the inverse of the matrix (by inversion in Fouier space |
Csll_t_linear_operator_maxwell_eb_schur | |
►Nsll_m_linear_operator_mg | |
Csll_t_linear_operator_mg | |
►Nsll_m_linear_operator_mg_cl | |
Csll_t_linear_operator_mg_cl | |
►Nsll_m_linear_operator_particle_mass_1d | |
Csll_t_linear_operator_particle_mass_1d | |
►Nsll_m_linear_operator_particle_mass_3d_diag | |
Csll_t_linear_operator_particle_mass_3d_diag | |
►Nsll_m_linear_operator_particle_mass_3d_od | |
Csll_t_linear_operator_particle_mass_3d_od | |
►Nsll_m_linear_operator_particle_mass_cl_1d | |
Csll_t_linear_operator_particle_mass_cl_1d | |
►Nsll_m_linear_operator_particle_mass_cl_3d_diag | |
Csll_t_linear_operator_particle_mass_cl_3d_diag | |
►Nsll_m_linear_operator_particle_mass_cl_3d_od | |
Csll_t_linear_operator_particle_mass_cl_3d_od | |
►Nsll_m_linear_operator_particle_mass_smooth_1d | |
Csll_t_linear_operator_particle_mass_smooth_1d | |
►Nsll_m_linear_operator_penalized | Module for a penalized linear operator |
Csll_t_linear_operator_penalized | Class for a linear operator_penalized |
►Nsll_m_linear_operator_poisson_1d | |
Csll_t_linear_operator_poisson_1d | |
►Nsll_m_linear_operator_poisson_3d | |
Csll_t_linear_operator_poisson_3d | |
►Nsll_m_linear_operator_poisson_clamped_1d | |
Csll_t_linear_operator_poisson_clamped_1d | |
►Nsll_m_linear_operator_poisson_clamped_3d | |
Csll_t_linear_operator_poisson_clamped_3d | |
►Nsll_m_linear_operator_schur_eb_1d | |
Csll_t_linear_operator_schur_eb_1d | |
►Nsll_m_linear_operator_schur_eb_3d | |
Csll_t_linear_operator_schur_eb_3d | |
►Nsll_m_linear_operator_schur_eb_cl_1d | |
Csll_t_linear_operator_schur_eb_cl_1d | |
►Nsll_m_linear_operator_schur_eb_cl_3d | |
Csll_t_linear_operator_schur_eb_cl_3d | |
►Nsll_m_linear_operator_schur_ev_1d | |
Csll_t_linear_operator_schur_ev_1d | |
►Nsll_m_linear_operator_schur_ev_3d | |
Csll_t_linear_operator_schur_ev_3d | |
►Nsll_m_linear_operator_schur_phiv_1d | |
Csll_t_linear_operator_schur_phiv_1d | |
►Nsll_m_linear_operator_schur_phiv_3d | |
Csll_t_linear_operator_schur_phiv_3d | |
►Nsll_m_linear_pendulum_operators | Implements split operators for linear pendulum |
Clinear_pendulum_operators | Simple operator splitting type for linear pendulum Extends operator splitting |
►Nsll_m_linear_solver_abstract | Module for abstract linear solver |
Csll_t_linear_solver_abstract | Class for abstract linear solver |
Csll_p_solve_real_linear_solver_abstract | |
Csll_p_set_verbose_linear_solver_abstract | |
Csll_p_read_from_file_linear_solver_abstract | |
Csll_p_print_info_linear_solver_abstract | |
Csll_p_free_linear_solver_abstract | |
►Nsll_m_linear_solver_block | Module for a block linear solver |
Cjrk_t_linear_solver_pointer | Class that contains a pointer to a linear solver |
Csll_t_linear_solver_block | Class for a linear solver_block |
►Nsll_m_linear_solver_cg | Module for conjugate gradient method in pure form
|
Csll_t_linear_solver_cg | Class for the cg linear solver |
►Nsll_m_linear_solver_iter_abstract | Module for abstract iterative linear solvers |
Csll_t_linear_solver_iter_abstract | Class for abstract iterative linear solver |
Csll_p_set_guess_linear_solver_iter_abstract | |
Csll_p_check_convergence_linear_solver_iter_abstract | |
►Nsll_m_linear_solver_kron | Module for kronecker linear solver |
Csll_t_linear_solver_kron | Class for the kronecker linear solver |
►Nsll_m_linear_solver_mgmres | Module for a sequential gmres |
Csll_t_linear_solver_mgmres | Class for a sequential gmres linear solver |
►Nsll_m_linear_solver_spline_mass_2d_fft | Invert a circulant matrix based on diagonalization in Fourier space (2d version) |
Csll_t_linear_solver_spline_mass_2d_fft | Data type for a linear solver inverting a 2d tensor product of circulant matrices based on FFT |
►Nsll_m_linear_solver_spline_mass_fft | Invert a circulant matrix based on diagonalization in Fourier space (3d version) |
Csll_t_linear_solver_spline_mass_fft | Linear solver for FFT-based inversion of 3d tensor product of circulant matrices (extending the abstract linear solver class) |
►Nsll_m_lobatto_poisson | |
Csll_t_lobatto_poisson_solver | |
Csll_o_create | |
Csll_o_solve | |
Csll_o_delete | |
►Nsll_m_low_level_bsplines | Low level arbitrary degree splines |
Csll_t_bsplines | Information for evaluation of B-splines on non-uniform grid |
►Nsll_m_mapping_2d | |
Csll_i_eval_function | |
Cmatrix_element | |
Csll_t_mapping_2d | |
►Nsll_m_mapping_3d | Module interfaces for coordinate transformation |
Csll_i_eval_function | Abstract interface for mapping functions |
Cmatrix_element | |
Csll_t_mapping_3d | Type collecting functions for analytical coordinate mapping |
►Nsll_m_matrix_abstract | Module for abstract matrix |
Csll_t_matrix_abstract | Abstract class for matrix |
Csll_p_add_values_matrix_abstract | |
Csll_p_set_values_matrix_abstract | |
Csll_p_get_diagonal_matrix_abstract | |
Csll_p_get_diagonal_block_matrix_abstract | |
Csll_p_multiply_matrix_abstract | |
►Nsll_m_matrix_csr | Module for Compressed Sparse Row Matrix (CSR) |
Csll_t_matrix_csr | Class for a csr matrix |
►Nsll_m_maxwell_1d_base | Module interface to solve Maxwell's equations in 1D |
Csll_c_maxwell_1d_base | |
Cempty | |
Cnorm_squared | |
Csignature_mass | |
Csignature_inner_product | |
Csll_i_function_1d_real64 | 1d real function |
Cupdate_dofs_function | |
Ccompute_field1_from_field2 | |
Csignature_compute_field_from_field | |
Csignature_compute_E_from_j_1d | |
Csignature_compute_phi_from_field | |
Cmultiply_derivative | |
►Nsll_m_maxwell_1d_fem | Solve Maxwell's equations in 1D |
Csll_t_maxwell_1d_fem | Maxwell solver class |
►Nsll_m_maxwell_1d_fem_sm | Solve Maxwell's equations in 1D based on spline FEM, version based on sparse matrices |
Csll_t_maxwell_1d_fem_sm | Maxwell solver class for spline FEM with sparse matrix solvers |
►Nsll_m_maxwell_1d_ps | Solve Maxwell's equations in 1D based on a pseudospectral solver |
Csll_t_maxwell_1d_ps | Maxwell solver class with pseudospectral method |
►Nsll_m_maxwell_1d_trafo | Solve Maxwell's equations in curvilinear coordinates in 1D based on spline FEM, version based on sparse matrices |
Csll_t_maxwell_1d_trafo | |
►Nsll_m_maxwell_2d_diga | DG for Maxwell |
Cedge_type | Local type with edge properties |
Ccell_type | Information about a mesh cell |
Csll_t_maxwell_2d_diga | DG method in 2D with general coordinates |
►Nsll_m_maxwell_2d_fdtd | Implements the Maxwell solver in 2D with FDTD method |
Csll_o_create | Initialize maxwell solver 2d with FDTD scheme |
Csll_o_solve | Solve maxwell solver 2d with FDTD scheme |
Csll_solve_ampere | Solve Ampere-Maxwell equation |
Csll_solve_faraday | Solve Faraday equation |
Csll_t_maxwell_2d_fdtd | Object with data to solve Maxwell equation Maxwell in TE mode: (Ex,Ey,Bz) |
►Nsll_m_maxwell_2d_fem_fft | Module interface to solve Maxwell's equations in 2D The linear systems are solved based on FFT diagnoalization |
Csll_t_maxwell_2d_fem_fft | |
Csll_i_function_2d_real64 | 2d real function |
►Nsll_m_maxwell_2d_periodic_cartesian_par | Selalib periodic 2D maxwell solver for cartesian coordinates |
Csll_t_maxwell_2d_periodic_plan_cartesian_par | Maxwell solver 2D object, PSTD scheme |
►Nsll_m_maxwell_2d_pstd | Implements the Maxwell solver in 2D with periodic boundary conditions with PSTD method |
Csll_t_maxwell_2d_pstd | Maxwell solver object |
►Nsll_m_maxwell_3d_base | Module interface to solve Maxwell's equations in 3D |
Csll_c_maxwell_3d_base | |
Ccompute_field1_from_field2 | |
Ccompute_field_from_field | |
Ccompute_phi_e_from_field | |
Ccompute_E_from_j_3d | |
Csll_i_function_3d_real64 | 3d real function |
Cupdate_dofs_function | |
Cnorm_squared | |
Cinner_product | |
Cempty | |
Cmultiply_mass | |
Cmultiply_mass_inverse | |
►Nsll_m_maxwell_3d_fem | Module interface to solve Maxwell's equations in 3D The linear systems are solved using iterative linear solvers |
Csll_t_maxwell_3d_fem | |
►Nsll_m_maxwell_3d_fem_fft | Module interface to solve Maxwell's equations in 3D The linear systems are solved based on FFT diagnoalization |
Csll_t_maxwell_3d_fem_fft | |
►Nsll_m_maxwell_3d_pstd | Implements the Maxwell solver in 3D with periodic boundary conditions with PSTD method |
Csll_t_maxwell_3d_pstd | Maxwell solver object |
►Nsll_m_maxwell_3d_trafo | Module interface to solve Maxwell's equations with coordinate transformation in 3D |
Csll_t_maxwell_3d_trafo | |
►Nsll_m_maxwell_3d_trafo_parallel | Module interface to solve Maxwell's equations with coordinate transformation in 3D The linear systems are solved using PLAF |
Csll_t_maxwell_3d_trafo_parallel | |
►Nsll_m_maxwell_clamped_1d_fem_sm | Solve Maxwell's equations with boundary conditions in 1D based on spline FEM, version based on sparse matrices |
Csll_t_maxwell_clamped_1d_fem_sm | |
►Nsll_m_maxwell_clamped_1d_trafo | Solve Maxwell's equations in curvilinear coordinates with boundary conditions in 1D based on spline FEM, version based on sparse matrices |
Csll_t_maxwell_clamped_1d_trafo | |
►Nsll_m_maxwell_clamped_3d_fem | Module interface to solve Maxwell's equations in 3D The linear systems are solved using PLAF |
Csll_t_maxwell_clamped_3d_fem | |
►Nsll_m_maxwell_clamped_3d_trafo | Module interface to solve Maxwell's equations with coordinate transformation in 3D |
Csll_t_maxwell_clamped_3d_trafo | |
►Nsll_m_maxwell_clamped_3d_trafo_parallel | Module interface to solve Maxwell's equations with coordinate transformation in 3D |
Csll_t_maxwell_clamped_3d_trafo_parallel | |
►Nsll_m_maxwell_solvers_base | This module contains common subroutines for Maxwell solvers |
Csll_maxwell_solver | Parent object of all Maxwell solvers |
►Nsll_m_meshes_base | |
Csll_c_mesh_1d_base | 1D logical mesh |
Csll_c_mesh_2d_base | 2D logical mesh |
Csll_c_mesh_3d_base | 3D logical mesh |
Csll_mesh_4d_base | 4D logical mesh |
Cget_geometry_1d | |
Cdelete_mesh_1d | |
Cdisplay_mesh_1d | |
Cget_geometry_2d | |
Cget_geometry_2d_one_arg | |
Cdisplay_mesh_2d | |
Cdelete_mesh_2d | |
Cget_geometry_3d | |
Cdisplay_mesh_3d | |
Cdelete_mesh_3d | |
Cget_geometry_4d | |
Cdisplay_mesh_4d | |
Cdelete_mesh_4d | |
►Nsll_m_moment_matching | |
Cmatch_moment_1d_linear | !Match mean E[X] and E[X^2] = first and second order moment |
Cmatch_moment_1d_weight_linear | !Match mean E[W X] and E[W X^2] = first and second order moment modifies only X, montecarlo estimate is: sum(W X)/N, N=len(X) |
►Nsll_m_mumps | |
Cmumps_solver | |
Cinitialize | |
Csolve | |
Cfactorize | |
Cdelete | |
►Nsll_m_nml_mesh_1d_cart | Initialization of 1d cartesian mesh from namelist |
Csll_t_nml_mesh_1d_cart | |
Csll_o_nml_mesh_1d_cart | |
►Nsll_m_nml_mesh_1d_landau_cart | Initialization of 1d landau cartesian mesh from namelist |
Csll_t_nml_mesh_1d_landau_cart | |
Csll_o_nml_mesh_1d_landau_cart | |
►Nsll_m_nml_mesh_1d_two_grid_cart | Initialization of 1d two grid cartesian mesh from namelist |
Csll_t_nml_mesh_1d_two_grid_cart | |
Csll_o_nml_mesh_1d_two_grid_cart | |
►Nsll_m_nml_mesh_1d_unif_cart | Initialization of 1d uniform cartesian mesh from namelist |
Csll_t_nml_mesh_1d_unif_cart | |
Csll_o_nml_mesh_1d_unif_cart | |
►Nsll_m_nufft_interpolation | |
Csll_t_nufft_2d | Nufft object for 2d interpolation. It contains fft plan and 1d array to pass data to nufft2d subroutine from nufft package |
►Nsll_m_nufft_interpolator_2d | Class for the nufft inmplementation of sll_c_interpolator_2d |
Csll_t_nufft_interpolator_2d | The nufft-based interpolator is only a wrapper around the capabilities of the nufft package |
Csll_nufft_interpolator_2d_ptr | Pointer to this interpolator derived type |
►Nsll_m_ode_integrator_base | Abstract types for: 1) generic ODE system, and 2) ODE integrator |
Csll_c_ode | ODE system |
Csll_c_ode_integrator | Base class for standard ODE integrators |
Ci_rhs | Compute the time derivative of the state vector |
Ci_init | Initialize the time integrator |
Ci_step | Advance the solution by one time step |
Ci_clean | Clean up the time integrator |
►Nsll_m_ode_solvers | |
Cscalar_function_1D | |
►Nsll_m_operator_splitting | Base class of operator splitting library. It is only used with particle-in-cell method |
Csll_t_operator_splitting | Operator splitting object |
►Nsll_m_operator_splitting_pic_vp_2d2v | Particle pusher based on operator splitting for 2d2v Vlasov-Poisson |
Csll_t_operator_splitting_pic_vp_2d2v | Operator splitting type for 2d2v Vlasov-Poisson |
►Nsll_m_parallel_array_initializer | |
Csll_o_4d_parallel_array_initializer_cartesian | |
Csll_o_4d_parallel_array_initializer | |
Csll_o_2d_parallel_array_initializer_cartesian | |
►Nsll_m_paralution | |
Cparalution_solver | |
Cparalution_init | |
Cparalution_stop | |
Cparalution_fortran_solve_csr | |
Cinitialize | |
Csolve | |
Cfactorize | |
Cdelete | |
►Nsll_m_particle_group_1d1v | Simple particle group type for 1d1v |
Csll_t_particle_group_1d1v | Simple version of a PIC particle group in 1d1v |
►Nsll_m_particle_group_1d2v | Simple particle group type for 1d2v |
Csll_t_particle_group_1d2v | Simple version of a PIC particle group in 1d2v |
►Nsll_m_particle_group_2d | |
Csll_t_particle_group_2d | |
Csll_o_delete | |
►Nsll_m_particle_group_2d2v | Simple particle group group for 2d2v |
Csll_t_particle_group_2d2v | Simple version of a PIC particle group in 2d2v |
►Nsll_m_particle_group_2d2v_lbf | Module for a particle group with linearized-backward-flow (lbf) resamplings |
Csll_t_int_list_element | Linked lists of integers, used in some of the module routines |
Csll_t_int_list_element_ptr | Pointer type is needed for arrays of lists |
Csll_t_particle_group_2d2v_lbf | Group of sll_t_particle_group_2d2v_lbf |
►Nsll_m_particle_group_2d3v | Simple particle group group for 2d3v |
Csll_t_particle_group_2d3v | Simple version of a PIC particle group in 2d3v |
►Nsll_m_particle_group_3d1v | Simple particle group type for 3d1v |
Csll_t_particle_group_3d1v | Simple version of a PIC particle group in 3d1v |
►Nsll_m_particle_group_3d3v | Simple particle group group for 3d3v |
Csll_t_particle_group_3d3v | Simple version of a PIC particle group in 2d2v |
►Nsll_m_particle_group_4d | |
Csll_t_particle_group_4d | |
Csll_o_delete | |
►Nsll_m_particle_group_6d | |
Csll_t_particle_group_6d | |
►Nsll_m_particle_group_base | |
Csll_t_species | |
Csll_c_particle_group_base | |
Csll_t_particle_array | |
Ci_get_int | |
Ci_get_intnd | |
Ci_get_scalar | |
Cget_scalar | |
Ci_get_coords | |
Ci_get_array | |
Ci_set_coords | |
Ci_set_scalar | |
Cset_scalar | |
Ci_set_array | |
Cempty | |
►Nsll_m_particle_mass_1d_base | |
Csll_c_particle_mass_1d_base | |
Ccreate_particle_mass_1d | |
►Nsll_m_particle_mass_3d_base | |
Csll_c_particle_mass_3d_base | |
Ccreate_particle_mass_3d | |
►Nsll_m_particle_mesh_coupling_base_1d | Base class for kernel smoothers for accumulation and field evaluation in PIC |
Csll_c_particle_mesh_coupling_1d | Basic type of a kernel smoother used for PIC simulations |
Cadd_single | |
Cadd_array | |
Ceval_single | |
Ceval_multiple | |
Cadd_current | |
Cadd_current_evaluate | |
Cadd_update | |
Cempty | |
►Nsll_m_particle_mesh_coupling_base_3d | Base class for kernel smoothers for accumulation and field evaluation in PIC |
Csll_c_particle_mesh_coupling_3d | Basic type of a kernel smoother used for PIC simulations |
Cadd_single | |
Cadd_array | |
Cadd_array_mixed | |
Ceval_single | |
Ceval_multiple | |
Cadd_current | |
Cadd_current_evaluate | |
Cadd_update | |
Cempty | |
►Nsll_m_particle_mesh_coupling_spline_1d | Kernel smoother for 1d with splines of arbitrary degree placed on a uniform mesh |
Csll_t_particle_mesh_coupling_spline_1d | Spline kernel smoother in1d |
►Nsll_m_particle_mesh_coupling_spline_2d | Kernel smoother for 2d with splines of arbitrary degree placed on a uniform mesh |
Csll_t_particle_mesh_coupling_spline_2d | Spline kernel smoother in 2d |
►Nsll_m_particle_mesh_coupling_spline_2d_feec | Particle mesh coupling for 3d with splines of arbitrary degree placed on a uniform tensor product mesh |
Csll_t_particle_mesh_coupling_spline_2d_feec | Particle mesh coupling in 3d based on (arbitrary degree) spline on a tensor product uniform mesh |
►Nsll_m_particle_mesh_coupling_spline_3d_feec | Particle mesh coupling for 3d with splines of arbitrary degree placed on a uniform tensor product mesh |
Csll_t_particle_mesh_coupling_spline_3d_feec | Particle mesh coupling in 3d based on (arbitrary degree) spline on a tensor product uniform mesh |
Cvector | Evaluates the integral int_{poisition_old}^{position_new} field(x) d x and the integrated current |
►Nsll_m_particle_mesh_coupling_spline_cl_1d | Kernel smoother for 2d with splines of arbitrary degree placed on a uniform mesh |
Csll_t_particle_mesh_coupling_spline_cl_1d | Spline kernel smoother in1d |
►Nsll_m_particle_mesh_coupling_spline_cl_3d_feec | Particle mesh coupling for 3d with splines of arbitrary degree placed on a uniform tensor product mesh |
Csll_t_particle_mesh_coupling_spline_cl_3d_feec | Particle mesh coupling in 3d based on (arbitrary degree) spline on a tensor product uniform mesh |
Cvector | Destructor |
►Nsll_m_particle_mesh_coupling_spline_smooth_1d | Kernel smoother for 2d with splines of arbitrary degree placed on a uniform mesh |
Csll_t_particle_mesh_coupling_spline_smooth_1d | Spline kernel smoother in1d |
►Nsll_m_particle_mesh_coupling_spline_strong_1d | Kernel smoother for 1d with splines of arbitrary degree placed on a uniform mesh. This version is for a formulation of the Maxwell's equation with strong Ampere |
Csll_t_particle_mesh_coupling_spline_strong_1d | Basic type of a kernel smoother used for PIC simulations |
►Nsll_m_particle_representations | |
Csll_t_particle_6d | Type for a single particle in a 3d volume |
Csll_t_particle_4d | |
Csll_t_particle_4d_guard | |
Csll_t_particle_4d_guard_ptr | |
Csll_t_particle_2d | |
Csll_t_particle_2d_guard | |
Csll_t_particle_2d_guard_ptr | |
►Nsll_m_particle_sampling | Particle initializer class with various functions to initialize a particle |
Csll_t_particle_sampling | Data type for particle sampling |
►Nsll_m_particle_sampling_interface | Interface routines for sampling and resampling particle groups |
Csll_t_conservative_sampling_params | Type used to enforce some conservation properties in the sampling – (there may be more than just one scalar) |
►Nsll_m_particle_sort | |
Csll_t_particle_sorter_2d | |
Csll_o_delete | |
►Nsll_m_particle_visualization_interface | Interface routines for visualizing particle groups |
Csll_t_plotting_params_2d | |
►Nsll_m_pastix | |
Cpastix_solver | |
Cinitialize | |
Csolve | |
Cfactorize | |
Cdelete | |
►Nsll_m_penta_diagonal | Toeplitz penta-diagonal system solver |
Csll_t_penta_diagonal_solver | Initialize the penta diagonal solver |
Csll_o_create | |
Csll_o_solve | |
Csll_o_delete | |
►Nsll_m_periodic_interp | |
Csll_t_periodic_interp_work | |
►Nsll_m_periodic_interpolator_1d | Interpolator with periodic boundary conditions |
Csll_t_periodic_interpolator_1d | Periodic interpolator |
Csll_o_delete | Deallocate the interpolator object |
►Nsll_m_pic_poisson_2d | Factory method for Poisson solver for particle methods in 2d build from 2d Poisson solver and a kernel smoother |
Csll_t_pic_poisson_2d | PIC Poisson solver 2d |
►Nsll_m_pic_poisson_base | Base class for Poisson solver for particle methods |
Csll_c_pic_poisson | Basic type of Poisson solver for PIC simulations |
Cadd_single | |
Ceval_single | |
Ceval_component_single | |
Cempty | |
Ccompute_energy | |
Cupdate_dofs_function | |
Clinear_combination | |
►Nsll_m_pic_viewer | This module provides some routines for plotting fields and particles during PIC simulations |
Csll_t_pic_viewer_2d | |
Csll_o_pic_viewer_write | |
►Nsll_m_pic_visu | This module provides some routines for plotting during PIC simulations |
Csll_o_particles_center_gnuplot | Plot particles centers with gnuplot |
Csll_o_distribution_gnuplot | Plot particles distribution with gnuplot |
Csll_o_plot_format_points3d | Write point3d file to plot particles characteristics |
►Nsll_m_pif_fieldsolver | |
Csll_t_pif_fieldsolver | |
►Nsll_m_plotmtv | Implements the functions to write data file plotable by Plotmtv |
Csll_o_plotmtv_write | Create the mtv file to plot a structured mesh (cartesian or curvilinear) |
►Nsll_m_point_to_point_comms | |
Cbuffer_real64 | |
Csll_remote | |
Cport_real64 | |
Csll_t_p2p_comm_real64 | |
►Nsll_m_poisson_1d_base | Module interface to solve Poisson equation in 1D |
Csll_c_poisson_1d_base | |
►Nsll_m_poisson_1d_hmf | Module to solve Poisson equation for the HMF model |
Csll_t_poisson_1d_hmf | Implementation of the poisson 1d solver for the Vlasov-HMF model |
►Nsll_m_poisson_1d_periodic | Module to sll_o_solve Poisson equation on one dimensional mesh using FFT transform |
Csll_t_poisson_1d_periodic | Solver data structure |
Csll_c_poisson_1d_periodic | |
Csll_o_new | Create a sll_o_new poisson solver on 1d mesh |
Csll_o_initialize | Sll_o_initialize a sll_o_new poisson solver on 1d mesh |
Csll_o_solve | Sll_o_solve the Poisson equation on 1d mesh and compute the potential |
►Nsll_m_poisson_2d_base | Module interface to solve Poisson equation in 2D |
Csll_c_poisson_2d_base | |
Csll_i_function_of_position | Nd real function |
►Nsll_m_poisson_2d_fem | Poisson solver using finite element |
Csll_t_poisson_2d_fem | Structure to solve Poisson equation on 2d domain. Mesh is cartesian and could be irregular |
Csll_o_create | Initialize the solver |
Csll_o_solve | Compute the electric potential |
►Nsll_m_poisson_2d_fem_fft | |
Csll_t_poisson_2d_fem_fft | |
Csll_i_function_2d_real64 | 3d real function |
►Nsll_m_poisson_2d_fem_sps_dense | |
Csll_t_poisson_2d_fem_sps_dense | |
►Nsll_m_poisson_2d_fem_sps_dense_assembler | |
Csll_t_poisson_2d_fem_sps_dense_assembler | |
►Nsll_m_poisson_2d_fem_sps_dense_projector | |
Csll_t_poisson_2d_fem_sps_dense_projector | |
►Nsll_m_poisson_2d_fem_sps_stencil_new | |
Csll_t_poisson_2d_fem_sps_stencil_new | |
►Nsll_m_poisson_2d_fem_sps_stencil_new_assembler | |
Csll_t_poisson_2d_fem_sps_stencil_new_assembler | |
►Nsll_m_poisson_2d_fem_sps_weak_form | |
Csll_t_poisson_2d_fem_sps_weak_form | |
►Nsll_m_poisson_2d_mudpack_curvilinear | Solves Poisson equation on 2d curvilinear mesh |
Cpoisson_2d_mudpack_curvilinear | Derived type to solve Poisson equation on 2d curvilinear mesh |
►Nsll_m_poisson_2d_periodic | Regular cartesian two dimensional mesh with periodic bounday conditions |
Csll_t_poisson_2d_periodic_fft | Derived type to sll_o_solve the Poisson equation on 2d regular cartesian mesh with periodic boundary conditions on both sides |
Csll_o_initialize | |
Csll_o_solve | |
Csll_t_poisson_2d_periodic | |
►Nsll_m_poisson_2d_periodic_par | Selalib periodic 2D poisson solver for cartesian coordinates |
Csll_t_poisson_2d_periodic_par | Structure to store data from Poisson solver. This solver is parallel on structured cartesian mesh. Numerical method uses FFT transforms |
►Nsll_m_poisson_2d_polar | Serial Poisson solver on 2D polar mesh; uses FFT in theta and 2nd-order FD in r |
Csll_t_poisson_2d_polar | Class for the Poisson solver in polar coordinate |
►Nsll_m_poisson_2d_polar_par | Parallel Poisson solver on 2D polar mesh; uses FFT in theta and 2nd-order FD in r |
Csll_t_poisson_2d_polar_par | Class for the Poisson solver in polar coordinate |
►Nsll_m_poisson_2d_sparse_grid_fft | Implementation of a 3D pseudospectral Poisson solver on sparse grid |
Csll_t_fft_derivative | sll_t_fft_derivative is the Poisson solver object to solve Poisson's problem in 2d with pseudospectral on a sparse grid |
►Nsll_m_poisson_2d_tri | |
Csll_o_create | |
Csll_t_poisson_2d_triangular | Derived type for Poisson solver on unstructured mesh with triangles |
►Nsll_m_poisson_3d_base | Module interface to solve Poisson equation in 3D |
Csll_c_poisson_3d_base | Abstract class for Poisson solver in 3 dimensions |
►Nsll_m_poisson_3d_fem_fft | |
Csll_t_poisson_3d_fem_fft | |
Csll_i_function_3d_real64 | 3d real function |
►Nsll_m_poisson_3d_periodic | 3D poisson solver with periodic boundary conditions |
Csll_t_poisson_3d_periodic | Structure to solve Poisson equation on 3d domain. Mesh is cartesian and all boundary conditions are periodic. Numerical method is FFT based |
►Nsll_m_poisson_3d_periodic_par | Periodic 3D poisson solver (parallel version) |
Csll_t_poisson_3d_periodic_par | Structure to solve Poisson equation on 3d mesh with periodic boundary conditions. Solver is parallel and numerical method is based on fft transform. Number of cells, which in this periodic case is equal to the number of points |
►Nsll_m_poisson_3d_sparse_grid_fft | Implementation of a 3D pseudospectral Poisson solver on sparse grid |
Csll_t_fft3d_derivative | sll_t_fft3d_derivative is the Poisson solver object to solve Poisson's problem in 2d with pseudospectral on a sparse grid |
►Nsll_m_polar_bsplines_2d | |
Csll_t_polar_bsplines_2d | Type containing new 2D polar basis functions |
►Nsll_m_polar_spline_interpolator_2d | Interpolator for 2D polar splines of arbitrary degree, on uniform and non-uniform grids (directions are independent) |
Csll_t_polar_spline_interpolator_2d | 2D tensor-product spline interpolator |
►Nsll_m_preconditioner_curl_solver_fft | Invert a circulant matrix based on diagonalization in Fourier space (3d version) |
Csll_t_preconditioner_curl_solver_fft | Linear solver for FFT-based inversion of 3d tensor product of circulant matrices (extending the abstract linear solver class) |
►Nsll_m_preconditioner_fft | Module interface to solve Maxwell's equations with coordinate transformation in 3D The linear systems are solved using PLAF |
Csll_t_preconditioner_fft | |
►Nsll_m_preconditioner_jacobi | Module interface to solve Maxwell's equations |
Csll_t_preconditioner_jacobi | |
►Nsll_m_preconditioner_poisson_fft | This module is a wrapper around the spline FEM Poisson solver for the uniform grid with periodic boundary condtions inverted with FFTs The wrapper as a type sll_t_linear_solver_abstract allows for the use of the solver as a preconditioner to a linear solver |
Csll_t_preconditioner_poisson_fft | |
►Nsll_m_preconditioner_singular | Module interface to solve Maxwell's equations with coordinate transformation in 3D The linear systems are solved using PLAF |
Csll_t_preconditioner_singular | |
►Nsll_m_profile_functions | Functions for initial profile of the particle distribution function |
Csll_t_profile_functions | |
►Nsll_m_qn_2d_base | |
Csll_c_qn_2d_base | |
Csignature_precompute_qn_2d | |
Csignature_solve_qn_2d | |
►Nsll_m_qn_2d_polar | |
Csll_t_qn_2d_polar | |
►Nsll_m_qn_2d_polar_splines_solver | |
Csll_t_qn_2d_polar_splines_solver | |
►Nsll_m_qn_solver_2d_fem_sps_stencil_new | |
Csll_t_qn_solver_2d_fem_sps_stencil_new | |
►Nsll_m_qn_solver_2d_fem_sps_stencil_new_assembler | |
Csll_t_qn_solver_2d_fem_sps_stencil_new_assembler | |
►Nsll_m_qn_solver_2d_fem_sps_weak_form | |
Csll_t_qn_solver_2d_fem_sps_weak_form | |
►Nsll_m_qn_solver_2d_polar | Serial quasi-neutrality solver on 2D polar mesh; uses FFT in theta and 2nd-order FD in r |
Csll_t_qn_solver_2d_polar | Class for 2D Poisson solver in polar coordinates |
►Nsll_m_qn_solver_2d_polar_par | Parallel quasi-neutrality solver on 2D polar mesh; uses FFT in theta and 2nd-order FD in r |
Csll_t_qn_solver_2d_polar_par | Class for the Poisson solver in polar coordinate |
►Nsll_m_qn_solver_3d_polar_par | Parallel 3D quasi-neutrality solver on "extruded" 2D polar mesh |
Csll_t_qn_solver_3d_polar_par | Class for the 3D quasi-neutral solver in polar coordinates It is basically a wrapper around a 2D solver, which is reused within a cycle over the x3 coordinate |
►Nsll_m_rectangle_integration | Rectangle integration |
Csll_o_rectangle_integrate_1d | Integrate numerically with Gauss-Lobatto formula |
►Nsll_m_reduction | |
Csll_integration_discrete_1d | |
►Nsll_m_rk_explicit | |
Csll_t_rk1e_fwd_euler | |
Csll_t_rk2e_midpoint | |
Csll_t_rk2e_heun | |
Csll_t_rk2e_ralston | |
Csll_t_rk3e_heun3 | |
Csll_t_rk4e_classic | |
►Nsll_m_rk_implicit | |
Csll_c_rk_implicit | |
Csll_t_rk1d_bwd_euler | |
Csll_t_rk1d_trapezoid | |
►Nsll_m_scalar_field_1d | Implements the geometry and mesh descriptor types |
Csll_t_scalar_field_1d_analytic | |
Csll_t_scalar_field_1d_discrete | |
Cone_var_parametrizable_function | |
Cdelete | |
►Nsll_m_scalar_field_1d_base | |
Csll_c_scalar_field_1d_base | |
Cset_field_data_subroutine_1d | |
Cfield_1d_message_pass | |
Cfunction_evaluation_real_1d | |
Cfield_1d_subroutine | |
►Nsll_m_scalar_field_1d_old | Implements the geometry and mesh descriptor types |
Cscalar_field_1d | |
Cscalar_function_1D | |
►Nsll_m_scalar_field_2d | Implements the field descriptor types |
Csll_t_scalar_field_2d_analytic | |
Csll_t_scalar_field_2d_discrete | |
Csll_t_scalar_field_2d_discrete_ptr | |
Csll_i_two_var_parametrizable_function | |
Cscalar_function_2d | |
Csll_o_delete | |
►Nsll_m_scalar_field_2d_base | |
Csll_c_scalar_field_2d_base | Fundamental field type |
Csll_scalar_field_2d_base_ptr | |
Cfunction_get_mesh | Function signatures |
Cset_field_data_subroutine | |
Cfield_2d_message_pass | |
Cfunction_get_transformation | |
Cfunction_get_jacobian_matrix | |
Cfunction_evaluation_real | |
Cfunction_evaluation_integer | |
Cfirst_derivative_eta1_evaluation_real | |
Cfirst_derivative_eta2_evaluation_real | |
Cfirst_derivative_eta1_evaluation_integer | |
Cfirst_derivative_eta2_evaluation_integer | |
Creturn_integer | |
Cfield_2d_file_output | |
Cfield_2d_subroutine | |
►Nsll_m_scalar_field_2d_base_old | |
Csll_scalar_field_2d_base | Fundamental field type |
Csll_scalar_field_2d_base_ptr | |
Cfunction_get_mesh | Function signatures |
Cset_field_data_subroutine | |
Cfield_2d_message_pass | |
Cfunction_get_transformation | |
Cfunction_get_jacobian_matrix | |
Cfunction_evaluation_real | |
Cfunction_evaluation_integer | |
Cfirst_derivative_eta1_evaluation_real | |
Cfirst_derivative_eta2_evaluation_real | |
Cfirst_derivative_eta1_evaluation_integer | |
Cfirst_derivative_eta2_evaluation_integer | |
Creturn_integer | |
Cfield_2d_file_output | |
Cfield_2d_subroutine | |
►Nsll_m_scalar_field_2d_old | Scalar field on mesh with coordinate transformation |
Csll_t_scalar_field_2d | |
Csll_i_scalar_function_2d_old | |
Csll_o_create | |
►Nsll_m_scalar_field_initializers_base | |
Csll_c_scalar_field_2d_initializer_base | |
Cscalar_field_2d_initializer | |
Csll_c_scalar_field_4d_initializer_base | |
Cscalar_field_4d_initializer | |
Csll_c_scalar_field_6d_initializer_base | |
Cscalar_field_6d_initializer | |
►Nsll_m_sim_base | Parent class module for simulation |
Csll_c_simulation_base_class | Parent class for simulation |
►Nsll_m_singular_mapping_advector_base | |
Csll_c_singular_mapping_advector | |
Ci_sub_free | |
►Nsll_m_singular_mapping_advector_constant | |
Csll_t_singular_mapping_advector_constant | |
►Nsll_m_singular_mapping_advector_rotating | |
Csll_t_singular_mapping_advector_rotating | |
►Nsll_m_singular_mapping_analytic | |
Csll_c_singular_mapping_analytic | Abstract type, analytical singular mapping |
►Nsll_m_singular_mapping_analytic_czarny | |
Csll_t_singular_mapping_analytic_czarny | Concrete type, analytical singular mapping |
►Nsll_m_singular_mapping_analytic_target | |
Csll_t_singular_mapping_analytic_target | Concrete type, analytical singular mapping |
►Nsll_m_singular_mapping_base | |
Csll_c_singular_mapping | Abstract type, singular mapping |
Ci_sub_store_data | |
►Nsll_m_singular_mapping_discrete | |
Csll_t_singular_mapping_discrete | Concrete type, discrete singular mapping |
►Nsll_m_sparse_grid_2d | Implementation of a 2D sparse grid with interpolation routines |
Csll_t_sparse_grid_2d | Sparse grid object for 2d with interpolation routines |
►Nsll_m_sparse_grid_3d | Implementation of a 3D sparse grid with interpolation routines |
Csll_t_sparse_grid_3d | Sparse grid object for 3d with interpolation routines |
►Nsll_m_sparse_grid_4d | Implementation of a 4D sparse grid with interpolation routines |
Csll_t_sparse_grid_4d | Sparse grid object for 4d with interpolation routines. Note in 4d we have only an implementation of a standard sparse grid with periodic boundary conditions, i.e. modified=0, boundary=0 compared to 2d and 3d) |
►Nsll_m_sparse_grid_interpolator | Dimension-independent functions for sparse grid with polynomial basis functions |
Cfft_hierarchical | Class to hold values for hierarchical fft computations |
Csparsegrid_node | Data type for sparse grid node |
Cinterpolator_base_ptr | |
Csll_t_sparse_grid_interpolator | Class defining the sparse grid data structure |
►Nsll_m_sparse_matrix | Sparse matrix linear solver utilities |
Csll_t_csr_matrix | Type for CSR format |
Csll_f_new_csr_matrix | |
Csll_o_delete | |
►Nsll_m_spline_1d | Module for 1D splines, linear combination of B-spline functions |
Csll_t_spline_1d | 1D spline |
►Nsll_m_spline_2d | Module for tensor-product 2D splines |
Csll_t_spline_2d | 2D tensor-product spline |
►Nsll_m_spline_fem_utilities | Utilites for Maxwell solver's with spline finite elements |
Csll_i_profile_function_1d | |
►Nsll_m_spline_fem_utilities_3d | Utilites for 3D Maxwell solvers with spline finite elements |
Csll_i_profile_function | |
►Nsll_m_spline_interpolator_1d | Interpolator for 1D splines of arbitrary degree, on uniform and non-uniform grids |
Csll_t_spline_interpolator_1d | 1D spline interpolator |
►Nsll_m_spline_interpolator_2d | Interpolator for 2D tensor-product splines of arbitrary degree, on uniform and non-uniform grids (directions are independent) |
Csll_t_spline_2d_boundary_data | Container for 2D boundary condition data: . x1-derivatives at x1_min and x1_max, for all values of x2; . x2-derivatives at x2_min and x2_max, for all values of x1; . mixed derivatives at the four corners a,b,c,d |
Csll_t_spline_interpolator_2d | 2D tensor-product spline interpolator |
►Nsll_m_spline_matrix_banded | Derived type for banded matrices |
Csll_t_spline_matrix_banded | Banded matrix type |
Cdgbtrf | |
Cdgbtrs | |
►Nsll_m_spline_matrix_base | Abstract class for small matrix library with basic operations: set matrix element, factorize, solve and write to output |
Csll_c_spline_matrix | |
Ci_sub_set_element | |
Ci_sub_factorize | |
Ci_sub_solve_inplace | |
Ci_sub_write | |
Ci_sub_free | |
►Nsll_m_spline_matrix_dense | Derived type for dense matrices |
Csll_t_spline_matrix_dense | Dense matrix type |
Cdgetrf | |
Cdgetrs | |
►Nsll_m_spline_matrix_periodic_banded | Derived type for periodic banded matrices |
Csll_t_spline_matrix_periodic_banded | |
►Nsll_m_splines_pp | Splines in pp form |
Csll_t_spline_pp_1d | Arbitrary degree 1d spline |
Csll_t_spline_pp_2d | Arbitrary degree 2d spline |
Csll_t_spline_pp_3d | Arbitrary degree 3d spline |
►Nsll_m_split_advection_2d | Implements split operators for constant coefficient advection |
Csll_t_split_advection_2d | Simple operator splitting type for 2D advection Extends operator splitting |
►Nsll_m_time_composition | |
Csll_t_comp_coeff_sym_sym | Symmetric Composition of Symmetric Methods |
►Nsll_m_time_propagator_base | Base class for Hamiltonian splittings |
Csll_c_time_propagator_base | Type for Hamiltonian splittings |
►Nsll_m_time_propagator_pic_vm_1d2v_boris | Boris pusher in GEMPIC framework (spline finite elements) |
Csll_t_time_propagator_pic_vm_1d2v_boris | Solves 1d2v Vlasov-Maxwell with PIC and spline finite elements with Boris pusher |
►Nsll_m_time_propagator_pic_vm_1d2v_cef | Particle pusher based on Hamiltonian splitting proposed by Crouseilles, Einkemmer, Faou for 1d2v Vlasov-Maxwell |
Csll_t_time_propagator_pic_vm_1d2v_cef | Hamiltonian splitting type for Vlasov-Maxwell 1d2v |
►Nsll_m_time_propagator_pic_vm_1d2v_disgrade | Particle pusher based on energy (not charge-conserving) discrete gradient method, semi-implicit |
Csll_t_time_propagator_pic_vm_1d2v_disgrade | Hamiltonian splitting type for Vlasov-Maxwell 1d2v |
►Nsll_m_time_propagator_pic_vm_1d2v_disgrade_trafo | Particle pusher based on antisymmetric splitting with AVF for 1d2v Vlasov-Poisson with coordinate transformation |
Csll_t_time_propagator_pic_vm_1d2v_disgrade_trafo | Hamiltonian splitting type for Vlasov-Maxwell 1d2v |
►Nsll_m_time_propagator_pic_vm_1d2v_disgradec | Particle pusher based on energy and charge-conserving discrete gradient method, implicit |
Csll_t_time_propagator_pic_vm_1d2v_disgradec | |
►Nsll_m_time_propagator_pic_vm_1d2v_disgradec_sub | Particle pusher based on a variation of the energy and charge-conserving discrete gradient method with subcycling, implicit |
Csll_t_time_propagator_pic_vm_1d2v_disgradec_sub | |
►Nsll_m_time_propagator_pic_vm_1d2v_disgradec_trafo | Particle pusher based on antisymmetric splitting with AVF for 1d2v Vlasov-Poisson with coordinate transformation |
Csll_t_time_propagator_pic_vm_1d2v_disgradec_trafo | Hamiltonian splitting type for Vlasov-Maxwell 1d2v |
►Nsll_m_time_propagator_pic_vm_1d2v_ecsim | Particle pusher based on Lapentas splitting in Ecsim for 1d2v Vlasov-Poisson |
Csll_t_time_propagator_pic_vm_1d2v_ecsim | Hamiltonian splitting type for Vlasov-Maxwell 1d2v |
►Nsll_m_time_propagator_pic_vm_1d2v_ecsim2o | Particle pusher based on Lapentas splitting in Ecsim for 1d2v Vlasov-Poisson |
Csll_t_time_propagator_pic_vm_1d2v_ecsim2o | Hamiltonian splitting type for Vlasov-Maxwell 1d2v |
►Nsll_m_time_propagator_pic_vm_1d2v_helper | |
Csll_t_time_propagator_pic_vm_1d2v_helper | Hamiltonian splitting type for Vlasov-Maxwell 1d2v |
►Nsll_m_time_propagator_pic_vm_1d2v_hs | Particle pusher based on Hamiltonian splitting for 1d2v Vlasov-Poisson |
Csll_t_time_propagator_pic_vm_1d2v_hs | Hamiltonian splitting type for Vlasov-Maxwell 1d2v |
►Nsll_m_time_propagator_pic_vm_1d2v_hs_trafo | Particle pusher based on Hamiltonian splitting for 1d2v Vlasov-Maxwell with coordinate transformation |
Csll_t_time_propagator_pic_vm_1d2v_hs_trafo | Hamiltonian splitting type for Vlasov-Maxwell 1d2v |
►Nsll_m_time_propagator_pic_vm_1d2v_momentum | Particle pusher based on Hamiltonian splitting for 1d2v Vlasov-Maxwell in the momentum conserving, non-geometric form (see the reference) |
Csll_t_time_propagator_pic_vm_1d2v_momentum | Hamiltonian splitting type for Vlasov-Maxwell 1d2v |
►Nsll_m_time_propagator_pic_vm_1d2v_subcyc | Particle pusher based on the subcycling algorithm for the 1d2v Vlasov-Maxwell equation |
Csll_t_time_propagator_pic_vm_1d2v_subcyc | Hamiltonian splitting type for Vlasov-Maxwell 1d2v |
►Nsll_m_time_propagator_pic_vm_1d2v_trafo_helper | Particle pusher based on antisymmetric splitting with AVF for 1d2v Vlasov-Poisson with coordinate transformation |
Csll_t_time_propagator_pic_vm_1d2v_trafo_helper | Hamiltonian splitting type for Vlasov-Maxwell 1d2v |
►Nsll_m_time_propagator_pic_vm_1d2v_zigsub | Particle pusher based on the subcycling algorithm for the 1d2v Vlasov-Maxwell equation with splitting of the three H_p parts |
Csll_t_time_propagator_pic_vm_1d2v_zigsub | Hamiltonian splitting type for Vlasov-Maxwell 1d2v |
►Nsll_m_time_propagator_pic_vm_2d3v_hs | Particle pusher based on Hamiltonian splitting for 2d3v Vlasov-Maxwell |
Csll_t_time_propagator_pic_vm_2d3v_hs | Hamiltonian splitting type for Vlasov-Maxwell 1d2v |
►Nsll_m_time_propagator_pic_vm_3d3v_cef | Particle pusher based on Hamiltonian splitting using in Crouseilles, Einkemmer, Faou for 3d3v Vlasov-Maxwell |
Csll_t_time_propagator_pic_vm_3d3v_cef | Hamiltonian splitting type for Vlasov-Maxwell 3d3v |
►Nsll_m_time_propagator_pic_vm_3d3v_cef_trafo | Particle pusher based on Hamiltonian splitting for 3d3v Vlasov-Maxwell with coordinate transformation |
Csll_t_time_propagator_pic_vm_3d3v_cef_trafo | Hamiltonian splitting type for Vlasov-Maxwell 3d3v |
►Nsll_m_time_propagator_pic_vm_3d3v_cl_helper | Particle pusher based on antisymmetric splitting with AVF for 3d3v Vlasov-Maxwell with coordinate transformation |
Csll_t_time_propagator_pic_vm_3d3v_cl_helper | Hamiltonian splitting type for Vlasov-Maxwell 3d3v |
►Nsll_m_time_propagator_pic_vm_3d3v_disgrade | Particle pusher based on antisymmetric splitting with disgradE for 3d3v Vlasov-Maxwell |
Csll_t_time_propagator_pic_vm_3d3v_disgrade | Time propagator for Vlasov-Maxwell 3d3v |
►Nsll_m_time_propagator_pic_vm_3d3v_disgrade_trafo | Particle pusher based on antisymmetric splitting with disgradE for 3d3v Vlasov-Maxwell with coordinate transformation |
Csll_t_time_propagator_pic_vm_3d3v_disgrade_trafo | Time propagator for Vlasov-Maxwell 3d3v with coordinate transformation |
►Nsll_m_time_propagator_pic_vm_3d3v_disgrade_trunc | Particle pusher based on antisymmetric splitting with disgradE for 3d3v Vlasov-Maxwell, modified by approximating particle mass by mass matrix |
Csll_t_time_propagator_pic_vm_3d3v_disgrade_trunc | Time propagator for Vlasov-Maxwell 3d3v |
►Nsll_m_time_propagator_pic_vm_3d3v_disgradec | Particle pusher based on antisymmetric splitting with discrete gradient method for 3d3v Vlasov-Maxwell, implicit charge conserving variant |
Csll_t_time_propagator_pic_vm_3d3v_disgradec | Time propagator for Vlasov-Maxwell 3d3v |
►Nsll_m_time_propagator_pic_vm_3d3v_disgradec_trafo | Particle pusher based on antisymmetric splitting with discrete gradient method for 3d3v Vlasov-Maxwell with coordinate transformation |
Csll_t_time_propagator_pic_vm_3d3v_disgradec_trafo | Time propagator for Vlasov-Maxwell 3d3v with coordinate transformation |
►Nsll_m_time_propagator_pic_vm_3d3v_helper | Particle pusher based on antisymmetric splitting with AVF for 3d3v Vlasov-Maxwell |
Csll_t_time_propagator_pic_vm_3d3v_helper | Helper for implicit time propagators for Vlasov-Maxwell 3d3v |
►Nsll_m_time_propagator_pic_vm_3d3v_hs | Particle pusher based on Hamiltonian splitting for 3d3v Vlasov-Maxwell |
Csll_t_time_propagator_pic_vm_3d3v_hs | Hamiltonian splitting type for Vlasov-Maxwell 3d3v |
►Nsll_m_time_propagator_pic_vm_3d3v_hs_trafo | Particle pusher based on Hamiltonian splitting for 3d3v Vlasov-Maxwell with coordinate transformation |
Csll_t_time_propagator_pic_vm_3d3v_hs_trafo | Hamiltonian splitting type for Vlasov-Maxwell 3d3v with coordinate transformation |
►Nsll_m_time_propagator_pic_vm_3d3v_trafo_helper | |
Csll_t_time_propagator_pic_vm_3d3v_trafo_helper | Helper for implicit time propagator for 3d3v Vlasov-Maxwell with coordinate transformation |
►Nsll_m_timer | We can now use the functions |
Csll_t_time_mark | Type use for clock reading |
►Nsll_m_trapz_integration | Trapezoid formula for numerical integration |
Csll_o_trapz_integrate_1d | Integrate numerically with Gauss-Lobatto formula |
►Nsll_m_triangular_meshes | |
Csll_t_triangular_mesh_2d | 2d hexagonal mesh |
Csll_o_create | |
Csll_o_delete | |
Csll_o_display | |
Csll_o_new_triangular_mesh_2d | |
►Nsll_m_tridiagonal | Tridiagonal system solver |
Csll_o_solve_cyclic_tridiag | Solve tridiagonal system (double or complex) |
►Nsll_m_tsi_2d_initializer | |
Csll_t_init_tsi_2d | |
►Nsll_m_utilities | Some common numerical utilities |
Csll_o_display | Functions to display on screen matrix or vector |
Csll_o_factorial | Return factorial |
►Nsll_m_uzawa_iterator | |
Csll_t_uzawa_iterator | |
►Nsll_m_vector_space_base | Abstract type implementing a generic vector space |
Csll_c_vector_space | Abstract base class for all vector spaces |
Ci_copy | Z = x |
Ci_incr | Z += x |
Ci_scal | Z *= a |
►Nsll_m_vector_space_c1_block | Vector space for wrapping 2D Fortran real arrays |
Csll_t_vector_space_c1_block | |
►Nsll_m_vector_space_real_array_1d | Vector space for wrapping 1D Fortran real arrays |
Csll_t_vector_space_real_array_1d | Vector space for wrapping 1D Fortran real arrays |
►Nsll_m_vector_space_real_array_2d | Vector space for wrapping 2D Fortran real arrays |
Csll_t_vector_space_real_array_2d | Vector space for wrapping 2D Fortran real arrays |
►Nsll_m_vector_space_real_array_3d | Vector space for wrapping 3D Fortran real arrays |
Csll_t_vector_space_real_array_3d | Vector space for wrapping 3D Fortran real arrays |
►Nsll_m_vector_space_real_arrays | |
Csll_vector_space_real_1d | |
►Nsll_m_xdmf | Implements the functions to write xdmf file plotable by VisIt |
Csll_o_xdmf_open | Create a xmf file |
Csll_o_xdmf_write_array | Write the field in xdmf format |
►Nsll_m_xdmf_light_parallel | Construct the XML component of an XDMF database (parallel) |
Csll_t_xdmf_parallel_file | XDMF parallel file |
►Nsll_m_xdmf_light_serial | Construct the XML component of an XDMF database (sequential) |
Ct_xdmf_grid | Pointer to grid |
Csll_t_xdmf_file | XDMF file, sequential |
►Nsll_m_xdmf_parallel | Implements the functions to write xdmf file plotable by VisIt |
Csll_o_xdmf_open | Create the xdmf file |
Csll_o_xdmf_write_array | Write and array in an xmf file |
Csll_o_xdmf_close | Close the xdmf file |
►Nsll_m_xdmf_serial_blocks | Implements the functions to write xdmf file plotable by VisIt |
Csll_xdmf_open | Create a new xmdf file to plot parallel array using hdf5 serial library |
Csll_xdmf_write_array | Write and array in an xmf file |
Csll_xdmf_close | Close the xdmf file |
►Nsll_m_xml | Facilities for constructing an XML tree and printing it to file |
Cc_xml_item | Base class for all the XML entities which can appear in content |
Ct_xml_content | XML type: linked list of XML entities, used in element content |
Ct_xml_attribute | XML attribute type |
Csll_t_xml_element | XML element type |
Csll_t_xml_document | XML document type |
Cc_text_data_printer | XML abstract class: generic printer for writing chardata to file |
Ct_default_text_data_printer | XML type: default printer for writing chardata |
Ct_xml_chardata | XML type: chardata |
Ci_xml_item__write | Write XML content to file |
Ci_xml_item__delete | Delete XML item (deallocate everything) |
Ci_print_text | Write chardata to file |
Ci_delete_printer | Delete chardata printer |
►Nsll_m_xml_io | Implements the functions to write xml file to store light data |
Csll_xml_dataitem | Write a data item in the xml file |
Csll_o_xml_field | Write a data attribute in the xml file |
Csll_o_xml_grid_geometry | Write grid description in the xml file |
Cscalar_field_2d_initializer_base | |
Csll_gyroaverage_2d_base | |