Skip to main content
Back to top
Ctrl
+
K
Getting Started
Setup and Installation
Tutorials
Tutorial 01: Getting Started
Tutorial 02: Basic Kernel generation with
pystencils
Tutorial 03: Datahandling
Tutorial 04: Advection Diffusion - Simple finite differences discretization
Tutorial 05: Phase-field simulation of spinodal decomposition
Tutorial 06: Phase-field simulation of dentritic solidification
Demo: Assignment collections and simplification
Plotting and Animation
Demo: Working with derivatives
Demo: Benchmark numpy, Cython, pystencils
Demo: Finite differences - 2D wave equation
User Manual
Symbolic Language
Kernel Creation
Pystencils for GPUs
Working with Data Types
API Reference
Symbolic Toolbox
Fields
pystencils.field.fields
pystencils.field.Field.create_generic
pystencils.field.Field.create_fixed_size
pystencils.field.Field.create_from_numpy_array
pystencils.field.Field.new_field_with_different_name
pystencils.field.Field.name
pystencils.field.Field.dtype
pystencils.field.Field.itemsize
pystencils.field.Field.ndim
pystencils.field.Field.values_per_cell
pystencils.field.Field.spatial_dimensions
pystencils.field.Field.index_dimensions
pystencils.field.Field.spatial_shape
pystencils.field.Field.has_fixed_shape
pystencils.field.Field.index_shape
pystencils.field.Field.has_fixed_index_shape
pystencils.field.Field.layout
pystencils.field.Field.spatial_strides
pystencils.field.Field.index_strides
pystencils.field.Field.center
pystencils.field.Field.center_vector
pystencils.field.Field.neighbor
pystencils.field.Field.neighbor_vector
pystencils.field.Field.__getitem__
pystencils.field.Field.__call__
pystencils.field.Field.absolute_access
pystencils.field.Field.staggered_access
pystencils.field.Field.staggered_vector_access
Assignments and AssignmentCollection
pystencils.AssignmentCollection
pystencils.AssignmentCollection.__init__
pystencils.AssignmentCollection.add_simplification_hint
pystencils.AssignmentCollection.add_subexpression
pystencils.AssignmentCollection.atoms
pystencils.AssignmentCollection.copy
pystencils.AssignmentCollection.dependent_symbols
pystencils.AssignmentCollection.find
pystencils.AssignmentCollection.lambdify
pystencils.AssignmentCollection.match
pystencils.AssignmentCollection.new_filtered
pystencils.AssignmentCollection.new_merged
pystencils.AssignmentCollection.new_with_inserted_subexpression
pystencils.AssignmentCollection.new_with_substitutions
pystencils.AssignmentCollection.new_without_subexpressions
pystencils.AssignmentCollection.new_without_unused_subexpressions
pystencils.AssignmentCollection.replace
pystencils.AssignmentCollection.set_main_assignments_from_dict
pystencils.AssignmentCollection.set_sub_expressions_from_dict
pystencils.AssignmentCollection.subs
pystencils.AssignmentCollection.topological_sort
pystencils.AssignmentCollection.all_assignments
pystencils.AssignmentCollection.bound_fields
pystencils.AssignmentCollection.bound_symbols
pystencils.AssignmentCollection.defined_symbols
pystencils.AssignmentCollection.free_fields
pystencils.AssignmentCollection.free_symbols
pystencils.AssignmentCollection.main_assignments_dict
pystencils.AssignmentCollection.operation_count
pystencils.AssignmentCollection.rhs_fields
pystencils.AssignmentCollection.rhs_symbols
pystencils.AssignmentCollection.subexpressions_dict
Extensions to SymPy
pystencils.sympyextensions.SymbolCreator
pystencils.sympyextensions.math.prod
pystencils.sympyextensions.math.scalar_product
pystencils.sympyextensions.math.kronecker_delta
pystencils.sympyextensions.math.tanh_step_function_approximation
pystencils.sympyextensions.math.multidimensional_sum
pystencils.sympyextensions.math.is_constant
pystencils.sympyextensions.math.summands
pystencils.sympyextensions.math.common_denominator
pystencils.sympyextensions.math.get_symmetric_part
pystencils.sympyextensions.math.count_operations
pystencils.sympyextensions.math.count_operations_in_ast
pystencils.sympyextensions.math.remove_small_floats
pystencils.sympyextensions.math.is_integer_sequence
pystencils.sympyextensions.math.normalize_product
pystencils.sympyextensions.math.symmetric_product
pystencils.sympyextensions.math.fast_subs
pystencils.sympyextensions.math.subs_additive
pystencils.sympyextensions.math.replace_second_order_products
pystencils.sympyextensions.math.remove_higher_order_terms
pystencils.sympyextensions.math.complete_the_square
pystencils.sympyextensions.math.complete_the_squares_in_exp
pystencils.sympyextensions.math.extract_most_common_factor
pystencils.sympyextensions.math.recursive_collect
pystencils.sympyextensions.math.simplify_by_equality
pystencils.sympyextensions.integer_functions.bitwise_xor
pystencils.sympyextensions.integer_functions.bit_shift_right
pystencils.sympyextensions.integer_functions.bit_shift_left
pystencils.sympyextensions.integer_functions.bitwise_and
pystencils.sympyextensions.integer_functions.bitwise_or
pystencils.sympyextensions.integer_functions.int_div
pystencils.sympyextensions.integer_functions.int_rem
pystencils.sympyextensions.integer_functions.round_to_multiple_towards_zero
pystencils.sympyextensions.integer_functions.ceil_to_multiple
pystencils.sympyextensions.integer_functions.div_ceil
pystencils.sympyextensions.bit_masks.bit_conditional
Type System
pystencils.types.create_type
pystencils.types.create_numeric_type
pystencils.types.UserTypeSpec
pystencils.types.constify
pystencils.types.deconstify
pystencils.types.PsType
pystencils.types.PsCustomType
pystencils.types.PsStructType
pystencils.types.PsDereferencableType
pystencils.types.PsPointerType
pystencils.types.PsArrayType
pystencils.types.PsNumericType
pystencils.types.PsScalarType
pystencils.types.PsVectorType
pystencils.types.PsIntegerType
pystencils.types.PsBoolType
pystencils.types.PsUnsignedIntegerType
pystencils.types.PsSignedIntegerType
pystencils.types.PsIeeeFloatType
pystencils.types.PsTypeError
Code Generation
pystencils.codegen.create_kernel
pystencils.codegen.config.CreateKernelConfig
pystencils.codegen.config.CreateKernelConfig.__init__
pystencils.codegen.config.CreateKernelConfig.copy
pystencils.codegen.config.CreateKernelConfig.get_jit
pystencils.codegen.config.CreateKernelConfig.get_option
pystencils.codegen.config.CreateKernelConfig.get_target
pystencils.codegen.config.CreateKernelConfig.is_option_set
pystencils.codegen.config.CreateKernelConfig.override
pystencils.codegen.config.CreateKernelConfig.validate_default_dtype
pystencils.codegen.config.CreateKernelConfig.validate_index_field
pystencils.codegen.config.CreateKernelConfig.validate_index_type
pystencils.codegen.config.CreateKernelConfig.allow_double_writes
pystencils.codegen.config.CreateKernelConfig.cpu
pystencils.codegen.config.CreateKernelConfig.cpu_openmp
pystencils.codegen.config.CreateKernelConfig.cpu_vectorize_info
pystencils.codegen.config.CreateKernelConfig.data_type
pystencils.codegen.config.CreateKernelConfig.default_dtype
pystencils.codegen.config.CreateKernelConfig.function_name
pystencils.codegen.config.CreateKernelConfig.ghost_layers
pystencils.codegen.config.CreateKernelConfig.gpu
pystencils.codegen.config.CreateKernelConfig.gpu_indexing
pystencils.codegen.config.CreateKernelConfig.gpu_indexing_params
pystencils.codegen.config.CreateKernelConfig.index_dtype
pystencils.codegen.config.CreateKernelConfig.index_field
pystencils.codegen.config.CreateKernelConfig.iteration_slice
pystencils.codegen.config.CreateKernelConfig.jit
pystencils.codegen.config.CreateKernelConfig.skip_independence_check
pystencils.codegen.config.CreateKernelConfig.sycl
pystencils.codegen.config.CreateKernelConfig.target
pystencils.codegen.config.CpuOptions
pystencils.codegen.config.CpuOptions.__init__
pystencils.codegen.config.CpuOptions.copy
pystencils.codegen.config.CpuOptions.get_option
pystencils.codegen.config.CpuOptions.is_option_set
pystencils.codegen.config.CpuOptions.override
pystencils.codegen.config.CpuOptions.loop_blocking
pystencils.codegen.config.CpuOptions.openmp
pystencils.codegen.config.CpuOptions.use_cacheline_zeroing
pystencils.codegen.config.CpuOptions.vectorize
pystencils.codegen.config.OpenMpOptions
pystencils.codegen.config.OpenMpOptions.__init__
pystencils.codegen.config.OpenMpOptions.copy
pystencils.codegen.config.OpenMpOptions.get_option
pystencils.codegen.config.OpenMpOptions.is_option_set
pystencils.codegen.config.OpenMpOptions.override
pystencils.codegen.config.OpenMpOptions.collapse
pystencils.codegen.config.OpenMpOptions.enable
pystencils.codegen.config.OpenMpOptions.nesting_depth
pystencils.codegen.config.OpenMpOptions.num_threads
pystencils.codegen.config.OpenMpOptions.omit_parallel_construct
pystencils.codegen.config.OpenMpOptions.schedule
pystencils.codegen.config.VectorizationOptions
pystencils.codegen.config.VectorizationOptions.__init__
pystencils.codegen.config.VectorizationOptions.copy
pystencils.codegen.config.VectorizationOptions.default_lanes
pystencils.codegen.config.VectorizationOptions.get_option
pystencils.codegen.config.VectorizationOptions.is_option_set
pystencils.codegen.config.VectorizationOptions.override
pystencils.codegen.config.VectorizationOptions.assume_aligned
pystencils.codegen.config.VectorizationOptions.assume_inner_stride_one
pystencils.codegen.config.VectorizationOptions.enable
pystencils.codegen.config.VectorizationOptions.lanes
pystencils.codegen.config.VectorizationOptions.use_nontemporal_stores
pystencils.codegen.config.GpuOptions
pystencils.codegen.config.GpuOptions.__init__
pystencils.codegen.config.GpuOptions.copy
pystencils.codegen.config.GpuOptions.default_warp_size
pystencils.codegen.config.GpuOptions.get_option
pystencils.codegen.config.GpuOptions.is_option_set
pystencils.codegen.config.GpuOptions.override
pystencils.codegen.config.GpuOptions.assume_warp_aligned_block_size
pystencils.codegen.config.GpuOptions.indexing_scheme
pystencils.codegen.config.GpuOptions.manual_launch_grid
pystencils.codegen.config.GpuOptions.warp_size
pystencils.codegen.config.SyclOptions
pystencils.codegen.config.SyclOptions.__init__
pystencils.codegen.config.SyclOptions.copy
pystencils.codegen.config.SyclOptions.get_option
pystencils.codegen.config.SyclOptions.is_option_set
pystencils.codegen.config.SyclOptions.override
pystencils.codegen.config.SyclOptions.automatic_block_size
pystencils.codegen.config.GpuIndexingScheme
pystencils.codegen.config.GpuIndexingScheme.Linear3D
pystencils.codegen.config.GpuIndexingScheme.Blockwise4D
pystencils.codegen.config.AUTO
pystencils.codegen.config.Option
pystencils.codegen.config.BasicOption
pystencils.codegen.config.Category
pystencils.codegen.config.ConfigBase
pystencils.codegen.target.Target
pystencils.codegen.target.Target.is_automatic
pystencils.codegen.target.Target.is_cpu
pystencils.codegen.target.Target.is_vector_cpu
pystencils.codegen.target.Target.is_gpu
pystencils.codegen.target.Target.auto_cpu
pystencils.codegen.target.Target.auto_gpu
pystencils.codegen.target.Target.available_targets
pystencils.codegen.target.Target.available_vector_cpu_targets
pystencils.codegen.target.Target.CurrentCPU
pystencils.codegen.target.Target.GenericCPU
pystencils.codegen.target.Target.CPU
pystencils.codegen.target.Target.X86_SSE
pystencils.codegen.target.Target.X86_AVX
pystencils.codegen.target.Target.X86_AVX512
pystencils.codegen.target.Target.X86_AVX512_FP16
pystencils.codegen.target.Target.ARM_NEON
pystencils.codegen.target.Target.ARM_SVE
pystencils.codegen.target.Target.CurrentGPU
pystencils.codegen.target.Target.CUDA
pystencils.codegen.target.Target.HIP
pystencils.codegen.target.Target.GPU
pystencils.codegen.target.Target.SYCL
pystencils.codegen.driver.DefaultKernelCreationDriver
pystencils.codegen.driver.get_driver
pystencils.codegen.Kernel
pystencils.codegen.GpuKernel
pystencils.codegen.Parameter
pystencils.codegen.Lambda
JIT Compilation
pystencils.jit.KernelWrapper
pystencils.jit.JitBase
pystencils.jit.NoJit
pystencils.jit.LegacyCpuJit
pystencils.jit.cpu.compiler_info.CompilerInfo
pystencils.jit.cpu.compiler_info.GccInfo
pystencils.jit.cpu.compiler_info.ClangInfo
pystencils.jit.cpu.CpuJit
pystencils.jit.cpu.cpujit.ExtensionModuleBuilderBase
pystencils.jit.gpu_cupy.CupyJit
pystencils.jit.gpu_cupy.CupyKernelWrapper
pystencils.jit.gpu_cupy.LaunchGrid
Topics
Contribution Guide
Development Workflow
Testing pystencils
Version 2.0 Migration Guide
Developer’s Reference: Code Generation Backend
Constants, Memory Objects, and Functions
Abstract Syntax Tree
pystencils.backend.ast.astnode.PsAstNode
pystencils.backend.ast.astnode.PsLeafMixIn
pystencils.backend.ast.structural.PsBlock
pystencils.backend.ast.structural.PsStatement
pystencils.backend.ast.structural.PsAssignment
pystencils.backend.ast.structural.PsDeclaration
pystencils.backend.ast.structural.PsLoop
pystencils.backend.ast.structural.PsConditional
pystencils.backend.ast.structural.PsEmptyLeafMixIn
pystencils.backend.ast.structural.PsPragma
pystencils.backend.ast.structural.PsComment
pystencils.backend.ast.expressions.PsExpression
pystencils.backend.ast.expressions.PsLvalue
pystencils.backend.ast.expressions.PsSymbolExpr
pystencils.backend.ast.expressions.PsConstantExpr
pystencils.backend.ast.expressions.PsLiteralExpr
pystencils.backend.ast.expressions.PsBufferAcc
pystencils.backend.ast.expressions.PsSubscript
pystencils.backend.ast.expressions.PsMemAcc
pystencils.backend.ast.expressions.PsLookup
pystencils.backend.ast.expressions.PsCall
pystencils.backend.ast.expressions.PsTernary
pystencils.backend.ast.expressions.PsNumericOpTrait
pystencils.backend.ast.expressions.PsIntOpTrait
pystencils.backend.ast.expressions.PsBoolOpTrait
pystencils.backend.ast.expressions.PsUnOp
pystencils.backend.ast.expressions.PsNeg
pystencils.backend.ast.expressions.PsAddressOf
pystencils.backend.ast.expressions.PsCast
pystencils.backend.ast.expressions.PsBinOp
pystencils.backend.ast.expressions.PsAdd
pystencils.backend.ast.expressions.PsSub
pystencils.backend.ast.expressions.PsMul
pystencils.backend.ast.expressions.PsDiv
pystencils.backend.ast.expressions.PsIntDiv
pystencils.backend.ast.expressions.PsRem
pystencils.backend.ast.expressions.PsLeftShift
pystencils.backend.ast.expressions.PsRightShift
pystencils.backend.ast.expressions.PsBitwiseAnd
pystencils.backend.ast.expressions.PsBitwiseXor
pystencils.backend.ast.expressions.PsBitwiseOr
pystencils.backend.ast.expressions.PsAnd
pystencils.backend.ast.expressions.PsOr
pystencils.backend.ast.expressions.PsNot
pystencils.backend.ast.expressions.PsRel
pystencils.backend.ast.expressions.PsEq
pystencils.backend.ast.expressions.PsNe
pystencils.backend.ast.expressions.PsGe
pystencils.backend.ast.expressions.PsLe
pystencils.backend.ast.expressions.PsGt
pystencils.backend.ast.expressions.PsLt
pystencils.backend.ast.expressions.PsArrayInitList
pystencils.backend.ast.vector.PsVectorOp
pystencils.backend.ast.vector.PsVecBroadcast
pystencils.backend.ast.vector.PsVecMemAcc
pystencils.backend.ast.expressions.evaluate_expression
pystencils.backend.ast.dfs_preorder
pystencils.backend.ast.dfs_postorder
pystencils.backend.ast.util.AstEqWrapper
pystencils.backend.ast.util.determine_memory_object
Iteration Spaces
Kernel Translation
Platforms
pystencils.backend.platforms.Platform
pystencils.backend.platforms.GenericCpu
pystencils.backend.platforms.GenericVectorCpu
pystencils.backend.platforms.X86VectorCpu
pystencils.backend.platforms.X86VectorArch
pystencils.backend.platforms.GenericGpu
pystencils.backend.platforms.CudaPlatform
pystencils.backend.platforms.HipPlatform
pystencils.backend.platforms.SyclPlatform
AST Transformations
GPU Code Generation
pystencils.backend.platforms.generic_gpu.ThreadMapping
pystencils.backend.platforms.generic_gpu.Linear3DMapping
pystencils.backend.platforms.generic_gpu.Blockwise4DMapping
pystencils.codegen.gpu_indexing.GpuIndexing
pystencils.codegen.gpu_indexing.GpuLaunchConfiguration
pystencils.codegen.gpu_indexing.AutomaticLaunchConfiguration
pystencils.codegen.gpu_indexing.ManualLaunchConfiguration
pystencils.codegen.gpu_indexing.DynamicBlockSizeLaunchConfiguration
Errors and Exceptions
Extensions and Experimental Features
.rst
.pdf
pystencils.field.Field.spatial_dimensions
Contents
Field.spatial_dimensions
pystencils.field.Field.spatial_dimensions
#
property
Field.
spatial_dimensions
:
int
#
Contents
Field.spatial_dimensions