Crate caffe2_imports

Source

Re-exports§

pub use libc;
pub use rand;
pub use ndarray;
pub use protobuf;
pub use parking_lot;
pub use threadpool;
pub use cblas_sys;
pub use mt19937;
pub use statrs;
pub use nalgebra;

Modules§

TextFormat
_core
The Rust Core Library
atomic
Atomic types
binary_heap
A priority queue implemented with a binary heap.
btree_map
An ordered map based on a B-Tree.
btree_set
An ordered set based on a B-Tree.
clap
clap is a simple-to-use, efficient, and full-featured library for parsing command line arguments and subcommands when writing console/terminal applications.
cv
Core functionality
fmt
Utilities for formatting and printing Strings.
hash_map
A hash map implemented with quadratic probing and SIMD lookup.
hash_set
A hash set implemented as a HashMap where the value is ().
lazy_static
A macro for declaring lazily evaluated statics.
linked_list
A doubly-linked list with owned nodes.
mpsc
Multi-producer, single-consumer FIFO queue communication primitives.
vec_deque
A double-ended queue (deque) implemented with a growable ring buffer.
mpmcExperimental
Multi-producer, multi-consumer FIFO queue communication primitives.
poisonExperimental
Synchronization objects that employ poisoning.

Macros§

allow_inplace
allow_one_to_one_inplace
arg_is_test
args
args_are_test
assert_cfg
Asserts that a given configuration is set.
assert_eq_align
Asserts that types are equal in alignment.
assert_eq_size
Asserts that types are equal in size.
assert_eq_size_ptr
Asserts that values pointed to are equal in size.
assert_eq_size_val
Asserts that values are equal in size.
assert_fields
Asserts that the type has the given fields.
assert_impl_all
Asserts that the type implements all of the given traits.
assert_impl_any
Asserts that the type implements any of the given traits.
assert_impl_one
Asserts that the type implements exactly one in a set of traits.
assert_not_impl_all
Asserts that the type does not implement all of the given traits.
assert_not_impl_any
Asserts that the type does not implement any of the given traits.
assert_obj_safe
Asserts that the traits support dynamic dispatch (object-safety).
assert_trait_sub_all
Asserts that the trait is a child of all of the other traits.
assert_trait_super_all
Asserts that the trait is a parent of all of the other traits.
assert_type_eq_all
Asserts that all types in a list are equal to each other.
assert_type_ne_all
Asserts that all types are not equal to each other.
bitflags
The macro used to generate the flag structures.
c10_register_creator
caffe2_make_repeated_argument
caffe2_make_singular_argument
caffe_known_type
caffe_register_device_type
const_assert
Asserts that constant expressions evaluate to true.
const_assert_eq
Asserts that constants are equal in value.
const_assert_ne
Asserts that constants are not equal in value.
cost_inference_function
declare_bool
declare_double
declare_export_caffe2_op_to_c10
declare_int
declare_int32
declare_registry
declare_shared_registry
declare_string
declare_typed_registry
define_bool
define_double
define_float
define_int
define_int32
define_int64
define_registry
define_shared_registry
define_string
define_typed_registry
define_typed_registry_without_warning
device_inference_function
disallow_input_filler
disallow_input_fillers
enforce_inplace
enforce_one_to_one_inplace
enhanced_enum
Define a new Enhanced Enum.
export_c10_op_to_caffe2_cpu
export_caffe2_op_to_c10_cpu
export_caffe2_op_to_c10_schema_only
fill_using
gradient_not_implemented_yet
hex
Macro for converting sequence of string literals containing hex-encoded data into an array of bytes.
identical_type_and_shape
identical_type_and_shape_of_input
identical_type_and_shape_of_input_dim
identical_type_and_shape_of_multiple_inputs
inherit_onnx_schema
input_tags
| INPUT_TAGS and OUTPUT_TAGS are optional features | to name the indices of the operator’s inputs and | outputs, in order to avoid confusion. | | For example, for a fully convolution layer that | has input, weight and bias, you can define its | input tags as: | | INPUT_TAGS(INPUT, WEIGHT, BIAS); | And in the code, instead of doing | auto& weight = Input(1); | you can now do | auto& weight = Input(WEIGHT); | to make it more clear.
inputs
inputs_can_cross_devices
instantiate_get_repeated_argument
instantiate_get_single_argument
instantiate_test_case_p
intrusive_adapter
Macro to generate an implementation of Adapter for a given set of types. In particular this will automatically generate implementations of the get_value and get_link methods for a given named field in a struct.
is_little_endian
ix
lazy_static
no_gradient
| NO_GRADIENT means that the operator | does not need any gradient computation. |
num_inputs
num_inputs_outputs
num_outputs
op_single_arg
| OP_SINGLE_ARG provides a shorter initialization | choice for initialization of member | variables for the class constructors. | | This is a workaround for CUDA9.2 and | GCC7 |
output_calculator
output_tags
outputs
paste
private_operator
reduction_op_shape_inference
register_blob_deserializer
register_blob_serializer
register_caffe2_early_init_function
register_caffe2_init_function
register_context
register_converter
register_copy_bytes_function
register_cpu_gradient_operator
register_cpu_gradient_operator_with_engine
register_cpu_operator
register_cpu_operator_creator
register_cpu_operator_str
register_cpu_operator_with_engine
register_creator
register_cuda_operator
register_cuda_operator_creator
register_cuda_operator_str
register_cuda_operator_with_engine
register_cudnn_operator
Macros for cudnn since we use it often
register_event_create_function
register_event_error_message_function
register_event_finish_function
register_event_query_function
register_event_record_function
register_event_reset_function
register_event_set_callback_function
register_event_set_finished_function
register_event_wait_function
register_gradient
register_gradient_str
register_gradient_with_main_input
| Auxiliary output gradients are currently | implemented only for Lengths version |
register_gradient_with_main_input_and_forward_output
register_ideep_compare_operator
register_ideep_operator
register_ideep_operator_creator
register_ideep_operator_str
register_ideep_operator_with_engine
register_init_function
register_lengths_ops_main_input_and_forward_output_gradient
| This implements and registers a length | op with a gradient which requires the | main input as well as the output of the | forward output. |
register_net
register_net_creator
register_opt_pass
register_opt_pass_from_func
register_segment_def_main_input_and_forward_output_gradient
register_transform
register_typed_class
register_ws_opt_pass
register_ws_opt_pass_from_func
same_number_of_output
scalar_type
should_not_do_gradient
| SHOULD_NOT_DO_GRADIENT means that the operator | is not designed to have gradient operators. If | you attempt to call the gradient, a log fatal | will occur.
static_assert
tensor_inference_function
ternary
trivial_converter
typed_test_case
use_ideep_operator_functions
use_simple_ideep_ctor_dtor
value_key_length_input_fillers
weighted_value_key_length_input_fillers
wrap_pyfunction
Wraps a Rust function annotated with #[pyfunction].
x

Structs§

A1
1-byte alignment
A2
2-byte alignment
A4
4-byte alignment
A8
8-byte alignment
A16
16-byte alignment
A32
32-byte alignment
A64
64-byte alignment
AOTConfig
Aligned
A newtype with alignment of at least A bytes
Arc
A thread-safe reference-counting pointer. ‘Arc’ stands for ‘Atomically Reference Counted’.
Argument
ArgumentHelper
| ———– | @brief | | A helper class to index into arguments. | | This helper helps us to more easily index | into a set of arguments that are present | in the operator. | | To save memory, the argument helper | does not copy the operator def, so one | would need to make sure that the lifetime | of the OperatorDef object outlives | that of the ArgumentHelper. |
Atomic
A generic atomic wrapper type which allows an object to be safely shared between threads.
AtomicBool
A boolean type which can be safely shared between threads.
AtomicI32
An integer type which can be safely shared between threads.
AtomicPtr
A raw pointer type which can be safely shared between threads.
AtomicU32
An integer type which can be safely shared between threads.
AtomicUsize
An integer type which can be safely shared between threads.
AttributeDef
BTreeMap
An ordered map based on a B-Tree.
BTreeSet
An ordered set based on a B-Tree.
BackendOptions
Barrier
A barrier enables multiple threads to synchronize the beginning of some computation.
BarrierWaitResult
A BarrierWaitResult is returned by Barrier::wait() when all threads in the Barrier have rendezvoused.
BinaryHeap
A priority queue implemented with a binary heap.
BlobProfile
BlobProto
BlobSerializationOptions
BlobsMap
BorrowError
An error returned by RefCell::try_borrow.
BorrowMutError
An error returned by RefCell::try_borrow_mut.
BufReader
The BufReader<R> struct adds buffering to any reader.
BufWriter
Wraps a writer and buffers its output.
CaffeDatum
Generated files are compatible only with the same version of protobuf runtime.
Cell
A mutable memory location.
Complex
A complex number in Cartesian form.
Condvar
A Condition Variable
DBReaderProto
DeviceOption
ExecutionStep
GILGuard
RAII type that represents the Global Interpreter Lock acquisition.
HashMap
A hash map implemented with quadratic probing and SIMD lookup.
HashSet
A hash set implemented as a HashMap where the value is ().
HierarchyProto
IntrusiveLinkedList
An intrusive doubly-linked list.
LazyCell
A value which is initialized on the first access.
LazyLock
A value which is initialized on the first access.
LibDef
LinkedList
A doubly-linked list with owned nodes.
LinkedListLink
Intrusive link that allows an object to be inserted into a LinkedList.
MapFieldEntry
MessageLite
MetaNetDef
ModelDef
ModelInfo
Generated files are compatible only with the same version of protobuf runtime.
ModuleDef
Mutex
A mutual exclusion primitive useful for protecting shared data
MutexGuard
An RAII implementation of a “scoped lock” of a mutex. When this structure is dropped (falls out of scope), the lock will be unlocked.
NetDef
NetsMap
NodeProto
Generated files are compatible only with the same version of protobuf runtime.
NonNull
*mut T but non-zero and covariant.
Once
A low-level synchronization primitive for one-time global execution.
OnceCell
A cell which can nominally be written to only once.
OnceLock
A synchronization primitive which can nominally be written to only once.
OnceState
State yielded to Once::call_once_force()’s closure parameter. The state can be used to query the poison status of the Once.
OpProfile
OperatorDef
ParameterDef
PartitionInfo
PathNodeProto
PathProto
PhantomData
Zero-sized type used to mark things that “act like” they own a T.
PlanDef
PlansMap
PoisonError
A type of error which can be returned whenever a lock is acquired.
PredictorConsts
Generated files are compatible only with the same version of protobuf runtime.
ProfDAGProto
ProfDAGProtos
Py
A GIL-independent reference to an object allocated on the Python heap.
PyAny
Represents any Python object.
PyCell
A container type for (mutably) accessing PyClass values
PyClassInitializer
Initializer for our #[pyclass] system.
PyErr
Represents a Python exception.
PyModule
Represents a Python module object.
PyRef
A wrapper type for an immutably borrowed value from a PyCell<T>.
PyRefMut
A wrapper type for a mutably borrowed value from aPyCell<T>.
Python
A marker token that represents holding the GIL.
QTensorProto
Range
A (half-open) range bounded inclusively below and exclusively above (start..end).
RangeFrom
A range only bounded inclusively below (start..).
RangeFull
An unbounded range (..).
RangeInclusive
A range bounded inclusively below and above (start..=end).
RangeTo
A range only bounded exclusively above (..end).
RangeToInclusive
A range only bounded inclusively above (..=end).
RawMutex
Raw mutex type backed by the parking lot.
Rc
A single-threaded reference-counting pointer. ‘Rc’ stands for ‘Reference Counted’.
RecordRef
Generated files are compatible only with the same version of protobuf runtime.
Ref
Wraps a borrowed reference to a value in a RefCell box. A wrapper type for an immutably borrowed value from a RefCell<T>.
RefCell
A mutable memory location with dynamically checked borrow rules
RefMut
A wrapper type for a mutably borrowed value from a RefCell<T>.
RepeatedField
Wrapper around vector to avoid deallocations on clear.
RepeatedPtr
RepeatedPtrField
RwLock
A reader-writer lock
RwLockReadGuard
RAII structure used to release the shared read access of a lock when dropped.
RwLockWriteGuard
RAII structure used to release the exclusive write access of a lock when dropped.
SegQueue
An unbounded multi-producer multi-consumer queue.
SerializationOptions
SmallVec
A Vec-like container that can store a small number of elements inline.
StdRng
The standard RNG. This is designed to be efficient on the current platform.
StringMap
TensorBoundShape
TensorBoundShapes
TensorDef
TensorProto
Generated files are compatible only with the same version of protobuf runtime.
TensorProto_Segment
TensorProtos
TensorShape
TensorShapes
Thread
A handle to a thread.
TreeProto
TryReserveError
The error type for try_reserve methods.
TwoNumberStatsProto
Generated files are compatible only with the same version of protobuf runtime.
Uniform
Implements the Continuous Uniform distribution
Unknown
This is a temporary fix for certain types which live in aten or elsewhere
UnsafeCell
The core primitive for interior mutability in Rust.
VecDeque
A double-ended queue implemented with a growable ring buffer.
WaitTimeoutResult
A type indicating whether a timed wait on a condition variable returned due to a time out or not.
bf16
A 16-bit floating point type implementing the bfloat16 format.
f16
A 16-bit floating point type implementing the IEEE 754-2008 standard binary16 a.k.a “half” format.
zmq_msg_t
ExclusiveExperimental
Exclusive provides only mutable access, also referred to as exclusive access to the underlying value. It provides no immutable, or shared access to the underlying value.
MappedMutexGuardExperimental
An RAII mutex guard returned by MutexGuard::map, which can point to a subfield of the protected data. When this structure is dropped (falls out of scope), the lock will be unlocked.
MappedRwLockReadGuardExperimental
RAII structure used to release the shared read access of a lock when dropped, which can point to a subfield of the protected data.
MappedRwLockWriteGuardExperimental
RAII structure used to release the exclusive write access of a lock when dropped, which can point to a subfield of the protected data.
ReentrantLockExperimental
A re-entrant mutual exclusion lock
ReentrantLockGuardExperimental
An RAII implementation of a “scoped lock” of a re-entrant lock. When this structure is dropped (falls out of scope), the lock will be unlocked.
SyncUnsafeCellExperimental
UnsafeCell, but Sync.
UniqueArcExperimental
A uniquely owned Arc.
UniqueRcExperimental
A uniquely owned Rc.
YeetExperimental
Implement FromResidual<Yeet<T>> on your type to enable do yeet expr syntax in functions returning your type.

Enums§

BigEndian
Defines big-endian serialization.
BlobSerializationOptions_FloatFormat
Bound
An endpoint of a range of keys.
ControlFlow
Used to tell an operation whether it should exit early or go on as usual.
DeviceTypeProto
LegacyPadding
LittleEndian
Defines little-endian serialization.
Ordering
An Ordering is the result of a comparison between two values.
ProtoVersion
TensorBoundShape_DimType
TensorProto_DataType
TensorProto_SerializationFormat
TryLockError
An enumeration of possible errors associated with a TryLockResult which can occur while trying to acquire a lock, from the try_lock method on a Mutex or the try_read and try_write methods on an RwLock.
c_void
Equivalent to C’s void type when used as a pointer.
CoroutineStateExperimental
The result of a coroutine resumption.
OneSidedRangeBoundExperimental
An internal helper for split_off functions indicating which end a OneSidedRange is bounded on.
TryReserveErrorKindExperimental
Details of the allocation that caused a TryReserveError

Constants§

ONCE_INITDeprecated
Initialization value for static Once values.

Traits§

Add
The addition operator +.
AddAssign
The addition assignment operator +=.
Alignment
A marker trait for an alignment value.
AsyncFn
An async-aware version of the Fn trait.
AsyncFnMut
An async-aware version of the FnMut trait.
AsyncFnOnce
An async-aware version of the FnOnce trait.
BitAnd
The bitwise AND operator &.
BitAndAssign
The bitwise AND assignment operator &=.
BitOr
The bitwise OR operator |.
BitOrAssign
The bitwise OR assignment operator |=.
BitXor
The bitwise XOR operator ^.
BitXorAssign
The bitwise XOR assignment operator ^=.
ComplexFloat
Generic trait for floating point complex numbers.
Deref
Used for immutable dereferencing operations, like *v.
DerefMut
Used for mutable dereferencing operations, like in *v = 1;.
Div
The division operator /.
DivAssign
The division assignment operator /=.
Drop
Custom code within the destructor.
Error
Error is a trait representing the basic expectations for error values, i.e., values of type E in Result<T, E>.
Float
Generic trait for floating point numbers
Fn
The version of the call operator that takes an immutable receiver.
FnMut
The version of the call operator that takes a mutable receiver.
FnOnce
The version of the call operator that takes a by-value receiver.
FromParallelIterator
FromParallelIterator implements the creation of a collection from a ParallelIterator. By implementing FromParallelIterator for a given type, you define how it will be created from an iterator.
FromPyObject
Extract a type from a Python object.
Hash
A hashable type.
Hasher
A trait for hashing an arbitrary stream of bytes.
Index
Used for indexing operations (container[index]) in immutable contexts.
IndexMut
Used for indexing operations (container[index]) in mutable contexts.
IndexedParallelIterator
An iterator that supports “random access” to its data, meaning that you can split it at arbitrary indices and draw data from those points.
IntoParallelIterator
IntoParallelIterator implements the conversion to a ParallelIterator.
IntoParallelRefIterator
IntoParallelRefIterator implements the conversion to a ParallelIterator, providing shared references to the data.
IntoParallelRefMutIterator
IntoParallelRefMutIterator implements the conversion to a ParallelIterator, providing mutable references to the data.
IntoPy
Defines a conversion from a Rust type to a Python object.
IntoPyPointer
Returns an owned pointer to a Python object.
Iterator
A trait for dealing with iterators.
LazyStatic
Support trait for enabling a few common operation on lazy static values.
Mul
The multiplication operator *.
MulAssign
The multiplication assignment operator *=.
Neg
The unary negation operator -.
Not
The unary logical negation operator !.
Num
The base trait for numeric types, covering 0 and 1 values, comparisons, basic numeric operations, and string conversion.
ParallelBridge
Conversion trait to convert an Iterator to a ParallelIterator.
ParallelDrainFull
ParallelDrainFull creates a parallel iterator that moves all items from a collection while retaining the original capacity.
ParallelDrainRange
ParallelDrainRange creates a parallel iterator that moves a range of items from a collection while retaining the original capacity.
ParallelExtend
ParallelExtend extends an existing collection with items from a ParallelIterator.
ParallelIterator
Parallel version of the standard iterator trait.
ParallelSlice
Parallel extensions for slices.
ParallelSliceMut
Parallel extensions for mutable slices.
ParallelString
Parallel extensions for strings.
Pod
A marker trait indicating that a type is Plain Old Data.
PrimInt
Generic trait for primitive integers.
PyTryFrom
Trait implemented by Python object types that allow a checked downcast. If T implements PyTryFrom, we can convert &PyAny to &T.
PyTryInto
Trait implemented by Python object types that allow a checked downcast. This trait is similar to std::convert::TryInto
RangeBounds
RangeBounds is implemented by Rust’s built-in range types, produced by range syntax like .., a.., ..b, ..=c, d..e, or f..=g.
Read
The Read trait allows for reading bytes from a source.
Real
A trait for real number types that do not necessarily have floating-point-specific characteristics such as NaN and infinity.
Rem
The remainder operator %.
RemAssign
The remainder assignment operator %=.
Shl
The left shift operator <<. Note that because this trait is implemented for all integer types with multiple right-hand-side types, Rust’s type checker has special handling for _ << _, setting the result type for integer operations to the type of the left-hand-side operand. This means that though a << b and a.shl(b) are one and the same from an evaluation standpoint, they are different when it comes to type inference.
ShlAssign
The left shift assignment operator <<=.
Shr
The right shift operator >>. Note that because this trait is implemented for all integer types with multiple right-hand-side types, Rust’s type checker has special handling for _ >> _, setting the result type for integer operations to the type of the left-hand-side operand. This means that though a >> b and a.shr(b) are one and the same from an evaluation standpoint, they are different when it comes to type inference.
ShrAssign
The right shift assignment operator >>=.
StructOpt
A struct that is converted from command line arguments.
Sub
The subtraction operator -.
SubAssign
The subtraction assignment operator -=.
TestContext
The trait to implement to get setup/teardown functionality for tests.
ToPyObject
Conversion trait that allows various objects to be converted into PyObject.
Write
A trait for objects which are byte-oriented sinks.
__Deref
Used for immutable dereferencing operations, like *v.
CoerceUnsizedExperimental
Trait that indicates that this is a pointer or a wrapper for one, where unsizing can be performed on the pointee.
CoroutineExperimental
The trait implemented by builtin coroutine types.
DerefPureExperimental
Perma-unstable marker trait. Indicates that the type has a well-behaved Deref (and, if applicable, DerefMut) implementation. This is relied on for soundness of deref patterns.
DispatchFromDynExperimental
DispatchFromDyn is used in the implementation of dyn-compatibility checks (specifically allowing arbitrary self types), to guarantee that a method’s receiver type can be dispatched on.
FromResidualExperimental
Used to specify which residuals can be converted into which crate::ops::Try types.
IntoBoundsExperimental
Used to convert a range into start and end bounds, consuming the range by value.
OneSidedRangeExperimental
OneSidedRange is implemented for built-in range types that are unbounded on one side. For example, a.., ..b and ..=c implement OneSidedRange, but .., d..e, and f..=g do not.
ReceiverExperimental
Indicates that a struct can be used as a method receiver. That is, a type can use this type as a type of self, like this:
ResidualExperimental
Allows retrieving the canonical type implementing Try that has this type as its residual and allows it to hold an O as its output.
TryExperimental
The ? operator and try {} blocks.

Functions§

Aligned
Changes the alignment of value to be at least A bytes
add_argument
caffe2_wrapper_get_empty_string_already_inited
| Caffe2 wrapper functions for protobuf’s | GetEmptyStringAlreadyInited() function used to | avoid duplicated global variable in the case | when protobuf is built with hidden visibility.
cleanup_external_inputs_and_outputs
| Given a net, modify the external inputs/outputs | if necessary so that the following conditions | are met | | - No duplicate external inputs | | - No duplicate external outputs | | - Going through list of ops in order, | all op inputs must be outputs from other | ops, or registered as external inputs. | | - All external outputs must be outputs | of some operators. |
create_operator_def
| A simplified version compared to the | full | | CreateOperator, if you do not need to | specify args. | | IterableInputs default = std::initializer_list | | IterableOutputs default = std::initializer_list |
create_operator_def_with_args
| IterableInputs default = std::initializer_list | | IterableOutputs default = std::initializer_list | | IterableArgs default = std::initializer_list |
device_id
device_type_name
| A wrapper function to return device | name string for use in blob serialization | / deserialization. | | This should have one to one correspondence | with caffe2/proto/caffe2.proto: | enum DeviceType. | | ———– | @note | | we can’t use DeviceType_Name, because | that is only available in protobuf-full, | and some platforms (like mobile) may | want to use protobuf-lite instead. |
get_argument_from_net_def
get_argument_from_operator_def
| Helper methods to get an argument from | OperatorDef or NetDef given argument | name. Throws if argument does not exist. |
get_argument_index
| Return the argument index or -1 if it | does not exist. |
get_argument_ptr_from_net_def
get_argument_ptr_from_operator_def
| Helper methods to get an argument from | OperatorDef or NetDef given argument | name. Returns nullptr if argument does not | exist.
get_flag_argument_from_args
| Helper methods to query a boolean argument | flag from OperatorDef or NetDef given | argument name. If argument does not | exist, return default value. | | Throws if argument exists but the type | is not boolean. |
get_flag_argument_from_net_def
get_flag_argument_from_operator_def
get_mutable_argument_from_net_def
get_mutable_argument_from_operator_def
get_mutable_argument_impl
has_input
has_output
initialize
Takes a shared reference to a lazy static and initializes it if it has not been already.
is_cpudevice_type
is_gpudevice_type
is_same_device
| Returns if the two DeviceOptions are | pointing to the same device. |
make_argument
make_argument_net_def
onnx_wrapper_get_empty_string_already_inited
| ONNX wrapper functions for protobuf’s | GetEmptyStringAlreadyInited() function used to | avoid duplicated global variable in the case | when protobuf is built with hidden visibility.
parse_proto_from_large_string
proto_debug_string
read_proto_from_file
| Read Proto from a file, letting the code | figure out if it is text or binary. |
read_proto_from_filename
read_proto_from_text_file
read_proto_from_text_filename
read_proto_lite_from_binary_file
| Common interfaces that are supported | by both lite and full protobuf. |
read_string_from_file
| Common interfaces that reads file contents | into a string. |
shutdown_protobuf_library
| A wrapper function to shut down protobuf | library (this is needed in ASAN testing and | valgrind cases to avoid protobuf appearing to | “leak” memory).
size_of
Returns the size of a type in bytes.
supports_lossless_conversion
| Helper function to verify that conversion | between types won’t loose any significant | bit. |
write_proto_lite_to_binary_file
write_proto_to_text_file
write_string_to_file

Type Aliases§

Blob
LockResult
A type alias for the result of a lock method which can be poisoned.
NativeEndian
Defines system native-endian serialization.
PyObject
A commonly-used alias for Py<PyAny>.
PyResult
Represents the result of a Python call.
TryLockResult
A type alias for the result of a nonblocking locking method.
TypeMeta
hipCtx_t
hipEvent_t
hipStream_t
miopenActivationDescriptor_t
miopenDataType_t
miopenHalf
miopenHandle_t
miopenRNNDescriptor_t
miopenStatus_t
miopenTensorDescriptor_t

Attribute Macros§

C10_HOST_CONSTEXPR
NOMNIGRAPH_DEFINE_NN_RTTI
USE_CONV_POOL_BASE_FUNCTIONS
USE_CONV_TRANSPOSE_UNPOOL_BASE_FUNCTIONS
USE_CPU_CONTEXT_OPERATOR_FUNCTIONS
USE_DEFORMABLE_CONV_BASE_FUNCTIONS
USE_DISPATCH_HELPER
USE_IDEEP_CONV_POOL_BASE_FUNCTIONS
USE_IDEEP_CONV_TRANSPOSE_UNPOOL_BASE_FUNCTIONS
USE_IDEEP_DEF_ALIASES
USE_IDEEP_OPERATOR_FUNCTIONS
USE_OPERATOR_CONTEXT_FUNCTIONS
USE_OPERATOR_FUNCTIONS
USE_RECURRENT_BASE_FUNCTIONS
USE_SIMPLE_CTOR_DTOR
__global__
__ubsan_ignore_undefined__
launch_bounds
no_copy
noreturn
pyclass
pyfunction
A proc macro used to expose Rust functions to Python.
pymethods
A proc macro used to expose methods to Python.
pymodule
A proc macro used to implement Python modules.
test_context

Derive Macros§

Error
FromPyObject
Hash
Derive macro generating an impl of the trait Hash.
StructOpt
Generates the StructOpt impl.