OpenVDB 11.0.0
Loading...
Searching...
No Matches
Class Hierarchy
This inheritance list is sorted roughly, but not completely, alphabetically:
[detail level 123]
 CInternalNode< _ChildNodeType, Log2Dim >::TopologyDifference< OtherInternalNode >::A
 CInternalNode< _ChildNodeType, Log2Dim >::TopologyIntersection< OtherInternalNode >::A
 CInternalNode< _ChildNodeType, Log2Dim >::TopologyUnion< OtherInternalNode >::A
 CAbsDiffCompression oracle based on absolute difference
 CABTransformThis class implements the Transformer functor interface (specifically, the isAffine(), transform() and invTransform() methods) for a transform that maps an A grid into a B grid's index space such that, after resampling, A's index space and transform match B's index space and transform
 CAttributeArray::AccessorBaseAccessor base class for AttributeArray storage where type is not available
 CAccessorEval< CodecType, ValueType >Accessor to call unsafe get and set methods based on templated Codec and Value
 CAccessorEval< UnknownCodec, ValueType >Partial specialization when Codec is not known at compile-time to use the supplied functor instead
 CAdvect
 CAlphaMask< GridT, MaskT, SamplerT, FloatT >
 CApplyFunc< Fn, Args >
 CArchiveGrid serializer/unserializer
 CAttributeArrayBase class for storing attribute data
 CAttributeHandle< ValueType, CodecType >
 CAttributeHandle< Index, openvdb::v11_0::points::StringCodec< false > >
 CAttributeHandle< ValueType, UnknownCodec >
 CAttributeHashFilter< RandGenT, IntType >
 CLevelSetFilter< GridT, MaskT, InterruptT >::Filter::Avg< Axis >
 CInternalNode< _ChildNodeType, Log2Dim >::TopologyDifference< OtherInternalNode >::B
 CBaseBBox< Vec3T >
 CBaseBBox< CoordT >
 CBaseCameraAbstract base class for the perspective and orthographic cameras
 CRootNode< ChildT >::BaseIter< RootT >
 CRootNodeMask::BaseIterator
 CBaseMaskIterator< NodeMask >Base class for the bit mask iterators
 CBasePointScatter< PointAccessorType, RandomGenerator, InterruptType >Forward declaration of base class
 CBasePointScatter< PointAccessorType, RandomGenerator, util::NullInterrupter >
 CBaseShaderAbstract base class for the shaders
 CBaseStencil< DerivedType, SIZE, GridT >
 CBaseStencil< DerivedType, GridT, IsSafe >
 CBaseStencil< BoxStencil< GridT >, 8, GridT >
 CBaseStencil< BoxStencil< GridT, true >, GridT, true >
 CBaseStencil< CurvatureStencil< GridT >, 19, GridT >
 CBaseStencil< CurvatureStencil< GridT, IsSafe >, GridT, IsSafe >
 CBaseStencil< CurvatureStencil< GridT, true >, GridT, true >
 CBaseStencil< DenseStencil< GridT, true >, GridT, true >
 CBaseStencil< FourthOrderDenseStencil< GridT, true >, GridT, true >
 CBaseStencil< GradStencil< GridT >, 7, GridT >
 CBaseStencil< GradStencil< GridT, IsSafe >, GridT, IsSafe >
 CBaseStencil< GradStencil< GridT, true >, GridT, true >
 CBaseStencil< NineteenPointStencil< GridT, true >, GridT, true >
 CBaseStencil< SecondOrderDenseStencil< GridT, true >, GridT, true >
 CBaseStencil< SevenPointStencil< GridT, true >, GridT, true >
 CBaseStencil< SixthOrderDenseStencil< GridT, true >, GridT, true >
 CBaseStencil< ThirteenPointStencil< GridT, true >, GridT, true >
 CBaseStencil< WenoStencil< GridT >, 19, GridT >
 CBaseStencil< WenoStencil< GridT, true >, GridT, true >
 CBBox< Vec3T, bool >
 CBBox< Vec3T >Axis-aligned bounding box
 CBBox< Coord >
 CBBox< CoordT >
 CBBox< nanovdb::Vec3 >
 CBBox< Vec3d >
 CBBoxFilter
 CBIAS_SCHEME< bgs >
 CBIAS_SCHEME< FIRST_BIAS >
 CBIAS_SCHEME< HJWENO5_BIAS >
 CBIAS_SCHEME< SECOND_BIAS >
 CBIAS_SCHEME< THIRD_BIAS >
 CBIAS_SCHEME< WENO5_BIAS >
 CBinaryFilter< T1, T2, And >
 CBitArray< N >
 CBitArray< 16 >
 CBitArray< 32 >
 CBitArray< 64 >
 CBitArray< 8 >
 CGroupHandle::BitMask
 CCreateNanoGrid< SrcGridT >::BlindMetaData
 CBoxSampler
 CBufferTraits< BufferT >
 CBuildMoveMapsOp< DeformerT, TreeT, FilterT >
 CBuildToValueMap< T >Maps one type (e.g. the build types above) to other (actual) types
 CBuildToValueMap< BuildT >
 CBuildToValueMap< Fp16 >
 CBuildToValueMap< Fp4 >
 CBuildToValueMap< Fp8 >
 CBuildToValueMap< FpN >
 CBuildToValueMap< Half >
 CBuildToValueMap< nanovdb::ValueMask >
 CBuildToValueMap< Point >
 CBuildToValueMap< ValueIndex >
 CBuildToValueMap< ValueIndexMask >
 CBuildToValueMap< ValueMask >
 CBuildToValueMap< ValueOnIndex >
 CBuildToValueMap< ValueOnIndexMask >
 CBuildTraits< T >Define static boolean tests for template build types
 CCachedDeformer< T >::Cache
 CCachedDeformer< T >A Deformer that caches the resulting positions from evaluating another Deformer
 CCanConvertType< FromType, ToType >CanConvertType<FromType, ToType>::value is true if a value of type ToType can be constructed from a value of type FromType
 CCanConvertType< math::Vec2< T >, math::Vec2< T > >
 CCanConvertType< math::Vec3< T >, math::Vec3< T > >
 CCanConvertType< math::Vec4< T >, math::Vec4< T > >
 CCanConvertType< PointDataIndex32, PointIndex32 >
 CCanConvertType< PointIndex32, PointDataIndex32 >
 CCanConvertType< T, math::Vec2< T > >
 CCanConvertType< T, math::Vec3< T > >
 CCanConvertType< T, math::Vec4< T > >
 CCanConvertType< T, ValueMask >
 CCanConvertType< T0, math::Vec2< T1 > >
 CCanConvertType< T0, math::Vec3< T1 > >
 CCanConvertType< T0, math::Vec4< T1 > >
 CCanConvertType< ValueMask, T >
 CChangeBackgroundOp< TreeOrLeafManagerT >
 CChangeLevelSetBackgroundOp< TreeOrLeafManagerT >
 CCheckDivergence< GridT, TreeIterT, DiffScheme >Checks the divergence against a range
 CCheckEikonal< GridT, TreeIterT, StencilT >Checks the norm of the gradient at zero-crossing voxels against a range
 CCheckFinite< GridT, TreeIterT >Checks for both NaN and inf values, i.e. any value that is not finite
 CCheckFogVolume< GridType >Class that performs various types of checks on fog volumes
 CCheckInf< GridT, TreeIterT >Checks for infinite values, e.g. 1/0 or -1/0
 CCheckLevelSet< GridType >Class that performs various types of checks on narrow-band level sets
 CCheckMagnitude< GridT, TreeIterT >Check that the magnitude of a value, a, is close to a fixed magnitude, b, given a fixed tolerance c. That is | |a| - |b| | <= c
 CCheckMax< GridT, TreeIterT >Checks a value against a maximum
 CCheckMin< GridT, TreeIterT >Checks a value against a minimum
 CCheckNan< GridT, TreeIterT >Checks NaN values
 CCheckNormGrad< GridT, TreeIterT, GradScheme >Checks the norm of the gradient against a range, i.e., |∇Φ| ∈ [min, max]
 CCheckRange< GridT, MinInclusive, MaxInclusive, TreeIterT >Checks a value against a range
 CInternalNode< _ChildNodeType, Log2Dim >::ChildAll
 CLeafNode< T, Log2Dim >::ChildAll
 CRootNode< ChildT >::ChildIterator
 CLeafNode< BuildT, CoordT, MaskT, Log2Dim >::ChildNodeType
 CInternalNode< _ChildNodeType, Log2Dim >::ChildOff
 CLeafNode< T, Log2Dim >::ChildOff
 CInternalNode< _ChildNodeType, Log2Dim >::ChildOn
 CLeafNode< T, Log2Dim >::ChildOn
 CClosestPointProjector< CptGridT >
 CClosestSurfacePoint< GridT >Accelerated closest surface point queries for narrow band level sets
 Ccnanovdb_coord
 Ccnanovdb_gridblindmetadata
 Ccnanovdb_griddata
 Ccnanovdb_map
 Ccnanovdb_mask3
 Ccnanovdb_mask4
 Ccnanovdb_mask5
 Ccnanovdb_node0F
 Ccnanovdb_node0F3
 Ccnanovdb_node1F
 Ccnanovdb_node1F3
 Ccnanovdb_node2F
 Ccnanovdb_node2F3
 Ccnanovdb_readaccessor
 Ccnanovdb_rootdata_tileF
 Ccnanovdb_rootdata_tileF3
 Ccnanovdb_rootdataF
 Ccnanovdb_rootdataF3
 Ccnanovdb_stencil1F
 Ccnanovdb_stencil1F3
 Ccnanovdb_tileentryF
 Ccnanovdb_tileentryF3
 Ccnanovdb_treedata
 Ccnanovdb_Vec3F
 CCombineArgs< AValueType, BValueType >This struct collects both input and output arguments to "grid combiner" functors used with the tree::TypedGrid::combineExtended() and combine2Extended() methods. AValueType and BValueType are the value types of the two grids being combined
 CCombineOpAdapter< AValueT, CombineOp, BValueT >Helper class to adapt a three-argument (a, b, result) CombineOp functor into a single-argument functor that accepts a CombineArgs struct
 CCompositeFunctorTranslator< OP, ValueT >Translator that converts an enum to compositing functor types
 CCompositeFunctorTranslator< DS_ADD, ValueT >
 CCompositeFunctorTranslator< DS_MAX, ValueT >
 CCompositeFunctorTranslator< DS_MIN, ValueT >
 CCompositeFunctorTranslator< DS_MULT, ValueT >
 CCompositeFunctorTranslator< DS_OVER, ValueT >
 CCompositeFunctorTranslator< DS_SUB, ValueT >
 CCompositeOp
 CCompoundMap< FirstMapType, SecondMapType >Creates the composition of two maps, each of which could be a composition. In the case that each component of the composition classified as linear an acceleration AffineMap is stored
 CCompReplaceOp< TreeT >
 CPagedArray< ValueT, Log2PageSize >::ConstIterator
 CConstrainedPointAdvect< GridT, PointListT, StaggeredVelocity, CptGridType, InterrupterType >
 CSparseStencilMatrix< ValueType_, STENCIL_SIZE >::ConstRowRead-only accessor to a row of this matrix
 CSparseStencilMatrix< ValueType_, STENCIL_SIZE >::ConstValueIterIterator over the stored values in a row of this matrix
 CContainer
 CContiguousOp< ValueT, PointWiseOp >Wrapper struct used to avoid unnecessary computation of memory access from Coord when all offsets are guaranteed to be within the dense grid
 CConversionDummy class for tag dispatch of conversion constructors
 CConvertElementType< T, SubT >Conversion classes for changing the underlying type of VDB types
 CConvertElementType< math::Mat3< T >, SubT >
 CConvertElementType< math::Mat4< T >, SubT >
 CConvertElementType< math::Quat< T >, SubT >
 CConvertElementType< math::Vec2< T >, SubT >
 CConvertElementType< math::Vec3< T >, SubT >
 CConvertElementType< math::Vec4< T >, SubT >
 CConvertTrait< T >
 CConvertTrait< nanovdb::Fp16 >
 CConvertTrait< nanovdb::Fp4 >
 CConvertTrait< nanovdb::Fp8 >
 CConvertTrait< nanovdb::FpN >
 CConvertTrait< nanovdb::ValueMask >
 CConvertTrait< nanovdb::Vec3< T > >
 CConvertTrait< nanovdb::Vec4< T > >
 CCoordSigned (i, j, k) 32-bit integer coordinate class, similar to openvdb::math::Coord
 CCoordSigned (x, y, z) 32-bit integer coordinates
 CCoordBBoxAxis-aligned bounding box of signed integer coordinates
 CCopyableOpApplier< IterT, OpT >
 CCopyConstness< FromType, ToType >CopyConstness<T1, T2>::Type is either const T2 or T2 with no const qualifier, depending on whether T1 is const
 CCopyFromDense< _TreeT, _DenseT >Copy the values from a dense grid into an OpenVDB tree
 CGlobalMovePointsOp< TreeT >::CopyIterator
 CLocalMovePointsOp< TreeT >::CopyIterator
 CCopyOp< T >
 CCopyToDense< _TreeT, _DenseT >Copy an OpenVDB tree into an existing dense grid
 CCPT< MapType, DiffScheme >Compute the closest-point transform to a level set
 CCpt< InGridT, MaskGridType, InterruptT >Compute the closest-point transform of a scalar grid
 CCPT_RANGE< MapType, DiffScheme >Compute the closest-point transform to a level set
 CCpuTimer
 CCpuTimerSimple timer for basic profiling
 CCreateNanoGrid< SrcGridT >Creates any nanovdb Grid from any source grid (certain combinations are obviously not allowed)
 CCsgDifferenceOp< TreeT >DynamicNodeManager operator to merge two trees using a CSG difference
 CCsgUnionOrIntersectionOp< TreeT, Union >DynamicNodeManager operator to merge trees using a CSG union or intersection
 CCurl< MapType, DiffScheme >Compute the curl of a vector-valued grid using differencing of various orders in the space defined by the range of the map
 CCurl< GridT, MaskGridType, InterruptT >Compute the curl of a vector grid
 CCurl< UniformScaleMap, CD_2ND >Full template specialization of Curl
 CCurl< UniformScaleMap, DiffScheme >Partial template specialization of Curl
 CCurl< UniformScaleTranslateMap, CD_2ND >Full template specialization of Curl
 CCurl< UniformScaleTranslateMap, DiffScheme >Partial template specialization of Curl
 CD1< DiffScheme >
 CD1< BD_1ST >
 CD1< BD_2ND >
 CD1< BD_3RD >
 CD1< BD_HJWENO5 >
 CD1< BD_WENO5 >
 CD1< CD_2ND >
 CD1< CD_2NDT >
 CD1< CD_4TH >
 CD1< CD_6TH >
 CD1< FD_1ST >
 CD1< FD_2ND >
 CD1< FD_3RD >
 CD1< FD_HJWENO5 >
 CD1< FD_WENO5 >
 CD1Vec< DiffScheme >
 CD1Vec< CD_2ND >
 CD1Vec< CD_2NDT >
 CD1Vec< CD_4TH >
 CD1Vec< CD_6TH >
 CD2< DiffScheme >
 CD2< CD_FOURTH >
 CD2< CD_SECOND >
 CD2< CD_SIXTH >
 CDDA< RayT, CoordT, Dim >A Digital Differential Analyzer. Unlike HDDA (defined above) this DDA uses a fixed step-size defined by the template parameter Dim!
 CDDA< RayT, Log2Dim >A Digital Differential Analyzer specialized for OpenVDB grids
 CDDA< RayT, LeafT::TOTAL >
 CDDA< RayT, NodeT::TOTAL >
 CDDA< RayType, NodeT::TOTAL >
 CTree< _RootNodeType >::DeallocateNodes< NodeType >
 CDeepCopyTag dispatch class that distinguishes constructors that deep copy
 CInternalNode< _ChildNodeType, Log2Dim >::DeepCopy< OtherInternalNode >
 CDefault< ValueType >
 CDeformerTraits< DeformerT >Deformer Traits for optionally configuring deformers to be applied in index-space. The default is world-space
 CDelta< T >Delta for small floating-point offsets
 CDelta< T >Delta for small floating-point offsets
 CDelta< double >
 CDelta< double >
 CDelta< float >
 CDelta< float >
 CDenseBase< ValueT, Layout >Base class for Dense which is defined below
 CDenseBase< ValueT, LayoutXYZ >Partial template specialization of DenseBase
 CDenseBase< ValueT, LayoutZYX >
 CDenseBase< ValueT, LayoutZYX >Partial template specialization of DenseBase
 CMask< LOG2DIM >::DenseIterator
 CDenseTransformer< _ValueT, OpType >Class that applies a functor to the index space intersection of a prescribed bounding box and the dense grid. NB: This class only supports DenseGrids with ZYX memory layout
 CDepthFirstNodeVisitor< NodeT, LEVEL >Visit all nodes that are downstream of a specific node in depth-first order and apply a user-supplied functor to each node
 CDepthFirstNodeVisitor< NodeT, 0 >
 CDescriptor
 CVector< T >::DeterministicDotProductOp
 CDiagnose< GridT >Performs multithreaded diagnostics of a grid
 CDiagnose< GridType >
 CFastSweeping< SdfGridT, ExtValueT >::DilateKernelPrivate class of FastSweeping to perform multi-threaded initialization
 CDiracDelta< RealT >Smeared-out and continuous Dirac Delta function
 CDirichletBoundaryOp< ValueType >Dirichlet boundary condition functor
 Cdisable_if< bool, T >
 Cdisable_if< true, T >
 CDiscreteField< VelGridT, Interpolator >Thin wrapper class for a velocity grid
 CDitherLUT
 CDivergence< MapType, DiffScheme >Compute the divergence of a vector-valued grid using differencing of various orders, the result defined with respect to the range-space of the map
 CDivergence< InGridT, MaskGridType, InterruptT >Compute the divergence of a vector grid
 CDivergence< ScaleMap, CD_2ND >
 CDivergence< ScaleMap, DiffScheme >
 CDivergence< ScaleTranslateMap, CD_2ND >
 CDivergence< ScaleTranslateMap, DiffScheme >
 CDivergence< TranslationMap, DiffScheme >
 CDivergence< UniformScaleMap, CD_2ND >
 CDivergence< UniformScaleMap, DiffScheme >
 CDivergence< UniformScaleTranslateMap, CD_2ND >
 CDivergence< UniformScaleTranslateMap, DiffScheme >
 CDSConverter< DenseType, TreeType >
 CDualGridSampler< GridOrTreeT, SamplerT >This is a simple convenience class that allows for sampling from a source grid into the index space of a target grid. At construction the source and target grids are checked for alignment which potentially renders interpolation unnecessary. Else interpolation is performed according to the templated Sampler type
 CDualGridSampler< AccT, tools::BoxSampler >
 CDualGridSampler< tree::ValueAccessor< TreeT >, SamplerT >Specialization of DualGridSampler for construction from a ValueAccessor type
 CDummySampleType
 CDynamicNodeManager< TreeOrLeafManagerT, _LEVELS >
 CDynamicNodeManagerLink< NodeT, LEVEL >This class is a link in a chain that each caches tree nodes of a specific type in a linear array
 CDynamicNodeManagerLink< ChildNodeType, LEVELS-1 >
 CMeshToVoxelEdgeData::EdgeDataInternal edge data type
 Cenable_if< bool, T >C++11 implementation of std::enable_if
 Cenable_if< true, T >
 CEnrightField< ScalarT >Analytical, divergence-free and periodic velocity field
 CEnrightField< typename GridT::ValueType >
 Cexception
 CExtractAll< _ResultTreeType, DenseValueType >Simple utility class used by extractSparseTreeWithMask
 CExtrema< ValueT, Rank >
 CExtremaThis class computes the minimum and maximum values of a population of floating-point values
 CExtrema< ValueT, 0 >Template specialization of Extrema on scalar value types, i.e. rank = 0
 CExtrema< ValueT, 1 >
 CExtrema< VecT, 1 >Template specialization of Extrema on vector value types, i.e. rank = 1
 Cfalse_type
 CFastSweeping< SdfGridT, ExtValueT >Computes signed distance values from an initial iso-surface and optionally performs velocity extension at the same time. This is done by means of a novel sparse and parallel fast sweeping algorithm based on a first order Godunov's scheme
 CFileHeaderData encoded at the head of each segment of a file or stream
 CFileMetaData
 CFillOp< T >
 CFilmA simple class that allows for concurrent writes to pixels in an image, background initialization of the image, and PPM file output
 CFilter< GridT, MaskT, InterruptT >Volume filtering (e.g., diffusion) with optional alpha masking
 CFilterTraits< T >
 CFilterTraits< BBoxFilter >
 CFilterTraits< BinaryFilter< T0, T1, And > >
 CFilterTraits< LevelSetFilter< T > >
 CFilterTypeSelectively extract and filter point data using a custom filter operator
 CFindActiveValues< TreeT >Finds the active values in a tree which intersects a bounding box
 CFixedPointCodec< OneByte, Range >
 CFloatTraits< T, int >
 CFloatTraits< bool, 1 >
 CFloatTraits< BuildT >
 CFloatTraits< Point, 1 >
 CFloatTraits< T, 8 >
 CFloatTraits< ValueIndex, 1 >
 CFloatTraits< ValueIndexMask, 1 >
 CFloatTraits< ValueMask, 1 >
 CFloatTraits< ValueOnIndex, 1 >
 CFloatTraits< ValueOnIndexMask, 1 >
 CFloatTraits< ValueT >
 Cflt_t< Bits >
 Cflt_t< 16ul >
 Cflt_t< 32ul >
 Cflt_t< 64ul >
 CForeachFilterOp< OpT >
 CFormattedInt< IntT >I/O manipulator that formats integer values with thousands separators
 CFp16Dummy type for a 16bit quantization of float point values
 CFp4Dummy type for a 4bit quantization of float point values
 CFp8Dummy type for a 8bit quantization of float point values
 CFpNDummy type for a variable bit quantization of floating point values
 CFrustumRasterizer< PointDataGridT >Efficient rasterization of one or more VDB Points grids into a linear or frustum volume with the option to bake in camera or geometry motion blur
 CFrustumRasterizerMask
 CFrustumRasterizerSettingsA group of shared settings to be used in the Volume Rasterizer
 CDivergence< InGridT, MaskGridType, InterruptT >::Functor< DiffScheme >
 CGradient< InGridT, MaskGridType, InterruptT >::Functor
 CLaplacian< GridT, MaskGridType, InterruptT >::Functor
 CMagnitude< InGridT, MaskGridType, InterruptT >::Functor
 CMeanCurvature< GridT, MaskGridType, InterruptT >::Functor
 CNormalize< GridT, MaskGridType, InterruptT >::Functor
 CMeshToVoxelEdgeData::GenEdgeData
 CGenericMapA wrapper that holds a MapBase::ConstPtr and exposes a reduced set of functionality needed by the mathematical operators
 CGetDim< BuildT >Implements Tree::getDim(Coord)
 CGetLeaf< BuildT >Return the pointer to the leaf node that contains Coord. Implements Tree::probeLeaf(Coord)
 CGetLower< BuildT >Return point to the lower internal node where Coord maps to one of its values, i.e. terminates
 CGetNodeInfo< BuildT >Implements Tree::getNodeInfo(Coord)
 CGetState< T >Implements Tree::isActive(Coord)
 CGetState< BuildT >Implements Tree::isActive(Coord)
 CGetUpper< BuildT >Return point to the upper internal node where Coord maps to one of its values, i.e. terminates
 CGetValue< T >Implements Tree::getValue(Coord), i.e. return the value associated with a specific coordinate ijk
 CGetValue< BuildT >Implements Tree::getValue(Coord), i.e. return the value associated with a specific coordinate ijk
 CGlobalMovePointsOp< TreeT >
 CGradient< MapType, DiffScheme >Center difference gradient operators, defined with respect to the range-space of the map
 CGradient< InGridT, MaskGridType, InterruptT >Compute the gradient of a scalar grid
 CGradient< ScaleMap, CD_2ND >
 CGradient< ScaleTranslateMap, CD_2ND >
 CGradient< TranslationMap, DiffScheme >
 CGradient< UniformScaleMap, CD_2ND >
 CGradient< UniformScaleTranslateMap, CD_2ND >
 CGradientBiased< MapType, GradScheme >Biased gradient operators, defined with respect to the range-space of the map
 CGradientNormSqrd< MapType, GradScheme >
 CGradientNormSqrd< UniformScaleMap, GradScheme >Partial template specialization of GradientNormSqrd
 CGradientNormSqrd< UniformScaleTranslateMap, GradScheme >Partial template specialization of GradientNormSqrd
 CGridBlindMetaData
 CGridChecksumClass that encapsulates two CRC32 checksums, one for the Grid, Tree and Root node meta data and one for the remaining grid nodes
 CGridDataStruct with all the member data of the Grid (useful during serialization of an openvdb grid)
 CGridDescriptor
 CGridHandle< BufferT >This class serves to manage a buffer containing one or more NanoVDB Grids
 CGridHandleMetaData
 CGridMetaDataThis is a convenient class that allows for access to grid meta-data that are independent of the value type of a grid. That is, this class can be used to get information about a grid without actually knowing its ValueType
 CGridNamePredPredicate functor that returns true for grids that have a specified name
 CGridOperator< InGridT, MaskGridType, OutGridT, MapT, OperatorT, InterruptT >Apply an operator to an input grid to produce an output grid with the same active voxel topology but a potentially different value type
 CGridResampler
 CGridSampler< GridOrTreeType, SamplerType >Class that provides the interface for continuous sampling of values in a tree
 CGridSampler< tree::ValueAccessor< TreeT >, SamplerType >Specialization of GridSampler for construction from a ValueAccessor type
 CGridStats< GridT, StatsT >Allows for the construction of NanoVDB grids without any dependency
 CGridTree< GridT >Defines a tree type from a grid type while preserving constness
 CGridTree< const GridT >
 CGridValidator< ValueT >Allows for the construction of NanoVDB grids without any dependecy
 CGroupCodec
 CGroupFilterIndex filtering on group membership
 CGroupHandle
 CHalfDummy type for a 16 bit floating point values
 Chalf
 CHalfReader< IsReal, T >
 CHalfReader< false, T >Partial specialization for non-floating-point types (no half to float promotion)
 CHalfReader< true, T >Partial specialization for floating-point types
 CHalfWidthOp< ValueType >
 CHalfWidthOp< bool >
 CHalfWriter< IsReal, T >
 CHalfWriter< false, T >Partial specialization for non-floating-point types (no float to half quantization)
 CHalfWriter< true, T >Partial specialization for floating-point types
 CHasMultiPassIO< LeafNodeType >Metafunction that specifies whether a given leaf node, tree, or grid type requires multiple passes to read and write voxel data
 CHasMultiPassIO< Grid< TreeType > >
 CHasMultiPassIO< tree::Tree< RootNodeType > >
 CHDDA< RayT, CoordT >A Digital Differential Analyzer specialized for OpenVDB grids
 CHDDA< RayT, nanovdb::Coord >
 CHistogramThis class computes a histogram, with a fixed interval width, of a population of floating-point values
 CHomogeneousMatMul
 CHostBufferThis is a buffer that contains a shared or private pool to either externally or internally managed host memory
 Cimath_half_uifType for both C-only programs and C++ to use the same utilities
 CInactivePruneOp< TreeT, TerminationLevel >
 Cindex_sequence<... >
 Cindex_sequence< Ns >Re-implementation of C++17's index_sequence and the helper alias make_index_sequence. This was introduced to fix an issue with clang's builtin implementation which treats template specializations of builtin templates differently when a subsequent parameter is dependent. The result is a resolution failure during partial specialization selection. For example, the following will fail to specialize:
 Cindex_sequence< Is... >
 CIndexIter< IteratorT, FilterT >A forward iterator over array indices with filtering IteratorT can be either IndexIter or ValueIndexIter (or some custom index iterator) FilterT should be a struct or class with a valid() method than can be evaluated per index Here's a simple filter example that only accepts even indices:
 CPointPartitioner< PointIndexType, BucketLog2Dim >::IndexIterator
 CVector< T >::InfNormOp
 CFastSweeping< SdfGridT, ExtValueT >::InitSdf
 CAttributeSet::InserterUtility method to construct a NameAndType sequence
 Cint_t< Bits, Signed >
 Cint_t< 16ul, false >
 Cint_t< 16ul, true >
 Cint_t< 32ul, false >
 Cint_t< 32ul, true >
 Cint_t< 64ul, false >
 Cint_t< 64ul, true >
 Cint_t< 8ul, false >
 Cint_t< 8ul, true >
 CInternalData< ChildT, LOG2DIM >Struct with all the member data of the InternalNode (useful during serialization of an openvdb InternalNode)
 CInternalData< ChildT, ChildT::LOG2DIM+1 >
 CInternalNode< ChildT >
 CInternalNode< _ChildNodeType, Log2Dim >
 CInvertedTree< HeadT, HeadLevel >
 CInvertedTree< HeadT, 1 >
 Cis_const< T >
 Cis_const< const T >
 Cis_diagonal_jacobian< T >
 Cis_double< T >
 Cis_double< double >
 Cis_floating_point< T >C++11 implementation of std::is_floating_point
 Cis_linear< T >Map traits
 Cis_linear< AffineMap >
 Cis_linear< CompoundMap< T1, T2 > >
 Cis_linear< ScaleMap >
 Cis_linear< ScaleTranslateMap >
 Cis_linear< TranslationMap >
 Cis_linear< UniformScaleMap >
 Cis_linear< UniformScaleTranslateMap >
 Cis_linear< UnitaryMap >
 Cis_pointer< T >Trait used to identify template parameter that are pointers
 Cis_pointer< const T * >Template specialization of const pointers
 Cis_pointer< T * >Template specialization of non-const pointers
 Cis_same< T0, T1, T >C++11 implementation of std::is_same
 Cis_same< T, T >
 Cis_same< T0, T1 >
 Cis_scale< T >
 Cis_scale< ScaleMap >
 Cis_scale_translate< T >
 Cis_scale_translate< ScaleTranslateMap >
 Cis_specialization< AnyType, TemplateType >Metafunction used to determine if the first template parameter is a specialization of the class template given in the second template parameter
 Cis_specialization< TemplateType< Args... >, TemplateType >
 Cis_uniform_diagonal_jacobian< T >
 Cis_uniform_scale< T >
 Cis_uniform_scale< UniformScaleMap >
 Cis_uniform_scale_translate< T >
 Cis_uniform_scale_translate< TranslationMap >
 Cis_uniform_scale_translate< UniformScaleTranslateMap >
 Cis_vec3d< Vec3T >
 Cis_vec3d< Vec3d >
 CISCurl< DiffScheme >Curl operator defined in index space using various first derivative schemes
 CISDivergence< DiffScheme >Divergence operator defined in index space using various first derivative schemes
 CSparseStencilMatrix< ValueType_, STENCIL_SIZE >::IsFiniteOp
 CVector< T >::IsFiniteOp
 CISGradient< DiffScheme >Gradient operators defined in index space of various orders
 CISGradientBiased< GradScheme, Vec3Bias >Biased Gradient Operators, using upwinding defined by the Vec3Bias input
 CISGradientNormSqrd< GradScheme >
 CISLaplacian< DiffScheme >Laplacian defined in index space, using various center-difference stencils
 CISLaplacian< CD_FOURTH >
 CISLaplacian< CD_SECOND >
 CISLaplacian< CD_SIXTH >
 CISMeanCurvature< DiffScheme2, DiffScheme1 >Compute the mean curvature in index space
 CISOpMagnitude< OpType >Adapter for vector-valued index-space operators to return the vector magnitude
 CBIAS_SCHEME< bgs >::ISStencil< GridType, IsSafe >
 CBIAS_SCHEME< FIRST_BIAS >::ISStencil
 CBIAS_SCHEME< HJWENO5_BIAS >::ISStencil
 CBIAS_SCHEME< SECOND_BIAS >::ISStencil
 CBIAS_SCHEME< THIRD_BIAS >::ISStencil
 CBIAS_SCHEME< WENO5_BIAS >::ISStencil
 CBBox< CoordT, false >::IteratorIterator over the domain covered by a BBox
 CMask< LOG2DIM >::Iterator< On >
 CCoordBBox::Iterator< ZYXOrder >Iterator over the Coord domain covered by a CoordBBox
 CParticleAtlas< PointIndexGridType >::IteratorProvides accelerated range and nearest-neighbor searches for particles that are partitioned using the ParticleAtlas
 CLeafManager< TreeT >::LeafRange::Iterator
 CNodeList< NodeT >::NodeRange::Iterator
 CPagedArray< ValueT, Log2PageSize >::Iterator
 CIteratorBase< MaskIterT, NodeT >Base class for iterators over internal and leaf nodes
 CIteratorBase< MaskDenseIter, NodeT >
 CIteratorBase< MaskDenseIterator, NodeT >
 CIteratorRange< IterT >
 CIterListItem< PrevItemT, NodeVecT, VecSize, _Level >An IterListItem is an element of a compile-time linked list of iterators to nodes of different types
 CIterListItem< IterListItem, RestT, VecSize - 1, 1 >
 CIterListItem< PrevChildItem, InvTreeT, ROOT_LEVEL+1, 0 >
 CIterListItem< PrevItem, InvTreeT, ROOT_LEVEL+1, LEAF_LEVEL >
 CIterListItem< PrevItemT, NodeVecT, 1, _Level >The final element of a compile-time linked list of iterators to nodes of different types
 CIterListItem< PrevItemT, NodeVecT, VecSize, 0U >The initial element of a compile-time linked list of iterators to nodes of different types
 CIterListItem< PrevValueItem, InvTreeT, ROOT_LEVEL+1, 0 >
 CIterTraits< NodeT, IterT >
 CIterTraits< NodeT, typename NodeT::ChildAllCIter >
 CIterTraits< NodeT, typename NodeT::ChildAllIter >
 CIterTraits< NodeT, typename NodeT::ChildOffCIter >
 CIterTraits< NodeT, typename NodeT::ChildOffIter >
 CIterTraits< NodeT, typename NodeT::ChildOnCIter >
 CIterTraits< NodeT, typename NodeT::ChildOnIter >
 CIterTraits< NodeT, typename NodeT::ValueAllCIter >
 CIterTraits< NodeT, typename NodeT::ValueAllIter >
 CIterTraits< NodeT, typename NodeT::ValueOffCIter >
 CIterTraits< NodeT, typename NodeT::ValueOffIter >
 CIterTraits< NodeT, typename NodeT::ValueOnCIter >
 CIterTraits< NodeT, typename NodeT::ValueOnIter >
 CIterTraits< typename PrevIterT::NonConstNodeType, PrevIterT >
 CLaplacian< MapType, DiffScheme >Compute the Laplacian at a given location in a grid using finite differencing of various orders. The result is defined in the range of the map
 CLaplacian< GridT, MaskGridType, InterruptT >
 CLaplacian< ScaleMap, DiffScheme >
 CLaplacian< ScaleTranslateMap, DiffScheme >
 CLaplacian< TranslationMap, DiffScheme >
 CLaplacian< UniformScaleMap, DiffScheme >
 CLaplacian< UniformScaleTranslateMap, DiffScheme >
 CLaplacian< UnitaryMap, DiffScheme >
 CCachedDeformer< T >::Cache::Leaf
 CLeafBuffer< T, Log2Dim >Array of fixed size 23Log2Dim that stores the voxel values of a LeafNode
 CLeafBuffer< bool, Log2Dim >
 CLeafBuffer< ValueType, Log2Dim >
 CLeafData< ValueT, CoordT, MaskT, LOG2DIM >Stuct with all the member data of the LeafNode (useful during serialization of an openvdb LeafNode)
 CLeafData< bool, CoordT, MaskT, LOG2DIM >
 CLeafData< BuildT, Coord, Mask, 3 >
 CLeafData< Point, CoordT, MaskT, LOG2DIM >
 CLeafData< ValueMask, CoordT, MaskT, LOG2DIM >
 CLeafFnBase< CoordT, MaskT, LOG2DIM >Base-class for quantized float leaf nodes
 CLeafIndexBase< CoordT, MaskT, LOG2DIM >
 CLeafIteratorBase< TreeT, RootChildOnIterT >Base class for tree-traversal iterators over all leaf nodes (but not leaf voxels)
 CLeafManager< TreeT >This class manages a linear array of pointers to a given tree's leaf nodes, as well as optional auxiliary buffers (one or more per leaf) that can be swapped with the leaf nodes' voxel data buffers
 CLeafManager< TreeType >
 CLeafManagerImpl< ManagerT >
 CLeafManagerImpl< LeafManager< const TreeT > >
 CLeafNode< BuildT >
 CLeafNode< T, Log2Dim >Templated block class to hold specific data types and a fixed number of values determined by Log2Dim. The actual coordinate dimension of the block is 2^Log2Dim, i.e. Log2Dim=3 corresponds to a LeafNode that spans a 8^3 block
 CLeafNode< bool >
 CLeafNode< bool, Log2Dim >LeafNode specialization for values of type bool that stores both the active states and the values of (2^Log2Dim)^3 voxels as bit masks
 CLeafNode< nanovdb::ValueMask >
 CLeafNode< ValueMask >
 CLeafNode< ValueMask, Log2Dim >LeafNode specialization for values of type ValueMask that encodes both the active states and the boolean values of (2^Log2Dim)^3 voxels in a single bit mask, i.e. voxel values and states are indistinguishable!
 CLeafManager< TreeT >::LeafRange
 CLeafTopologyDiffOp< TreeType1, TreeType2 >Functor for use with tools::foreach() to compute the boolean difference between the value masks of corresponding leaf nodes in two trees
 CLeafTopologyIntOp< TreeType1, TreeType2 >Functor for use with tools::foreach() to compute the boolean intersection between the value masks of corresponding leaf nodes in two trees
 CLevelScopeA LevelScope object sets the logging level to a given level and restores it to the current level when the object goes out of scope
 CLevelSetAdvection< GridT, FieldT, InterruptT >Hyperbolic advection of narrow-band level sets in an external velocity field
 CLevelSetFilter< LevelSetGridT >
 CLevelSetFracture< GridType, InterruptType >Level set fracturing
 CLevelSetHDDA< TreeT, NodeLevel >Helper class that implements Hierarchical Digital Differential Analyzers and is specialized for ray intersections with level sets
 CLevelSetHDDA< TreeT, -1 >Specialization of Hierarchical Digital Differential Analyzer class that intersects a ray against the voxels of a level set
 CLevelSetMeasure< GridT, InterruptT >Multi-threaded computation of surface area, volume and average mean-curvature for narrow band level sets
 CLevelSetMorphing< GridT, InterruptT >Shape morphology of level sets. Morphing from a source narrow-band level sets to a target narrow-band level set
 CLevelSetPruneOp< TreeT, TerminationLevel >
 CLevelSetRayIntersector< GridT, SearchImplT, NodeLevel, RayT >This class provides the public API for intersecting a ray with a narrow-band level set
 CLevelSetRayTracer< GridT, IntersectorT >A (very) simple multithreaded ray tracer specifically for narrow-band level sets
 CLevelSetSphere< GridT, InterruptT >Generates a signed distance field (or narrow band level set) to a single sphere
 CLevelSetTracker< GridT, InterruptT >Performs multi-threaded interface tracking of narrow band level sets
 CLevelSetTracker< GridT, util::NullInterrupter >
 CLinearOp< T >
 CLinearSearchImpl< GridT, Iterations, RealT >Implements linear iterative search for an iso-value of the level set along the direction of the ray
 CLinearSearchImpl< GridT >
 CLocalMovePointsOp< TreeT >
 CMagnitude< InGridT, MaskGridType, InterruptT >
 Cmake_index_sequence< N, Is >
 CMapDefines an affine transform and its inverse represented as a 3x3 matrix and a vec3 translation
 CMapAdapter< MapType, OpType, ResultType >Adapter to associate a map with a world-space operator, giving it the same call signature as an index-space operator
 CMapBaseAbstract base class for maps
 CMapRegistryThreadsafe singleton object for accessing the map type-name dictionary. Associates a map type-name with a factory function
 CMapToNano< T >Trait that maps any type to the corresponding nanovdb type
 CBaseStencil< DerivedType, SIZE, GridT >::Mask
 CMask< LOG2DIM >Bit-mask to encode active states and facilitate sequential iterators and a fast codec for I/O compression
 CMaskCompress< ValueT, MaskT >
 CMaskIterT
 CMultiResGrid< TreeType >::MaskOp
 CTreeToMerge< TreeT >::MaskPtrWrapper around unique_ptr that deep-copies mask on copy construction
 CTreeToMerge< TreeT >::MaskUnionOpDynamicNodeManager operator used to generate a mask of the input tree, but with dense leaf nodes replaced with active tiles for compactness
 CMat< SIZE, T >
 CMat2< T >
 CMat< 3, double >
 CMat< 3, T >
 CMat< 4, double >
 CMat< 4, Real >
 CMat< 4, T >
 Cmatch_const< T, ReferenceT >Trait used to transfer the const-ness of a reference type to another type
 Cmatch_const< T, const ReferenceT >Template specialization used to transfer the const-ness of a reference type to another type
 CMatMul
 CMatMulNormalize
 CSparseStencilMatrix< ValueType_, STENCIL_SIZE >::MatrixCopyOp
 CGridTransformer::MatrixTransform
 CMatTraits< T, bool >
 CMatTraits< T, false >
 CMaximum< T >Maximum floating-point values
 CMaxOp< ValueType >
 CMeanCurvature< MapType, DiffScheme2, DiffScheme1 >Compute the mean curvature
 CMeanCurvature< GridT, MaskGridType, InterruptT >
 CMeanCurvature< TranslationMap, DiffScheme2, DiffScheme1 >
 CMeanCurvature< UniformScaleMap, DiffScheme2, DiffScheme1 >
 CMeanCurvature< UniformScaleTranslateMap, DiffScheme2, DiffScheme1 >
 CMeshDataAdapterConvert polygonal meshes that consist of quads and/or triangles into signed or unsigned distance field volumes
 CMeshToVoxelEdgeDataExtracts and stores voxel edge intersection data from a mesh
 CMetadataBase class for storing metadata information in a grid
 CMetaMapContainer that maps names (strings) to values of arbitrary types
 CMinMax< ValueType, Less >Templated class to compute the minimum and maximum values
 CFastSweeping< SdfGridT, ExtValueT >::MinMaxKernel
 CMinOp< ValueType >
 CMorphology< TreeType >Dilation/Erosion operations over a Trees leaf level voxel topology
 CMultiGroupFilter
 CMultiPassLeaf nodes that require multi-pass I/O must inherit from this struct
 CMultOp< ValueType >
 CMultOp< bool >
 CAttributeSet::Util::NameAndTypeAttribute and type name pair
 CFile::NameIterator
 CNanoNode< BuildT, LEVEL >Trait to map from LEVEL to node type
 CNanoNode< BuildT, 0 >
 CNanoNode< BuildT, 1 >
 CNanoNode< BuildT, 2 >
 CNanoNode< BuildT, 3 >
 CNanoToOpenVDB< NanoBuildT >This class will serialize an OpenVDB grid into a NanoVDB grid managed by a GridHandle
 CFastSweeping< SdfGridT, ExtValueT >::SweepingKernel::NN
 CNodeAccessor< GridT >The NodeAccessor provides a uniform API for accessing nodes got NanoVDB, OpenVDB and build Grids
 CNodeAccessor< NanoGrid< BuildT > >Template specialization for nanovdb::Grid which is special since its NodeManage uses a handle in order to support node access on the GPU!
 CNodeChain< HeadT, HeadLevel >NodeChain<RootNodeType, RootNodeType::LEVEL>::Type is a openvdb::TypeList that lists the types of the nodes of the tree rooted at RootNodeType in reverse order, from LeafNode to RootNode
 CNodeChain< HeadT, 1 >Specialization to terminate NodeChain
 CIterTraits< NodeT, typename NodeT::ChildAllCIter >::NodeConverter< OtherNodeT >
 CIterTraits< NodeT, typename NodeT::ChildAllIter >::NodeConverter< OtherNodeT >
 CIterTraits< NodeT, typename NodeT::ChildOffCIter >::NodeConverter< OtherNodeT >
 CIterTraits< NodeT, typename NodeT::ChildOffIter >::NodeConverter< OtherNodeT >
 CIterTraits< NodeT, typename NodeT::ChildOnCIter >::NodeConverter< OtherNodeT >
 CIterTraits< NodeT, typename NodeT::ChildOnIter >::NodeConverter< OtherNodeT >
 CIterTraits< NodeT, typename NodeT::ValueAllCIter >::NodeConverter< OtherNodeT >
 CIterTraits< NodeT, typename NodeT::ValueAllIter >::NodeConverter< OtherNodeT >
 CIterTraits< NodeT, typename NodeT::ValueOffCIter >::NodeConverter< OtherNodeT >
 CIterTraits< NodeT, typename NodeT::ValueOffIter >::NodeConverter< OtherNodeT >
 CIterTraits< NodeT, typename NodeT::ValueOnCIter >::NodeConverter< OtherNodeT >
 CIterTraits< NodeT, typename NodeT::ValueOnIter >::NodeConverter< OtherNodeT >
 CNodeFilter
 CGetNodeInfo< BuildT >::NodeInfo
 CNodeIteratorBase< _TreeT, RootChildOnIterT >Base class for tree-traversal iterators over all nodes
 CNodeList< NodeT >This class caches tree nodes of a specific type in a linear array
 CNodeList< ChildNodeType >
 CNodeList< NodeT0 >
 CNodeList< NodeT1 >
 CNodeList< NodeT2 >
 CNodeList< NodeT3 >
 CNodeManager< GridT >
 CNodeManager< TreeOrLeafManagerT, _LEVELS >To facilitate threading over the nodes of a tree, cache node pointers in linear arrays, one for each level of the tree
 CNodeManagerData
 CNodeManagerHandle< BufferT >NodeManagerHandle manages the memory of a NodeManager
 CNodeManagerHandle< nanovdb::HostBuffer >
 CNodeManagerLink< NodeT, LEVEL >This class is a link in a chain that each caches tree nodes of a specific type in a linear array
 CNodeManagerLink< ChildNodeType, LEVELS-1 >
 CNodeMask< Log2Dim >Bit mask for the internal and leaf nodes of VDB. This is a 64-bit implementation
 CNodeMask< 1 >Template specialization of NodeMask for Log2Dim=1, i.e. 2^3 nodes
 CNodeMask< 2 >Template specialization of NodeMask for Log2Dim=2, i.e. 4^3 nodes
 CMorphology< TreeType >::NodeMaskOpNode Mask dilation/erosion operations for individual leaf nodes on a given tree. The leaf node may optionally belong to a different tree than the provided accessor, which will have the effect of dilating the leaf node mask into a different tree, or eroding the node mask based on corresponding neighbors in a different tree
 CNodeList< NodeT >::NodeRange
 CGridStats< GridT, StatsT >::NodeStats
 CNodeTrait< GridOrTreeOrRootT, LEVEL >Struct to derive node type from its level in a given grid, tree or root while preserving constness
 CNodeTrait< const GridOrTreeOrRootT, 0 >
 CNodeTrait< const GridOrTreeOrRootT, 1 >
 CNodeTrait< const GridOrTreeOrRootT, 2 >
 CNodeTrait< const GridOrTreeOrRootT, 3 >
 CNodeTrait< GridOrTreeOrRootT, 0 >
 CNodeTrait< GridOrTreeOrRootT, 1 >
 CNodeTrait< GridOrTreeOrRootT, 2 >
 CNodeTrait< GridOrTreeOrRootT, 3 >
 CNodeUnion< ValueT, ChildT, Enable >Default implementation of a NodeUnion that stores the child pointer and the value separately (i.e., not in a union). Types which select this specialization usually do not conform to the requirements of a union member, that is that the type ValueT is not trivially copyable. This implementation is thus NOT used for POD, math::Vec, math::Mat, math::Quat or math::Coord types, but is used (for example) with std::string
 CNodeUnion< ValueT, ChildT, typename std::enable_if< std::is_trivially_copyable< ValueT >::value >::type >Template specialization of a NodeUnion that stores the child pointer and the value together (int, float, pointer, etc.)
 CNodeUnion< ValueType, ChildNodeType >
 CNoopStats< ValueT >No-op Stats class
 CNormalize< GridT, MaskGridType, InterruptT >
 CNullCodec
 CNullDeformerNo-op deformer (adheres to the deformer interface documented in PointMove.h)
 CNullFilterA no-op filter that can be used when iterating over all indices
 CNullInterrupterBase class for interrupters
 Cnumeric_limits< openvdb::math::internal::half >
 COpAdd< ValueT >
 COpMagnitude< OpType, MapT >Adapter for vector-valued world-space operators to return the vector magnitude
 COpMax< ValueT >
 COpMin< ValueT >
 COpMult< ValueT >
 COpOver< ValueT >Point wise methods used to apply various compositing operations
 COpSub< ValueT >
 CMagnitude< InGridT, MaskGridType, InterruptT >::OpT
 CNormalize< GridT, MaskGridType, InterruptT >::OpT
 CPageStores a variable-size, compressed, delayed-load Page of data that is loaded into memory when accessed. Access to the Page is thread-safe as loading and decompressing the data is protected by a mutex
 CPagedArray< ValueT, Log2PageSize >::Page
 CPagedArray< ValueT, Log2PageSize >Concurrent, page-based, dynamically-sized linear data structure with O(1) random access and STL-compliant iterators. It is primarily intended for applications that concurrently insert (a possibly unkown number of) elements into a dynamically growing linear array, and fast random access to said elements
 CPagedInputStreamA Paging wrapper to std::istream that is responsible for reading from a given input stream and creating Page objects and PageHandles that reference those pages for delayed reading
 CPagedOutputStreamA Paging wrapper to std::ostream that is responsible for writing from a given output stream at intervals set by the PageSize. As Pages are variable in size, they are flushed to disk as soon as sufficiently large
 CPageHandleA PageHandle holds a unique ptr to a Page and a specific stream pointer to a point within the decompressed Page buffer
 CExtrema< VecT, 1 >::Pair
 CValueVoxelCIter::Parent
 CPartialCreateTag dispatch class that distinguishes constructors during file input
 CParticleArrayPartition particles and performs range and nearest-neighbor searches
 CParticleAtlas< PointIndexGridType >
 CParticlesToLevelSet< SdfGridT, AttributeT, InterrupterT >
 Cpnanovdb_grid_handle_t
 Cpnanovdb_grid_t
 Cpnanovdb_grid_type_constants_t
 Cpnanovdb_gridblindmetadata_handle_t
 Cpnanovdb_gridblindmetadata_t
 Cpnanovdb_leaf_handle_t
 Cpnanovdb_leaf_t
 Cpnanovdb_lower_handle_t
 Cpnanovdb_lower_t
 Cpnanovdb_map_handle_t
 Cpnanovdb_map_t
 Cpnanovdb_readaccessor_t
 Cpnanovdb_root_handle_t
 Cpnanovdb_root_t
 Cpnanovdb_root_tile_handle_t
 Cpnanovdb_root_tile_t
 Cpnanovdb_tree_handle_t
 Cpnanovdb_tree_t
 Cpnanovdb_upper_handle_t
 Cpnanovdb_upper_t
 CPoint@dummy type for indexing points into voxels
 CPointAdvect< GridT, PointListT, StaggeredVelocity, InterrupterType >
 CPointArrayPartitions points into BucketLog2Dim aligned buckets using a parallel radix-based sorting algorithm
 CPointAttributeVector< ValueType >Point-partitioner compatible STL vector attribute wrapper for convenience
 CPointDataNodeChain< HeadT, HeadLevel >Recursive node chain which generates a openvdb::TypeList value converted types of nodes to PointDataGrid nodes of the same configuration, rooted at RootNodeType in reverse order, from LeafNode to RootNode. See also TreeConverter<>
 CPointDataNodeChain< tree::InternalNode< ChildT, Log2Dim >, 1 >
 CPointDataNodeChain< tree::InternalNode< ChildT, Log2Dim >, HeadLevel >
 CPointIndex< IntType_, Kind >Integer wrapper, required to distinguish PointIndexGrid and PointDataGrid from Int32Grid and Int64Grid
 CPointIndexFilter< PointArray, TreeType >
 CPointIndexIterator< TreeType >Accelerated range and nearest-neighbor searches for point index grids
 CPointIndexIterator< PointIndexTree >
 CPointPartitioner< PointIndexType, BucketLog2Dim >
 CPointSampler
 CPointsToMask< GridT, InterrupterT >Makes every voxel of a grid active if it contains a point
 CPolygonPoolCollection of quads and triangles
 CHostBuffer::Pool
 CPositionRange
 CPreconditioner< T >Base class for conjugate gradient preconditioners
 CPreconditioner< MatrixType::ValueType >
 CProbeValue< T >Implements Tree::probeLeaf(Coord)
 CProbeValue< BuildT >Implements Tree::probeLeaf(Coord)
 CMultiResGrid< TreeType >::ProlongateOp
 Cpromote< S, T >
 CPromoteContainerType< T, ContainerT >
 CPromoteContainerType< T, math::Mat3 >
 CPromoteContainerType< T, math::Mat4 >
 CPromoteContainerType< T, math::Quat >
 CPromoteContainerType< T, math::Vec2 >
 CPromoteContainerType< T, math::Vec3 >
 CPromoteContainerType< T, math::Vec4 >
 CPromoteType< T >Promotion classes which provide an interface for elevating and demoting a scalar or VDB type to a higher or lower precision. Integer types preserve their sign. Types promotion are only valid between 8 to 64 bits (long doubles are not supported)
 CFastSweeping< SdfGridT, ExtValueT >::PruneMinMaxFltKernel
 CQuadAndTriangleDataAdapter< PointType, PolygonType >Contiguous quad and triangle data adapter class
 CQuadraticSampler
 CQuantizedUnitVecUnit vector occupying only 16 bits
 CQuat< T >
 CQuatTraits< T, bool >
 CQuatTraits< T, false >
 CQueueQueue for asynchronous output of grids to files or streams
 CRand01< FloatType, EngineType >Simple generator of random numbers over the range [0, 1)
 CRand01< double, RandomGenerator >
 CRandInt< IntType, EngineType >Simple random integer generator
 CRandomLeafFilter< PointDataTreeT, RandGenT >
 CRange< int, typename >
 CRange< 1, T >
 CRange< 2, T >
 CRange< 3, T >
 CRasterCameraA camera class that provides an interface for camera motion blur when rasterizing
 CRasterGroupsA struct that stores all include/exclude attribute names as strings and is internally converted into the resolved MultiGroupFilter
 CRay< RealT >
 CRay< RealT >
 CRay< double >
 CRay< Real >
 CRay< RealT >
 CRayGenOp< Vec3T >
 CReadAccessor< BuildT, LEVEL0, LEVEL1, LEVEL2 >
 CReadAccessor< BuildT, -1, -1, -1 >A read-only value accessor with three levels of node caching. This allows for inverse tree traversal during lookup, which is on average significantly faster than calling the equivalent method on the tree (i.e. top-down traversal)
 CReadAccessor< BuildT, 0, 1, 2 >Node caching at all (three) tree levels
 CReadAccessor< BuildT, LEVEL0, -1, -1 >Node caching at a single tree level
 CReadAccessor< BuildT, LEVEL0, LEVEL1, -1 >
 CRealToHalf< T >RealToHalf and its specializations define a mapping from floating-point data types to analogous half float types
 CRealToHalf< double >
 CRealToHalf< float >
 CRealToHalf< Vec2d >
 CRealToHalf< Vec2s >
 CRealToHalf< Vec3d >
 CRealToHalf< Vec3s >
 CReduceFilterOp< OpT >
 CPointsToMask< GridT, InterrupterT >::ReducePool
 CRelDiffCompression oracle based on relative difference
 Cremove_const< T >Trait use to const from type. Default implementation is just a pass-through
 Cremove_const< const T >Template specialization of trait class use to remove const qualifier type from a type
 Cremove_pointer< T >Trait use to remove pointer, i.e. "*", qualifier from a type. Default implementation is just a pass-through
 Cremove_pointer< T * >Template specialization of trait class use to to remove pointer, i.e. "*", qualifier from a type
 Cremove_reference< T >Trait use to remove reference, i.e. "&", qualifier from a type. Default implementation is just a pass-through
 Cremove_reference< T & >Template specialization of trait class use to remove reference, i.e. "&", qualifier from a type
 CMultiResGrid< TreeType >::RestrictOp
 CFilm::RGBAFloating-point RGBA components in the range [0, 1]
 CRgba88-bit red, green, blue, alpha packed into 32 bit unsigned int
 CFindActiveValues< TreeT >::RootChild
 CRootData< ChildT >Struct with all the member data of the RootNode (useful during serialization of an openvdb RootNode)
 CRootNode< ChildT >
 CRootNode< ChildType >
 CRootNode< Node2 >
 CRootNodeCombineHelper< CombineOp, RootT, OtherRootT, Compatible >
 CRootNodeCombineHelper< CombineOp, RootT, OtherRootT, true >
 CRootNodeCopyHelper< RootT, OtherRootT, Compatible >
 CRootNodeCopyHelper< RootT, OtherRootT, true >
 CRootNodeMask
 CSparseStencilMatrix< ValueType_, STENCIL_SIZE >::RowEditorRead/write accessor to a row of this matrix
 CInternalNode< _ChildNodeType, Log2Dim >::SameConfiguration< OtherNodeType >SameConfiguration<OtherNodeType>::value is true if and only if OtherNodeType is the type of an InternalNode with the same dimensions as this node and whose ChildNodeType has the same configuration as this node's ChildNodeType
 CLeafNode< T, Log2Dim >::SameConfiguration< OtherNodeType >SameConfiguration<OtherNodeType>::value is true if and only if OtherNodeType is the type of a LeafNode with the same dimensions as this node
 CLeafNode< bool, Log2Dim >::SameConfiguration< OtherNodeType >SameConfiguration<OtherNodeType>::value is true if and only if OtherNodeType is the type of a LeafNode with the same dimensions as this node
 CLeafNode< ValueMask, Log2Dim >::SameConfiguration< OtherNodeType >SameConfiguration<OtherNodeType>::value is true if and only if OtherNodeType is the type of a LeafNode with the same dimensions as this node
 CRootNode< ChildType >::SameConfiguration< OtherNodeType >SameConfiguration<OtherNodeType>::value is true if and only if OtherNodeType is the type of a RootNode whose ChildNodeType has the same configuration as this node's ChildNodeType
 CSameInternalConfig< ChildT1, Dim1, NodeT2 >
 CSameInternalConfig< ChildT1, Dim1, InternalNode< ChildT2, Dim1 > >
 CSameLeafConfig< Dim1, NodeT2 >
 CSameLeafConfig< Dim1, LeafNode< T2, Dim1 > >
 CSameLeafConfig< Dim1, openvdb::tools::PointIndexLeafNode< T2, Dim1 > >
 CSameLeafConfig< Dim1, points::PointDataLeafNode< T2, Dim1 > >
 CSameRootConfig< ChildT1, NodeT2 >
 CSameRootConfig< ChildT1, RootNode< ChildT2 > >
 CSampleFromVoxels< TreeT, Order, UseCache >
 CSampleFromVoxels< TreeOrAccT, 0, false >Nearest neighbor, i.e. zero order, interpolator without caching
 CSampleFromVoxels< TreeOrAccT, 0, true >Nearest neighbor, i.e. zero order, interpolator with caching
 CSampler< Order, Staggered >Provises a unified interface for sampling, i.e. interpolation
 CSampleWithRounding
 CScalarToVectorConverter< ScalarGridType >ScalarToVectorConverter<ScalarGridType>::Type is the type of a grid having the same tree configuration as ScalarGridType but value type Vec3<T> where T is ScalarGridType::ValueType
 CAttributeArray::ScopedRegistryLock
 CSegmentThis class defines all the data stored in segment of a file
 CSetValue< T >Set the value and its state at the leaf level mapped to by ijk, and create the leaf node and branch if needed
 CSetValue< BuildT >
 CSetVoxel< BuildT >
 CShallowCopyTag dispatch class that distinguishes shallow copy constructors from deep copy constructors
 CSharedOpApplier< IterT, OpT >
 CSignedFloodFillOp< TreeOrLeafManagerT >
 CSparseExtractor< OpType, DenseType >Functor-based class used to extract data that satisfies some criteria defined by the embedded OpType functor. The extractSparseTree function wraps this class
 CSparseMaskedExtractor< DenseType, MaskTreeType >Functor-based class used to extract data from a dense grid, at the index-space intersection with a supplied mask in the form of a sparse tree. The extractSparseTreeWithMask function wraps this class
 CSparseStencilMatrix< ValueType_, STENCIL_SIZE >Sparse, square matrix representing a 3D stencil operator of size STENCIL_SIZE
 CSparseStencilMatrix< OtherValueType, STENCIL_SIZE >
 CSparseStencilMatrix< ValueType, 4 >
 CSparseToDenseCompositor< CompositeMethod, _TreeT >
 CSplit
 CStaggeredBoxSampler
 CStaggeredPointSampler
 CStaggeredQuadraticSampler
 CStateInformation about the state of a conjugate gradient solution
 CLevelSetTracker< GridT, InterruptT >::StateLightweight struct that stores the state of the LevelSetTracker
 CStats< ValueT, Rank >
 CStealTag dispatch class that distinguishes constructors that steal
 CFixedPointCodec< OneByte, Range >::Storage< T >
 CGroupCodec::Storage< T >
 CNullCodec::Storage< T >
 CStringCodec< Truncate >::Storage< T >
 CTruncateCodec::Storage< T >
 CUnitVecCodec::Storage< T >
 CStreamMetadataContainer for metadata describing how to unserialize grids from and/or serialize grids to a stream (which file format, compression scheme, etc. to use)
 CStringAttributeHandle
 CStringCodec< Truncate >
 CStringMetaCacheClass to compute a string->index map from all string:N metadata
 CStringMetaInserterClass to help with insertion of keyed string values into metadata
 CStringTypeTrait< Truncate >
 CStringTypeTrait< true >
 CSumMergeOp< TreeT >DynamicNodeManager operator to merge trees using a sum operation
 CSumOp< ValueType >
 CSumOp< bool >
 CSwappedCombineOp< ValueType, CombineOp >
 CFastSweeping< SdfGridT, ExtValueT >::SweepingKernelPrivate class of FastSweeping to perform concurrent fast sweeping in two directions
 CTensorTraits< T, Rank >
 CTensorTraits< T, 0 >
 CTensorTraits< T, 1 >
 CTestLeafIO< typename >
 CInternalNode< ChildT >::Tile
 CRootNode< ChildT >::Tile
 CInternalData< ChildT, LOG2DIM >::Tile
 CRootData< ChildT >::Tile
 CTileData< ValueType >Struct that encodes a bounding box, value and level of a tile
 CRootNode< ChildT >::TileIterator
 CRay< RealT >::TimeSpan
 CRay< RealT >::TimeSpan
 CTolerance< T >Tolerance for floating-point comparison
 CTolerance< T >Tolerance for floating-point comparison
 CTolerance< double >
 CTolerance< double >
 CTolerance< float >
 CTolerance< float >
 CTolerancePruneOp< TreeT, TerminationLevel >
 CToMaskGrid< GridType >ToMaskGrid<T>::Type is the type of a grid having the same tree hierarchy as grid type T but a value equal to its active state
 CToMaskGrid< GridT >
 CToMaskGrid< InGridT >
 CTopologyCopyTag dispatch class that distinguishes topology copy constructors from deep copy constructors
 CInternalNode< _ChildNodeType, Log2Dim >::TopologyCopy1< OtherInternalNode >
 CInternalNode< _ChildNodeType, Log2Dim >::TopologyCopy2< OtherInternalNode >
 CInternalNode< _ChildNodeType, Log2Dim >::TopologyDifference< OtherInternalNode >
 CInternalNode< _ChildNodeType, Log2Dim >::TopologyIntersection< OtherInternalNode >
 CInternalNode< _ChildNodeType, Log2Dim >::TopologyUnion< OtherInternalNode >
 CTouchLeaf< T >
 CTransform
 CTransformTransferThe TransformTransfer module should be used if the source transform of the input points and the target transforms of the destination volumes differ. The default rasterizer will skip index to world (and vice versa) transformations unless a transfer scheme derives from a TransformTransfer
 CTree< BuildT >
 CTree3< T, N1, N2 >Tree3<T, N1, N2>::Type is the type of a three-level tree (Root, Internal, Leaf) with value type T and internal and leaf node log dimensions N1 and N2, respectively
 CTree4< T, N1, N2, N3 >Tree4<T, N1, N2, N3>::Type is the type of a four-level tree (Root, Internal, Internal, Leaf) with value type T and internal and leaf node log dimensions N1, N2 and N3, respectively
 CTree4< EdgeData, 5, 4, 3 >
 CTree5< T, N1, N2, N3, N4 >Tree5<T, N1, N2, N3, N4>::Type is the type of a five-level tree (Root, Internal, Internal, Internal, Leaf) with value type T and internal and leaf node log dimensions N1, N2, N3 and N4, respectively
 CTreeAdapter< _TreeType >This adapter allows code that is templated on a Tree type to accept either a Tree type or a Grid type
 CTreeAdapter< Grid< _TreeType > >Partial specialization for Grid types
 CTreeAdapter< tree::ValueAccessor< _TreeType > >Partial specialization for ValueAccessor types
 CTreeBaseBase class for typed trees
 CTreeConverter< TreeType >Similiar to ValueConverter, but allows for tree configuration conversion to a PointDataTree. ValueConverter<PointDataIndex32> cannot be used as a PointDataLeafNode is not a specialization of LeafNode
 CTreeData
 CTreeIterTraits< TreeT, IterT >TreeIterTraits provides, for all tree iterators, a begin(tree) function that returns an iterator over a tree of arbitrary type
 CTreeIterTraits< TreeT, typename TreeT::LeafCIter >
 CTreeIterTraits< TreeT, typename TreeT::LeafIter >
 CTreeIterTraits< TreeT, typename TreeT::NodeCIter >
 CTreeIterTraits< TreeT, typename TreeT::NodeIter >
 CTreeIterTraits< TreeT, typename TreeT::RootNodeType::ChildAllCIter >
 CTreeIterTraits< TreeT, typename TreeT::RootNodeType::ChildAllIter >
 CTreeIterTraits< TreeT, typename TreeT::RootNodeType::ChildOffCIter >
 CTreeIterTraits< TreeT, typename TreeT::RootNodeType::ChildOffIter >
 CTreeIterTraits< TreeT, typename TreeT::RootNodeType::ChildOnCIter >
 CTreeIterTraits< TreeT, typename TreeT::RootNodeType::ChildOnIter >
 CTreeIterTraits< TreeT, typename TreeT::ValueAllCIter >
 CTreeIterTraits< TreeT, typename TreeT::ValueAllIter >
 CTreeIterTraits< TreeT, typename TreeT::ValueOffCIter >
 CTreeIterTraits< TreeT, typename TreeT::ValueOffIter >
 CTreeIterTraits< TreeT, typename TreeT::ValueOnCIter >
 CTreeIterTraits< TreeT, typename TreeT::ValueOnIter >
 CTreeMarcher< NodeT, RayT, AccT, CoordT >A Tree Marcher for Generic Grids
 CTreeMarcher< LeafNode< AccT::ValueType >, RayT, AccT, Coord >
 CTreeToMerge< TreeT >Convenience class that contains a pointer to a tree to be stolen or deep copied depending on the tag dispatch class used and a subset of methods to retrieve data from the tree
 CTreeTraits< TreeT >Useful traits for Tree types
 CTreeTraits< const TreeT >
 CTreeValueIteratorBase< _TreeT, _ValueIterT >Base class for tree-traversal iterators over tile and voxel values
 CTricubicSampler< TreeOrAccT >Tri-cubic sampler, i.e. third order, interpolator
 CTrilinearSampler< TreeOrAccT >Tri-linear sampler, i.e. first order, interpolator
 CTrilinearTraits< ValueT, Staggered >
 CTrilinearTraits< ValueT, false >
 CTriquadraticSampler< TreeOrAccT >Tri-quadratic sampler, i.e. second order, interpolator
 Ctrue_type
 CTruncateCodec
 CTruncateTrait< T >
 CTruncateTrait< float >
 CTruncateTrait< int >
 CTruncateTrait< math::Vec3< T > >
 CTuple< SIZE, T >
 CTuple< 2, T >
 CTuple< 3, Real >
 CTuple< 3, T >
 CTuple< 4, T >
 CTupleList< Ts >A trivial wrapper around a std::tuple but with compatible TypeList methods. Importantly can be instatiated from a TypeList and implements a similar foreach interface
 CTupleList<>Specilization of an empty TupleList. Required due to constructor selection
 CTypeList< Ts >A list of types (not necessarily unique)
 CVolumeTransfer< TreeTypes >::TypeResolver< T >
 CUIntTypeTrait< OneByte, T >
 CUIntTypeTrait< false, math::Vec3< T > >
 CUIntTypeTrait< false, T >
 CUIntTypeTrait< true, math::Vec3< T > >
 CUIntTypeTrait< true, T >
 CUnitRange
 CUnitVecCodec
 CUnknownCodec
 CAttributeSet::Util
 CValueAccessor< BuildT >
 CValueAccessorBase< TreeType, IsSafe >This base class for ValueAccessors manages registration of an accessor with a tree so that the tree can automatically clear the accessor whenever one of its nodes is deleted
 CValueAccessorBase< _TreeType, IsSafe >
 CValueAccessorBase< const PointIndexTree, IsSafe >
 CValueAccessorBase< const TreeT, IsSafe >
 CValueAccessorBase< const TreeType, IsSafe >
 CValueAccessorBase< IntTreeT, IsSafe >
 CValueAccessorBase< TreeT, IsSafe >
 CValueAccessorLeafBuffer< TreeTypeT, IntegerSequence, Enable >A small class that contains a cached pointer to a LeafNode data buffer which is derived from by the internal Value Accessor Implementation. This allows for the empty base class optimization to be performed in the case where a LeafNode does not store a contiguous index-able buffer. From C++20 we can instead switch to [[no_unique_address]]
 CValueAccessorLeafBuffer< _TreeType, IntegerSequence >
 CValueAccessorLeafBuffer< const PointIndexTree, IntegerSequence >
 CValueAccessorLeafBuffer< const TreeT, IntegerSequence >
 CValueAccessorLeafBuffer< const TreeType, IntegerSequence >
 CValueAccessorLeafBuffer< IntTreeT, IntegerSequence >
 CValueAccessorLeafBuffer< TreeT, IntegerSequence >
 CValueAccessorLeafBuffer< TreeType, IntegerSequence >
 CValueAccessorLeafBuffer< TreeTypeT, IntegerSequence, typename std::enable_if< !value_accessor_internal::EnableLeafBuffer< TreeTypeT, IntegerSequence >::value >::type >Specialization for the case where a Leaf Buffer cannot be cached
 CValueAccessorLock< MutexT >A small class that contains a Mutex which is derived from by the internal Value Accessor Implementation. This allows for the empty base class optimization to be performed in the case where a Mutex/Lock is not in use. From C++20 we can instead switch to [[no_unique_address]]
 CValueAccessorLock< void >Specialization for the case where no Mutex is in use. See above
 CInternalNode< _ChildNodeType, Log2Dim >::ValueAll
 CLeafNode< T, Log2Dim >::ValueAll
 CPagedArray< ValueT, Log2PageSize >::ValueBuffer
 CGrid< _TreeType >::ValueConverter< OtherValueType >ValueConverter<T>::Type is the type of a grid having the same hierarchy as this grid but a different value type, T
 CInternalNode< _ChildNodeType, Log2Dim >::ValueConverter< OtherValueType >ValueConverter<T>::Type is the type of an InternalNode having the same child hierarchy and dimensions as this node but a different value type, T
 CLeafNode< T, Log2Dim >::ValueConverter< OtherValueType >ValueConverter<T>::Type is the type of a LeafNode having the same dimensions as this node but a different value type, T
 CLeafNode< bool, Log2Dim >::ValueConverter< ValueType >ValueConverter<T>::Type is the type of a LeafNode having the same dimensions as this node but a different value type, T
 CLeafNode< ValueMask, Log2Dim >::ValueConverter< OtherValueType >ValueConverter<T>::Type is the type of a LeafNode having the same dimensions as this node but a different value type, T
 CRootNode< ChildType >::ValueConverter< OtherValueType >ValueConverter<T>::Type is the type of a RootNode having the same child hierarchy as this node but a different value type, T
 CTree< _RootNodeType >::ValueConverter< OtherValueType >ValueConverter<T>::Type is the type of a tree having the same hierarchy as this tree but a different value type, T
 CTree< _RootNodeType >::ValueConverter< Int32 >
 CValueIndexDummy type for a voxel whose value equals an offset into an external value array
 CIndexIter< IteratorT, FilterT >::ValueIndexIterA forward iterator over array indices from a value iterator (such as ValueOnCIter)
 CValueIndexMaskLike ValueIndex but with a mutable mask
 CLeafNode< BuildT >::ValueIteratorVisits all values in a leaf node, i.e. both active and inactive values
 CLeafNode< bool >::ValueIteratorVisits all values in a leaf node, i.e. both active and inactive values
 CLeafNode< ValueMask >::ValueIteratorVisits all values in a leaf node, i.e. both active and inactive values
 CRootNode< ChildT >::ValueIterator
 CLeafNode< BuildT, CoordT, MaskT, Log2Dim >::ValueIteratorVisits all values in a leaf node, i.e. both active and inactive values
 CValueMaskDummy type for a voxel whose value equals its binary active state
 CValueMask
 CValueMaskFilter< On >Index filtering on active / inactive state of host voxel
 CInternalNode< _ChildNodeType, Log2Dim >::ValueOff
 CLeafNode< T, Log2Dim >::ValueOff
 CInternalNode< _ChildNodeType, Log2Dim >::ValueOn
 CLeafNode< T, Log2Dim >::ValueOn
 CValueOnIndexDummy type for a voxel whose value equals an offset into an external value array of active values
 CValueOnIndexMaskLike ValueOnIndex but with a mutable mask
 CRootNode< ChildT >::ValueOnIterator
 CValueTraits< T, bool >
 CValueTraits< T, false >
 CValueVoxelCIterA forward iterator over array indices in a single voxel
 CVec3< T >A simple vector class with three components, similar to openvdb::math::Vec3
 CVec3< double >
 CVec4< T >A simple vector class with four components, similar to openvdb::math::Vec4
 CVector< T >Lightweight, variable-length vector
 CVector< ValueType >
 CVectorToScalarConverter< VectorGridType >VectorToScalarConverter<VectorGridType>::Type is the type of a grid having the same tree configuration as VectorGridType but a scalar value type, T, where T is the type of the original vector components
 CVectorToScalarGrid< VecGridT >Metafunction to convert a vector-valued grid type to a scalar grid type
 CVecTraits< T, bool >
 CVecTraits< T, false >
 CVelocityIntegrator< GridT, Staggered, SampleOrder >Performs Runge-Kutta time integration of variable order in a static velocity field
 CVelocitySampler< GridT, Staggered, Order >
 CVelocitySampler< Vec3fGrid, false, 1 >
 CVersionBit-compacted representation of all three version numbers
 CVersionId
 CVolumeAdvection< VelocityGridT, StaggeredVelocity, InterrupterType >Performs advections of an arbitrary type of volume in a static velocity field. The advections are performed by means of various derivatives of Semi-Lagrangian integration, i.e. backwards tracking along the hyperbolic characteristics followed by interpolation
 CVolumeHDDA< TreeT, RayT, ChildNodeLevel >Helper class that implements Hierarchical Digital Differential Analyzers for ray intersections against a generic volume
 CVolumeHDDA< openvdb::v11_0::tree::Tree, RayType, GridT::TreeType::RootNodeType::ChildNodeType::LEVEL >
 CVolumeHDDA< TreeT, RayT, 0 >Specialization of Hierarchical Digital Differential Analyzer class that intersects against the leafs or tiles of a generic volume
 CVolumeRayIntersector< GridT, NodeLevel, RayT >This class provides the public API for intersecting a ray with a generic (e.g. density) volume
 CVolumeRender< IntersectorT, SamplerT >A (very) simple multithreaded volume render specifically for scalar density
 CVolumeToMeshMesh any scalar grid that has a continuous isosurface
 CVolumeTransfer< TreeTypes >The VolumeTransfer module provides methods to automatically setup and access destination buffers for multiple target volumes of arbitrary types. Deriving from a VolumeTransfer ensures that the available buffers correlate to the order of the provided tree arguments
 CVolumeTransfer< TreeT >VolumeTransfer specialization for a single target volume
 CInternalNode< _ChildNodeType, Log2Dim >::VoxelizeActiveTiles
 CTree< BuildT >::WriteAccessor