TensorRT  7.2.1.6
NVIDIA TensorRT
Looking for a C++ dev who knows TensorRT?
I'm looking for work. Hire me!
All Classes Namespaces Functions Variables Typedefs Enumerations Enumerator Friends Pages
Class Hierarchy

Go to the graphical class hierarchy

This inheritance list is sorted roughly, but not completely, alphabetically:
[detail level 12345]
 Cpytorch_quantization.calib.calibrator._Calibrator
 C_ConvNd
 C_ConvTransposeNd
 CAdaptiveAvgPool1d
 CAdaptiveAvgPool2d
 CAdaptiveAvgPool3d
 CAlgorithmCacheReader::AlgorithmCacheItem
 CArgs
 CsamplesCommon::Args/brief Struct to maintain command-line arguments
 CAvgPool1d
 CAvgPool2d
 CAvgPool3d
 CBatch
 CsamplesCommon::BBox
 CBbox< T >
 CMaskRCNNUtils::BBoxInfo
 CBboxInfo< T >
 Cbuilder.BertConfig
 Cbuilder_varseqlen.BertConfig
 CBertInference
 CBertInferenceRunner
 Chalf_float::detail::binary_specialized< T, U >Wrapper for binary half-precision functions needing specialization for individual argument types
 Chalf_float::detail::binary_specialized< half, half >
 Chalf_float::detail::binary_tTag type for binary construction
 Csample::Binding
 Csample::Bindings
 Chalf_float::detail::bits< T >Type traits for floating point bits
 Chalf_float::detail::bits< double >Unsigned integer of (at least) 64 bits width
 Chalf_float::detail::bool_type< bool >Helper for tag dispatching
 CBufferDesc
 CsamplesCommon::BufferManagerHandles host and device buffer allocation and deallocation
 Csample::anonymous_namespace{sampleEngines.cpp}::CaffeBufferShutter
 Cnvcaffeparser1::CaffeWeightFactory
 Ctext.cmudict.CMUDict
 CnmtSample::ComponentFunctional part of the sample
 CnmtSample::ComponentWeightsWeights storage
 CConcatTopKWorkSpace
 Chalf_float::detail::conditional< bool, T, typename >Conditional type
 Chalf_float::detail::conditional< false, T, F >
 Chalf_float::detail::conditional< std::numeric_limits< unsigned int >::digits >
 CCudaBind< Dtype >
 CCudaBind< float >
 CCudaBind< int >
 Cnvinfer1::CUDADriverWrapper
 CDataset
 CnmtSample::DebugUtilContainer for static debug utility functions
 Cnvinfer1::plugin::DetectionOutputParametersThe DetectionOutput plugin layer generates the detection output based on location and confidence predictions by doing non maximum suppression
 Csample::DeviceAllocator
 CsamplesCommon::DeviceAllocator
 CnmtSample::DeviceBuffer< T >
 Csample::DeviceDeallocator
 CsamplesCommon::DeviceFree
 Cnvinfer1::DimsStructure to define the dimensions of a tensor
 CDimsCHWDescriptor for data with one channel dimension and two spatial dimensions
 Cnvinfer1::DimsExprs
 CDimsNCHWDescriptor for data with one index dimension, one channel dimension and two spatial dimensions
 Cnvinfer1::DynamicPluginTensorDesc
 Chalf_float::detail::enable< T, typename, typename, typename >SFINAE helper for generic half-precision functions
 Chalf_float::detail::enable< expr, T, U >
 Chalf_float::detail::enable< T, expr, expr, expr >
 Chalf_float::detail::enable< T, expr, expr, half >
 Chalf_float::detail::enable< T, expr, expr, void >
 Chalf_float::detail::enable< T, expr, half, expr >
 Chalf_float::detail::enable< T, expr, half, half >
 Chalf_float::detail::enable< T, expr, half, void >
 Chalf_float::detail::enable< T, expr, void, void >
 Chalf_float::detail::enable< T, half, expr, expr >
 Chalf_float::detail::enable< T, half, expr, half >
 Chalf_float::detail::enable< T, half, expr, void >
 Chalf_float::detail::enable< T, half, half, expr >
 Chalf_float::detail::enable< T, half, half, half >
 Chalf_float::detail::enable< T, half, half, void >
 Chalf_float::detail::enable< T, half, void, void >
 Csample::anonymous_namespace{sampleInference.cpp}::Enqueue
 Csample::anonymous_namespace{sampleInference.cpp}::EnqueueGraphFunctor to enqueue inference from CUDA Graph
 CEntropyCalibratorImpl< TBatchStream >Implements common functionality for Entropy calibrators
 CException
 Cstd::exceptionSTL class
 Chalf_float::detail::exprTemporary half-precision expression
 Cnvuffparser::FieldCollection
 Cnvuffparser::FieldMapAn array of field params used as a layer parameter for plugin layers
 Cutil.test_format.FormatTestCase
 CFrcnnArgs
 Chalf_float::detail::functionsWrapper implementing unspecialized half-precision functions
 Cbert::Fused_multihead_attention_params
 Cbert::Fused_multihead_attention_params_v2
 Cbert::TFusedMultiHeadAttentionXMMAKernel< TKernelMeta, TKernelParam >::FusedMultiHeadAttentionKernelInfo
 Cbert::FusedMultiHeadAttentionKernelMetaInfoV1
 Cbert::FusedMultiHeadAttentionKernelMetaInfoV2
 CsamplesCommon::GenericBuffer< AllocFunc, FreeFunc >The GenericBuffer class is a templated class for buffers
 CsamplesCommon::GenericBuffer< DeviceAllocator, DeviceFree >
 CsamplesCommon::GenericBuffer< HostAllocator, HostFree >
 Cnvinfer1::plugin::GridAnchorParametersThe Anchor Generator plugin layer generates the prior boxes of designated sizes and aspect ratios across all dimensions (H x W)
 Chalf_float::halfHalf-precision floating point type
 Chalf_float::detail::half_caster< T, U, R >Helper class for half casts
 Chalf_float::detail::half_caster< half, half, R >
 Chalf_float::detail::half_caster< half, U, R >
 Chalf_float::detail::half_caster< T, expr, R >
 Chalf_float::detail::half_caster< T, half, R >
 Csample::HostAllocator
 CsamplesCommon::HostAllocator
 Csample::HostDeallocator
 CsamplesCommon::HostFree
 Cnvinfer1::IAlgorithmDescribes a variation of execution of a layer. An algorithm is represented by IAlgorithmVariant and the IAlgorithmIOInfo for each of its inputs and outputs. An algorithm can be selected or reproduced using AlgorithmSelector::selectAlgorithms()."
 Cnvinfer1::IAlgorithmContextDescribes the context and requirements, that could be fulfilled by one or more instances of IAlgorithm
 Cnvinfer1::IAlgorithmIOInfoCarries information about input or output of the algorithm. IAlgorithmIOInfo for all the input and output along with IAlgorithmVariant denotes the variation of algorithm and can be used to select or reproduce an algorithm using IAlgorithmSelector::selectAlgorithms()
 Cnvinfer1::IAlgorithmSelectorInterface implemented by application for selecting and reporting algorithms of a layer provided by the builder
 Cnvinfer1::IAlgorithmVariantUnique 128-bit identifier, which along with the input and output information denotes the variation of algorithm and can be used to select or reproduce an algorithm, using IAlgorithmSelector::selectAlgorithms()
 CIBatchStream
 Cnvcaffeparser1::IBinaryProtoBlobObject used to store and query data extracted from a binaryproto file using the ICaffeParser
 Cnvcaffeparser1::IBlobNameToTensorObject used to store and query Tensors after they have been extracted from a Caffe model using the ICaffeParser
 Cnvinfer1::IBuilderBuilds an engine from a network definition
 Cnvinfer1::IBuilderConfigHolds properties for configuring a builder to produce an engine
 Cnvcaffeparser1::ICaffeParserClass used for parsing Caffe models
 Cnvinfer1::ICudaEngineAn engine for executing inference on a built network, with functionally unsafe features
 Cnvinfer1::IDimensionExpr
 Cnvinfer1::IErrorRecorderReference counted application-implemented error reporting interface for TensorRT objects
 Cnvinfer1::IExecutionContextContext for executing inference using an engine, with functionally unsafe features
 Cnvinfer1::IExprBuilder
 Cnvinfer1::IGpuAllocatorApplication-implemented class for controlling allocation on the GPU
 Cnvinfer1::IHostMemoryClass to handle library allocated memory that is accessible to the user
 Cnvinfer1::IInt8CalibratorApplication-implemented interface for calibration
 CIInt8EntropyCalibrator2
 CIInt8LegacyCalibrator
 Cnvinfer1::ILayerBase class for all layer classes in a network definition
 CILogger
 Cnvinfer1::ILoggerApplication-implemented logging interface for the builder, engine and runtime
 Cnvinfer1::ILoopHelper for creating a recurrent subgraph
 Cnvinfer1::INetworkDefinitionA network definition for input to the builder
 CsamplesCommon::InferDeleter
 Csample::InferenceEnvironment
 Csample::InferenceTimeMeasurement times in milliseconds
 Csample::InferenceTraceMeasurement points in milliseconds
 CInstanceNorm1d
 CInstanceNorm2d
 CInstanceNorm3d
 CIntEnum
 Cnvonnxparser::IOnnxConfigConfiguration Manager Class
 Cnvinfer1::IOptimizationProfileOptimization profile for dynamic input dimensions and shape tensors
 Cstd::ios_baseSTL class
 CIOutputDimensionsFormulaApplication-implemented interface to compute layer output sizes
 Cnvonnxparser::IParserObject for parsing ONNX models into a TensorRT network definition
 Cnvonnxparser::IParserErrorObject containing information about an error
 Cnvinfer1::IPluginPlugin class for user-implemented layers
 Cnvinfer1::IPluginCreatorPlugin creator class for user implemented layers
 Cnvinfer1::IPluginFactoryPlugin factory for deserialization
 Cnvuffparser::IPluginFactoryPlugin factory used to configure plugins
 Cnvcaffeparser1::IPluginFactoryPlugin factory used to configure plugins
 Cnvcaffeparser1::IPluginFactoryV2Plugin factory used to configure plugins
 CIPluginLayerLayer type for plugins
 Cnvinfer1::IPluginRegistrySingle registration point for all plugins in an application. It is used to find plugin implementations during engine deserialization. Internally, the plugin registry is considered to be a singleton so all plugins in an application are part of the same global registry. Note that the plugin registry is only supported for plugins of type IPluginV2 and should also have a corresponding IPluginCreator implementation
 Cnvinfer1::IPluginV2Plugin class for user-implemented layers
 Cnvinfer1::IProfilerApplication-implemented interface for profiling
 Cnvinfer1::IRefitterUpdates weights in an engine
 CIRNNLayerA RNN layer in a network definition
 CIRNNv2LayerAn RNN layer in a network definition, version 2
 Cnvinfer1::IRuntimeAllows a serialized functionally unsafe engine to be deserialized
 Cnvinfer1::ITensorA tensor in a network definition
 Csample::anonymous_namespace{sampleInference.cpp}::IterationInference iteration and streams management
 Cnvuffparser::IUffParserClass used for parsing models described using the UFF format
 Csample::LayerProfileLayer profile information
 CnmtSample::LikelihoodCombinationOperator
 CLinear
 Clist
 Csample::LogStreamConsumerBaseConvenience object used to initialize LogStreamConsumerBuffer before std::ostream in LogStreamConsumer
 CLogStreamConsumerBaseConvenience object used to initialize LogStreamConsumerBuffer before std::ostream in LogStreamConsumer
 CSampleCharRNNLoop::LstmIO
 CSampleCharRNNLoop::LstmParams
 CsamplesCommon::ManagedBufferGroups together a pair of corresponding device and host buffers
 CMaskRCNNUtils::Mask
 CMaxPool1d
 CMaxPool2d
 CMaxPool3d
 Cinference.MeasureTime
 Csample::MirroredBufferCoupled host and device buffers
 CModule
 CModule
 CMultilevelProposeROIWorkSpace
 Cnvinfer1::plugin::NMSParametersThe NMSParameters are used by the BatchedNMSPlugin for performing the non_max_suppression operation over boxes for object detection networks
 Cnumeric_limits
 Cobject
 Coption
 Csample::Options
 COutputArgs
 COutputParams
 Csample::Parser
 Cnvinfer1::Permutation
 CnmtSample::PinnedHostBuffer< T >Wrapper for the pinned host memory region
 CnmtSample::PinnedHostBuffer< float >
 Cnvinfer1::plugin::PluginCreatorRegistry
 Cnvinfer1::PluginFieldStructure containing plugin attribute field names and associated data This information can be parsed to decode necessary plugin metadata
 Cnvinfer1::PluginFieldCollection
 Cnvinfer1::PluginRegistrar< T >Register the plugin creator to the registry The static registry object will be instantiated when the plugin library is loaded
 Cnvinfer1::PluginTensorDescFields that a plugin might see for an input or output
 CPluginVersionDefinition of plugin versions
 CPoolParameters
 CsamplesCommon::PPM< C, H, W >
 CMaskRCNNUtils::PPM< T >
 CsamplesCommon::PPM< 3, 300, 300 >
 CsamplesCommon::PPM< kIMG_CHANNELS, kIMG_H, kIMG_W >
 CMaskRCNNUtils::PPM< uint8_t >
 Cnvinfer1::plugin::PriorBoxParametersThe PriorBox plugin layer generates the prior boxes of designated sizes and aspect ratios across all dimensions (H x W)
 CProposalWorkSpace
 Cnvinfer1::plugin::QuadrupleThe Permute plugin layer permutes the input tensor by changing the memory order of the data
 Cpytorch_quantization.nn.modules._utils.QuantInputMixin
 Cpytorch_quantization.nn.modules._utils.QuantMixin
 Cpytorch_quantization.quant_modules.QuantModuleReplacementHelper
 CMaskRCNNUtils::RawDetection
 CnmtSample::BeamSearchPolicy::Ray
 CSimpleProfiler::Record
 Cnvinfer1::plugin::reduced_divisor
 CRefineDetectionWorkSpace
 CRefineNMSParameters
 Chalf_float::detail::result< half, half >
 Cnvinfer1::plugin::RPROIParamsRPROIParams is used to create the RPROIPlugin instance
 CSampleAlgorithmSelectorImplements the SampleAlgorithmSelector sample
 CSampleBuffer
 CSampleCharRNNBaseImplements the char_rnn sample
 CSampleCharRNNBindingNames
 CSampleCharRNNMaps
 CSampleCharRNNWeightNames
 CSampleDynamicReshapeImplementes the dynamic reshape sample
 CSampleFasterRCNNImplements the FasterRCNN sample
 CSampleGoogleNetImplements the GoogleNet sample
 CSampleINT8Implements the INT8 sample
 CSampleINT8APIImplements INT8 inference on classification networks
 CSampleINT8APIParamsThe SampleINT8APIParams structure groups the additional parameters required by the INT8 API sample
 CSampleINT8APIPreprocessing
 CSampleMaskRCNN
 CSampleMLPImplements the MNIST API sample
 CSampleMNISTImplements the MNIST sample
 CSampleMNISTAPIImplements the MNIST API sample
 CSampleMovieLensImplements the MovieLens sample
 CSampleMovieLensArgs
 CSampleOnnxMNISTImplements the ONNX MNIST sample
 CSampleOnnxMnistCoordConvACImplements the ONNX MNIST sample
 CsamplesCommon::SampleParamsThe SampleParams structure groups the basic parameters required by all sample networks
 CSamplePluginImplements samplePlugin
 CSampleReformatFreeIOImplements the reformat free I/O sample
 CSampleSSDImplements the SSD sample
 CSampleUffFasterRcnn
 CSampleUffMNISTImplements the UffMNIST sample
 CSampleUffPluginV2Ext
 CSampleUffSSDImplements the SSD sample
 Cpytorch_quantization.tensor_quant.ScaledQuantDescriptor
 CSemaphore
 CnmtSample::SequencePropertiesEncoder/decoder relevant properties of sequences
 Canonymous_namespace{serialize.hpp}::Serializer< T, Enable >
 Canonymous_namespace{serialize.hpp}::Serializer< const char * >
 Canonymous_namespace{serialize.hpp}::Serializer< std::vector< T >, typename std::enable_if< std::is_arithmetic< T >::value||std::is_enum< T >::value||std::is_pod< T >::value >::type >
 Canonymous_namespace{serialize.hpp}::Serializer< T, typename std::enable_if< std::is_arithmetic< T >::value||std::is_enum< T >::value||std::is_pod< T >::value >::type >
 CSharedMemory
 Canonymous_namespace{regionPlugin.cpp}::SoftmaxTreeDeleter
 Cstr
 Cstringbuf
 Csample::anonymous_namespace{sampleInference.cpp}::SyncStructThreads synchronization structure
 Csample::Logger::TestAtomOpaque handle that holds logging information for a particular test
 CLogger::TestAtomOpaque handle that holds logging information for a particular test
 Ctests.classification_flow_test.TestClassificationFlow
 Ctests.functional_test.TestClip
 Ctests.clip_test.TestClip
 Ctests.calibrator_test.TestEntropyCalibrator
 Ctests.quant_rnn_test.TestEpilogue
 Ctests.tensor_quant_test.TestFakeAffineTensorQuant
 Ctests.tensor_quant_test.TestFakeTensorQuant
 Ctests.optim_helper_test.TestFreezeParameters
 Ctests.optim_helper_test.TestGroupParameters
 Ctests.calibrator_test.TestHistogramCalibrator
 Ctests.license_test.TestLicense
 Ctests.optim_helper_test.TestMatchParameters
 Ctests.calibrator_test.TestMaxCalibrator
 Ctests.calibrator_test.TestMSECalibrator
 Ctests.integration_test.TestNetwork
 Ctests.calibrator_test.TestPercentileCalibrator
 Ctests.print_test.TestPrint
 Ctests.quant_pooling_test.TestQuantAdaptiveAvgPool1d
 Ctests.quant_pooling_test.TestQuantAdaptiveAvgPool2d
 Ctests.quant_pooling_test.TestQuantAdaptiveAvgPool3d
 Ctests.quant_pooling_test.TestQuantAvgPool1d
 Ctests.quant_pooling_test.TestQuantAvgPool2d
 Ctests.quant_pooling_test.TestQuantAvgPool3d
 Ctests.quant_conv_test.TestQuantConv1D
 Ctests.quant_conv_test.TestQuantConv2D
 Ctests.quant_conv_test.TestQuantConv3D
 Ctests.quant_conv_transposed_test.TestQuantConvTranspose1D
 Ctests.quant_conv_transposed_test.TestQuantConvTranspose2D
 Ctests.quant_conv_transposed_test.TestQuantConvTranspose3D
 Ctests.tensor_quant_test.TestQuantDescriptor
 Ctests.quant_instancenorm_test.TestQuantInstanceNorm1D
 Ctests.quant_instancenorm_test.TestQuantInstanceNorm2D
 Ctests.quant_instancenorm_test.TestQuantInstanceNorm3D
 Ctests.quant_linear_test.TestQuantLinear
 Ctests.quant_rnn_test.TestQuantLSTM
 Ctests.quant_rnn_test.TestQuantLSTMCell
 Ctests.quant_pooling_test.TestQuantMaxPool1d
 Ctests.quant_pooling_test.TestQuantMaxPool2d
 Ctests.quant_pooling_test.TestQuantMaxPool3d
 Ctests.quant_modules_test.TestQuantModuleReplace
 Ctests.quant_utils_test.TestQuantUtils
 Ctests.optim_helper_test.TestQuantWeightInPlace
 Ctests.tensor_quant_test.TestTensorQuant
 Ctests.tensor_quantizer_test.TestTensorQuantizer
 Cdata_function.TextMelCollate
 Cbert::TFusedMHAKernelFactory< TFusedMHAKernelList >
 Cbert::TFusedMultiHeadAttentionXMMAKernel< TKernelMeta, TKernelParam >
 Cbert::TFusedMultiHeadAttentionXMMAKernel< FusedMultiHeadAttentionKernelMetaInfoV2, Fused_multihead_attention_params_v2 >
 CsamplesCommon::TimerBase
 Csample::TrtCudaBuffer< A, D >Managed buffer for host and device
 Csample::TrtCudaBuffer< DeviceAllocator, DeviceDeallocator >
 Csample::TrtCudaBuffer< HostAllocator, HostDeallocator >
 Csample::TrtCudaEventManaged CUDA event
 Csample::TrtCudaGraphManaged CUDA graph
 Csample::TrtCudaStreamManaged CUDA stream
 Csample::TrtDestroyer< T >
 CTrtDestroyer< T >
 Cnvinfer1::utility::TRTOptionTRTOption defines a command line option
 Cnvinfer1::utility::TRTParsedArgsTRTParsedArgs is returned by getOptions after it has parsed a command line argument list (argv)
 Csample::anonymous_namespace{sampleEngines.cpp}::UffBufferShutter
 Chalf_float::detail::unary_specialized< T >Wrapper for unary half-precision functions needing specialization for individual argument types
 Chalf_float::detail::unary_specialized< expr >
 Cunsigned long
 CsamplesCommon::vPPM
 Cnvinfer1::WeightsAn array of weights used as a layer parameter
 Cxy_t
 CConfig
 Cconst unsigned char *
 CCUmodule
 CFunction
 Cint
 COrderedDict
 Cuint64_t
 Cunsigned int