ACloudViewer  3.9.4
A Modern Library for 3D Data Processing
cloudViewer::core Namespace Reference

Namespaces

 cuda
 
 eigen_converter
 
 kernel
 
 linalg
 
 nns
 
 shape_util
 
 sy
 
 tensor_check
 
 tensor_init
 

Classes

class  AdvancedIndexPreprocessor
 This class is based on PyTorch's aten/src/ATen/native/Indexing.cpp. More...
 
class  AdvancedIndexer
 
class  Blob
 
class  CUDAScopedDevice
 When CUDA is not enabled, this is a dummy class. More...
 
class  Device
 
class  IsDevice
 
class  Dtype
 
struct  FunctionTraits
 
struct  FunctionTraits< T ClassType::* >
 
struct  FunctionTraits< ReturnType(ClassType::*)(Args...) const >
 
struct  FunctionTraits< T & >
 
struct  FunctionTraits< T * >
 
struct  FunctionTraits< ReturnType(Args...)>
 
struct  NullaryFunctionTraits
 
struct  UnaryFunctionTraits
 
struct  BinaryFunctionTraits
 
class  CPUHashBackendBufferAccessor
 
class  TBBHashBackend
 
class  CUDAHashBackendBufferAccessor
 
class  SlabHashBackend
 
class  SlabHashBackendImpl
 
class  Slab
 
class  SlabNodeManagerImpl
 
class  SlabNodeManager
 
struct  iterator_t
 
struct  Pair
 
class  StdGPUAllocator
 
class  StdGPUHashBackend
 
struct  ValueExtractor
 
class  DeviceHashBackend
 
class  HashBackendBuffer
 
class  HashMap
 
class  HashSet
 
struct  OffsetCalculator
 
struct  TensorRef
 A minimalistic class that reference a Tensor. More...
 
class  TensorIterator
 
class  Indexer
 
class  IndexerIterator
 
class  MemoryManager
 
class  MemoryManagerDevice
 Interface for all concrete memory manager classes. More...
 
class  MemoryManagerCached
 
class  MemoryManagerCPU
 
struct  SizeOrder
 
struct  PointerOrder
 
struct  VirtualBlock
 
struct  RealBlock
 
class  MemoryCache
 
class  Cacher
 
class  MemoryManagerStatistic
 
class  Scalar
 
class  DynamicSizeVector
 
class  SizeVector
 
class  iterator_range
 
class  SmallVectorBase
 
struct  SmallVectorAlignmentAndSize
 Figure out the offset of the first element. More...
 
class  SmallVectorTemplateCommon
 
class  SmallVectorTemplateBase
 
class  SmallVectorTemplateBase< T, true >
 
class  SmallVectorImpl
 
struct  SmallVectorStorage
 
struct  SmallVectorStorage< T, 0 >
 
class  SmallVector
 
struct  CalculateSmallVectorDefaultInlinedElements
 
class  StdAllocator
 
class  Open3DDLManagedTensor
 CloudViewer DLPack Tensor manager. More...
 
class  Tensor
 
class  TensorKey
 TensorKey is used to represent single index, slice or advanced indexing on a Tensor. More...
 
class  TensorList
 
class  HashData
 
class  Int3
 

Typedefs

using buf_index_t = uint32_t
 
template<class T >
using SmallVectorSizeType = typename std::conditional< sizeof(T)< 4 &&sizeof(void *) >=8, uint64_t, uint32_t >::type
 
template<typename RangeType >
using ValueTypeFromRangeType = typename std::remove_const< typename std::remove_reference< decltype(*std::begin(std::declval< RangeType & >()))>::type >::type
 

Enumerations

enum class  HashBackendType { Slab , StdGPU , TBB , Default }
 
enum class  DtypePolicy { NONE , ALL_SAME , INPUT_SAME , INPUT_SAME_OUTPUT_BOOL }
 
enum class  BinaryOpCode {
  Add , Sub , Mul , Div ,
  LogicalAnd , LogicalOr , LogicalXor , Gt ,
  Ge , Lt , Le , Eq ,
  Neq
}
 
enum class  MemoryManagerBackend { Direct , Cached }
 
enum class  UnaryOpCode {
  Sqrt , Sin , Cos , Neg ,
  Exp , Abs , IsNan , IsInf ,
  IsFinite , Floor , Ceil , Round ,
  Trunc , LogicalNot
}
 

Functions

uint32_t AtomicFetchAddRelaxed (uint32_t *address, uint32_t val)
 
uint64_t AtomicFetchAddRelaxed (uint64_t *address, uint64_t val)
 
static Device::DeviceType StringToDeviceType (const std::string &type_colon_id)
 
static int StringToDeviceId (const std::string &type_colon_id)
 
void CPUResetHeap (Tensor &heap)
 
std::shared_ptr< DeviceHashBackendCreateCPUHashBackend (int64_t init_capacity, const Dtype &key_dtype, const SizeVector &key_element_shape, const std::vector< Dtype > &value_dtypes, const std::vector< SizeVector > &value_element_shapes, const Device &device, const HashBackendType &backend)
 Non-templated factory. More...
 
template<typename Key , typename Hash , typename Eq >
__global__ void InsertKernelPass0 (SlabHashBackendImpl< Key, Hash, Eq > impl, const void *input_keys, buf_index_t *output_buf_indices, int heap_counter_prev, int64_t count)
 Kernels. More...
 
template<typename Key , typename Hash , typename Eq >
__global__ void InsertKernelPass1 (SlabHashBackendImpl< Key, Hash, Eq > impl, const void *input_keys, buf_index_t *output_buf_indices, bool *output_masks, int64_t count)
 
template<typename Key , typename Hash , typename Eq , typename block_t >
__global__ void InsertKernelPass2 (SlabHashBackendImpl< Key, Hash, Eq > impl, const void *const *input_values_soa, buf_index_t *output_buf_indices, bool *output_masks, int64_t count, int64_t n_values)
 
template<typename Key , typename Hash , typename Eq >
__global__ void FindKernel (SlabHashBackendImpl< Key, Hash, Eq > impl, const void *input_keys, buf_index_t *output_buf_indices, bool *output_masks, int64_t count)
 
template<typename Key , typename Hash , typename Eq >
__global__ void EraseKernelPass0 (SlabHashBackendImpl< Key, Hash, Eq > impl, const void *input_keys, buf_index_t *output_buf_indices, bool *output_masks, int64_t count)
 
template<typename Key , typename Hash , typename Eq >
__global__ void EraseKernelPass1 (SlabHashBackendImpl< Key, Hash, Eq > impl, buf_index_t *output_buf_indices, bool *output_masks, int64_t count)
 
template<typename Key , typename Hash , typename Eq >
__global__ void GetActiveIndicesKernel (SlabHashBackendImpl< Key, Hash, Eq > impl, buf_index_t *output_buf_indices, uint32_t *output_count)
 
template<typename Key , typename Hash , typename Eq >
__global__ void CountElemsPerBucketKernel (SlabHashBackendImpl< Key, Hash, Eq > impl, int64_t *bucket_elem_counts)
 
__global__ void CountSlabsPerSuperblockKernel (SlabNodeManagerImpl impl, uint32_t *slabs_per_superblock)
 
template<typename First , typename Second >
CLOUDVIEWER_HOST_DEVICE Pair< First, Second > make_pair (const First &_first, const Second &_second)
 
template<typename Key , typename Hash , typename Eq >
__global__ void STDGPUFindKernel (InternalStdGPUHashBackend< Key, Hash, Eq > map, CUDAHashBackendBufferAccessor buffer_accessor, const Key *input_keys, buf_index_t *output_buf_indices, bool *output_masks, int64_t count)
 
template<typename Key , typename Hash , typename Eq >
__global__ void STDGPUEraseKernel (InternalStdGPUHashBackend< Key, Hash, Eq > map, CUDAHashBackendBufferAccessor buffer_accessor, const Key *input_keys, buf_index_t *output_buf_indices, bool *output_masks, int64_t count)
 
template<typename Key , typename Hash , typename Eq , typename block_t >
__global__ void STDGPUInsertKernel (InternalStdGPUHashBackend< Key, Hash, Eq > map, CUDAHashBackendBufferAccessor buffer_accessor, const Key *input_keys, const void *const *input_values_soa, buf_index_t *output_buf_indices, bool *output_masks, int64_t count, int64_t n_values)
 
std::shared_ptr< DeviceHashBackendCreateDeviceHashBackend (int64_t init_capacity, const Dtype &key_dtype, const SizeVector &key_element_shape, const std::vector< Dtype > &value_dtypes, const std::vector< SizeVector > &value_element_shapes, const Device &device, const HashBackendType &backend)
 
std::shared_ptr< DeviceHashBackendCreateCUDAHashBackend (int64_t init_capacity, const Dtype &key_dtype, const SizeVector &key_element_shape, const std::vector< Dtype > &value_dtypes, const std::vector< SizeVector > &value_element_shapes, const Device &device, const HashBackendType &backend)
 
void AddMM (const Tensor &A, const Tensor &B, Tensor &output, double alpha, double beta)
 
void AddMMCPU (void *A_data, void *B_data, void *C_data, int64_t m, int64_t k, int64_t n, double alpha, double beta, bool gemmTrA, bool gemmTrB, int lda, int ldb, int ldc, Dtype dtype)
 
void AddMMCUDA (void *A_data, void *B_data, void *C_data, int64_t m, int64_t k, int64_t n, double alpha, double beta, bool gemmTrA, bool gemmTrB, int lda, int ldb, int ldc, Dtype dtype, const Device &device)
 
void AddMMSYCL (void *A_data, void *B_data, void *C_data, int64_t m, int64_t k, int64_t n, double alpha, double beta, bool gemmTrA, bool gemmTrB, int lda, int ldb, int ldc, Dtype dtype, const Device &device)
 
template<typename scalar_t >
void gemm_cpu (CBLAS_LAYOUT layout, CBLAS_TRANSPOSE trans_A, CBLAS_TRANSPOSE trans_B, CLOUDVIEWER_CPU_LINALG_INT m, CLOUDVIEWER_CPU_LINALG_INT n, CLOUDVIEWER_CPU_LINALG_INT k, scalar_t alpha, const scalar_t *A_data, CLOUDVIEWER_CPU_LINALG_INT lda, const scalar_t *B_data, CLOUDVIEWER_CPU_LINALG_INT ldb, scalar_t beta, scalar_t *C_data, CLOUDVIEWER_CPU_LINALG_INT ldc)
 
template<>
void gemm_cpu< float > (CBLAS_LAYOUT layout, CBLAS_TRANSPOSE trans_A, CBLAS_TRANSPOSE trans_B, CLOUDVIEWER_CPU_LINALG_INT m, CLOUDVIEWER_CPU_LINALG_INT n, CLOUDVIEWER_CPU_LINALG_INT k, float alpha, const float *A_data, CLOUDVIEWER_CPU_LINALG_INT lda, const float *B_data, CLOUDVIEWER_CPU_LINALG_INT ldb, float beta, float *C_data, CLOUDVIEWER_CPU_LINALG_INT ldc)
 
template<>
void gemm_cpu< double > (CBLAS_LAYOUT layout, CBLAS_TRANSPOSE trans_A, CBLAS_TRANSPOSE trans_B, CLOUDVIEWER_CPU_LINALG_INT m, CLOUDVIEWER_CPU_LINALG_INT n, CLOUDVIEWER_CPU_LINALG_INT k, double alpha, const double *A_data, CLOUDVIEWER_CPU_LINALG_INT lda, const double *B_data, CLOUDVIEWER_CPU_LINALG_INT ldb, double beta, double *C_data, CLOUDVIEWER_CPU_LINALG_INT ldc)
 
double Det (const Tensor &A)
 
void Inverse (const Tensor &A, Tensor &output)
 Computes A^{-1} with LU factorization, where A is a N x N square matrix. More...
 
void InverseCPU (void *A_data, void *ipiv_data, [[maybe_unused]] void *output_data, int64_t n, Dtype dtype, const Device &device)
 
void InverseCPU (void *A_data, void *ipiv_data, void *output_data, int64_t n, Dtype dtype, const Device &device)
 
void InverseCUDA (void *A_data, void *ipiv_data, void *output_data, int64_t n, Dtype dtype, const Device &device)
 
void InverseSYCL (void *A_data, void *ipiv_data, void *output_data, int64_t n, Dtype dtype, const Device &device)
 
template<typename scalar_t >
CLOUDVIEWER_CPU_LINALG_INT getrf_cpu (int layout, CLOUDVIEWER_CPU_LINALG_INT m, CLOUDVIEWER_CPU_LINALG_INT n, scalar_t *A_data, CLOUDVIEWER_CPU_LINALG_INT lda, CLOUDVIEWER_CPU_LINALG_INT *ipiv_data)
 
template<typename scalar_t >
CLOUDVIEWER_CPU_LINALG_INT getri_cpu (int layout, CLOUDVIEWER_CPU_LINALG_INT n, scalar_t *A_data, CLOUDVIEWER_CPU_LINALG_INT lda, CLOUDVIEWER_CPU_LINALG_INT *ipiv_data)
 
template<typename scalar_t >
CLOUDVIEWER_CPU_LINALG_INT gesv_cpu (int layout, CLOUDVIEWER_CPU_LINALG_INT n, CLOUDVIEWER_CPU_LINALG_INT m, scalar_t *A_data, CLOUDVIEWER_CPU_LINALG_INT lda, CLOUDVIEWER_CPU_LINALG_INT *ipiv_data, scalar_t *B_data, CLOUDVIEWER_CPU_LINALG_INT ldb)
 
template<typename scalar_t >
CLOUDVIEWER_CPU_LINALG_INT gels_cpu (int matrix_layout, char trans, CLOUDVIEWER_CPU_LINALG_INT m, CLOUDVIEWER_CPU_LINALG_INT n, CLOUDVIEWER_CPU_LINALG_INT nrhs, scalar_t *A_data, CLOUDVIEWER_CPU_LINALG_INT lda, scalar_t *B_data, CLOUDVIEWER_CPU_LINALG_INT ldb)
 
template<typename scalar_t >
CLOUDVIEWER_CPU_LINALG_INT gesvd_cpu (int matrix_layout, char jobu, char jobvt, CLOUDVIEWER_CPU_LINALG_INT m, CLOUDVIEWER_CPU_LINALG_INT n, scalar_t *A_data, CLOUDVIEWER_CPU_LINALG_INT lda, scalar_t *S_data, scalar_t *U_data, CLOUDVIEWER_CPU_LINALG_INT ldu, scalar_t *VT_data, CLOUDVIEWER_CPU_LINALG_INT ldvt, scalar_t *superb)
 
template<>
CLOUDVIEWER_CPU_LINALG_INT getrf_cpu< float > (int layout, CLOUDVIEWER_CPU_LINALG_INT m, CLOUDVIEWER_CPU_LINALG_INT n, float *A_data, CLOUDVIEWER_CPU_LINALG_INT lda, CLOUDVIEWER_CPU_LINALG_INT *ipiv_data)
 
template<>
CLOUDVIEWER_CPU_LINALG_INT getrf_cpu< double > (int layout, CLOUDVIEWER_CPU_LINALG_INT m, CLOUDVIEWER_CPU_LINALG_INT n, double *A_data, CLOUDVIEWER_CPU_LINALG_INT lda, CLOUDVIEWER_CPU_LINALG_INT *ipiv_data)
 
template<>
CLOUDVIEWER_CPU_LINALG_INT getri_cpu< float > (int layout, CLOUDVIEWER_CPU_LINALG_INT n, float *A_data, CLOUDVIEWER_CPU_LINALG_INT lda, CLOUDVIEWER_CPU_LINALG_INT *ipiv_data)
 
template<>
CLOUDVIEWER_CPU_LINALG_INT getri_cpu< double > (int layout, CLOUDVIEWER_CPU_LINALG_INT n, double *A_data, CLOUDVIEWER_CPU_LINALG_INT lda, CLOUDVIEWER_CPU_LINALG_INT *ipiv_data)
 
template<>
CLOUDVIEWER_CPU_LINALG_INT gesv_cpu< float > (int layout, CLOUDVIEWER_CPU_LINALG_INT n, CLOUDVIEWER_CPU_LINALG_INT m, float *A_data, CLOUDVIEWER_CPU_LINALG_INT lda, CLOUDVIEWER_CPU_LINALG_INT *ipiv_data, float *B_data, CLOUDVIEWER_CPU_LINALG_INT ldb)
 
template<>
CLOUDVIEWER_CPU_LINALG_INT gesv_cpu< double > (int layout, CLOUDVIEWER_CPU_LINALG_INT n, CLOUDVIEWER_CPU_LINALG_INT m, double *A_data, CLOUDVIEWER_CPU_LINALG_INT lda, CLOUDVIEWER_CPU_LINALG_INT *ipiv_data, double *B_data, CLOUDVIEWER_CPU_LINALG_INT ldb)
 
template<>
CLOUDVIEWER_CPU_LINALG_INT gels_cpu< float > (int layout, char trans, CLOUDVIEWER_CPU_LINALG_INT m, CLOUDVIEWER_CPU_LINALG_INT n, CLOUDVIEWER_CPU_LINALG_INT nrhs, float *A_data, CLOUDVIEWER_CPU_LINALG_INT lda, float *B_data, CLOUDVIEWER_CPU_LINALG_INT ldb)
 
template<>
CLOUDVIEWER_CPU_LINALG_INT gels_cpu< double > (int layout, char trans, CLOUDVIEWER_CPU_LINALG_INT m, CLOUDVIEWER_CPU_LINALG_INT n, CLOUDVIEWER_CPU_LINALG_INT nrhs, double *A_data, CLOUDVIEWER_CPU_LINALG_INT lda, double *B_data, CLOUDVIEWER_CPU_LINALG_INT ldb)
 
template<>
CLOUDVIEWER_CPU_LINALG_INT gesvd_cpu< float > (int layout, char jobu, char jobvt, CLOUDVIEWER_CPU_LINALG_INT m, CLOUDVIEWER_CPU_LINALG_INT n, float *A_data, CLOUDVIEWER_CPU_LINALG_INT lda, float *S_data, float *U_data, CLOUDVIEWER_CPU_LINALG_INT ldu, float *VT_data, CLOUDVIEWER_CPU_LINALG_INT ldvt, float *superb)
 
template<>
CLOUDVIEWER_CPU_LINALG_INT gesvd_cpu< double > (int layout, char jobu, char jobvt, CLOUDVIEWER_CPU_LINALG_INT m, CLOUDVIEWER_CPU_LINALG_INT n, double *A_data, CLOUDVIEWER_CPU_LINALG_INT lda, double *S_data, double *U_data, CLOUDVIEWER_CPU_LINALG_INT ldu, double *VT_data, CLOUDVIEWER_CPU_LINALG_INT ldvt, double *superb)
 
void LeastSquares (const Tensor &A, const Tensor &B, Tensor &X)
 Solve AX = B with QR decomposition. A is a full-rank m x n matrix (m >= n). More...
 
void LeastSquaresCPU (void *A_data, void *B_data, int64_t m, int64_t n, int64_t k, Dtype dtype, const Device &device)
 
void LeastSquaresCUDA (void *A_data, void *B_data, int64_t m, int64_t n, int64_t k, Dtype dtype, const Device &device)
 
void LeastSquaresSYCL (void *A_data, void *B_data, int64_t m, int64_t n, int64_t k, Dtype dtype, const Device &device)
 
void OPEN3D_LAPACK_CHECK (CLOUDVIEWER_CPU_LINALG_INT info, const std::string &msg)
 
static Tensor GetColPermutation (const Tensor &ipiv, int number_of_indices, int number_of_rows)
 
static void OutputToPLU (const Tensor &output, Tensor &permutation, Tensor &lower, Tensor &upper, const Tensor &ipiv, const bool permute_l)
 
void LUIpiv (const Tensor &A, Tensor &ipiv, Tensor &output)
 
void LU (const Tensor &A, Tensor &permutation, Tensor &lower, Tensor &upper, const bool permute_l)
 
void LUCPU (void *A_data, void *ipiv_data, int64_t rows, int64_t cols, Dtype dtype, const Device &device)
 
void LUCUDA (void *A_data, void *ipiv_data, int64_t rows, int64_t cols, Dtype dtype, const Device &device)
 
void LUSYCL (void *A_data, void *ipiv_data, int64_t m, int64_t n, Dtype dtype, const Device &device)
 
void Matmul (const Tensor &A, const Tensor &B, Tensor &C)
 Computes matrix multiplication C = AB. More...
 
void MatmulCPU (void *A_data, void *B_data, void *C_data, int64_t m, int64_t k, int64_t n, Dtype dtype)
 
void MatmulCUDA (void *A_data, void *B_data, void *C_data, int64_t m, int64_t k, int64_t n, Dtype dtype, const Device &device)
 
void MatmulSYCL (void *A_data, void *B_data, void *C_data, int64_t m, int64_t k, int64_t n, Dtype dtype, const Device &device)
 
void Solve (const Tensor &A, const Tensor &B, Tensor &X)
 Solve AX = B with LU decomposition. A is a square matrix. More...
 
void SolveCPU (void *A_data, void *B_data, void *ipiv_data, int64_t n, int64_t k, Dtype dtype, const Device &device)
 
void SolveCUDA (void *A_data, void *B_data, void *ipiv_data, int64_t n, int64_t k, Dtype dtype, const Device &device)
 
void SolveSYCL (void *A_data, void *B_data, void *ipiv_data, int64_t n, int64_t k, Dtype dtype, const Device &device)
 
void SVD (const Tensor &A, Tensor &U, Tensor &S, Tensor &VT)
 
void SVDCPU (const void *A_data, void *U_data, void *S_data, void *VT_data, void *superb_data, int64_t m, int64_t n, Dtype dtype, const Device &device)
 
void SVDCUDA (const void *A_data, void *U_data, void *S_data, void *VT_data, void *superb_data, int64_t m, int64_t n, Dtype dtype, const Device &device)
 
void SVDSYCL (const void *A_data, void *U_data, void *S_data, void *VT_data, int64_t m, int64_t n, Dtype dtype, const Device &device)
 
static void CheckInput (const Tensor &A, const int diagonal)
 
void Triu (const Tensor &A, Tensor &output, const int diagonal)
 
void Tril (const Tensor &A, Tensor &output, const int diagonal)
 
void Triul (const Tensor &A, Tensor &upper, Tensor &lower, const int diagonal)
 
void TriuCPU (const Tensor &A, Tensor &output, const int diagonal)
 
void TrilCPU (const Tensor &A, Tensor &output, const int diagonal)
 
void TriulCPU (const Tensor &A, Tensor &upper, Tensor &lower, const int diagonal)
 
void TriuSYCL (const Tensor &A, Tensor &output, const int diagonal)
 
void TrilSYCL (const Tensor &A, Tensor &output, const int diagonal)
 
void TriulSYCL (const Tensor &A, Tensor &upper, Tensor &lower, const int diagonal)
 
template<typename func_t >
void ParallelForCPU_ (const Device &device, int64_t n, const func_t &func)
 Run a function in parallel on CPU. More...
 
template<typename func_t >
void ParallelFor (const Device &device, int64_t n, const func_t &func)
 
template<typename vec_func_t , typename func_t >
void ParallelFor (const Device &device, int64_t n, const func_t &func, const vec_func_t &vec_func)
 
template<typename Functor , typename... FuncArgs>
void ParallelForSYCL (const Device &device, Indexer indexer, FuncArgs... func_args)
 Run a function in parallel with SYCL. More...
 
template<typename Functor , typename... FuncArgs>
void ParallelForSYCL (const Device &device, int64_t num_workloads, FuncArgs... func_args)
 Run a function in parallel with SYCL. More...
 
static void report_size_overflow (size_t MinSize, size_t MaxSize)
 
static void report_at_maximum_capacity (size_t MaxSize)
 
template<class Size_T >
static size_t getNewCapacity (size_t MinSize, size_t TSize, size_t OldCapacity)
 
void * safe_malloc (size_t Sz)
 
void * safe_realloc (void *Ptr, size_t Sz)
 
template<typename T , unsigned N>
size_t capacity_in_bytes (const SmallVector< T, N > &X)
 
template<unsigned Size, typename R >
SmallVector< ValueTypeFromRangeType< R >, Size > to_vector (R &&Range)
 
template<typename R >
SmallVector< ValueTypeFromRangeType< R >, CalculateSmallVectorDefaultInlinedElements< ValueTypeFromRangeType< R > >::value > to_vector (R &&Range)
 
static DLDataTypeCode DtypeToDLDataTypeCode (const Dtype &dtype)
 
static Dtype DLDataTypeToDtype (const DLDataType &dltype)
 
template<typename T >
Tensor operator+ (T scalar_lhs, const Tensor &rhs)
 
template<typename T >
Tensor operator- (T scalar_lhs, const Tensor &rhs)
 
template<typename T >
Tensor operator* (T scalar_lhs, const Tensor &rhs)
 
template<typename T >
Tensor operator/ (T scalar_lhs, const Tensor &rhs)
 
void AssertNotSYCL (const Tensor &tensor)
 
static Tensor ConcatenateImpl (const std::vector< Tensor > &tensors, const int64_t axis)
 
Tensor Concatenate (const std::vector< Tensor > &tensors, const utility::optional< int64_t > &axis=0)
 Concatenates the list of tensors in their order, along the given axis into a new tensor. All the tensors must have same data-type, device, and number of dimensions. All dimensions must be the same, except the dimension along the axis the tensors are to be concatenated. Using Concatenate for a single tensor, the tensor is split along its first dimension (length), and concatenated along the axis. More...
 
Tensor Append (const Tensor &self, const Tensor &other, const utility::optional< int64_t > &axis=utility::nullopt)
 Appends the two tensors, along the given axis into a new tensor. Both the tensors must have same data-type, device, and number of dimensions. All dimensions must be the same, except the dimension along the axis the tensors are to be appended. More...
 
Tensor Maximum (const Tensor &input, const Tensor &other)
 Computes the element-wise maximum of input and other. The tensors must have same data type and device. More...
 
Tensor Minimum (const Tensor &input, const Tensor &other)
 Computes the element-wise minimum of input and other. The tensors must have same data type and device. More...
 
static void AssertIsResizable (const TensorList &tensorlist, const std::string &func_name)
 Asserts that the tensor list is resizable. More...
 
static std::function< Tensor(const Tensor &, const Tensor &)> MakeOperation (BinaryOpCode op)
 
void BinaryEW (benchmark::State &state, int size, BinaryOpCode op_code, const Dtype &dtype, const Device &device)
 
 BENCHMARK_CAPTURE (BinaryEW, Add__CPU_Int8__100, 100, BinaryOpCode::Add, Int8, Device("CPU:0")) -> Unit(benchmark::kMillisecond)
 
 BENCHMARK_CAPTURE (BinaryEW, Add__CPU_Int8__100000, 100000, BinaryOpCode::Add, Int8, Device("CPU:0")) -> Unit(benchmark::kMillisecond)
 
 BENCHMARK_CAPTURE (BinaryEW, Add__CPU_Int8__100000000, 100000000, BinaryOpCode::Add, Int8, Device("CPU:0")) -> Unit(benchmark::kMillisecond)
 
 BENCHMARK_CAPTURE (BinaryEW, Add__CPU_UInt8__100, 100, BinaryOpCode::Add, UInt8, Device("CPU:0")) -> Unit(benchmark::kMillisecond)
 
 BENCHMARK_CAPTURE (BinaryEW, Add__CPU_UInt8__100000, 100000, BinaryOpCode::Add, UInt8, Device("CPU:0")) -> Unit(benchmark::kMillisecond)
 
 BENCHMARK_CAPTURE (BinaryEW, Add__CPU_UInt8__100000000, 100000000, BinaryOpCode::Add, UInt8, Device("CPU:0")) -> Unit(benchmark::kMillisecond)
 
 BENCHMARK_CAPTURE (BinaryEW, Add__CPU_Int16__100, 100, BinaryOpCode::Add, Int16, Device("CPU:0")) -> Unit(benchmark::kMillisecond)
 
 BENCHMARK_CAPTURE (BinaryEW, Add__CPU_Int16__100000, 100000, BinaryOpCode::Add, Int16, Device("CPU:0")) -> Unit(benchmark::kMillisecond)
 
 BENCHMARK_CAPTURE (BinaryEW, Add__CPU_Int16__100000000, 100000000, BinaryOpCode::Add, Int16, Device("CPU:0")) -> Unit(benchmark::kMillisecond)
 
 BENCHMARK_CAPTURE (BinaryEW, Add__CPU_UInt16__100, 100, BinaryOpCode::Add, UInt16, Device("CPU:0")) -> Unit(benchmark::kMillisecond)
 
 BENCHMARK_CAPTURE (BinaryEW, Add__CPU_UInt16__100000, 100000, BinaryOpCode::Add, UInt16, Device("CPU:0")) -> Unit(benchmark::kMillisecond)
 
 BENCHMARK_CAPTURE (BinaryEW, Add__CPU_UInt16__100000000, 100000000, BinaryOpCode::Add, UInt16, Device("CPU:0")) -> Unit(benchmark::kMillisecond)
 
 BENCHMARK_CAPTURE (BinaryEW, Add__CPU_Int32__100, 100, BinaryOpCode::Add, Int32, Device("CPU:0")) -> Unit(benchmark::kMillisecond)
 
 BENCHMARK_CAPTURE (BinaryEW, Add__CPU_Int32__100000, 100000, BinaryOpCode::Add, Int32, Device("CPU:0")) -> Unit(benchmark::kMillisecond)
 
 BENCHMARK_CAPTURE (BinaryEW, Add__CPU_Int32__100000000, 100000000, BinaryOpCode::Add, Int32, Device("CPU:0")) -> Unit(benchmark::kMillisecond)
 
 BENCHMARK_CAPTURE (BinaryEW, Add__CPU_UInt32__100, 100, BinaryOpCode::Add, UInt32, Device("CPU:0")) -> Unit(benchmark::kMillisecond)
 
 BENCHMARK_CAPTURE (BinaryEW, Add__CPU_UInt32__100000, 100000, BinaryOpCode::Add, UInt32, Device("CPU:0")) -> Unit(benchmark::kMillisecond)
 
 BENCHMARK_CAPTURE (BinaryEW, Add__CPU_UInt32__100000000, 100000000, BinaryOpCode::Add, UInt32, Device("CPU:0")) -> Unit(benchmark::kMillisecond)
 
 BENCHMARK_CAPTURE (BinaryEW, Add__CPU_Int64__100, 100, BinaryOpCode::Add, Int64, Device("CPU:0")) -> Unit(benchmark::kMillisecond)
 
 BENCHMARK_CAPTURE (BinaryEW, Add__CPU_Int64__100000, 100000, BinaryOpCode::Add, Int64, Device("CPU:0")) -> Unit(benchmark::kMillisecond)
 
 BENCHMARK_CAPTURE (BinaryEW, Add__CPU_Int64__100000000, 100000000, BinaryOpCode::Add, Int64, Device("CPU:0")) -> Unit(benchmark::kMillisecond)
 
 BENCHMARK_CAPTURE (BinaryEW, Add__CPU_UInt64__100, 100, BinaryOpCode::Add, UInt64, Device("CPU:0")) -> Unit(benchmark::kMillisecond)
 
 BENCHMARK_CAPTURE (BinaryEW, Add__CPU_UInt64__100000, 100000, BinaryOpCode::Add, UInt64, Device("CPU:0")) -> Unit(benchmark::kMillisecond)
 
 BENCHMARK_CAPTURE (BinaryEW, Add__CPU_UInt64__100000000, 100000000, BinaryOpCode::Add, UInt64, Device("CPU:0")) -> Unit(benchmark::kMillisecond)
 
 BENCHMARK_CAPTURE (BinaryEW, Add__CPU_Float32__100, 100, BinaryOpCode::Add, Float32, Device("CPU:0")) -> Unit(benchmark::kMillisecond)
 
 BENCHMARK_CAPTURE (BinaryEW, Add__CPU_Float32__100000, 100000, BinaryOpCode::Add, Float32, Device("CPU:0")) -> Unit(benchmark::kMillisecond)
 
 BENCHMARK_CAPTURE (BinaryEW, Add__CPU_Float32__100000000, 100000000, BinaryOpCode::Add, Float32, Device("CPU:0")) -> Unit(benchmark::kMillisecond)
 
 BENCHMARK_CAPTURE (BinaryEW, Add__CPU_Float64__100, 100, BinaryOpCode::Add, Float64, Device("CPU:0")) -> Unit(benchmark::kMillisecond)
 
 BENCHMARK_CAPTURE (BinaryEW, Add__CPU_Float64__100000, 100000, BinaryOpCode::Add, Float64, Device("CPU:0")) -> Unit(benchmark::kMillisecond)
 
 BENCHMARK_CAPTURE (BinaryEW, Add__CPU_Float64__100000000, 100000000, BinaryOpCode::Add, Float64, Device("CPU:0")) -> Unit(benchmark::kMillisecond)
 
 BENCHMARK_CAPTURE (BinaryEW, Sub__CPU_Int8__100, 100, BinaryOpCode::Sub, Int8, Device("CPU:0")) -> Unit(benchmark::kMillisecond)
 
 BENCHMARK_CAPTURE (BinaryEW, Sub__CPU_Int8__100000, 100000, BinaryOpCode::Sub, Int8, Device("CPU:0")) -> Unit(benchmark::kMillisecond)
 
 BENCHMARK_CAPTURE (BinaryEW, Sub__CPU_Int8__100000000, 100000000, BinaryOpCode::Sub, Int8, Device("CPU:0")) -> Unit(benchmark::kMillisecond)
 
 BENCHMARK_CAPTURE (BinaryEW, Sub__CPU_UInt8__100, 100, BinaryOpCode::Sub, UInt8, Device("CPU:0")) -> Unit(benchmark::kMillisecond)
 
 BENCHMARK_CAPTURE (BinaryEW, Sub__CPU_UInt8__100000, 100000, BinaryOpCode::Sub, UInt8, Device("CPU:0")) -> Unit(benchmark::kMillisecond)
 
 BENCHMARK_CAPTURE (BinaryEW, Sub__CPU_UInt8__100000000, 100000000, BinaryOpCode::Sub, UInt8, Device("CPU:0")) -> Unit(benchmark::kMillisecond)
 
 BENCHMARK_CAPTURE (BinaryEW, Sub__CPU_Int16__100, 100, BinaryOpCode::Sub, Int16, Device("CPU:0")) -> Unit(benchmark::kMillisecond)
 
 BENCHMARK_CAPTURE (BinaryEW, Sub__CPU_Int16__100000, 100000, BinaryOpCode::Sub, Int16, Device("CPU:0")) -> Unit(benchmark::kMillisecond)
 
 BENCHMARK_CAPTURE (BinaryEW, Sub__CPU_Int16__100000000, 100000000, BinaryOpCode::Sub, Int16, Device("CPU:0")) -> Unit(benchmark::kMillisecond)
 
 BENCHMARK_CAPTURE (BinaryEW, Sub__CPU_UInt16__100, 100, BinaryOpCode::Sub, UInt16, Device("CPU:0")) -> Unit(benchmark::kMillisecond)
 
 BENCHMARK_CAPTURE (BinaryEW, Sub__CPU_UInt16__100000, 100000, BinaryOpCode::Sub, UInt16, Device("CPU:0")) -> Unit(benchmark::kMillisecond)
 
 BENCHMARK_CAPTURE (BinaryEW, Sub__CPU_UInt16__100000000, 100000000, BinaryOpCode::Sub, UInt16, Device("CPU:0")) -> Unit(benchmark::kMillisecond)
 
 BENCHMARK_CAPTURE (BinaryEW, Sub__CPU_Int32__100, 100, BinaryOpCode::Sub, Int32, Device("CPU:0")) -> Unit(benchmark::kMillisecond)
 
 BENCHMARK_CAPTURE (BinaryEW, Sub__CPU_Int32__100000, 100000, BinaryOpCode::Sub, Int32, Device("CPU:0")) -> Unit(benchmark::kMillisecond)
 
 BENCHMARK_CAPTURE (BinaryEW, Sub__CPU_Int32__100000000, 100000000, BinaryOpCode::Sub, Int32, Device("CPU:0")) -> Unit(benchmark::kMillisecond)
 
 BENCHMARK_CAPTURE (BinaryEW, Sub__CPU_UInt32__100, 100, BinaryOpCode::Sub, UInt32, Device("CPU:0")) -> Unit(benchmark::kMillisecond)
 
 BENCHMARK_CAPTURE (BinaryEW, Sub__CPU_UInt32__100000, 100000, BinaryOpCode::Sub, UInt32, Device("CPU:0")) -> Unit(benchmark::kMillisecond)
 
 BENCHMARK_CAPTURE (BinaryEW, Sub__CPU_UInt32__100000000, 100000000, BinaryOpCode::Sub, UInt32, Device("CPU:0")) -> Unit(benchmark::kMillisecond)
 
 BENCHMARK_CAPTURE (BinaryEW, Sub__CPU_Int64__100, 100, BinaryOpCode::Sub, Int64, Device("CPU:0")) -> Unit(benchmark::kMillisecond)
 
 BENCHMARK_CAPTURE (BinaryEW, Sub__CPU_Int64__100000, 100000, BinaryOpCode::Sub, Int64, Device("CPU:0")) -> Unit(benchmark::kMillisecond)
 
 BENCHMARK_CAPTURE (BinaryEW, Sub__CPU_Int64__100000000, 100000000, BinaryOpCode::Sub, Int64, Device("CPU:0")) -> Unit(benchmark::kMillisecond)
 
 BENCHMARK_CAPTURE (BinaryEW, Sub__CPU_UInt64__100, 100, BinaryOpCode::Sub, UInt64, Device("CPU:0")) -> Unit(benchmark::kMillisecond)
 
 BENCHMARK_CAPTURE (BinaryEW, Sub__CPU_UInt64__100000, 100000, BinaryOpCode::Sub, UInt64, Device("CPU:0")) -> Unit(benchmark::kMillisecond)
 
 BENCHMARK_CAPTURE (BinaryEW, Sub__CPU_UInt64__100000000, 100000000, BinaryOpCode::Sub, UInt64, Device("CPU:0")) -> Unit(benchmark::kMillisecond)
 
 BENCHMARK_CAPTURE (BinaryEW, Sub__CPU_Float32__100, 100, BinaryOpCode::Sub, Float32, Device("CPU:0")) -> Unit(benchmark::kMillisecond)
 
 BENCHMARK_CAPTURE (BinaryEW, Sub__CPU_Float32__100000, 100000, BinaryOpCode::Sub, Float32, Device("CPU:0")) -> Unit(benchmark::kMillisecond)
 
 BENCHMARK_CAPTURE (BinaryEW, Sub__CPU_Float32__100000000, 100000000, BinaryOpCode::Sub, Float32, Device("CPU:0")) -> Unit(benchmark::kMillisecond)
 
 BENCHMARK_CAPTURE (BinaryEW, Sub__CPU_Float64__100, 100, BinaryOpCode::Sub, Float64, Device("CPU:0")) -> Unit(benchmark::kMillisecond)
 
 BENCHMARK_CAPTURE (BinaryEW, Sub__CPU_Float64__100000, 100000, BinaryOpCode::Sub, Float64, Device("CPU:0")) -> Unit(benchmark::kMillisecond)
 
 BENCHMARK_CAPTURE (BinaryEW, Sub__CPU_Float64__100000000, 100000000, BinaryOpCode::Sub, Float64, Device("CPU:0")) -> Unit(benchmark::kMillisecond)
 
 BENCHMARK_CAPTURE (BinaryEW, Mul__CPU_Int8__100, 100, BinaryOpCode::Mul, Int8, Device("CPU:0")) -> Unit(benchmark::kMillisecond)
 
 BENCHMARK_CAPTURE (BinaryEW, Mul__CPU_Int8__100000, 100000, BinaryOpCode::Mul, Int8, Device("CPU:0")) -> Unit(benchmark::kMillisecond)
 
 BENCHMARK_CAPTURE (BinaryEW, Mul__CPU_Int8__100000000, 100000000, BinaryOpCode::Mul, Int8, Device("CPU:0")) -> Unit(benchmark::kMillisecond)
 
 BENCHMARK_CAPTURE (BinaryEW, Mul__CPU_UInt8__100, 100, BinaryOpCode::Mul, UInt8, Device("CPU:0")) -> Unit(benchmark::kMillisecond)
 
 BENCHMARK_CAPTURE (BinaryEW, Mul__CPU_UInt8__100000, 100000, BinaryOpCode::Mul, UInt8, Device("CPU:0")) -> Unit(benchmark::kMillisecond)
 
 BENCHMARK_CAPTURE (BinaryEW, Mul__CPU_UInt8__100000000, 100000000, BinaryOpCode::Mul, UInt8, Device("CPU:0")) -> Unit(benchmark::kMillisecond)
 
 BENCHMARK_CAPTURE (BinaryEW, Mul__CPU_Int16__100, 100, BinaryOpCode::Mul, Int16, Device("CPU:0")) -> Unit(benchmark::kMillisecond)
 
 BENCHMARK_CAPTURE (BinaryEW, Mul__CPU_Int16__100000, 100000, BinaryOpCode::Mul, Int16, Device("CPU:0")) -> Unit(benchmark::kMillisecond)
 
 BENCHMARK_CAPTURE (BinaryEW, Mul__CPU_Int16__100000000, 100000000, BinaryOpCode::Mul, Int16, Device("CPU:0")) -> Unit(benchmark::kMillisecond)
 
 BENCHMARK_CAPTURE (BinaryEW, Mul__CPU_UInt16__100, 100, BinaryOpCode::Mul, UInt16, Device("CPU:0")) -> Unit(benchmark::kMillisecond)
 
 BENCHMARK_CAPTURE (BinaryEW, Mul__CPU_UInt16__100000, 100000, BinaryOpCode::Mul, UInt16, Device("CPU:0")) -> Unit(benchmark::kMillisecond)
 
 BENCHMARK_CAPTURE (BinaryEW, Mul__CPU_UInt16__100000000, 100000000, BinaryOpCode::Mul, UInt16, Device("CPU:0")) -> Unit(benchmark::kMillisecond)
 
 BENCHMARK_CAPTURE (BinaryEW, Mul__CPU_Int32__100, 100, BinaryOpCode::Mul, Int32, Device("CPU:0")) -> Unit(benchmark::kMillisecond)
 
 BENCHMARK_CAPTURE (BinaryEW, Mul__CPU_Int32__100000, 100000, BinaryOpCode::Mul, Int32, Device("CPU:0")) -> Unit(benchmark::kMillisecond)
 
 BENCHMARK_CAPTURE (BinaryEW, Mul__CPU_Int32__100000000, 100000000, BinaryOpCode::Mul, Int32, Device("CPU:0")) -> Unit(benchmark::kMillisecond)
 
 BENCHMARK_CAPTURE (BinaryEW, Mul__CPU_UInt32__100, 100, BinaryOpCode::Mul, UInt32, Device("CPU:0")) -> Unit(benchmark::kMillisecond)
 
 BENCHMARK_CAPTURE (BinaryEW, Mul__CPU_UInt32__100000, 100000, BinaryOpCode::Mul, UInt32, Device("CPU:0")) -> Unit(benchmark::kMillisecond)
 
 BENCHMARK_CAPTURE (BinaryEW, Mul__CPU_UInt32__100000000, 100000000, BinaryOpCode::Mul, UInt32, Device("CPU:0")) -> Unit(benchmark::kMillisecond)
 
 BENCHMARK_CAPTURE (BinaryEW, Mul__CPU_Int64__100, 100, BinaryOpCode::Mul, Int64, Device("CPU:0")) -> Unit(benchmark::kMillisecond)
 
 BENCHMARK_CAPTURE (BinaryEW, Mul__CPU_Int64__100000, 100000, BinaryOpCode::Mul, Int64, Device("CPU:0")) -> Unit(benchmark::kMillisecond)
 
 BENCHMARK_CAPTURE (BinaryEW, Mul__CPU_Int64__100000000, 100000000, BinaryOpCode::Mul, Int64, Device("CPU:0")) -> Unit(benchmark::kMillisecond)
 
 BENCHMARK_CAPTURE (BinaryEW, Mul__CPU_UInt64__100, 100, BinaryOpCode::Mul, UInt64, Device("CPU:0")) -> Unit(benchmark::kMillisecond)
 
 BENCHMARK_CAPTURE (BinaryEW, Mul__CPU_UInt64__100000, 100000, BinaryOpCode::Mul, UInt64, Device("CPU:0")) -> Unit(benchmark::kMillisecond)
 
 BENCHMARK_CAPTURE (BinaryEW, Mul__CPU_UInt64__100000000, 100000000, BinaryOpCode::Mul, UInt64, Device("CPU:0")) -> Unit(benchmark::kMillisecond)
 
 BENCHMARK_CAPTURE (BinaryEW, Mul__CPU_Float32__100, 100, BinaryOpCode::Mul, Float32, Device("CPU:0")) -> Unit(benchmark::kMillisecond)
 
 BENCHMARK_CAPTURE (BinaryEW, Mul__CPU_Float32__100000, 100000, BinaryOpCode::Mul, Float32, Device("CPU:0")) -> Unit(benchmark::kMillisecond)
 
 BENCHMARK_CAPTURE (BinaryEW, Mul__CPU_Float32__100000000, 100000000, BinaryOpCode::Mul, Float32, Device("CPU:0")) -> Unit(benchmark::kMillisecond)
 
 BENCHMARK_CAPTURE (BinaryEW, Mul__CPU_Float64__100, 100, BinaryOpCode::Mul, Float64, Device("CPU:0")) -> Unit(benchmark::kMillisecond)
 
 BENCHMARK_CAPTURE (BinaryEW, Mul__CPU_Float64__100000, 100000, BinaryOpCode::Mul, Float64, Device("CPU:0")) -> Unit(benchmark::kMillisecond)
 
 BENCHMARK_CAPTURE (BinaryEW, Mul__CPU_Float64__100000000, 100000000, BinaryOpCode::Mul, Float64, Device("CPU:0")) -> Unit(benchmark::kMillisecond)
 
 BENCHMARK_CAPTURE (BinaryEW, Div__CPU_Int8__100, 100, BinaryOpCode::Div, Int8, Device("CPU:0")) -> Unit(benchmark::kMillisecond)
 
 BENCHMARK_CAPTURE (BinaryEW, Div__CPU_Int8__100000, 100000, BinaryOpCode::Div, Int8, Device("CPU:0")) -> Unit(benchmark::kMillisecond)
 
 BENCHMARK_CAPTURE (BinaryEW, Div__CPU_Int8__100000000, 100000000, BinaryOpCode::Div, Int8, Device("CPU:0")) -> Unit(benchmark::kMillisecond)
 
 BENCHMARK_CAPTURE (BinaryEW, Div__CPU_UInt8__100, 100, BinaryOpCode::Div, UInt8, Device("CPU:0")) -> Unit(benchmark::kMillisecond)
 
 BENCHMARK_CAPTURE (BinaryEW, Div__CPU_UInt8__100000, 100000, BinaryOpCode::Div, UInt8, Device("CPU:0")) -> Unit(benchmark::kMillisecond)
 
 BENCHMARK_CAPTURE (BinaryEW, Div__CPU_UInt8__100000000, 100000000, BinaryOpCode::Div, UInt8, Device("CPU:0")) -> Unit(benchmark::kMillisecond)
 
 BENCHMARK_CAPTURE (BinaryEW, Div__CPU_Int16__100, 100, BinaryOpCode::Div, Int16, Device("CPU:0")) -> Unit(benchmark::kMillisecond)
 
 BENCHMARK_CAPTURE (BinaryEW, Div__CPU_Int16__100000, 100000, BinaryOpCode::Div, Int16, Device("CPU:0")) -> Unit(benchmark::kMillisecond)
 
 BENCHMARK_CAPTURE (BinaryEW, Div__CPU_Int16__100000000, 100000000, BinaryOpCode::Div, Int16, Device("CPU:0")) -> Unit(benchmark::kMillisecond)
 
 BENCHMARK_CAPTURE (BinaryEW, Div__CPU_UInt16__100, 100, BinaryOpCode::Div, UInt16, Device("CPU:0")) -> Unit(benchmark::kMillisecond)
 
 BENCHMARK_CAPTURE (BinaryEW, Div__CPU_UInt16__100000, 100000, BinaryOpCode::Div, UInt16, Device("CPU:0")) -> Unit(benchmark::kMillisecond)
 
 BENCHMARK_CAPTURE (BinaryEW, Div__CPU_UInt16__100000000, 100000000, BinaryOpCode::Div, UInt16, Device("CPU:0")) -> Unit(benchmark::kMillisecond)
 
 BENCHMARK_CAPTURE (BinaryEW, Div__CPU_Int32__100, 100, BinaryOpCode::Div, Int32, Device("CPU:0")) -> Unit(benchmark::kMillisecond)
 
 BENCHMARK_CAPTURE (BinaryEW, Div__CPU_Int32__100000, 100000, BinaryOpCode::Div, Int32, Device("CPU:0")) -> Unit(benchmark::kMillisecond)
 
 BENCHMARK_CAPTURE (BinaryEW, Div__CPU_Int32__100000000, 100000000, BinaryOpCode::Div, Int32, Device("CPU:0")) -> Unit(benchmark::kMillisecond)
 
 BENCHMARK_CAPTURE (BinaryEW, Div__CPU_UInt32__100, 100, BinaryOpCode::Div, UInt32, Device("CPU:0")) -> Unit(benchmark::kMillisecond)
 
 BENCHMARK_CAPTURE (BinaryEW, Div__CPU_UInt32__100000, 100000, BinaryOpCode::Div, UInt32, Device("CPU:0")) -> Unit(benchmark::kMillisecond)
 
 BENCHMARK_CAPTURE (BinaryEW, Div__CPU_UInt32__100000000, 100000000, BinaryOpCode::Div, UInt32, Device("CPU:0")) -> Unit(benchmark::kMillisecond)
 
 BENCHMARK_CAPTURE (BinaryEW, Div__CPU_Int64__100, 100, BinaryOpCode::Div, Int64, Device("CPU:0")) -> Unit(benchmark::kMillisecond)
 
 BENCHMARK_CAPTURE (BinaryEW, Div__CPU_Int64__100000, 100000, BinaryOpCode::Div, Int64, Device("CPU:0")) -> Unit(benchmark::kMillisecond)
 
 BENCHMARK_CAPTURE (BinaryEW, Div__CPU_Int64__100000000, 100000000, BinaryOpCode::Div, Int64, Device("CPU:0")) -> Unit(benchmark::kMillisecond)
 
 BENCHMARK_CAPTURE (BinaryEW, Div__CPU_UInt64__100, 100, BinaryOpCode::Div, UInt64, Device("CPU:0")) -> Unit(benchmark::kMillisecond)
 
 BENCHMARK_CAPTURE (BinaryEW, Div__CPU_UInt64__100000, 100000, BinaryOpCode::Div, UInt64, Device("CPU:0")) -> Unit(benchmark::kMillisecond)
 
 BENCHMARK_CAPTURE (BinaryEW, Div__CPU_UInt64__100000000, 100000000, BinaryOpCode::Div, UInt64, Device("CPU:0")) -> Unit(benchmark::kMillisecond)
 
 BENCHMARK_CAPTURE (BinaryEW, Div__CPU_Float32__100, 100, BinaryOpCode::Div, Float32, Device("CPU:0")) -> Unit(benchmark::kMillisecond)
 
 BENCHMARK_CAPTURE (BinaryEW, Div__CPU_Float32__100000, 100000, BinaryOpCode::Div, Float32, Device("CPU:0")) -> Unit(benchmark::kMillisecond)
 
 BENCHMARK_CAPTURE (BinaryEW, Div__CPU_Float32__100000000, 100000000, BinaryOpCode::Div, Float32, Device("CPU:0")) -> Unit(benchmark::kMillisecond)
 
 BENCHMARK_CAPTURE (BinaryEW, Div__CPU_Float64__100, 100, BinaryOpCode::Div, Float64, Device("CPU:0")) -> Unit(benchmark::kMillisecond)
 
 BENCHMARK_CAPTURE (BinaryEW, Div__CPU_Float64__100000, 100000, BinaryOpCode::Div, Float64, Device("CPU:0")) -> Unit(benchmark::kMillisecond)
 
 BENCHMARK_CAPTURE (BinaryEW, Div__CPU_Float64__100000000, 100000000, BinaryOpCode::Div, Float64, Device("CPU:0")) -> Unit(benchmark::kMillisecond)
 
 BENCHMARK_CAPTURE (BinaryEW, LogicalAnd__CPU_Bool__100, 100, BinaryOpCode::LogicalAnd, Bool, Device("CPU:0")) -> Unit(benchmark::kMillisecond)
 
 BENCHMARK_CAPTURE (BinaryEW, LogicalAnd__CPU_Bool__100000, 100000, BinaryOpCode::LogicalAnd, Bool, Device("CPU:0")) -> Unit(benchmark::kMillisecond)
 
 BENCHMARK_CAPTURE (BinaryEW, LogicalAnd__CPU_Bool__100000000, 100000000, BinaryOpCode::LogicalAnd, Bool, Device("CPU:0")) -> Unit(benchmark::kMillisecond)
 
 BENCHMARK_CAPTURE (BinaryEW, LogicalAnd__CPU_Int8__100, 100, BinaryOpCode::LogicalAnd, Int8, Device("CPU:0")) -> Unit(benchmark::kMillisecond)
 
 BENCHMARK_CAPTURE (BinaryEW, LogicalAnd__CPU_Int8__100000, 100000, BinaryOpCode::LogicalAnd, Int8, Device("CPU:0")) -> Unit(benchmark::kMillisecond)
 
 BENCHMARK_CAPTURE (BinaryEW, LogicalAnd__CPU_Int8__100000000, 100000000, BinaryOpCode::LogicalAnd, Int8, Device("CPU:0")) -> Unit(benchmark::kMillisecond)
 
 BENCHMARK_CAPTURE (BinaryEW, LogicalAnd__CPU_UInt8__100, 100, BinaryOpCode::LogicalAnd, UInt8, Device("CPU:0")) -> Unit(benchmark::kMillisecond)
 
 BENCHMARK_CAPTURE (BinaryEW, LogicalAnd__CPU_UInt8__100000, 100000, BinaryOpCode::LogicalAnd, UInt8, Device("CPU:0")) -> Unit(benchmark::kMillisecond)
 
 BENCHMARK_CAPTURE (BinaryEW, LogicalAnd__CPU_UInt8__100000000, 100000000, BinaryOpCode::LogicalAnd, UInt8, Device("CPU:0")) -> Unit(benchmark::kMillisecond)
 
 BENCHMARK_CAPTURE (BinaryEW, LogicalAnd__CPU_Int16__100, 100, BinaryOpCode::LogicalAnd, Int16, Device("CPU:0")) -> Unit(benchmark::kMillisecond)
 
 BENCHMARK_CAPTURE (BinaryEW, LogicalAnd__CPU_Int16__100000, 100000, BinaryOpCode::LogicalAnd, Int16, Device("CPU:0")) -> Unit(benchmark::kMillisecond)
 
 BENCHMARK_CAPTURE (BinaryEW, LogicalAnd__CPU_Int16__100000000, 100000000, BinaryOpCode::LogicalAnd, Int16, Device("CPU:0")) -> Unit(benchmark::kMillisecond)
 
 BENCHMARK_CAPTURE (BinaryEW, LogicalAnd__CPU_UInt16__100, 100, BinaryOpCode::LogicalAnd, UInt16, Device("CPU:0")) -> Unit(benchmark::kMillisecond)
 
 BENCHMARK_CAPTURE (BinaryEW, LogicalAnd__CPU_UInt16__100000, 100000, BinaryOpCode::LogicalAnd, UInt16, Device("CPU:0")) -> Unit(benchmark::kMillisecond)
 
 BENCHMARK_CAPTURE (BinaryEW, LogicalAnd__CPU_UInt16__100000000, 100000000, BinaryOpCode::LogicalAnd, UInt16, Device("CPU:0")) -> Unit(benchmark::kMillisecond)
 
 BENCHMARK_CAPTURE (BinaryEW, LogicalAnd__CPU_Int32__100, 100, BinaryOpCode::LogicalAnd, Int32, Device("CPU:0")) -> Unit(benchmark::kMillisecond)
 
 BENCHMARK_CAPTURE (BinaryEW, LogicalAnd__CPU_Int32__100000, 100000, BinaryOpCode::LogicalAnd, Int32, Device("CPU:0")) -> Unit(benchmark::kMillisecond)
 
 BENCHMARK_CAPTURE (BinaryEW, LogicalAnd__CPU_Int32__100000000, 100000000, BinaryOpCode::LogicalAnd, Int32, Device("CPU:0")) -> Unit(benchmark::kMillisecond)
 
 BENCHMARK_CAPTURE (BinaryEW, LogicalAnd__CPU_UInt32__100, 100, BinaryOpCode::LogicalAnd, UInt32, Device("CPU:0")) -> Unit(benchmark::kMillisecond)
 
 BENCHMARK_CAPTURE (BinaryEW, LogicalAnd__CPU_UInt32__100000, 100000, BinaryOpCode::LogicalAnd, UInt32, Device("CPU:0")) -> Unit(benchmark::kMillisecond)
 
 BENCHMARK_CAPTURE (BinaryEW, LogicalAnd__CPU_UInt32__100000000, 100000000, BinaryOpCode::LogicalAnd, UInt32, Device("CPU:0")) -> Unit(benchmark::kMillisecond)
 
 BENCHMARK_CAPTURE (BinaryEW, LogicalAnd__CPU_Int64__100, 100, BinaryOpCode::LogicalAnd, Int64, Device("CPU:0")) -> Unit(benchmark::kMillisecond)
 
 BENCHMARK_CAPTURE (BinaryEW, LogicalAnd__CPU_Int64__100000, 100000, BinaryOpCode::LogicalAnd, Int64, Device("CPU:0")) -> Unit(benchmark::kMillisecond)
 
 BENCHMARK_CAPTURE (BinaryEW, LogicalAnd__CPU_Int64__100000000, 100000000, BinaryOpCode::LogicalAnd, Int64, Device("CPU:0")) -> Unit(benchmark::kMillisecond)
 
 BENCHMARK_CAPTURE (BinaryEW, LogicalAnd__CPU_UInt64__100, 100, BinaryOpCode::LogicalAnd, UInt64, Device("CPU:0")) -> Unit(benchmark::kMillisecond)
 
 BENCHMARK_CAPTURE (BinaryEW, LogicalAnd__CPU_UInt64__100000, 100000, BinaryOpCode::LogicalAnd, UInt64, Device("CPU:0")) -> Unit(benchmark::kMillisecond)
 
 BENCHMARK_CAPTURE (BinaryEW, LogicalAnd__CPU_UInt64__100000000, 100000000, BinaryOpCode::LogicalAnd, UInt64, Device("CPU:0")) -> Unit(benchmark::kMillisecond)
 
 BENCHMARK_CAPTURE (BinaryEW, LogicalAnd__CPU_Float32__100, 100, BinaryOpCode::LogicalAnd, Float32, Device("CPU:0")) -> Unit(benchmark::kMillisecond)
 
 BENCHMARK_CAPTURE (BinaryEW, LogicalAnd__CPU_Float32__100000, 100000, BinaryOpCode::LogicalAnd, Float32, Device("CPU:0")) -> Unit(benchmark::kMillisecond)
 
 BENCHMARK_CAPTURE (BinaryEW, LogicalAnd__CPU_Float32__100000000, 100000000, BinaryOpCode::LogicalAnd, Float32, Device("CPU:0")) -> Unit(benchmark::kMillisecond)
 
 BENCHMARK_CAPTURE (BinaryEW, LogicalAnd__CPU_Float64__100, 100, BinaryOpCode::LogicalAnd, Float64, Device("CPU:0")) -> Unit(benchmark::kMillisecond)
 
 BENCHMARK_CAPTURE (BinaryEW, LogicalAnd__CPU_Float64__100000, 100000, BinaryOpCode::LogicalAnd, Float64, Device("CPU:0")) -> Unit(benchmark::kMillisecond)
 
 BENCHMARK_CAPTURE (BinaryEW, LogicalAnd__CPU_Float64__100000000, 100000000, BinaryOpCode::LogicalAnd, Float64, Device("CPU:0")) -> Unit(benchmark::kMillisecond)
 
 BENCHMARK_CAPTURE (BinaryEW, LogicalOr__CPU_Bool__100, 100, BinaryOpCode::LogicalOr, Bool, Device("CPU:0")) -> Unit(benchmark::kMillisecond)
 
 BENCHMARK_CAPTURE (BinaryEW, LogicalOr__CPU_Bool__100000, 100000, BinaryOpCode::LogicalOr, Bool, Device("CPU:0")) -> Unit(benchmark::kMillisecond)
 
 BENCHMARK_CAPTURE (BinaryEW, LogicalOr__CPU_Bool__100000000, 100000000, BinaryOpCode::LogicalOr, Bool, Device("CPU:0")) -> Unit(benchmark::kMillisecond)
 
 BENCHMARK_CAPTURE (BinaryEW, LogicalOr__CPU_Int8__100, 100, BinaryOpCode::LogicalOr, Int8, Device("CPU:0")) -> Unit(benchmark::kMillisecond)
 
 BENCHMARK_CAPTURE (BinaryEW, LogicalOr__CPU_Int8__100000, 100000, BinaryOpCode::LogicalOr, Int8, Device("CPU:0")) -> Unit(benchmark::kMillisecond)
 
 BENCHMARK_CAPTURE (BinaryEW, LogicalOr__CPU_Int8__100000000, 100000000, BinaryOpCode::LogicalOr, Int8, Device("CPU:0")) -> Unit(benchmark::kMillisecond)
 
 BENCHMARK_CAPTURE (BinaryEW, LogicalOr__CPU_UInt8__100, 100, BinaryOpCode::LogicalOr, UInt8, Device("CPU:0")) -> Unit(benchmark::kMillisecond)
 
 BENCHMARK_CAPTURE (BinaryEW, LogicalOr__CPU_UInt8__100000, 100000, BinaryOpCode::LogicalOr, UInt8, Device("CPU:0")) -> Unit(benchmark::kMillisecond)
 
 BENCHMARK_CAPTURE (BinaryEW, LogicalOr__CPU_UInt8__100000000, 100000000, BinaryOpCode::LogicalOr, UInt8, Device("CPU:0")) -> Unit(benchmark::kMillisecond)
 
 BENCHMARK_CAPTURE (BinaryEW, LogicalOr__CPU_Int16__100, 100, BinaryOpCode::LogicalOr, Int16, Device("CPU:0")) -> Unit(benchmark::kMillisecond)
 
 BENCHMARK_CAPTURE (BinaryEW, LogicalOr__CPU_Int16__100000, 100000, BinaryOpCode::LogicalOr, Int16, Device("CPU:0")) -> Unit(benchmark::kMillisecond)
 
 BENCHMARK_CAPTURE (BinaryEW, LogicalOr__CPU_Int16__100000000, 100000000, BinaryOpCode::LogicalOr, Int16, Device("CPU:0")) -> Unit(benchmark::kMillisecond)
 
 BENCHMARK_CAPTURE (BinaryEW, LogicalOr__CPU_UInt16__100, 100, BinaryOpCode::LogicalOr, UInt16, Device("CPU:0")) -> Unit(benchmark::kMillisecond)
 
 BENCHMARK_CAPTURE (BinaryEW, LogicalOr__CPU_UInt16__100000, 100000, BinaryOpCode::LogicalOr, UInt16, Device("CPU:0")) -> Unit(benchmark::kMillisecond)
 
 BENCHMARK_CAPTURE (BinaryEW, LogicalOr__CPU_UInt16__100000000, 100000000, BinaryOpCode::LogicalOr, UInt16, Device("CPU:0")) -> Unit(benchmark::kMillisecond)
 
 BENCHMARK_CAPTURE (BinaryEW, LogicalOr__CPU_Int32__100, 100, BinaryOpCode::LogicalOr, Int32, Device("CPU:0")) -> Unit(benchmark::kMillisecond)
 
 BENCHMARK_CAPTURE (BinaryEW, LogicalOr__CPU_Int32__100000, 100000, BinaryOpCode::LogicalOr, Int32, Device("CPU:0")) -> Unit(benchmark::kMillisecond)
 
 BENCHMARK_CAPTURE (BinaryEW, LogicalOr__CPU_Int32__100000000, 100000000, BinaryOpCode::LogicalOr, Int32, Device("CPU:0")) -> Unit(benchmark::kMillisecond)
 
 BENCHMARK_CAPTURE (BinaryEW, LogicalOr__CPU_UInt32__100, 100, BinaryOpCode::LogicalOr, UInt32, Device("CPU:0")) -> Unit(benchmark::kMillisecond)
 
 BENCHMARK_CAPTURE (BinaryEW, LogicalOr__CPU_UInt32__100000, 100000, BinaryOpCode::LogicalOr, UInt32, Device("CPU:0")) -> Unit(benchmark::kMillisecond)
 
 BENCHMARK_CAPTURE (BinaryEW, LogicalOr__CPU_UInt32__100000000, 100000000, BinaryOpCode::LogicalOr, UInt32, Device("CPU:0")) -> Unit(benchmark::kMillisecond)
 
 BENCHMARK_CAPTURE (BinaryEW, LogicalOr__CPU_Int64__100, 100, BinaryOpCode::LogicalOr, Int64, Device("CPU:0")) -> Unit(benchmark::kMillisecond)
 
 BENCHMARK_CAPTURE (BinaryEW, LogicalOr__CPU_Int64__100000, 100000, BinaryOpCode::LogicalOr, Int64, Device("CPU:0")) -> Unit(benchmark::kMillisecond)
 
 BENCHMARK_CAPTURE (BinaryEW, LogicalOr__CPU_Int64__100000000, 100000000, BinaryOpCode::LogicalOr, Int64, Device("CPU:0")) -> Unit(benchmark::kMillisecond)
 
 BENCHMARK_CAPTURE (BinaryEW, LogicalOr__CPU_UInt64__100, 100, BinaryOpCode::LogicalOr, UInt64, Device("CPU:0")) -> Unit(benchmark::kMillisecond)
 
 BENCHMARK_CAPTURE (BinaryEW, LogicalOr__CPU_UInt64__100000, 100000, BinaryOpCode::LogicalOr, UInt64, Device("CPU:0")) -> Unit(benchmark::kMillisecond)
 
 BENCHMARK_CAPTURE (BinaryEW, LogicalOr__CPU_UInt64__100000000, 100000000, BinaryOpCode::LogicalOr, UInt64, Device("CPU:0")) -> Unit(benchmark::kMillisecond)
 
 BENCHMARK_CAPTURE (BinaryEW, LogicalOr__CPU_Float32__100, 100, BinaryOpCode::LogicalOr, Float32, Device("CPU:0")) -> Unit(benchmark::kMillisecond)
 
 BENCHMARK_CAPTURE (BinaryEW, LogicalOr__CPU_Float32__100000, 100000, BinaryOpCode::LogicalOr, Float32, Device("CPU:0")) -> Unit(benchmark::kMillisecond)
 
 BENCHMARK_CAPTURE (BinaryEW, LogicalOr__CPU_Float32__100000000, 100000000, BinaryOpCode::LogicalOr, Float32, Device("CPU:0")) -> Unit(benchmark::kMillisecond)
 
 BENCHMARK_CAPTURE (BinaryEW, LogicalOr__CPU_Float64__100, 100, BinaryOpCode::LogicalOr, Float64, Device("CPU:0")) -> Unit(benchmark::kMillisecond)
 
 BENCHMARK_CAPTURE (BinaryEW, LogicalOr__CPU_Float64__100000, 100000, BinaryOpCode::LogicalOr, Float64, Device("CPU:0")) -> Unit(benchmark::kMillisecond)
 
 BENCHMARK_CAPTURE (BinaryEW, LogicalOr__CPU_Float64__100000000, 100000000, BinaryOpCode::LogicalOr, Float64, Device("CPU:0")) -> Unit(benchmark::kMillisecond)
 
 BENCHMARK_CAPTURE (BinaryEW, LogicalXor__CPU_Bool__100, 100, BinaryOpCode::LogicalXor, Bool, Device("CPU:0")) -> Unit(benchmark::kMillisecond)
 
 BENCHMARK_CAPTURE (BinaryEW, LogicalXor__CPU_Bool__100000, 100000, BinaryOpCode::LogicalXor, Bool, Device("CPU:0")) -> Unit(benchmark::kMillisecond)
 
 BENCHMARK_CAPTURE (BinaryEW, LogicalXor__CPU_Bool__100000000, 100000000, BinaryOpCode::LogicalXor, Bool, Device("CPU:0")) -> Unit(benchmark::kMillisecond)
 
 BENCHMARK_CAPTURE (BinaryEW, LogicalXor__CPU_Int8__100, 100, BinaryOpCode::LogicalXor, Int8, Device("CPU:0")) -> Unit(benchmark::kMillisecond)
 
 BENCHMARK_CAPTURE (BinaryEW, LogicalXor__CPU_Int8__100000, 100000, BinaryOpCode::LogicalXor, Int8, Device("CPU:0")) -> Unit(benchmark::kMillisecond)
 
 BENCHMARK_CAPTURE (BinaryEW, LogicalXor__CPU_Int8__100000000, 100000000, BinaryOpCode::LogicalXor, Int8, Device("CPU:0")) -> Unit(benchmark::kMillisecond)
 
 BENCHMARK_CAPTURE (BinaryEW, LogicalXor__CPU_UInt8__100, 100, BinaryOpCode::LogicalXor, UInt8, Device("CPU:0")) -> Unit(benchmark::kMillisecond)
 
 BENCHMARK_CAPTURE (BinaryEW, LogicalXor__CPU_UInt8__100000, 100000, BinaryOpCode::LogicalXor, UInt8, Device("CPU:0")) -> Unit(benchmark::kMillisecond)
 
 BENCHMARK_CAPTURE (BinaryEW, LogicalXor__CPU_UInt8__100000000, 100000000, BinaryOpCode::LogicalXor, UInt8, Device("CPU:0")) -> Unit(benchmark::kMillisecond)
 
 BENCHMARK_CAPTURE (BinaryEW, LogicalXor__CPU_Int16__100, 100, BinaryOpCode::LogicalXor, Int16, Device("CPU:0")) -> Unit(benchmark::kMillisecond)
 
 BENCHMARK_CAPTURE (BinaryEW, LogicalXor__CPU_Int16__100000, 100000, BinaryOpCode::LogicalXor, Int16, Device("CPU:0")) -> Unit(benchmark::kMillisecond)
 
 BENCHMARK_CAPTURE (BinaryEW, LogicalXor__CPU_Int16__100000000, 100000000, BinaryOpCode::LogicalXor, Int16, Device("CPU:0")) -> Unit(benchmark::kMillisecond)
 
 BENCHMARK_CAPTURE (BinaryEW, LogicalXor__CPU_UInt16__100, 100, BinaryOpCode::LogicalXor, UInt16, Device("CPU:0")) -> Unit(benchmark::kMillisecond)
 
 BENCHMARK_CAPTURE (BinaryEW, LogicalXor__CPU_UInt16__100000, 100000, BinaryOpCode::LogicalXor, UInt16, Device("CPU:0")) -> Unit(benchmark::kMillisecond)
 
 BENCHMARK_CAPTURE (BinaryEW, LogicalXor__CPU_UInt16__100000000, 100000000, BinaryOpCode::LogicalXor, UInt16, Device("CPU:0")) -> Unit(benchmark::kMillisecond)
 
 BENCHMARK_CAPTURE (BinaryEW, LogicalXor__CPU_Int32__100, 100, BinaryOpCode::LogicalXor, Int32, Device("CPU:0")) -> Unit(benchmark::kMillisecond)
 
 BENCHMARK_CAPTURE (BinaryEW, LogicalXor__CPU_Int32__100000, 100000, BinaryOpCode::LogicalXor, Int32, Device("CPU:0")) -> Unit(benchmark::kMillisecond)
 
 BENCHMARK_CAPTURE (BinaryEW, LogicalXor__CPU_Int32__100000000, 100000000, BinaryOpCode::LogicalXor, Int32, Device("CPU:0")) -> Unit(benchmark::kMillisecond)
 
 BENCHMARK_CAPTURE (BinaryEW, LogicalXor__CPU_UInt32__100, 100, BinaryOpCode::LogicalXor, UInt32, Device("CPU:0")) -> Unit(benchmark::kMillisecond)
 
 BENCHMARK_CAPTURE (BinaryEW, LogicalXor__CPU_UInt32__100000, 100000, BinaryOpCode::LogicalXor, UInt32, Device("CPU:0")) -> Unit(benchmark::kMillisecond)
 
 BENCHMARK_CAPTURE (BinaryEW, LogicalXor__CPU_UInt32__100000000, 100000000, BinaryOpCode::LogicalXor, UInt32, Device("CPU:0")) -> Unit(benchmark::kMillisecond)
 
 BENCHMARK_CAPTURE (BinaryEW, LogicalXor__CPU_Int64__100, 100, BinaryOpCode::LogicalXor, Int64, Device("CPU:0")) -> Unit(benchmark::kMillisecond)
 
 BENCHMARK_CAPTURE (BinaryEW, LogicalXor__CPU_Int64__100000, 100000, BinaryOpCode::LogicalXor, Int64, Device("CPU:0")) -> Unit(benchmark::kMillisecond)
 
 BENCHMARK_CAPTURE (BinaryEW, LogicalXor__CPU_Int64__100000000, 100000000, BinaryOpCode::LogicalXor, Int64, Device("CPU:0")) -> Unit(benchmark::kMillisecond)
 
 BENCHMARK_CAPTURE (BinaryEW, LogicalXor__CPU_UInt64__100, 100, BinaryOpCode::LogicalXor, UInt64, Device("CPU:0")) -> Unit(benchmark::kMillisecond)
 
 BENCHMARK_CAPTURE (BinaryEW, LogicalXor__CPU_UInt64__100000, 100000, BinaryOpCode::LogicalXor, UInt64, Device("CPU:0")) -> Unit(benchmark::kMillisecond)
 
 BENCHMARK_CAPTURE (BinaryEW, LogicalXor__CPU_UInt64__100000000, 100000000, BinaryOpCode::LogicalXor, UInt64, Device("CPU:0")) -> Unit(benchmark::kMillisecond)
 
 BENCHMARK_CAPTURE (BinaryEW, LogicalXor__CPU_Float32__100, 100, BinaryOpCode::LogicalXor, Float32, Device("CPU:0")) -> Unit(benchmark::kMillisecond)
 
 BENCHMARK_CAPTURE (BinaryEW, LogicalXor__CPU_Float32__100000, 100000, BinaryOpCode::LogicalXor, Float32, Device("CPU:0")) -> Unit(benchmark::kMillisecond)
 
 BENCHMARK_CAPTURE (BinaryEW, LogicalXor__CPU_Float32__100000000, 100000000, BinaryOpCode::LogicalXor, Float32, Device("CPU:0")) -> Unit(benchmark::kMillisecond)
 
 BENCHMARK_CAPTURE (BinaryEW, LogicalXor__CPU_Float64__100, 100, BinaryOpCode::LogicalXor, Float64, Device("CPU:0")) -> Unit(benchmark::kMillisecond)
 
 BENCHMARK_CAPTURE (BinaryEW, LogicalXor__CPU_Float64__100000, 100000, BinaryOpCode::LogicalXor, Float64, Device("CPU:0")) -> Unit(benchmark::kMillisecond)
 
 BENCHMARK_CAPTURE (BinaryEW, LogicalXor__CPU_Float64__100000000, 100000000, BinaryOpCode::LogicalXor, Float64, Device("CPU:0")) -> Unit(benchmark::kMillisecond)
 
 BENCHMARK_CAPTURE (BinaryEW, Gt__CPU_Bool__100, 100, BinaryOpCode::Gt, Bool, Device("CPU:0")) -> Unit(benchmark::kMillisecond)
 
 BENCHMARK_CAPTURE (BinaryEW, Gt__CPU_Bool__100000, 100000, BinaryOpCode::Gt, Bool, Device("CPU:0")) -> Unit(benchmark::kMillisecond)
 
 BENCHMARK_CAPTURE (BinaryEW, Gt__CPU_Bool__100000000, 100000000, BinaryOpCode::Gt, Bool, Device("CPU:0")) -> Unit(benchmark::kMillisecond)
 
 BENCHMARK_CAPTURE (BinaryEW, Gt__CPU_Int8__100, 100, BinaryOpCode::Gt, Int8, Device("CPU:0")) -> Unit(benchmark::kMillisecond)
 
 BENCHMARK_CAPTURE (BinaryEW, Gt__CPU_Int8__100000, 100000, BinaryOpCode::Gt, Int8, Device("CPU:0")) -> Unit(benchmark::kMillisecond)
 
 BENCHMARK_CAPTURE (BinaryEW, Gt__CPU_Int8__100000000, 100000000, BinaryOpCode::Gt, Int8, Device("CPU:0")) -> Unit(benchmark::kMillisecond)
 
 BENCHMARK_CAPTURE (BinaryEW, Gt__CPU_UInt8__100, 100, BinaryOpCode::Gt, UInt8, Device("CPU:0")) -> Unit(benchmark::kMillisecond)
 
 BENCHMARK_CAPTURE (BinaryEW, Gt__CPU_UInt8__100000, 100000, BinaryOpCode::Gt, UInt8, Device("CPU:0")) -> Unit(benchmark::kMillisecond)
 
 BENCHMARK_CAPTURE (BinaryEW, Gt__CPU_UInt8__100000000, 100000000, BinaryOpCode::Gt, UInt8, Device("CPU:0")) -> Unit(benchmark::kMillisecond)
 
 BENCHMARK_CAPTURE (BinaryEW, Gt__CPU_Int16__100, 100, BinaryOpCode::Gt, Int16, Device("CPU:0")) -> Unit(benchmark::kMillisecond)
 
 BENCHMARK_CAPTURE (BinaryEW, Gt__CPU_Int16__100000, 100000, BinaryOpCode::Gt, Int16, Device("CPU:0")) -> Unit(benchmark::kMillisecond)
 
 BENCHMARK_CAPTURE (BinaryEW, Gt__CPU_Int16__100000000, 100000000, BinaryOpCode::Gt, Int16, Device("CPU:0")) -> Unit(benchmark::kMillisecond)
 
 BENCHMARK_CAPTURE (BinaryEW, Gt__CPU_UInt16__100, 100, BinaryOpCode::Gt, UInt16, Device("CPU:0")) -> Unit(benchmark::kMillisecond)
 
 BENCHMARK_CAPTURE (BinaryEW, Gt__CPU_UInt16__100000, 100000, BinaryOpCode::Gt, UInt16, Device("CPU:0")) -> Unit(benchmark::kMillisecond)
 
 BENCHMARK_CAPTURE (BinaryEW, Gt__CPU_UInt16__100000000, 100000000, BinaryOpCode::Gt, UInt16, Device("CPU:0")) -> Unit(benchmark::kMillisecond)
 
 BENCHMARK_CAPTURE (BinaryEW, Gt__CPU_Int32__100, 100, BinaryOpCode::Gt, Int32, Device("CPU:0")) -> Unit(benchmark::kMillisecond)
 
 BENCHMARK_CAPTURE (BinaryEW, Gt__CPU_Int32__100000, 100000, BinaryOpCode::Gt, Int32, Device("CPU:0")) -> Unit(benchmark::kMillisecond)
 
 BENCHMARK_CAPTURE (BinaryEW, Gt__CPU_Int32__100000000, 100000000, BinaryOpCode::Gt, Int32, Device("CPU:0")) -> Unit(benchmark::kMillisecond)
 
 BENCHMARK_CAPTURE (BinaryEW, Gt__CPU_UInt32__100, 100, BinaryOpCode::Gt, UInt32, Device("CPU:0")) -> Unit(benchmark::kMillisecond)
 
 BENCHMARK_CAPTURE (BinaryEW, Gt__CPU_UInt32__100000, 100000, BinaryOpCode::Gt, UInt32, Device("CPU:0")) -> Unit(benchmark::kMillisecond)
 
 BENCHMARK_CAPTURE (BinaryEW, Gt__CPU_UInt32__100000000, 100000000, BinaryOpCode::Gt, UInt32, Device("CPU:0")) -> Unit(benchmark::kMillisecond)
 
 BENCHMARK_CAPTURE (BinaryEW, Gt__CPU_Int64__100, 100, BinaryOpCode::Gt, Int64, Device("CPU:0")) -> Unit(benchmark::kMillisecond)
 
 BENCHMARK_CAPTURE (BinaryEW, Gt__CPU_Int64__100000, 100000, BinaryOpCode::Gt, Int64, Device("CPU:0")) -> Unit(benchmark::kMillisecond)
 
 BENCHMARK_CAPTURE (BinaryEW, Gt__CPU_Int64__100000000, 100000000, BinaryOpCode::Gt, Int64, Device("CPU:0")) -> Unit(benchmark::kMillisecond)
 
 BENCHMARK_CAPTURE (BinaryEW, Gt__CPU_UInt64__100, 100, BinaryOpCode::Gt, UInt64, Device("CPU:0")) -> Unit(benchmark::kMillisecond)
 
 BENCHMARK_CAPTURE (BinaryEW, Gt__CPU_UInt64__100000, 100000, BinaryOpCode::Gt, UInt64, Device("CPU:0")) -> Unit(benchmark::kMillisecond)
 
 BENCHMARK_CAPTURE (BinaryEW, Gt__CPU_UInt64__100000000, 100000000, BinaryOpCode::Gt, UInt64, Device("CPU:0")) -> Unit(benchmark::kMillisecond)
 
 BENCHMARK_CAPTURE (BinaryEW, Gt__CPU_Float32__100, 100, BinaryOpCode::Gt, Float32, Device("CPU:0")) -> Unit(benchmark::kMillisecond)
 
 BENCHMARK_CAPTURE (BinaryEW, Gt__CPU_Float32__100000, 100000, BinaryOpCode::Gt, Float32, Device("CPU:0")) -> Unit(benchmark::kMillisecond)
 
 BENCHMARK_CAPTURE (BinaryEW, Gt__CPU_Float32__100000000, 100000000, BinaryOpCode::Gt, Float32, Device("CPU:0")) -> Unit(benchmark::kMillisecond)
 
 BENCHMARK_CAPTURE (BinaryEW, Gt__CPU_Float64__100, 100, BinaryOpCode::Gt, Float64, Device("CPU:0")) -> Unit(benchmark::kMillisecond)
 
 BENCHMARK_CAPTURE (BinaryEW, Gt__CPU_Float64__100000, 100000, BinaryOpCode::Gt, Float64, Device("CPU:0")) -> Unit(benchmark::kMillisecond)
 
 BENCHMARK_CAPTURE (BinaryEW, Gt__CPU_Float64__100000000, 100000000, BinaryOpCode::Gt, Float64, Device("CPU:0")) -> Unit(benchmark::kMillisecond)
 
 BENCHMARK_CAPTURE (BinaryEW, Ge__CPU_Bool__100, 100, BinaryOpCode::Ge, Bool, Device("CPU:0")) -> Unit(benchmark::kMillisecond)
 
 BENCHMARK_CAPTURE (BinaryEW, Ge__CPU_Bool__100000, 100000, BinaryOpCode::Ge, Bool, Device("CPU:0")) -> Unit(benchmark::kMillisecond)
 
 BENCHMARK_CAPTURE (BinaryEW, Ge__CPU_Bool__100000000, 100000000, BinaryOpCode::Ge, Bool, Device("CPU:0")) -> Unit(benchmark::kMillisecond)
 
 BENCHMARK_CAPTURE (BinaryEW, Ge__CPU_Int8__100, 100, BinaryOpCode::Ge, Int8, Device("CPU:0")) -> Unit(benchmark::kMillisecond)
 
 BENCHMARK_CAPTURE (BinaryEW, Ge__CPU_Int8__100000, 100000, BinaryOpCode::Ge, Int8, Device("CPU:0")) -> Unit(benchmark::kMillisecond)
 
 BENCHMARK_CAPTURE (BinaryEW, Ge__CPU_Int8__100000000, 100000000, BinaryOpCode::Ge, Int8, Device("CPU:0")) -> Unit(benchmark::kMillisecond)
 
 BENCHMARK_CAPTURE (BinaryEW, Ge__CPU_UInt8__100, 100, BinaryOpCode::Ge, UInt8, Device("CPU:0")) -> Unit(benchmark::kMillisecond)
 
 BENCHMARK_CAPTURE (BinaryEW, Ge__CPU_UInt8__100000, 100000, BinaryOpCode::Ge, UInt8, Device("CPU:0")) -> Unit(benchmark::kMillisecond)
 
 BENCHMARK_CAPTURE (BinaryEW, Ge__CPU_UInt8__100000000, 100000000, BinaryOpCode::Ge, UInt8, Device("CPU:0")) -> Unit(benchmark::kMillisecond)
 
 BENCHMARK_CAPTURE (BinaryEW, Ge__CPU_Int16__100, 100, BinaryOpCode::Ge, Int16, Device("CPU:0")) -> Unit(benchmark::kMillisecond)
 
 BENCHMARK_CAPTURE (BinaryEW, Ge__CPU_Int16__100000, 100000, BinaryOpCode::Ge, Int16, Device("CPU:0")) -> Unit(benchmark::kMillisecond)
 
 BENCHMARK_CAPTURE (BinaryEW, Ge__CPU_Int16__100000000, 100000000, BinaryOpCode::Ge, Int16, Device("CPU:0")) -> Unit(benchmark::kMillisecond)
 
 BENCHMARK_CAPTURE (BinaryEW, Ge__CPU_UInt16__100, 100, BinaryOpCode::Ge, UInt16, Device("CPU:0")) -> Unit(benchmark::kMillisecond)
 
 BENCHMARK_CAPTURE (BinaryEW, Ge__CPU_UInt16__100000, 100000, BinaryOpCode::Ge, UInt16, Device("CPU:0")) -> Unit(benchmark::kMillisecond)
 
 BENCHMARK_CAPTURE (BinaryEW, Ge__CPU_UInt16__100000000, 100000000, BinaryOpCode::Ge, UInt16, Device("CPU:0")) -> Unit(benchmark::kMillisecond)
 
 BENCHMARK_CAPTURE (BinaryEW, Ge__CPU_Int32__100, 100, BinaryOpCode::Ge, Int32, Device("CPU:0")) -> Unit(benchmark::kMillisecond)
 
 BENCHMARK_CAPTURE (BinaryEW, Ge__CPU_Int32__100000, 100000, BinaryOpCode::Ge, Int32, Device("CPU:0")) -> Unit(benchmark::kMillisecond)
 
 BENCHMARK_CAPTURE (BinaryEW, Ge__CPU_Int32__100000000, 100000000, BinaryOpCode::Ge, Int32, Device("CPU:0")) -> Unit(benchmark::kMillisecond)
 
 BENCHMARK_CAPTURE (BinaryEW, Ge__CPU_UInt32__100, 100, BinaryOpCode::Ge, UInt32, Device("CPU:0")) -> Unit(benchmark::kMillisecond)
 
 BENCHMARK_CAPTURE (BinaryEW, Ge__CPU_UInt32__100000, 100000, BinaryOpCode::Ge, UInt32, Device("CPU:0")) -> Unit(benchmark::kMillisecond)
 
 BENCHMARK_CAPTURE (BinaryEW, Ge__CPU_UInt32__100000000, 100000000, BinaryOpCode::Ge, UInt32, Device("CPU:0")) -> Unit(benchmark::kMillisecond)
 
 BENCHMARK_CAPTURE (BinaryEW, Ge__CPU_Int64__100, 100, BinaryOpCode::Ge, Int64, Device("CPU:0")) -> Unit(benchmark::kMillisecond)
 
 BENCHMARK_CAPTURE (BinaryEW, Ge__CPU_Int64__100000, 100000, BinaryOpCode::Ge, Int64, Device("CPU:0")) -> Unit(benchmark::kMillisecond)
 
 BENCHMARK_CAPTURE (BinaryEW, Ge__CPU_Int64__100000000, 100000000, BinaryOpCode::Ge, Int64, Device("CPU:0")) -> Unit(benchmark::kMillisecond)
 
 BENCHMARK_CAPTURE (BinaryEW, Ge__CPU_UInt64__100, 100, BinaryOpCode::Ge, UInt64, Device("CPU:0")) -> Unit(benchmark::kMillisecond)
 
 BENCHMARK_CAPTURE (BinaryEW, Ge__CPU_UInt64__100000, 100000, BinaryOpCode::Ge, UInt64, Device("CPU:0")) -> Unit(benchmark::kMillisecond)
 
 BENCHMARK_CAPTURE (BinaryEW, Ge__CPU_UInt64__100000000, 100000000, BinaryOpCode::Ge, UInt64, Device("CPU:0")) -> Unit(benchmark::kMillisecond)
 
 BENCHMARK_CAPTURE (BinaryEW, Ge__CPU_Float32__100, 100, BinaryOpCode::Ge, Float32, Device("CPU:0")) -> Unit(benchmark::kMillisecond)
 
 BENCHMARK_CAPTURE (BinaryEW, Ge__CPU_Float32__100000, 100000, BinaryOpCode::Ge, Float32, Device("CPU:0")) -> Unit(benchmark::kMillisecond)
 
 BENCHMARK_CAPTURE (BinaryEW, Ge__CPU_Float32__100000000, 100000000, BinaryOpCode::Ge, Float32, Device("CPU:0")) -> Unit(benchmark::kMillisecond)
 
 BENCHMARK_CAPTURE (BinaryEW, Ge__CPU_Float64__100, 100, BinaryOpCode::Ge, Float64, Device("CPU:0")) -> Unit(benchmark::kMillisecond)
 
 BENCHMARK_CAPTURE (BinaryEW, Ge__CPU_Float64__100000, 100000, BinaryOpCode::Ge, Float64, Device("CPU:0")) -> Unit(benchmark::kMillisecond)
 
 BENCHMARK_CAPTURE (BinaryEW, Ge__CPU_Float64__100000000, 100000000, BinaryOpCode::Ge, Float64, Device("CPU:0")) -> Unit(benchmark::kMillisecond)
 
 BENCHMARK_CAPTURE (BinaryEW, Lt__CPU_Bool__100, 100, BinaryOpCode::Lt, Bool, Device("CPU:0")) -> Unit(benchmark::kMillisecond)
 
 BENCHMARK_CAPTURE (BinaryEW, Lt__CPU_Bool__100000, 100000, BinaryOpCode::Lt, Bool, Device("CPU:0")) -> Unit(benchmark::kMillisecond)
 
 BENCHMARK_CAPTURE (BinaryEW, Lt__CPU_Bool__100000000, 100000000, BinaryOpCode::Lt, Bool, Device("CPU:0")) -> Unit(benchmark::kMillisecond)
 
 BENCHMARK_CAPTURE (BinaryEW, Lt__CPU_Int8__100, 100, BinaryOpCode::Lt, Int8, Device("CPU:0")) -> Unit(benchmark::kMillisecond)
 
 BENCHMARK_CAPTURE (BinaryEW, Lt__CPU_Int8__100000, 100000, BinaryOpCode::Lt, Int8, Device("CPU:0")) -> Unit(benchmark::kMillisecond)
 
 BENCHMARK_CAPTURE (BinaryEW, Lt__CPU_Int8__100000000, 100000000, BinaryOpCode::Lt, Int8, Device("CPU:0")) -> Unit(benchmark::kMillisecond)
 
 BENCHMARK_CAPTURE (BinaryEW, Lt__CPU_UInt8__100, 100, BinaryOpCode::Lt, UInt8, Device("CPU:0")) -> Unit(benchmark::kMillisecond)
 
 BENCHMARK_CAPTURE (BinaryEW, Lt__CPU_UInt8__100000, 100000, BinaryOpCode::Lt, UInt8, Device("CPU:0")) -> Unit(benchmark::kMillisecond)
 
 BENCHMARK_CAPTURE (BinaryEW, Lt__CPU_UInt8__100000000, 100000000, BinaryOpCode::Lt, UInt8, Device("CPU:0")) -> Unit(benchmark::kMillisecond)
 
 BENCHMARK_CAPTURE (BinaryEW, Lt__CPU_Int16__100, 100, BinaryOpCode::Lt, Int16, Device("CPU:0")) -> Unit(benchmark::kMillisecond)
 
 BENCHMARK_CAPTURE (BinaryEW, Lt__CPU_Int16__100000, 100000, BinaryOpCode::Lt, Int16, Device("CPU:0")) -> Unit(benchmark::kMillisecond)
 
 BENCHMARK_CAPTURE (BinaryEW, Lt__CPU_Int16__100000000, 100000000, BinaryOpCode::Lt, Int16, Device("CPU:0")) -> Unit(benchmark::kMillisecond)
 
 BENCHMARK_CAPTURE (BinaryEW, Lt__CPU_UInt16__100, 100, BinaryOpCode::Lt, UInt16, Device("CPU:0")) -> Unit(benchmark::kMillisecond)
 
 BENCHMARK_CAPTURE (BinaryEW, Lt__CPU_UInt16__100000, 100000, BinaryOpCode::Lt, UInt16, Device("CPU:0")) -> Unit(benchmark::kMillisecond)
 
 BENCHMARK_CAPTURE (BinaryEW, Lt__CPU_UInt16__100000000, 100000000, BinaryOpCode::Lt, UInt16, Device("CPU:0")) -> Unit(benchmark::kMillisecond)
 
 BENCHMARK_CAPTURE (BinaryEW, Lt__CPU_Int32__100, 100, BinaryOpCode::Lt, Int32, Device("CPU:0")) -> Unit(benchmark::kMillisecond)
 
 BENCHMARK_CAPTURE (BinaryEW, Lt__CPU_Int32__100000, 100000, BinaryOpCode::Lt, Int32, Device("CPU:0")) -> Unit(benchmark::kMillisecond)
 
 BENCHMARK_CAPTURE (BinaryEW, Lt__CPU_Int32__100000000, 100000000, BinaryOpCode::Lt, Int32, Device("CPU:0")) -> Unit(benchmark::kMillisecond)
 
 BENCHMARK_CAPTURE (BinaryEW, Lt__CPU_UInt32__100, 100, BinaryOpCode::Lt, UInt32, Device("CPU:0")) -> Unit(benchmark::kMillisecond)
 
 BENCHMARK_CAPTURE (BinaryEW, Lt__CPU_UInt32__100000, 100000, BinaryOpCode::Lt, UInt32, Device("CPU:0")) -> Unit(benchmark::kMillisecond)
 
 BENCHMARK_CAPTURE (BinaryEW, Lt__CPU_UInt32__100000000, 100000000, BinaryOpCode::Lt, UInt32, Device("CPU:0")) -> Unit(benchmark::kMillisecond)
 
 BENCHMARK_CAPTURE (BinaryEW, Lt__CPU_Int64__100, 100, BinaryOpCode::Lt, Int64, Device("CPU:0")) -> Unit(benchmark::kMillisecond)
 
 BENCHMARK_CAPTURE (BinaryEW, Lt__CPU_Int64__100000, 100000, BinaryOpCode::Lt, Int64, Device("CPU:0")) -> Unit(benchmark::kMillisecond)
 
 BENCHMARK_CAPTURE (BinaryEW, Lt__CPU_Int64__100000000, 100000000, BinaryOpCode::Lt, Int64, Device("CPU:0")) -> Unit(benchmark::kMillisecond)
 
 BENCHMARK_CAPTURE (BinaryEW, Lt__CPU_UInt64__100, 100, BinaryOpCode::Lt, UInt64, Device("CPU:0")) -> Unit(benchmark::kMillisecond)
 
 BENCHMARK_CAPTURE (BinaryEW, Lt__CPU_UInt64__100000, 100000, BinaryOpCode::Lt, UInt64, Device("CPU:0")) -> Unit(benchmark::kMillisecond)
 
 BENCHMARK_CAPTURE (BinaryEW, Lt__CPU_UInt64__100000000, 100000000, BinaryOpCode::Lt, UInt64, Device("CPU:0")) -> Unit(benchmark::kMillisecond)
 
 BENCHMARK_CAPTURE (BinaryEW, Lt__CPU_Float32__100, 100, BinaryOpCode::Lt, Float32, Device("CPU:0")) -> Unit(benchmark::kMillisecond)
 
 BENCHMARK_CAPTURE (BinaryEW, Lt__CPU_Float32__100000, 100000, BinaryOpCode::Lt, Float32, Device("CPU:0")) -> Unit(benchmark::kMillisecond)
 
 BENCHMARK_CAPTURE (BinaryEW, Lt__CPU_Float32__100000000, 100000000, BinaryOpCode::Lt, Float32, Device("CPU:0")) -> Unit(benchmark::kMillisecond)
 
 BENCHMARK_CAPTURE (BinaryEW, Lt__CPU_Float64__100, 100, BinaryOpCode::Lt, Float64, Device("CPU:0")) -> Unit(benchmark::kMillisecond)
 
 BENCHMARK_CAPTURE (BinaryEW, Lt__CPU_Float64__100000, 100000, BinaryOpCode::Lt, Float64, Device("CPU:0")) -> Unit(benchmark::kMillisecond)
 
 BENCHMARK_CAPTURE (BinaryEW, Lt__CPU_Float64__100000000, 100000000, BinaryOpCode::Lt, Float64, Device("CPU:0")) -> Unit(benchmark::kMillisecond)
 
 BENCHMARK_CAPTURE (BinaryEW, Le__CPU_Bool__100, 100, BinaryOpCode::Le, Bool, Device("CPU:0")) -> Unit(benchmark::kMillisecond)
 
 BENCHMARK_CAPTURE (BinaryEW, Le__CPU_Bool__100000, 100000, BinaryOpCode::Le, Bool, Device("CPU:0")) -> Unit(benchmark::kMillisecond)
 
 BENCHMARK_CAPTURE (BinaryEW, Le__CPU_Bool__100000000, 100000000, BinaryOpCode::Le, Bool, Device("CPU:0")) -> Unit(benchmark::kMillisecond)
 
 BENCHMARK_CAPTURE (BinaryEW, Le__CPU_Int8__100, 100, BinaryOpCode::Le, Int8, Device("CPU:0")) -> Unit(benchmark::kMillisecond)
 
 BENCHMARK_CAPTURE (BinaryEW, Le__CPU_Int8__100000, 100000, BinaryOpCode::Le, Int8, Device("CPU:0")) -> Unit(benchmark::kMillisecond)
 
 BENCHMARK_CAPTURE (BinaryEW, Le__CPU_Int8__100000000, 100000000, BinaryOpCode::Le, Int8, Device("CPU:0")) -> Unit(benchmark::kMillisecond)
 
 BENCHMARK_CAPTURE (BinaryEW, Le__CPU_UInt8__100, 100, BinaryOpCode::Le, UInt8, Device("CPU:0")) -> Unit(benchmark::kMillisecond)
 
 BENCHMARK_CAPTURE (BinaryEW, Le__CPU_UInt8__100000, 100000, BinaryOpCode::Le, UInt8, Device("CPU:0")) -> Unit(benchmark::kMillisecond)
 
 BENCHMARK_CAPTURE (BinaryEW, Le__CPU_UInt8__100000000, 100000000, BinaryOpCode::Le, UInt8, Device("CPU:0")) -> Unit(benchmark::kMillisecond)
 
 BENCHMARK_CAPTURE (BinaryEW, Le__CPU_Int16__100, 100, BinaryOpCode::Le, Int16, Device("CPU:0")) -> Unit(benchmark::kMillisecond)
 
 BENCHMARK_CAPTURE (BinaryEW, Le__CPU_Int16__100000, 100000, BinaryOpCode::Le, Int16, Device("CPU:0")) -> Unit(benchmark::kMillisecond)
 
 BENCHMARK_CAPTURE (BinaryEW, Le__CPU_Int16__100000000, 100000000, BinaryOpCode::Le, Int16, Device("CPU:0")) -> Unit(benchmark::kMillisecond)
 
 BENCHMARK_CAPTURE (BinaryEW, Le__CPU_UInt16__100, 100, BinaryOpCode::Le, UInt16, Device("CPU:0")) -> Unit(benchmark::kMillisecond)
 
 BENCHMARK_CAPTURE (BinaryEW, Le__CPU_UInt16__100000, 100000, BinaryOpCode::Le, UInt16, Device("CPU:0")) -> Unit(benchmark::kMillisecond)
 
 BENCHMARK_CAPTURE (BinaryEW, Le__CPU_UInt16__100000000, 100000000, BinaryOpCode::Le, UInt16, Device("CPU:0")) -> Unit(benchmark::kMillisecond)
 
 BENCHMARK_CAPTURE (BinaryEW, Le__CPU_Int32__100, 100, BinaryOpCode::Le, Int32, Device("CPU:0")) -> Unit(benchmark::kMillisecond)
 
 BENCHMARK_CAPTURE (BinaryEW, Le__CPU_Int32__100000, 100000, BinaryOpCode::Le, Int32, Device("CPU:0")) -> Unit(benchmark::kMillisecond)
 
 BENCHMARK_CAPTURE (BinaryEW, Le__CPU_Int32__100000000, 100000000, BinaryOpCode::Le, Int32, Device("CPU:0")) -> Unit(benchmark::kMillisecond)
 
 BENCHMARK_CAPTURE (BinaryEW, Le__CPU_UInt32__100, 100, BinaryOpCode::Le, UInt32, Device("CPU:0")) -> Unit(benchmark::kMillisecond)
 
 BENCHMARK_CAPTURE (BinaryEW, Le__CPU_UInt32__100000, 100000, BinaryOpCode::Le, UInt32, Device("CPU:0")) -> Unit(benchmark::kMillisecond)
 
 BENCHMARK_CAPTURE (BinaryEW, Le__CPU_UInt32__100000000, 100000000, BinaryOpCode::Le, UInt32, Device("CPU:0")) -> Unit(benchmark::kMillisecond)
 
 BENCHMARK_CAPTURE (BinaryEW, Le__CPU_Int64__100, 100, BinaryOpCode::Le, Int64, Device("CPU:0")) -> Unit(benchmark::kMillisecond)
 
 BENCHMARK_CAPTURE (BinaryEW, Le__CPU_Int64__100000, 100000, BinaryOpCode::Le, Int64, Device("CPU:0")) -> Unit(benchmark::kMillisecond)
 
 BENCHMARK_CAPTURE (BinaryEW, Le__CPU_Int64__100000000, 100000000, BinaryOpCode::Le, Int64, Device("CPU:0")) -> Unit(benchmark::kMillisecond)
 
 BENCHMARK_CAPTURE (BinaryEW, Le__CPU_UInt64__100, 100, BinaryOpCode::Le, UInt64, Device("CPU:0")) -> Unit(benchmark::kMillisecond)
 
 BENCHMARK_CAPTURE (BinaryEW, Le__CPU_UInt64__100000, 100000, BinaryOpCode::Le, UInt64, Device("CPU:0")) -> Unit(benchmark::kMillisecond)
 
 BENCHMARK_CAPTURE (BinaryEW, Le__CPU_UInt64__100000000, 100000000, BinaryOpCode::Le, UInt64, Device("CPU:0")) -> Unit(benchmark::kMillisecond)
 
 BENCHMARK_CAPTURE (BinaryEW, Le__CPU_Float32__100, 100, BinaryOpCode::Le, Float32, Device("CPU:0")) -> Unit(benchmark::kMillisecond)
 
 BENCHMARK_CAPTURE (BinaryEW, Le__CPU_Float32__100000, 100000, BinaryOpCode::Le, Float32, Device("CPU:0")) -> Unit(benchmark::kMillisecond)
 
 BENCHMARK_CAPTURE (BinaryEW, Le__CPU_Float32__100000000, 100000000, BinaryOpCode::Le, Float32, Device("CPU:0")) -> Unit(benchmark::kMillisecond)
 
 BENCHMARK_CAPTURE (BinaryEW, Le__CPU_Float64__100, 100, BinaryOpCode::Le, Float64, Device("CPU:0")) -> Unit(benchmark::kMillisecond)
 
 BENCHMARK_CAPTURE (BinaryEW, Le__CPU_Float64__100000, 100000, BinaryOpCode::Le, Float64, Device("CPU:0")) -> Unit(benchmark::kMillisecond)
 
 BENCHMARK_CAPTURE (BinaryEW, Le__CPU_Float64__100000000, 100000000, BinaryOpCode::Le, Float64, Device("CPU:0")) -> Unit(benchmark::kMillisecond)
 
 BENCHMARK_CAPTURE (BinaryEW, Eq__CPU_Bool__100, 100, BinaryOpCode::Eq, Bool, Device("CPU:0")) -> Unit(benchmark::kMillisecond)
 
 BENCHMARK_CAPTURE (BinaryEW, Eq__CPU_Bool__100000, 100000, BinaryOpCode::Eq, Bool, Device("CPU:0")) -> Unit(benchmark::kMillisecond)
 
 BENCHMARK_CAPTURE (BinaryEW, Eq__CPU_Bool__100000000, 100000000, BinaryOpCode::Eq, Bool, Device("CPU:0")) -> Unit(benchmark::kMillisecond)
 
 BENCHMARK_CAPTURE (BinaryEW, Eq__CPU_Int8__100, 100, BinaryOpCode::Eq, Int8, Device("CPU:0")) -> Unit(benchmark::kMillisecond)
 
 BENCHMARK_CAPTURE (BinaryEW, Eq__CPU_Int8__100000, 100000, BinaryOpCode::Eq, Int8, Device("CPU:0")) -> Unit(benchmark::kMillisecond)
 
 BENCHMARK_CAPTURE (BinaryEW, Eq__CPU_Int8__100000000, 100000000, BinaryOpCode::Eq, Int8, Device("CPU:0")) -> Unit(benchmark::kMillisecond)
 
 BENCHMARK_CAPTURE (BinaryEW, Eq__CPU_UInt8__100, 100, BinaryOpCode::Eq, UInt8, Device("CPU:0")) -> Unit(benchmark::kMillisecond)
 
 BENCHMARK_CAPTURE (BinaryEW, Eq__CPU_UInt8__100000, 100000, BinaryOpCode::Eq, UInt8, Device("CPU:0")) -> Unit(benchmark::kMillisecond)
 
 BENCHMARK_CAPTURE (BinaryEW, Eq__CPU_UInt8__100000000, 100000000, BinaryOpCode::Eq, UInt8, Device("CPU:0")) -> Unit(benchmark::kMillisecond)
 
 BENCHMARK_CAPTURE (BinaryEW, Eq__CPU_Int16__100, 100, BinaryOpCode::Eq, Int16, Device("CPU:0")) -> Unit(benchmark::kMillisecond)
 
 BENCHMARK_CAPTURE (BinaryEW, Eq__CPU_Int16__100000, 100000, BinaryOpCode::Eq, Int16, Device("CPU:0")) -> Unit(benchmark::kMillisecond)
 
 BENCHMARK_CAPTURE (BinaryEW, Eq__CPU_Int16__100000000, 100000000, BinaryOpCode::Eq, Int16, Device("CPU:0")) -> Unit(benchmark::kMillisecond)
 
 BENCHMARK_CAPTURE (BinaryEW, Eq__CPU_UInt16__100, 100, BinaryOpCode::Eq, UInt16, Device("CPU:0")) -> Unit(benchmark::kMillisecond)
 
 BENCHMARK_CAPTURE (BinaryEW, Eq__CPU_UInt16__100000, 100000, BinaryOpCode::Eq, UInt16, Device("CPU:0")) -> Unit(benchmark::kMillisecond)
 
 BENCHMARK_CAPTURE (BinaryEW, Eq__CPU_UInt16__100000000, 100000000, BinaryOpCode::Eq, UInt16, Device("CPU:0")) -> Unit(benchmark::kMillisecond)
 
 BENCHMARK_CAPTURE (BinaryEW, Eq__CPU_Int32__100, 100, BinaryOpCode::Eq, Int32, Device("CPU:0")) -> Unit(benchmark::kMillisecond)
 
 BENCHMARK_CAPTURE (BinaryEW, Eq__CPU_Int32__100000, 100000, BinaryOpCode::Eq, Int32, Device("CPU:0")) -> Unit(benchmark::kMillisecond)
 
 BENCHMARK_CAPTURE (BinaryEW, Eq__CPU_Int32__100000000, 100000000, BinaryOpCode::Eq, Int32, Device("CPU:0")) -> Unit(benchmark::kMillisecond)
 
 BENCHMARK_CAPTURE (BinaryEW, Eq__CPU_UInt32__100, 100, BinaryOpCode::Eq, UInt32, Device("CPU:0")) -> Unit(benchmark::kMillisecond)
 
 BENCHMARK_CAPTURE (BinaryEW, Eq__CPU_UInt32__100000, 100000, BinaryOpCode::Eq, UInt32, Device("CPU:0")) -> Unit(benchmark::kMillisecond)
 
 BENCHMARK_CAPTURE (BinaryEW, Eq__CPU_UInt32__100000000, 100000000, BinaryOpCode::Eq, UInt32, Device("CPU:0")) -> Unit(benchmark::kMillisecond)
 
 BENCHMARK_CAPTURE (BinaryEW, Eq__CPU_Int64__100, 100, BinaryOpCode::Eq, Int64, Device("CPU:0")) -> Unit(benchmark::kMillisecond)
 
 BENCHMARK_CAPTURE (BinaryEW, Eq__CPU_Int64__100000, 100000, BinaryOpCode::Eq, Int64, Device("CPU:0")) -> Unit(benchmark::kMillisecond)
 
 BENCHMARK_CAPTURE (BinaryEW, Eq__CPU_Int64__100000000, 100000000, BinaryOpCode::Eq, Int64, Device("CPU:0")) -> Unit(benchmark::kMillisecond)
 
 BENCHMARK_CAPTURE (BinaryEW, Eq__CPU_UInt64__100, 100, BinaryOpCode::Eq, UInt64, Device("CPU:0")) -> Unit(benchmark::kMillisecond)
 
 BENCHMARK_CAPTURE (BinaryEW, Eq__CPU_UInt64__100000, 100000, BinaryOpCode::Eq, UInt64, Device("CPU:0")) -> Unit(benchmark::kMillisecond)
 
 BENCHMARK_CAPTURE (BinaryEW, Eq__CPU_UInt64__100000000, 100000000, BinaryOpCode::Eq, UInt64, Device("CPU:0")) -> Unit(benchmark::kMillisecond)
 
 BENCHMARK_CAPTURE (BinaryEW, Eq__CPU_Float32__100, 100, BinaryOpCode::Eq, Float32, Device("CPU:0")) -> Unit(benchmark::kMillisecond)
 
 BENCHMARK_CAPTURE (BinaryEW, Eq__CPU_Float32__100000, 100000, BinaryOpCode::Eq, Float32, Device("CPU:0")) -> Unit(benchmark::kMillisecond)
 
 BENCHMARK_CAPTURE (BinaryEW, Eq__CPU_Float32__100000000, 100000000, BinaryOpCode::Eq, Float32, Device("CPU:0")) -> Unit(benchmark::kMillisecond)
 
 BENCHMARK_CAPTURE (BinaryEW, Eq__CPU_Float64__100, 100, BinaryOpCode::Eq, Float64, Device("CPU:0")) -> Unit(benchmark::kMillisecond)
 
 BENCHMARK_CAPTURE (BinaryEW, Eq__CPU_Float64__100000, 100000, BinaryOpCode::Eq, Float64, Device("CPU:0")) -> Unit(benchmark::kMillisecond)
 
 BENCHMARK_CAPTURE (BinaryEW, Eq__CPU_Float64__100000000, 100000000, BinaryOpCode::Eq, Float64, Device("CPU:0")) -> Unit(benchmark::kMillisecond)
 
 BENCHMARK_CAPTURE (BinaryEW, Neq__CPU_Bool__100, 100, BinaryOpCode::Neq, Bool, Device("CPU:0")) -> Unit(benchmark::kMillisecond)
 
 BENCHMARK_CAPTURE (BinaryEW, Neq__CPU_Bool__100000, 100000, BinaryOpCode::Neq, Bool, Device("CPU:0")) -> Unit(benchmark::kMillisecond)
 
 BENCHMARK_CAPTURE (BinaryEW, Neq__CPU_Bool__100000000, 100000000, BinaryOpCode::Neq, Bool, Device("CPU:0")) -> Unit(benchmark::kMillisecond)
 
 BENCHMARK_CAPTURE (BinaryEW, Neq__CPU_Int8__100, 100, BinaryOpCode::Neq, Int8, Device("CPU:0")) -> Unit(benchmark::kMillisecond)
 
 BENCHMARK_CAPTURE (BinaryEW, Neq__CPU_Int8__100000, 100000, BinaryOpCode::Neq, Int8, Device("CPU:0")) -> Unit(benchmark::kMillisecond)
 
 BENCHMARK_CAPTURE (BinaryEW, Neq__CPU_Int8__100000000, 100000000, BinaryOpCode::Neq, Int8, Device("CPU:0")) -> Unit(benchmark::kMillisecond)
 
 BENCHMARK_CAPTURE (BinaryEW, Neq__CPU_UInt8__100, 100, BinaryOpCode::Neq, UInt8, Device("CPU:0")) -> Unit(benchmark::kMillisecond)
 
 BENCHMARK_CAPTURE (BinaryEW, Neq__CPU_UInt8__100000, 100000, BinaryOpCode::Neq, UInt8, Device("CPU:0")) -> Unit(benchmark::kMillisecond)
 
 BENCHMARK_CAPTURE (BinaryEW, Neq__CPU_UInt8__100000000, 100000000, BinaryOpCode::Neq, UInt8, Device("CPU:0")) -> Unit(benchmark::kMillisecond)
 
 BENCHMARK_CAPTURE (BinaryEW, Neq__CPU_Int16__100, 100, BinaryOpCode::Neq, Int16, Device("CPU:0")) -> Unit(benchmark::kMillisecond)
 
 BENCHMARK_CAPTURE (BinaryEW, Neq__CPU_Int16__100000, 100000, BinaryOpCode::Neq, Int16, Device("CPU:0")) -> Unit(benchmark::kMillisecond)
 
 BENCHMARK_CAPTURE (BinaryEW, Neq__CPU_Int16__100000000, 100000000, BinaryOpCode::Neq, Int16, Device("CPU:0")) -> Unit(benchmark::kMillisecond)
 
 BENCHMARK_CAPTURE (BinaryEW, Neq__CPU_UInt16__100, 100, BinaryOpCode::Neq, UInt16, Device("CPU:0")) -> Unit(benchmark::kMillisecond)
 
 BENCHMARK_CAPTURE (BinaryEW, Neq__CPU_UInt16__100000, 100000, BinaryOpCode::Neq, UInt16, Device("CPU:0")) -> Unit(benchmark::kMillisecond)
 
 BENCHMARK_CAPTURE (BinaryEW, Neq__CPU_UInt16__100000000, 100000000, BinaryOpCode::Neq, UInt16, Device("CPU:0")) -> Unit(benchmark::kMillisecond)
 
 BENCHMARK_CAPTURE (BinaryEW, Neq__CPU_Int32__100, 100, BinaryOpCode::Neq, Int32, Device("CPU:0")) -> Unit(benchmark::kMillisecond)
 
 BENCHMARK_CAPTURE (BinaryEW, Neq__CPU_Int32__100000, 100000, BinaryOpCode::Neq, Int32, Device("CPU:0")) -> Unit(benchmark::kMillisecond)
 
 BENCHMARK_CAPTURE (BinaryEW, Neq__CPU_Int32__100000000, 100000000, BinaryOpCode::Neq, Int32, Device("CPU:0")) -> Unit(benchmark::kMillisecond)
 
 BENCHMARK_CAPTURE (BinaryEW, Neq__CPU_UInt32__100, 100, BinaryOpCode::Neq, UInt32, Device("CPU:0")) -> Unit(benchmark::kMillisecond)
 
 BENCHMARK_CAPTURE (BinaryEW, Neq__CPU_UInt32__100000, 100000, BinaryOpCode::Neq, UInt32, Device("CPU:0")) -> Unit(benchmark::kMillisecond)
 
 BENCHMARK_CAPTURE (BinaryEW, Neq__CPU_UInt32__100000000, 100000000, BinaryOpCode::Neq, UInt32, Device("CPU:0")) -> Unit(benchmark::kMillisecond)
 
 BENCHMARK_CAPTURE (BinaryEW, Neq__CPU_Int64__100, 100, BinaryOpCode::Neq, Int64, Device("CPU:0")) -> Unit(benchmark::kMillisecond)
 
 BENCHMARK_CAPTURE (BinaryEW, Neq__CPU_Int64__100000, 100000, BinaryOpCode::Neq, Int64, Device("CPU:0")) -> Unit(benchmark::kMillisecond)
 
 BENCHMARK_CAPTURE (BinaryEW, Neq__CPU_Int64__100000000, 100000000, BinaryOpCode::Neq, Int64, Device("CPU:0")) -> Unit(benchmark::kMillisecond)
 
 BENCHMARK_CAPTURE (BinaryEW, Neq__CPU_UInt64__100, 100, BinaryOpCode::Neq, UInt64, Device("CPU:0")) -> Unit(benchmark::kMillisecond)
 
 BENCHMARK_CAPTURE (BinaryEW, Neq__CPU_UInt64__100000, 100000, BinaryOpCode::Neq, UInt64, Device("CPU:0")) -> Unit(benchmark::kMillisecond)
 
 BENCHMARK_CAPTURE (BinaryEW, Neq__CPU_UInt64__100000000, 100000000, BinaryOpCode::Neq, UInt64, Device("CPU:0")) -> Unit(benchmark::kMillisecond)
 
 BENCHMARK_CAPTURE (BinaryEW, Neq__CPU_Float32__100, 100, BinaryOpCode::Neq, Float32, Device("CPU:0")) -> Unit(benchmark::kMillisecond)
 
 BENCHMARK_CAPTURE (BinaryEW, Neq__CPU_Float32__100000, 100000, BinaryOpCode::Neq, Float32, Device("CPU:0")) -> Unit(benchmark::kMillisecond)
 
 BENCHMARK_CAPTURE (BinaryEW, Neq__CPU_Float32__100000000, 100000000, BinaryOpCode::Neq, Float32, Device("CPU:0")) -> Unit(benchmark::kMillisecond)
 
 BENCHMARK_CAPTURE (BinaryEW, Neq__CPU_Float64__100, 100, BinaryOpCode::Neq, Float64, Device("CPU:0")) -> Unit(benchmark::kMillisecond)
 
 BENCHMARK_CAPTURE (BinaryEW, Neq__CPU_Float64__100000, 100000, BinaryOpCode::Neq, Float64, Device("CPU:0")) -> Unit(benchmark::kMillisecond)
 
 BENCHMARK_CAPTURE (BinaryEW, Neq__CPU_Float64__100000000, 100000000, BinaryOpCode::Neq, Float64, Device("CPU:0")) -> Unit(benchmark::kMillisecond)
 
void HashInsertInt (benchmark::State &state, int capacity, int duplicate_factor, const Device &device, const HashBackendType &backend)
 
void HashEraseInt (benchmark::State &state, int capacity, int duplicate_factor, const Device &device, const HashBackendType &backend)
 
void HashFindInt (benchmark::State &state, int capacity, int duplicate_factor, const Device &device, const HashBackendType &backend)
 
void HashClearInt (benchmark::State &state, int capacity, int duplicate_factor, const Device &device, const HashBackendType &backend)
 
void HashReserveInt (benchmark::State &state, int capacity, int duplicate_factor, const Device &device, const HashBackendType &backend)
 
void HashInsertInt3 (benchmark::State &state, int capacity, int duplicate_factor, const Device &device, const HashBackendType &backend)
 
void HashEraseInt3 (benchmark::State &state, int capacity, int duplicate_factor, const Device &device, const HashBackendType &backend)
 
void HashFindInt3 (benchmark::State &state, int capacity, int duplicate_factor, const Device &device, const HashBackendType &backend)
 
void HashClearInt3 (benchmark::State &state, int capacity, int duplicate_factor, const Device &device, const HashBackendType &backend)
 
void HashReserveInt3 (benchmark::State &state, int capacity, int duplicate_factor, const Device &device, const HashBackendType &backend)
 
 BENCHMARK_CAPTURE (HashInsertInt, HashBackendType::TBB_100_1, 100, 1, Device("CPU:0"), HashBackendType::TBB) -> Unit(benchmark::kMillisecond)
 
 BENCHMARK_CAPTURE (HashInsertInt, HashBackendType::TBB_1000_1, 1000, 1, Device("CPU:0"), HashBackendType::TBB) -> Unit(benchmark::kMillisecond)
 
 BENCHMARK_CAPTURE (HashInsertInt, HashBackendType::TBB_10000_1, 10000, 1, Device("CPU:0"), HashBackendType::TBB) -> Unit(benchmark::kMillisecond)
 
 BENCHMARK_CAPTURE (HashInsertInt, HashBackendType::TBB_100000_1, 100000, 1, Device("CPU:0"), HashBackendType::TBB) -> Unit(benchmark::kMillisecond)
 
 BENCHMARK_CAPTURE (HashInsertInt, HashBackendType::TBB_1000000_1, 1000000, 1, Device("CPU:0"), HashBackendType::TBB) -> Unit(benchmark::kMillisecond)
 
 BENCHMARK_CAPTURE (HashInsertInt, HashBackendType::TBB_100_2, 100, 2, Device("CPU:0"), HashBackendType::TBB) -> Unit(benchmark::kMillisecond)
 
 BENCHMARK_CAPTURE (HashInsertInt, HashBackendType::TBB_1000_2, 1000, 2, Device("CPU:0"), HashBackendType::TBB) -> Unit(benchmark::kMillisecond)
 
 BENCHMARK_CAPTURE (HashInsertInt, HashBackendType::TBB_10000_2, 10000, 2, Device("CPU:0"), HashBackendType::TBB) -> Unit(benchmark::kMillisecond)
 
 BENCHMARK_CAPTURE (HashInsertInt, HashBackendType::TBB_100000_2, 100000, 2, Device("CPU:0"), HashBackendType::TBB) -> Unit(benchmark::kMillisecond)
 
 BENCHMARK_CAPTURE (HashInsertInt, HashBackendType::TBB_1000000_2, 1000000, 2, Device("CPU:0"), HashBackendType::TBB) -> Unit(benchmark::kMillisecond)
 
 BENCHMARK_CAPTURE (HashInsertInt, HashBackendType::TBB_100_4, 100, 4, Device("CPU:0"), HashBackendType::TBB) -> Unit(benchmark::kMillisecond)
 
 BENCHMARK_CAPTURE (HashInsertInt, HashBackendType::TBB_1000_4, 1000, 4, Device("CPU:0"), HashBackendType::TBB) -> Unit(benchmark::kMillisecond)
 
 BENCHMARK_CAPTURE (HashInsertInt, HashBackendType::TBB_10000_4, 10000, 4, Device("CPU:0"), HashBackendType::TBB) -> Unit(benchmark::kMillisecond)
 
 BENCHMARK_CAPTURE (HashInsertInt, HashBackendType::TBB_100000_4, 100000, 4, Device("CPU:0"), HashBackendType::TBB) -> Unit(benchmark::kMillisecond)
 
 BENCHMARK_CAPTURE (HashInsertInt, HashBackendType::TBB_1000000_4, 1000000, 4, Device("CPU:0"), HashBackendType::TBB) -> Unit(benchmark::kMillisecond)
 
 BENCHMARK_CAPTURE (HashInsertInt, HashBackendType::TBB_100_8, 100, 8, Device("CPU:0"), HashBackendType::TBB) -> Unit(benchmark::kMillisecond)
 
 BENCHMARK_CAPTURE (HashInsertInt, HashBackendType::TBB_1000_8, 1000, 8, Device("CPU:0"), HashBackendType::TBB) -> Unit(benchmark::kMillisecond)
 
 BENCHMARK_CAPTURE (HashInsertInt, HashBackendType::TBB_10000_8, 10000, 8, Device("CPU:0"), HashBackendType::TBB) -> Unit(benchmark::kMillisecond)
 
 BENCHMARK_CAPTURE (HashInsertInt, HashBackendType::TBB_100000_8, 100000, 8, Device("CPU:0"), HashBackendType::TBB) -> Unit(benchmark::kMillisecond)
 
 BENCHMARK_CAPTURE (HashInsertInt, HashBackendType::TBB_1000000_8, 1000000, 8, Device("CPU:0"), HashBackendType::TBB) -> Unit(benchmark::kMillisecond)
 
 BENCHMARK_CAPTURE (HashInsertInt, HashBackendType::TBB_100_16, 100, 16, Device("CPU:0"), HashBackendType::TBB) -> Unit(benchmark::kMillisecond)
 
 BENCHMARK_CAPTURE (HashInsertInt, HashBackendType::TBB_1000_16, 1000, 16, Device("CPU:0"), HashBackendType::TBB) -> Unit(benchmark::kMillisecond)
 
 BENCHMARK_CAPTURE (HashInsertInt, HashBackendType::TBB_10000_16, 10000, 16, Device("CPU:0"), HashBackendType::TBB) -> Unit(benchmark::kMillisecond)
 
 BENCHMARK_CAPTURE (HashInsertInt, HashBackendType::TBB_100000_16, 100000, 16, Device("CPU:0"), HashBackendType::TBB) -> Unit(benchmark::kMillisecond)
 
 BENCHMARK_CAPTURE (HashInsertInt, HashBackendType::TBB_1000000_16, 1000000, 16, Device("CPU:0"), HashBackendType::TBB) -> Unit(benchmark::kMillisecond)
 
 BENCHMARK_CAPTURE (HashInsertInt, HashBackendType::TBB_100_32, 100, 32, Device("CPU:0"), HashBackendType::TBB) -> Unit(benchmark::kMillisecond)
 
 BENCHMARK_CAPTURE (HashInsertInt, HashBackendType::TBB_1000_32, 1000, 32, Device("CPU:0"), HashBackendType::TBB) -> Unit(benchmark::kMillisecond)
 
 BENCHMARK_CAPTURE (HashInsertInt, HashBackendType::TBB_10000_32, 10000, 32, Device("CPU:0"), HashBackendType::TBB) -> Unit(benchmark::kMillisecond)
 
 BENCHMARK_CAPTURE (HashInsertInt, HashBackendType::TBB_100000_32, 100000, 32, Device("CPU:0"), HashBackendType::TBB) -> Unit(benchmark::kMillisecond)
 
 BENCHMARK_CAPTURE (HashInsertInt, HashBackendType::TBB_1000000_32, 1000000, 32, Device("CPU:0"), HashBackendType::TBB) -> Unit(benchmark::kMillisecond)
 
 BENCHMARK_CAPTURE (HashInsertInt3, HashBackendType::TBB_100_1, 100, 1, Device("CPU:0"), HashBackendType::TBB) -> Unit(benchmark::kMillisecond)
 
 BENCHMARK_CAPTURE (HashInsertInt3, HashBackendType::TBB_1000_1, 1000, 1, Device("CPU:0"), HashBackendType::TBB) -> Unit(benchmark::kMillisecond)
 
 BENCHMARK_CAPTURE (HashInsertInt3, HashBackendType::TBB_10000_1, 10000, 1, Device("CPU:0"), HashBackendType::TBB) -> Unit(benchmark::kMillisecond)
 
 BENCHMARK_CAPTURE (HashInsertInt3, HashBackendType::TBB_100000_1, 100000, 1, Device("CPU:0"), HashBackendType::TBB) -> Unit(benchmark::kMillisecond)
 
 BENCHMARK_CAPTURE (HashInsertInt3, HashBackendType::TBB_1000000_1, 1000000, 1, Device("CPU:0"), HashBackendType::TBB) -> Unit(benchmark::kMillisecond)
 
 BENCHMARK_CAPTURE (HashInsertInt3, HashBackendType::TBB_100_2, 100, 2, Device("CPU:0"), HashBackendType::TBB) -> Unit(benchmark::kMillisecond)
 
 BENCHMARK_CAPTURE (HashInsertInt3, HashBackendType::TBB_1000_2, 1000, 2, Device("CPU:0"), HashBackendType::TBB) -> Unit(benchmark::kMillisecond)
 
 BENCHMARK_CAPTURE (HashInsertInt3, HashBackendType::TBB_10000_2, 10000, 2, Device("CPU:0"), HashBackendType::TBB) -> Unit(benchmark::kMillisecond)
 
 BENCHMARK_CAPTURE (HashInsertInt3, HashBackendType::TBB_100000_2, 100000, 2, Device("CPU:0"), HashBackendType::TBB) -> Unit(benchmark::kMillisecond)
 
 BENCHMARK_CAPTURE (HashInsertInt3, HashBackendType::TBB_1000000_2, 1000000, 2, Device("CPU:0"), HashBackendType::TBB) -> Unit(benchmark::kMillisecond)
 
 BENCHMARK_CAPTURE (HashInsertInt3, HashBackendType::TBB_100_4, 100, 4, Device("CPU:0"), HashBackendType::TBB) -> Unit(benchmark::kMillisecond)
 
 BENCHMARK_CAPTURE (HashInsertInt3, HashBackendType::TBB_1000_4, 1000, 4, Device("CPU:0"), HashBackendType::TBB) -> Unit(benchmark::kMillisecond)
 
 BENCHMARK_CAPTURE (HashInsertInt3, HashBackendType::TBB_10000_4, 10000, 4, Device("CPU:0"), HashBackendType::TBB) -> Unit(benchmark::kMillisecond)
 
 BENCHMARK_CAPTURE (HashInsertInt3, HashBackendType::TBB_100000_4, 100000, 4, Device("CPU:0"), HashBackendType::TBB) -> Unit(benchmark::kMillisecond)
 
 BENCHMARK_CAPTURE (HashInsertInt3, HashBackendType::TBB_1000000_4, 1000000, 4, Device("CPU:0"), HashBackendType::TBB) -> Unit(benchmark::kMillisecond)
 
 BENCHMARK_CAPTURE (HashInsertInt3, HashBackendType::TBB_100_8, 100, 8, Device("CPU:0"), HashBackendType::TBB) -> Unit(benchmark::kMillisecond)
 
 BENCHMARK_CAPTURE (HashInsertInt3, HashBackendType::TBB_1000_8, 1000, 8, Device("CPU:0"), HashBackendType::TBB) -> Unit(benchmark::kMillisecond)
 
 BENCHMARK_CAPTURE (HashInsertInt3, HashBackendType::TBB_10000_8, 10000, 8, Device("CPU:0"), HashBackendType::TBB) -> Unit(benchmark::kMillisecond)
 
 BENCHMARK_CAPTURE (HashInsertInt3, HashBackendType::TBB_100000_8, 100000, 8, Device("CPU:0"), HashBackendType::TBB) -> Unit(benchmark::kMillisecond)
 
 BENCHMARK_CAPTURE (HashInsertInt3, HashBackendType::TBB_1000000_8, 1000000, 8, Device("CPU:0"), HashBackendType::TBB) -> Unit(benchmark::kMillisecond)
 
 BENCHMARK_CAPTURE (HashInsertInt3, HashBackendType::TBB_100_16, 100, 16, Device("CPU:0"), HashBackendType::TBB) -> Unit(benchmark::kMillisecond)
 
 BENCHMARK_CAPTURE (HashInsertInt3, HashBackendType::TBB_1000_16, 1000, 16, Device("CPU:0"), HashBackendType::TBB) -> Unit(benchmark::kMillisecond)
 
 BENCHMARK_CAPTURE (HashInsertInt3, HashBackendType::TBB_10000_16, 10000, 16, Device("CPU:0"), HashBackendType::TBB) -> Unit(benchmark::kMillisecond)
 
 BENCHMARK_CAPTURE (HashInsertInt3, HashBackendType::TBB_100000_16, 100000, 16, Device("CPU:0"), HashBackendType::TBB) -> Unit(benchmark::kMillisecond)
 
 BENCHMARK_CAPTURE (HashInsertInt3, HashBackendType::TBB_1000000_16, 1000000, 16, Device("CPU:0"), HashBackendType::TBB) -> Unit(benchmark::kMillisecond)
 
 BENCHMARK_CAPTURE (HashInsertInt3, HashBackendType::TBB_100_32, 100, 32, Device("CPU:0"), HashBackendType::TBB) -> Unit(benchmark::kMillisecond)
 
 BENCHMARK_CAPTURE (HashInsertInt3, HashBackendType::TBB_1000_32, 1000, 32, Device("CPU:0"), HashBackendType::TBB) -> Unit(benchmark::kMillisecond)
 
 BENCHMARK_CAPTURE (HashInsertInt3, HashBackendType::TBB_10000_32, 10000, 32, Device("CPU:0"), HashBackendType::TBB) -> Unit(benchmark::kMillisecond)
 
 BENCHMARK_CAPTURE (HashInsertInt3, HashBackendType::TBB_100000_32, 100000, 32, Device("CPU:0"), HashBackendType::TBB) -> Unit(benchmark::kMillisecond)
 
 BENCHMARK_CAPTURE (HashInsertInt3, HashBackendType::TBB_1000000_32, 1000000, 32, Device("CPU:0"), HashBackendType::TBB) -> Unit(benchmark::kMillisecond)
 
 BENCHMARK_CAPTURE (HashEraseInt, HashBackendType::TBB_100_1, 100, 1, Device("CPU:0"), HashBackendType::TBB) -> Unit(benchmark::kMillisecond)
 
 BENCHMARK_CAPTURE (HashEraseInt, HashBackendType::TBB_1000_1, 1000, 1, Device("CPU:0"), HashBackendType::TBB) -> Unit(benchmark::kMillisecond)
 
 BENCHMARK_CAPTURE (HashEraseInt, HashBackendType::TBB_10000_1, 10000, 1, Device("CPU:0"), HashBackendType::TBB) -> Unit(benchmark::kMillisecond)
 
 BENCHMARK_CAPTURE (HashEraseInt, HashBackendType::TBB_100000_1, 100000, 1, Device("CPU:0"), HashBackendType::TBB) -> Unit(benchmark::kMillisecond)
 
 BENCHMARK_CAPTURE (HashEraseInt, HashBackendType::TBB_1000000_1, 1000000, 1, Device("CPU:0"), HashBackendType::TBB) -> Unit(benchmark::kMillisecond)
 
 BENCHMARK_CAPTURE (HashEraseInt, HashBackendType::TBB_100_2, 100, 2, Device("CPU:0"), HashBackendType::TBB) -> Unit(benchmark::kMillisecond)
 
 BENCHMARK_CAPTURE (HashEraseInt, HashBackendType::TBB_1000_2, 1000, 2, Device("CPU:0"), HashBackendType::TBB) -> Unit(benchmark::kMillisecond)
 
 BENCHMARK_CAPTURE (HashEraseInt, HashBackendType::TBB_10000_2, 10000, 2, Device("CPU:0"), HashBackendType::TBB) -> Unit(benchmark::kMillisecond)
 
 BENCHMARK_CAPTURE (HashEraseInt, HashBackendType::TBB_100000_2, 100000, 2, Device("CPU:0"), HashBackendType::TBB) -> Unit(benchmark::kMillisecond)
 
 BENCHMARK_CAPTURE (HashEraseInt, HashBackendType::TBB_1000000_2, 1000000, 2, Device("CPU:0"), HashBackendType::TBB) -> Unit(benchmark::kMillisecond)
 
 BENCHMARK_CAPTURE (HashEraseInt, HashBackendType::TBB_100_4, 100, 4, Device("CPU:0"), HashBackendType::TBB) -> Unit(benchmark::kMillisecond)
 
 BENCHMARK_CAPTURE (HashEraseInt, HashBackendType::TBB_1000_4, 1000, 4, Device("CPU:0"), HashBackendType::TBB) -> Unit(benchmark::kMillisecond)
 
 BENCHMARK_CAPTURE (HashEraseInt, HashBackendType::TBB_10000_4, 10000, 4, Device("CPU:0"), HashBackendType::TBB) -> Unit(benchmark::kMillisecond)
 
 BENCHMARK_CAPTURE (HashEraseInt, HashBackendType::TBB_100000_4, 100000, 4, Device("CPU:0"), HashBackendType::TBB) -> Unit(benchmark::kMillisecond)
 
 BENCHMARK_CAPTURE (HashEraseInt, HashBackendType::TBB_1000000_4, 1000000, 4, Device("CPU:0"), HashBackendType::TBB) -> Unit(benchmark::kMillisecond)
 
 BENCHMARK_CAPTURE (HashEraseInt, HashBackendType::TBB_100_8, 100, 8, Device("CPU:0"), HashBackendType::TBB) -> Unit(benchmark::kMillisecond)
 
 BENCHMARK_CAPTURE (HashEraseInt, HashBackendType::TBB_1000_8, 1000, 8, Device("CPU:0"), HashBackendType::TBB) -> Unit(benchmark::kMillisecond)
 
 BENCHMARK_CAPTURE (HashEraseInt, HashBackendType::TBB_10000_8, 10000, 8, Device("CPU:0"), HashBackendType::TBB) -> Unit(benchmark::kMillisecond)
 
 BENCHMARK_CAPTURE (HashEraseInt, HashBackendType::TBB_100000_8, 100000, 8, Device("CPU:0"), HashBackendType::TBB) -> Unit(benchmark::kMillisecond)
 
 BENCHMARK_CAPTURE (HashEraseInt, HashBackendType::TBB_1000000_8, 1000000, 8, Device("CPU:0"), HashBackendType::TBB) -> Unit(benchmark::kMillisecond)
 
 BENCHMARK_CAPTURE (HashEraseInt, HashBackendType::TBB_100_16, 100, 16, Device("CPU:0"), HashBackendType::TBB) -> Unit(benchmark::kMillisecond)
 
 BENCHMARK_CAPTURE (HashEraseInt, HashBackendType::TBB_1000_16, 1000, 16, Device("CPU:0"), HashBackendType::TBB) -> Unit(benchmark::kMillisecond)
 
 BENCHMARK_CAPTURE (HashEraseInt, HashBackendType::TBB_10000_16, 10000, 16, Device("CPU:0"), HashBackendType::TBB) -> Unit(benchmark::kMillisecond)
 
 BENCHMARK_CAPTURE (HashEraseInt, HashBackendType::TBB_100000_16, 100000, 16, Device("CPU:0"), HashBackendType::TBB) -> Unit(benchmark::kMillisecond)
 
 BENCHMARK_CAPTURE (HashEraseInt, HashBackendType::TBB_1000000_16, 1000000, 16, Device("CPU:0"), HashBackendType::TBB) -> Unit(benchmark::kMillisecond)
 
 BENCHMARK_CAPTURE (HashEraseInt, HashBackendType::TBB_100_32, 100, 32, Device("CPU:0"), HashBackendType::TBB) -> Unit(benchmark::kMillisecond)
 
 BENCHMARK_CAPTURE (HashEraseInt, HashBackendType::TBB_1000_32, 1000, 32, Device("CPU:0"), HashBackendType::TBB) -> Unit(benchmark::kMillisecond)
 
 BENCHMARK_CAPTURE (HashEraseInt, HashBackendType::TBB_10000_32, 10000, 32, Device("CPU:0"), HashBackendType::TBB) -> Unit(benchmark::kMillisecond)
 
 BENCHMARK_CAPTURE (HashEraseInt, HashBackendType::TBB_100000_32, 100000, 32, Device("CPU:0"), HashBackendType::TBB) -> Unit(benchmark::kMillisecond)
 
 BENCHMARK_CAPTURE (HashEraseInt, HashBackendType::TBB_1000000_32, 1000000, 32, Device("CPU:0"), HashBackendType::TBB) -> Unit(benchmark::kMillisecond)
 
 BENCHMARK_CAPTURE (HashEraseInt3, HashBackendType::TBB_100_1, 100, 1, Device("CPU:0"), HashBackendType::TBB) -> Unit(benchmark::kMillisecond)
 
 BENCHMARK_CAPTURE (HashEraseInt3, HashBackendType::TBB_1000_1, 1000, 1, Device("CPU:0"), HashBackendType::TBB) -> Unit(benchmark::kMillisecond)
 
 BENCHMARK_CAPTURE (HashEraseInt3, HashBackendType::TBB_10000_1, 10000, 1, Device("CPU:0"), HashBackendType::TBB) -> Unit(benchmark::kMillisecond)
 
 BENCHMARK_CAPTURE (HashEraseInt3, HashBackendType::TBB_100000_1, 100000, 1, Device("CPU:0"), HashBackendType::TBB) -> Unit(benchmark::kMillisecond)
 
 BENCHMARK_CAPTURE (HashEraseInt3, HashBackendType::TBB_1000000_1, 1000000, 1, Device("CPU:0"), HashBackendType::TBB) -> Unit(benchmark::kMillisecond)
 
 BENCHMARK_CAPTURE (HashEraseInt3, HashBackendType::TBB_100_2, 100, 2, Device("CPU:0"), HashBackendType::TBB) -> Unit(benchmark::kMillisecond)
 
 BENCHMARK_CAPTURE (HashEraseInt3, HashBackendType::TBB_1000_2, 1000, 2, Device("CPU:0"), HashBackendType::TBB) -> Unit(benchmark::kMillisecond)
 
 BENCHMARK_CAPTURE (HashEraseInt3, HashBackendType::TBB_10000_2, 10000, 2, Device("CPU:0"), HashBackendType::TBB) -> Unit(benchmark::kMillisecond)
 
 BENCHMARK_CAPTURE (HashEraseInt3, HashBackendType::TBB_100000_2, 100000, 2, Device("CPU:0"), HashBackendType::TBB) -> Unit(benchmark::kMillisecond)
 
 BENCHMARK_CAPTURE (HashEraseInt3, HashBackendType::TBB_1000000_2, 1000000, 2, Device("CPU:0"), HashBackendType::TBB) -> Unit(benchmark::kMillisecond)
 
 BENCHMARK_CAPTURE (HashEraseInt3, HashBackendType::TBB_100_4, 100, 4, Device("CPU:0"), HashBackendType::TBB) -> Unit(benchmark::kMillisecond)
 
 BENCHMARK_CAPTURE (HashEraseInt3, HashBackendType::TBB_1000_4, 1000, 4, Device("CPU:0"), HashBackendType::TBB) -> Unit(benchmark::kMillisecond)
 
 BENCHMARK_CAPTURE (HashEraseInt3, HashBackendType::TBB_10000_4, 10000, 4, Device("CPU:0"), HashBackendType::TBB) -> Unit(benchmark::kMillisecond)
 
 BENCHMARK_CAPTURE (HashEraseInt3, HashBackendType::TBB_100000_4, 100000, 4, Device("CPU:0"), HashBackendType::TBB) -> Unit(benchmark::kMillisecond)
 
 BENCHMARK_CAPTURE (HashEraseInt3, HashBackendType::TBB_1000000_4, 1000000, 4, Device("CPU:0"), HashBackendType::TBB) -> Unit(benchmark::kMillisecond)
 
 BENCHMARK_CAPTURE (HashEraseInt3, HashBackendType::TBB_100_8, 100, 8, Device("CPU:0"), HashBackendType::TBB) -> Unit(benchmark::kMillisecond)
 
 BENCHMARK_CAPTURE (HashEraseInt3, HashBackendType::TBB_1000_8, 1000, 8, Device("CPU:0"), HashBackendType::TBB) -> Unit(benchmark::kMillisecond)
 
 BENCHMARK_CAPTURE (HashEraseInt3, HashBackendType::TBB_10000_8, 10000, 8, Device("CPU:0"), HashBackendType::TBB) -> Unit(benchmark::kMillisecond)
 
 BENCHMARK_CAPTURE (HashEraseInt3, HashBackendType::TBB_100000_8, 100000, 8, Device("CPU:0"), HashBackendType::TBB) -> Unit(benchmark::kMillisecond)
 
 BENCHMARK_CAPTURE (HashEraseInt3, HashBackendType::TBB_1000000_8, 1000000, 8, Device("CPU:0"), HashBackendType::TBB) -> Unit(benchmark::kMillisecond)
 
 BENCHMARK_CAPTURE (HashEraseInt3, HashBackendType::TBB_100_16, 100, 16, Device("CPU:0"), HashBackendType::TBB) -> Unit(benchmark::kMillisecond)
 
 BENCHMARK_CAPTURE (HashEraseInt3, HashBackendType::TBB_1000_16, 1000, 16, Device("CPU:0"), HashBackendType::TBB) -> Unit(benchmark::kMillisecond)
 
 BENCHMARK_CAPTURE (HashEraseInt3, HashBackendType::TBB_10000_16, 10000, 16, Device("CPU:0"), HashBackendType::TBB) -> Unit(benchmark::kMillisecond)
 
 BENCHMARK_CAPTURE (HashEraseInt3, HashBackendType::TBB_100000_16, 100000, 16, Device("CPU:0"), HashBackendType::TBB) -> Unit(benchmark::kMillisecond)
 
 BENCHMARK_CAPTURE (HashEraseInt3, HashBackendType::TBB_1000000_16, 1000000, 16, Device("CPU:0"), HashBackendType::TBB) -> Unit(benchmark::kMillisecond)
 
 BENCHMARK_CAPTURE (HashEraseInt3, HashBackendType::TBB_100_32, 100, 32, Device("CPU:0"), HashBackendType::TBB) -> Unit(benchmark::kMillisecond)
 
 BENCHMARK_CAPTURE (HashEraseInt3, HashBackendType::TBB_1000_32, 1000, 32, Device("CPU:0"), HashBackendType::TBB) -> Unit(benchmark::kMillisecond)
 
 BENCHMARK_CAPTURE (HashEraseInt3, HashBackendType::TBB_10000_32, 10000, 32, Device("CPU:0"), HashBackendType::TBB) -> Unit(benchmark::kMillisecond)
 
 BENCHMARK_CAPTURE (HashEraseInt3, HashBackendType::TBB_100000_32, 100000, 32, Device("CPU:0"), HashBackendType::TBB) -> Unit(benchmark::kMillisecond)
 
 BENCHMARK_CAPTURE (HashEraseInt3, HashBackendType::TBB_1000000_32, 1000000, 32, Device("CPU:0"), HashBackendType::TBB) -> Unit(benchmark::kMillisecond)
 
 BENCHMARK_CAPTURE (HashFindInt, HashBackendType::TBB_100_1, 100, 1, Device("CPU:0"), HashBackendType::TBB) -> Unit(benchmark::kMillisecond)
 
 BENCHMARK_CAPTURE (HashFindInt, HashBackendType::TBB_1000_1, 1000, 1, Device("CPU:0"), HashBackendType::TBB) -> Unit(benchmark::kMillisecond)
 
 BENCHMARK_CAPTURE (HashFindInt, HashBackendType::TBB_10000_1, 10000, 1, Device("CPU:0"), HashBackendType::TBB) -> Unit(benchmark::kMillisecond)
 
 BENCHMARK_CAPTURE (HashFindInt, HashBackendType::TBB_100000_1, 100000, 1, Device("CPU:0"), HashBackendType::TBB) -> Unit(benchmark::kMillisecond)
 
 BENCHMARK_CAPTURE (HashFindInt, HashBackendType::TBB_1000000_1, 1000000, 1, Device("CPU:0"), HashBackendType::TBB) -> Unit(benchmark::kMillisecond)
 
 BENCHMARK_CAPTURE (HashFindInt, HashBackendType::TBB_100_2, 100, 2, Device("CPU:0"), HashBackendType::TBB) -> Unit(benchmark::kMillisecond)
 
 BENCHMARK_CAPTURE (HashFindInt, HashBackendType::TBB_1000_2, 1000, 2, Device("CPU:0"), HashBackendType::TBB) -> Unit(benchmark::kMillisecond)
 
 BENCHMARK_CAPTURE (HashFindInt, HashBackendType::TBB_10000_2, 10000, 2, Device("CPU:0"), HashBackendType::TBB) -> Unit(benchmark::kMillisecond)
 
 BENCHMARK_CAPTURE (HashFindInt, HashBackendType::TBB_100000_2, 100000, 2, Device("CPU:0"), HashBackendType::TBB) -> Unit(benchmark::kMillisecond)
 
 BENCHMARK_CAPTURE (HashFindInt, HashBackendType::TBB_1000000_2, 1000000, 2, Device("CPU:0"), HashBackendType::TBB) -> Unit(benchmark::kMillisecond)
 
 BENCHMARK_CAPTURE (HashFindInt, HashBackendType::TBB_100_4, 100, 4, Device("CPU:0"), HashBackendType::TBB) -> Unit(benchmark::kMillisecond)
 
 BENCHMARK_CAPTURE (HashFindInt, HashBackendType::TBB_1000_4, 1000, 4, Device("CPU:0"), HashBackendType::TBB) -> Unit(benchmark::kMillisecond)
 
 BENCHMARK_CAPTURE (HashFindInt, HashBackendType::TBB_10000_4, 10000, 4, Device("CPU:0"), HashBackendType::TBB) -> Unit(benchmark::kMillisecond)
 
 BENCHMARK_CAPTURE (HashFindInt, HashBackendType::TBB_100000_4, 100000, 4, Device("CPU:0"), HashBackendType::TBB) -> Unit(benchmark::kMillisecond)
 
 BENCHMARK_CAPTURE (HashFindInt, HashBackendType::TBB_1000000_4, 1000000, 4, Device("CPU:0"), HashBackendType::TBB) -> Unit(benchmark::kMillisecond)
 
 BENCHMARK_CAPTURE (HashFindInt, HashBackendType::TBB_100_8, 100, 8, Device("CPU:0"), HashBackendType::TBB) -> Unit(benchmark::kMillisecond)
 
 BENCHMARK_CAPTURE (HashFindInt, HashBackendType::TBB_1000_8, 1000, 8, Device("CPU:0"), HashBackendType::TBB) -> Unit(benchmark::kMillisecond)
 
 BENCHMARK_CAPTURE (HashFindInt, HashBackendType::TBB_10000_8, 10000, 8, Device("CPU:0"), HashBackendType::TBB) -> Unit(benchmark::kMillisecond)
 
 BENCHMARK_CAPTURE (HashFindInt, HashBackendType::TBB_100000_8, 100000, 8, Device("CPU:0"), HashBackendType::TBB) -> Unit(benchmark::kMillisecond)
 
 BENCHMARK_CAPTURE (HashFindInt, HashBackendType::TBB_1000000_8, 1000000, 8, Device("CPU:0"), HashBackendType::TBB) -> Unit(benchmark::kMillisecond)
 
 BENCHMARK_CAPTURE (HashFindInt, HashBackendType::TBB_100_16, 100, 16, Device("CPU:0"), HashBackendType::TBB) -> Unit(benchmark::kMillisecond)
 
 BENCHMARK_CAPTURE (HashFindInt, HashBackendType::TBB_1000_16, 1000, 16, Device("CPU:0"), HashBackendType::TBB) -> Unit(benchmark::kMillisecond)
 
 BENCHMARK_CAPTURE (HashFindInt, HashBackendType::TBB_10000_16, 10000, 16, Device("CPU:0"), HashBackendType::TBB) -> Unit(benchmark::kMillisecond)
 
 BENCHMARK_CAPTURE (HashFindInt, HashBackendType::TBB_100000_16, 100000, 16, Device("CPU:0"), HashBackendType::TBB) -> Unit(benchmark::kMillisecond)
 
 BENCHMARK_CAPTURE (HashFindInt, HashBackendType::TBB_1000000_16, 1000000, 16, Device("CPU:0"), HashBackendType::TBB) -> Unit(benchmark::kMillisecond)
 
 BENCHMARK_CAPTURE (HashFindInt, HashBackendType::TBB_100_32, 100, 32, Device("CPU:0"), HashBackendType::TBB) -> Unit(benchmark::kMillisecond)
 
 BENCHMARK_CAPTURE (HashFindInt, HashBackendType::TBB_1000_32, 1000, 32, Device("CPU:0"), HashBackendType::TBB) -> Unit(benchmark::kMillisecond)
 
 BENCHMARK_CAPTURE (HashFindInt, HashBackendType::TBB_10000_32, 10000, 32, Device("CPU:0"), HashBackendType::TBB) -> Unit(benchmark::kMillisecond)
 
 BENCHMARK_CAPTURE (HashFindInt, HashBackendType::TBB_100000_32, 100000, 32, Device("CPU:0"), HashBackendType::TBB) -> Unit(benchmark::kMillisecond)
 
 BENCHMARK_CAPTURE (HashFindInt, HashBackendType::TBB_1000000_32, 1000000, 32, Device("CPU:0"), HashBackendType::TBB) -> Unit(benchmark::kMillisecond)
 
 BENCHMARK_CAPTURE (HashFindInt3, HashBackendType::TBB_100_1, 100, 1, Device("CPU:0"), HashBackendType::TBB) -> Unit(benchmark::kMillisecond)
 
 BENCHMARK_CAPTURE (HashFindInt3, HashBackendType::TBB_1000_1, 1000, 1, Device("CPU:0"), HashBackendType::TBB) -> Unit(benchmark::kMillisecond)
 
 BENCHMARK_CAPTURE (HashFindInt3, HashBackendType::TBB_10000_1, 10000, 1, Device("CPU:0"), HashBackendType::TBB) -> Unit(benchmark::kMillisecond)
 
 BENCHMARK_CAPTURE (HashFindInt3, HashBackendType::TBB_100000_1, 100000, 1, Device("CPU:0"), HashBackendType::TBB) -> Unit(benchmark::kMillisecond)
 
 BENCHMARK_CAPTURE (HashFindInt3, HashBackendType::TBB_1000000_1, 1000000, 1, Device("CPU:0"), HashBackendType::TBB) -> Unit(benchmark::kMillisecond)
 
 BENCHMARK_CAPTURE (HashFindInt3, HashBackendType::TBB_100_2, 100, 2, Device("CPU:0"), HashBackendType::TBB) -> Unit(benchmark::kMillisecond)
 
 BENCHMARK_CAPTURE (HashFindInt3, HashBackendType::TBB_1000_2, 1000, 2, Device("CPU:0"), HashBackendType::TBB) -> Unit(benchmark::kMillisecond)
 
 BENCHMARK_CAPTURE (HashFindInt3, HashBackendType::TBB_10000_2, 10000, 2, Device("CPU:0"), HashBackendType::TBB) -> Unit(benchmark::kMillisecond)
 
 BENCHMARK_CAPTURE (HashFindInt3, HashBackendType::TBB_100000_2, 100000, 2, Device("CPU:0"), HashBackendType::TBB) -> Unit(benchmark::kMillisecond)
 
 BENCHMARK_CAPTURE (HashFindInt3, HashBackendType::TBB_1000000_2, 1000000, 2, Device("CPU:0"), HashBackendType::TBB) -> Unit(benchmark::kMillisecond)
 
 BENCHMARK_CAPTURE (HashFindInt3, HashBackendType::TBB_100_4, 100, 4, Device("CPU:0"), HashBackendType::TBB) -> Unit(benchmark::kMillisecond)
 
 BENCHMARK_CAPTURE (HashFindInt3, HashBackendType::TBB_1000_4, 1000, 4, Device("CPU:0"), HashBackendType::TBB) -> Unit(benchmark::kMillisecond)
 
 BENCHMARK_CAPTURE (HashFindInt3, HashBackendType::TBB_10000_4, 10000, 4, Device("CPU:0"), HashBackendType::TBB) -> Unit(benchmark::kMillisecond)
 
 BENCHMARK_CAPTURE (HashFindInt3, HashBackendType::TBB_100000_4, 100000, 4, Device("CPU:0"), HashBackendType::TBB) -> Unit(benchmark::kMillisecond)
 
 BENCHMARK_CAPTURE (HashFindInt3, HashBackendType::TBB_1000000_4, 1000000, 4, Device("CPU:0"), HashBackendType::TBB) -> Unit(benchmark::kMillisecond)
 
 BENCHMARK_CAPTURE (HashFindInt3, HashBackendType::TBB_100_8, 100, 8, Device("CPU:0"), HashBackendType::TBB) -> Unit(benchmark::kMillisecond)
 
 BENCHMARK_CAPTURE (HashFindInt3, HashBackendType::TBB_1000_8, 1000, 8, Device("CPU:0"), HashBackendType::TBB) -> Unit(benchmark::kMillisecond)
 
 BENCHMARK_CAPTURE (HashFindInt3, HashBackendType::TBB_10000_8, 10000, 8, Device("CPU:0"), HashBackendType::TBB) -> Unit(benchmark::kMillisecond)
 
 BENCHMARK_CAPTURE (HashFindInt3, HashBackendType::TBB_100000_8, 100000, 8, Device("CPU:0"), HashBackendType::TBB) -> Unit(benchmark::kMillisecond)
 
 BENCHMARK_CAPTURE (HashFindInt3, HashBackendType::TBB_1000000_8, 1000000, 8, Device("CPU:0"), HashBackendType::TBB) -> Unit(benchmark::kMillisecond)
 
 BENCHMARK_CAPTURE (HashFindInt3, HashBackendType::TBB_100_16, 100, 16, Device("CPU:0"), HashBackendType::TBB) -> Unit(benchmark::kMillisecond)
 
 BENCHMARK_CAPTURE (HashFindInt3, HashBackendType::TBB_1000_16, 1000, 16, Device("CPU:0"), HashBackendType::TBB) -> Unit(benchmark::kMillisecond)
 
 BENCHMARK_CAPTURE (HashFindInt3, HashBackendType::TBB_10000_16, 10000, 16, Device("CPU:0"), HashBackendType::TBB) -> Unit(benchmark::kMillisecond)
 
 BENCHMARK_CAPTURE (HashFindInt3, HashBackendType::TBB_100000_16, 100000, 16, Device("CPU:0"), HashBackendType::TBB) -> Unit(benchmark::kMillisecond)
 
 BENCHMARK_CAPTURE (HashFindInt3, HashBackendType::TBB_1000000_16, 1000000, 16, Device("CPU:0"), HashBackendType::TBB) -> Unit(benchmark::kMillisecond)
 
 BENCHMARK_CAPTURE (HashFindInt3, HashBackendType::TBB_100_32, 100, 32, Device("CPU:0"), HashBackendType::TBB) -> Unit(benchmark::kMillisecond)
 
 BENCHMARK_CAPTURE (HashFindInt3, HashBackendType::TBB_1000_32, 1000, 32, Device("CPU:0"), HashBackendType::TBB) -> Unit(benchmark::kMillisecond)
 
 BENCHMARK_CAPTURE (HashFindInt3, HashBackendType::TBB_10000_32, 10000, 32, Device("CPU:0"), HashBackendType::TBB) -> Unit(benchmark::kMillisecond)
 
 BENCHMARK_CAPTURE (HashFindInt3, HashBackendType::TBB_100000_32, 100000, 32, Device("CPU:0"), HashBackendType::TBB) -> Unit(benchmark::kMillisecond)
 
 BENCHMARK_CAPTURE (HashFindInt3, HashBackendType::TBB_1000000_32, 1000000, 32, Device("CPU:0"), HashBackendType::TBB) -> Unit(benchmark::kMillisecond)
 
 BENCHMARK_CAPTURE (HashClearInt, HashBackendType::TBB_100_1, 100, 1, Device("CPU:0"), HashBackendType::TBB) -> Unit(benchmark::kMillisecond)
 
 BENCHMARK_CAPTURE (HashClearInt, HashBackendType::TBB_1000_1, 1000, 1, Device("CPU:0"), HashBackendType::TBB) -> Unit(benchmark::kMillisecond)
 
 BENCHMARK_CAPTURE (HashClearInt, HashBackendType::TBB_10000_1, 10000, 1, Device("CPU:0"), HashBackendType::TBB) -> Unit(benchmark::kMillisecond)
 
 BENCHMARK_CAPTURE (HashClearInt, HashBackendType::TBB_100000_1, 100000, 1, Device("CPU:0"), HashBackendType::TBB) -> Unit(benchmark::kMillisecond)
 
 BENCHMARK_CAPTURE (HashClearInt, HashBackendType::TBB_1000000_1, 1000000, 1, Device("CPU:0"), HashBackendType::TBB) -> Unit(benchmark::kMillisecond)
 
 BENCHMARK_CAPTURE (HashClearInt, HashBackendType::TBB_100_2, 100, 2, Device("CPU:0"), HashBackendType::TBB) -> Unit(benchmark::kMillisecond)
 
 BENCHMARK_CAPTURE (HashClearInt, HashBackendType::TBB_1000_2, 1000, 2, Device("CPU:0"), HashBackendType::TBB) -> Unit(benchmark::kMillisecond)
 
 BENCHMARK_CAPTURE (HashClearInt, HashBackendType::TBB_10000_2, 10000, 2, Device("CPU:0"), HashBackendType::TBB) -> Unit(benchmark::kMillisecond)
 
 BENCHMARK_CAPTURE (HashClearInt, HashBackendType::TBB_100000_2, 100000, 2, Device("CPU:0"), HashBackendType::TBB) -> Unit(benchmark::kMillisecond)
 
 BENCHMARK_CAPTURE (HashClearInt, HashBackendType::TBB_1000000_2, 1000000, 2, Device("CPU:0"), HashBackendType::TBB) -> Unit(benchmark::kMillisecond)
 
 BENCHMARK_CAPTURE (HashClearInt, HashBackendType::TBB_100_4, 100, 4, Device("CPU:0"), HashBackendType::TBB) -> Unit(benchmark::kMillisecond)
 
 BENCHMARK_CAPTURE (HashClearInt, HashBackendType::TBB_1000_4, 1000, 4, Device("CPU:0"), HashBackendType::TBB) -> Unit(benchmark::kMillisecond)
 
 BENCHMARK_CAPTURE (HashClearInt, HashBackendType::TBB_10000_4, 10000, 4, Device("CPU:0"), HashBackendType::TBB) -> Unit(benchmark::kMillisecond)
 
 BENCHMARK_CAPTURE (HashClearInt, HashBackendType::TBB_100000_4, 100000, 4, Device("CPU:0"), HashBackendType::TBB) -> Unit(benchmark::kMillisecond)
 
 BENCHMARK_CAPTURE (HashClearInt, HashBackendType::TBB_1000000_4, 1000000, 4, Device("CPU:0"), HashBackendType::TBB) -> Unit(benchmark::kMillisecond)
 
 BENCHMARK_CAPTURE (HashClearInt, HashBackendType::TBB_100_8, 100, 8, Device("CPU:0"), HashBackendType::TBB) -> Unit(benchmark::kMillisecond)
 
 BENCHMARK_CAPTURE (HashClearInt, HashBackendType::TBB_1000_8, 1000, 8, Device("CPU:0"), HashBackendType::TBB) -> Unit(benchmark::kMillisecond)
 
 BENCHMARK_CAPTURE (HashClearInt, HashBackendType::TBB_10000_8, 10000, 8, Device("CPU:0"), HashBackendType::TBB) -> Unit(benchmark::kMillisecond)
 
 BENCHMARK_CAPTURE (HashClearInt, HashBackendType::TBB_100000_8, 100000, 8, Device("CPU:0"), HashBackendType::TBB) -> Unit(benchmark::kMillisecond)
 
 BENCHMARK_CAPTURE (HashClearInt, HashBackendType::TBB_1000000_8, 1000000, 8, Device("CPU:0"), HashBackendType::TBB) -> Unit(benchmark::kMillisecond)
 
 BENCHMARK_CAPTURE (HashClearInt, HashBackendType::TBB_100_16, 100, 16, Device("CPU:0"), HashBackendType::TBB) -> Unit(benchmark::kMillisecond)
 
 BENCHMARK_CAPTURE (HashClearInt, HashBackendType::TBB_1000_16, 1000, 16, Device("CPU:0"), HashBackendType::TBB) -> Unit(benchmark::kMillisecond)
 
 BENCHMARK_CAPTURE (HashClearInt, HashBackendType::TBB_10000_16, 10000, 16, Device("CPU:0"), HashBackendType::TBB) -> Unit(benchmark::kMillisecond)
 
 BENCHMARK_CAPTURE (HashClearInt, HashBackendType::TBB_100000_16, 100000, 16, Device("CPU:0"), HashBackendType::TBB) -> Unit(benchmark::kMillisecond)
 
 BENCHMARK_CAPTURE (HashClearInt, HashBackendType::TBB_1000000_16, 1000000, 16, Device("CPU:0"), HashBackendType::TBB) -> Unit(benchmark::kMillisecond)
 
 BENCHMARK_CAPTURE (HashClearInt, HashBackendType::TBB_100_32, 100, 32, Device("CPU:0"), HashBackendType::TBB) -> Unit(benchmark::kMillisecond)
 
 BENCHMARK_CAPTURE (HashClearInt, HashBackendType::TBB_1000_32, 1000, 32, Device("CPU:0"), HashBackendType::TBB) -> Unit(benchmark::kMillisecond)
 
 BENCHMARK_CAPTURE (HashClearInt, HashBackendType::TBB_10000_32, 10000, 32, Device("CPU:0"), HashBackendType::TBB) -> Unit(benchmark::kMillisecond)
 
 BENCHMARK_CAPTURE (HashClearInt, HashBackendType::TBB_100000_32, 100000, 32, Device("CPU:0"), HashBackendType::TBB) -> Unit(benchmark::kMillisecond)
 
 BENCHMARK_CAPTURE (HashClearInt, HashBackendType::TBB_1000000_32, 1000000, 32, Device("CPU:0"), HashBackendType::TBB) -> Unit(benchmark::kMillisecond)
 
 BENCHMARK_CAPTURE (HashClearInt3, HashBackendType::TBB_100_1, 100, 1, Device("CPU:0"), HashBackendType::TBB) -> Unit(benchmark::kMillisecond)
 
 BENCHMARK_CAPTURE (HashClearInt3, HashBackendType::TBB_1000_1, 1000, 1, Device("CPU:0"), HashBackendType::TBB) -> Unit(benchmark::kMillisecond)
 
 BENCHMARK_CAPTURE (HashClearInt3, HashBackendType::TBB_10000_1, 10000, 1, Device("CPU:0"), HashBackendType::TBB) -> Unit(benchmark::kMillisecond)
 
 BENCHMARK_CAPTURE (HashClearInt3, HashBackendType::TBB_100000_1, 100000, 1, Device("CPU:0"), HashBackendType::TBB) -> Unit(benchmark::kMillisecond)
 
 BENCHMARK_CAPTURE (HashClearInt3, HashBackendType::TBB_1000000_1, 1000000, 1, Device("CPU:0"), HashBackendType::TBB) -> Unit(benchmark::kMillisecond)
 
 BENCHMARK_CAPTURE (HashClearInt3, HashBackendType::TBB_100_2, 100, 2, Device("CPU:0"), HashBackendType::TBB) -> Unit(benchmark::kMillisecond)
 
 BENCHMARK_CAPTURE (HashClearInt3, HashBackendType::TBB_1000_2, 1000, 2, Device("CPU:0"), HashBackendType::TBB) -> Unit(benchmark::kMillisecond)
 
 BENCHMARK_CAPTURE (HashClearInt3, HashBackendType::TBB_10000_2, 10000, 2, Device("CPU:0"), HashBackendType::TBB) -> Unit(benchmark::kMillisecond)
 
 BENCHMARK_CAPTURE (HashClearInt3, HashBackendType::TBB_100000_2, 100000, 2, Device("CPU:0"), HashBackendType::TBB) -> Unit(benchmark::kMillisecond)
 
 BENCHMARK_CAPTURE (HashClearInt3, HashBackendType::TBB_1000000_2, 1000000, 2, Device("CPU:0"), HashBackendType::TBB) -> Unit(benchmark::kMillisecond)
 
 BENCHMARK_CAPTURE (HashClearInt3, HashBackendType::TBB_100_4, 100, 4, Device("CPU:0"), HashBackendType::TBB) -> Unit(benchmark::kMillisecond)
 
 BENCHMARK_CAPTURE (HashClearInt3, HashBackendType::TBB_1000_4, 1000, 4, Device("CPU:0"), HashBackendType::TBB) -> Unit(benchmark::kMillisecond)
 
 BENCHMARK_CAPTURE (HashClearInt3, HashBackendType::TBB_10000_4, 10000, 4, Device("CPU:0"), HashBackendType::TBB) -> Unit(benchmark::kMillisecond)
 
 BENCHMARK_CAPTURE (HashClearInt3, HashBackendType::TBB_100000_4, 100000, 4, Device("CPU:0"), HashBackendType::TBB) -> Unit(benchmark::kMillisecond)
 
 BENCHMARK_CAPTURE (HashClearInt3, HashBackendType::TBB_1000000_4, 1000000, 4, Device("CPU:0"), HashBackendType::TBB) -> Unit(benchmark::kMillisecond)
 
 BENCHMARK_CAPTURE (HashClearInt3, HashBackendType::TBB_100_8, 100, 8, Device("CPU:0"), HashBackendType::TBB) -> Unit(benchmark::kMillisecond)
 
 BENCHMARK_CAPTURE (HashClearInt3, HashBackendType::TBB_1000_8, 1000, 8, Device("CPU:0"), HashBackendType::TBB) -> Unit(benchmark::kMillisecond)
 
 BENCHMARK_CAPTURE (HashClearInt3, HashBackendType::TBB_10000_8, 10000, 8, Device("CPU:0"), HashBackendType::TBB) -> Unit(benchmark::kMillisecond)
 
 BENCHMARK_CAPTURE (HashClearInt3, HashBackendType::TBB_100000_8, 100000, 8, Device("CPU:0"), HashBackendType::TBB) -> Unit(benchmark::kMillisecond)
 
 BENCHMARK_CAPTURE (HashClearInt3, HashBackendType::TBB_1000000_8, 1000000, 8, Device("CPU:0"), HashBackendType::TBB) -> Unit(benchmark::kMillisecond)
 
 BENCHMARK_CAPTURE (HashClearInt3, HashBackendType::TBB_100_16, 100, 16, Device("CPU:0"), HashBackendType::TBB) -> Unit(benchmark::kMillisecond)
 
 BENCHMARK_CAPTURE (HashClearInt3, HashBackendType::TBB_1000_16, 1000, 16, Device("CPU:0"), HashBackendType::TBB) -> Unit(benchmark::kMillisecond)
 
 BENCHMARK_CAPTURE (HashClearInt3, HashBackendType::TBB_10000_16, 10000, 16, Device("CPU:0"), HashBackendType::TBB) -> Unit(benchmark::kMillisecond)
 
 BENCHMARK_CAPTURE (HashClearInt3, HashBackendType::TBB_100000_16, 100000, 16, Device("CPU:0"), HashBackendType::TBB) -> Unit(benchmark::kMillisecond)
 
 BENCHMARK_CAPTURE (HashClearInt3, HashBackendType::TBB_1000000_16, 1000000, 16, Device("CPU:0"), HashBackendType::TBB) -> Unit(benchmark::kMillisecond)
 
 BENCHMARK_CAPTURE (HashClearInt3, HashBackendType::TBB_100_32, 100, 32, Device("CPU:0"), HashBackendType::TBB) -> Unit(benchmark::kMillisecond)
 
 BENCHMARK_CAPTURE (HashClearInt3, HashBackendType::TBB_1000_32, 1000, 32, Device("CPU:0"), HashBackendType::TBB) -> Unit(benchmark::kMillisecond)
 
 BENCHMARK_CAPTURE (HashClearInt3, HashBackendType::TBB_10000_32, 10000, 32, Device("CPU:0"), HashBackendType::TBB) -> Unit(benchmark::kMillisecond)
 
 BENCHMARK_CAPTURE (HashClearInt3, HashBackendType::TBB_100000_32, 100000, 32, Device("CPU:0"), HashBackendType::TBB) -> Unit(benchmark::kMillisecond)
 
 BENCHMARK_CAPTURE (HashClearInt3, HashBackendType::TBB_1000000_32, 1000000, 32, Device("CPU:0"), HashBackendType::TBB) -> Unit(benchmark::kMillisecond)
 
 BENCHMARK_CAPTURE (HashReserveInt, HashBackendType::TBB_100_1, 100, 1, Device("CPU:0"), HashBackendType::TBB) -> Unit(benchmark::kMillisecond)
 
 BENCHMARK_CAPTURE (HashReserveInt, HashBackendType::TBB_1000_1, 1000, 1, Device("CPU:0"), HashBackendType::TBB) -> Unit(benchmark::kMillisecond)
 
 BENCHMARK_CAPTURE (HashReserveInt, HashBackendType::TBB_10000_1, 10000, 1, Device("CPU:0"), HashBackendType::TBB) -> Unit(benchmark::kMillisecond)
 
 BENCHMARK_CAPTURE (HashReserveInt, HashBackendType::TBB_100000_1, 100000, 1, Device("CPU:0"), HashBackendType::TBB) -> Unit(benchmark::kMillisecond)
 
 BENCHMARK_CAPTURE (HashReserveInt, HashBackendType::TBB_1000000_1, 1000000, 1, Device("CPU:0"), HashBackendType::TBB) -> Unit(benchmark::kMillisecond)
 
 BENCHMARK_CAPTURE (HashReserveInt, HashBackendType::TBB_100_2, 100, 2, Device("CPU:0"), HashBackendType::TBB) -> Unit(benchmark::kMillisecond)
 
 BENCHMARK_CAPTURE (HashReserveInt, HashBackendType::TBB_1000_2, 1000, 2, Device("CPU:0"), HashBackendType::TBB) -> Unit(benchmark::kMillisecond)
 
 BENCHMARK_CAPTURE (HashReserveInt, HashBackendType::TBB_10000_2, 10000, 2, Device("CPU:0"), HashBackendType::TBB) -> Unit(benchmark::kMillisecond)
 
 BENCHMARK_CAPTURE (HashReserveInt, HashBackendType::TBB_100000_2, 100000, 2, Device("CPU:0"), HashBackendType::TBB) -> Unit(benchmark::kMillisecond)
 
 BENCHMARK_CAPTURE (HashReserveInt, HashBackendType::TBB_1000000_2, 1000000, 2, Device("CPU:0"), HashBackendType::TBB) -> Unit(benchmark::kMillisecond)
 
 BENCHMARK_CAPTURE (HashReserveInt, HashBackendType::TBB_100_4, 100, 4, Device("CPU:0"), HashBackendType::TBB) -> Unit(benchmark::kMillisecond)
 
 BENCHMARK_CAPTURE (HashReserveInt, HashBackendType::TBB_1000_4, 1000, 4, Device("CPU:0"), HashBackendType::TBB) -> Unit(benchmark::kMillisecond)
 
 BENCHMARK_CAPTURE (HashReserveInt, HashBackendType::TBB_10000_4, 10000, 4, Device("CPU:0"), HashBackendType::TBB) -> Unit(benchmark::kMillisecond)
 
 BENCHMARK_CAPTURE (HashReserveInt, HashBackendType::TBB_100000_4, 100000, 4, Device("CPU:0"), HashBackendType::TBB) -> Unit(benchmark::kMillisecond)
 
 BENCHMARK_CAPTURE (HashReserveInt, HashBackendType::TBB_1000000_4, 1000000, 4, Device("CPU:0"), HashBackendType::TBB) -> Unit(benchmark::kMillisecond)
 
 BENCHMARK_CAPTURE (HashReserveInt, HashBackendType::TBB_100_8, 100, 8, Device("CPU:0"), HashBackendType::TBB) -> Unit(benchmark::kMillisecond)
 
 BENCHMARK_CAPTURE (HashReserveInt, HashBackendType::TBB_1000_8, 1000, 8, Device("CPU:0"), HashBackendType::TBB) -> Unit(benchmark::kMillisecond)
 
 BENCHMARK_CAPTURE (HashReserveInt, HashBackendType::TBB_10000_8, 10000, 8, Device("CPU:0"), HashBackendType::TBB) -> Unit(benchmark::kMillisecond)
 
 BENCHMARK_CAPTURE (HashReserveInt, HashBackendType::TBB_100000_8, 100000, 8, Device("CPU:0"), HashBackendType::TBB) -> Unit(benchmark::kMillisecond)
 
 BENCHMARK_CAPTURE (HashReserveInt, HashBackendType::TBB_1000000_8, 1000000, 8, Device("CPU:0"), HashBackendType::TBB) -> Unit(benchmark::kMillisecond)
 
 BENCHMARK_CAPTURE (HashReserveInt, HashBackendType::TBB_100_16, 100, 16, Device("CPU:0"), HashBackendType::TBB) -> Unit(benchmark::kMillisecond)
 
 BENCHMARK_CAPTURE (HashReserveInt, HashBackendType::TBB_1000_16, 1000, 16, Device("CPU:0"), HashBackendType::TBB) -> Unit(benchmark::kMillisecond)
 
 BENCHMARK_CAPTURE (HashReserveInt, HashBackendType::TBB_10000_16, 10000, 16, Device("CPU:0"), HashBackendType::TBB) -> Unit(benchmark::kMillisecond)
 
 BENCHMARK_CAPTURE (HashReserveInt, HashBackendType::TBB_100000_16, 100000, 16, Device("CPU:0"), HashBackendType::TBB) -> Unit(benchmark::kMillisecond)
 
 BENCHMARK_CAPTURE (HashReserveInt, HashBackendType::TBB_1000000_16, 1000000, 16, Device("CPU:0"), HashBackendType::TBB) -> Unit(benchmark::kMillisecond)
 
 BENCHMARK_CAPTURE (HashReserveInt, HashBackendType::TBB_100_32, 100, 32, Device("CPU:0"), HashBackendType::TBB) -> Unit(benchmark::kMillisecond)
 
 BENCHMARK_CAPTURE (HashReserveInt, HashBackendType::TBB_1000_32, 1000, 32, Device("CPU:0"), HashBackendType::TBB) -> Unit(benchmark::kMillisecond)
 
 BENCHMARK_CAPTURE (HashReserveInt, HashBackendType::TBB_10000_32, 10000, 32, Device("CPU:0"), HashBackendType::TBB) -> Unit(benchmark::kMillisecond)
 
 BENCHMARK_CAPTURE (HashReserveInt, HashBackendType::TBB_100000_32, 100000, 32, Device("CPU:0"), HashBackendType::TBB) -> Unit(benchmark::kMillisecond)
 
 BENCHMARK_CAPTURE (HashReserveInt, HashBackendType::TBB_1000000_32, 1000000, 32, Device("CPU:0"), HashBackendType::TBB) -> Unit(benchmark::kMillisecond)
 
 BENCHMARK_CAPTURE (HashReserveInt3, HashBackendType::TBB_100_1, 100, 1, Device("CPU:0"), HashBackendType::TBB) -> Unit(benchmark::kMillisecond)
 
 BENCHMARK_CAPTURE (HashReserveInt3, HashBackendType::TBB_1000_1, 1000, 1, Device("CPU:0"), HashBackendType::TBB) -> Unit(benchmark::kMillisecond)
 
 BENCHMARK_CAPTURE (HashReserveInt3, HashBackendType::TBB_10000_1, 10000, 1, Device("CPU:0"), HashBackendType::TBB) -> Unit(benchmark::kMillisecond)
 
 BENCHMARK_CAPTURE (HashReserveInt3, HashBackendType::TBB_100000_1, 100000, 1, Device("CPU:0"), HashBackendType::TBB) -> Unit(benchmark::kMillisecond)
 
 BENCHMARK_CAPTURE (HashReserveInt3, HashBackendType::TBB_1000000_1, 1000000, 1, Device("CPU:0"), HashBackendType::TBB) -> Unit(benchmark::kMillisecond)
 
 BENCHMARK_CAPTURE (HashReserveInt3, HashBackendType::TBB_100_2, 100, 2, Device("CPU:0"), HashBackendType::TBB) -> Unit(benchmark::kMillisecond)
 
 BENCHMARK_CAPTURE (HashReserveInt3, HashBackendType::TBB_1000_2, 1000, 2, Device("CPU:0"), HashBackendType::TBB) -> Unit(benchmark::kMillisecond)
 
 BENCHMARK_CAPTURE (HashReserveInt3, HashBackendType::TBB_10000_2, 10000, 2, Device("CPU:0"), HashBackendType::TBB) -> Unit(benchmark::kMillisecond)
 
 BENCHMARK_CAPTURE (HashReserveInt3, HashBackendType::TBB_100000_2, 100000, 2, Device("CPU:0"), HashBackendType::TBB) -> Unit(benchmark::kMillisecond)
 
 BENCHMARK_CAPTURE (HashReserveInt3, HashBackendType::TBB_1000000_2, 1000000, 2, Device("CPU:0"), HashBackendType::TBB) -> Unit(benchmark::kMillisecond)
 
 BENCHMARK_CAPTURE (HashReserveInt3, HashBackendType::TBB_100_4, 100, 4, Device("CPU:0"), HashBackendType::TBB) -> Unit(benchmark::kMillisecond)
 
 BENCHMARK_CAPTURE (HashReserveInt3, HashBackendType::TBB_1000_4, 1000, 4, Device("CPU:0"), HashBackendType::TBB) -> Unit(benchmark::kMillisecond)
 
 BENCHMARK_CAPTURE (HashReserveInt3, HashBackendType::TBB_10000_4, 10000, 4, Device("CPU:0"), HashBackendType::TBB) -> Unit(benchmark::kMillisecond)
 
 BENCHMARK_CAPTURE (HashReserveInt3, HashBackendType::TBB_100000_4, 100000, 4, Device("CPU:0"), HashBackendType::TBB) -> Unit(benchmark::kMillisecond)
 
 BENCHMARK_CAPTURE (HashReserveInt3, HashBackendType::TBB_1000000_4, 1000000, 4, Device("CPU:0"), HashBackendType::TBB) -> Unit(benchmark::kMillisecond)
 
 BENCHMARK_CAPTURE (HashReserveInt3, HashBackendType::TBB_100_8, 100, 8, Device("CPU:0"), HashBackendType::TBB) -> Unit(benchmark::kMillisecond)
 
 BENCHMARK_CAPTURE (HashReserveInt3, HashBackendType::TBB_1000_8, 1000, 8, Device("CPU:0"), HashBackendType::TBB) -> Unit(benchmark::kMillisecond)
 
 BENCHMARK_CAPTURE (HashReserveInt3, HashBackendType::TBB_10000_8, 10000, 8, Device("CPU:0"), HashBackendType::TBB) -> Unit(benchmark::kMillisecond)
 
 BENCHMARK_CAPTURE (HashReserveInt3, HashBackendType::TBB_100000_8, 100000, 8, Device("CPU:0"), HashBackendType::TBB) -> Unit(benchmark::kMillisecond)
 
 BENCHMARK_CAPTURE (HashReserveInt3, HashBackendType::TBB_1000000_8, 1000000, 8, Device("CPU:0"), HashBackendType::TBB) -> Unit(benchmark::kMillisecond)
 
 BENCHMARK_CAPTURE (HashReserveInt3, HashBackendType::TBB_100_16, 100, 16, Device("CPU:0"), HashBackendType::TBB) -> Unit(benchmark::kMillisecond)
 
 BENCHMARK_CAPTURE (HashReserveInt3, HashBackendType::TBB_1000_16, 1000, 16, Device("CPU:0"), HashBackendType::TBB) -> Unit(benchmark::kMillisecond)
 
 BENCHMARK_CAPTURE (HashReserveInt3, HashBackendType::TBB_10000_16, 10000, 16, Device("CPU:0"), HashBackendType::TBB) -> Unit(benchmark::kMillisecond)
 
 BENCHMARK_CAPTURE (HashReserveInt3, HashBackendType::TBB_100000_16, 100000, 16, Device("CPU:0"), HashBackendType::TBB) -> Unit(benchmark::kMillisecond)
 
 BENCHMARK_CAPTURE (HashReserveInt3, HashBackendType::TBB_1000000_16, 1000000, 16, Device("CPU:0"), HashBackendType::TBB) -> Unit(benchmark::kMillisecond)
 
 BENCHMARK_CAPTURE (HashReserveInt3, HashBackendType::TBB_100_32, 100, 32, Device("CPU:0"), HashBackendType::TBB) -> Unit(benchmark::kMillisecond)
 
 BENCHMARK_CAPTURE (HashReserveInt3, HashBackendType::TBB_1000_32, 1000, 32, Device("CPU:0"), HashBackendType::TBB) -> Unit(benchmark::kMillisecond)
 
 BENCHMARK_CAPTURE (HashReserveInt3, HashBackendType::TBB_10000_32, 10000, 32, Device("CPU:0"), HashBackendType::TBB) -> Unit(benchmark::kMillisecond)
 
 BENCHMARK_CAPTURE (HashReserveInt3, HashBackendType::TBB_100000_32, 100000, 32, Device("CPU:0"), HashBackendType::TBB) -> Unit(benchmark::kMillisecond)
 
 BENCHMARK_CAPTURE (HashReserveInt3, HashBackendType::TBB_1000000_32, 1000000, 32, Device("CPU:0"), HashBackendType::TBB) -> Unit(benchmark::kMillisecond)
 
void MatmulAB (benchmark::State &state, const Device &device)
 
 Unit (benchmark::kMillisecond)
 
std::shared_ptr< MemoryManagerDeviceMakeMemoryManager (const Device &device, const MemoryManagerBackend &backend)
 
void Malloc (benchmark::State &state, int size, const Device &device, const MemoryManagerBackend &backend)
 
void Free (benchmark::State &state, int size, const Device &device, const MemoryManagerBackend &backend)
 
 BENCHMARK_CAPTURE (Malloc, MemoryManagerBackend::Direct_100_CPU, 100, Device("CPU:0"), MemoryManagerBackend::Direct) -> Unit(benchmark::kMicrosecond)
 
 BENCHMARK_CAPTURE (Malloc, MemoryManagerBackend::Direct_1000_CPU, 1000, Device("CPU:0"), MemoryManagerBackend::Direct) -> Unit(benchmark::kMicrosecond)
 
 BENCHMARK_CAPTURE (Malloc, MemoryManagerBackend::Direct_10000_CPU, 10000, Device("CPU:0"), MemoryManagerBackend::Direct) -> Unit(benchmark::kMicrosecond)
 
 BENCHMARK_CAPTURE (Malloc, MemoryManagerBackend::Direct_100000_CPU, 100000, Device("CPU:0"), MemoryManagerBackend::Direct) -> Unit(benchmark::kMicrosecond)
 
 BENCHMARK_CAPTURE (Malloc, MemoryManagerBackend::Direct_1000000_CPU, 1000000, Device("CPU:0"), MemoryManagerBackend::Direct) -> Unit(benchmark::kMicrosecond)
 
 BENCHMARK_CAPTURE (Malloc, MemoryManagerBackend::Direct_10000000_CPU, 10000000, Device("CPU:0"), MemoryManagerBackend::Direct) -> Unit(benchmark::kMicrosecond)
 
 BENCHMARK_CAPTURE (Malloc, MemoryManagerBackend::Direct_100000000_CPU, 100000000, Device("CPU:0"), MemoryManagerBackend::Direct) -> Unit(benchmark::kMicrosecond)
 
 BENCHMARK_CAPTURE (Malloc, MemoryManagerBackend::Direct_1000000000_CPU, 1000000000, Device("CPU:0"), MemoryManagerBackend::Direct) -> Unit(benchmark::kMicrosecond)
 
 BENCHMARK_CAPTURE (Malloc, MemoryManagerBackend::Cached_100_CPU, 100, Device("CPU:0"), MemoryManagerBackend::Cached) -> Unit(benchmark::kMicrosecond)
 
 BENCHMARK_CAPTURE (Malloc, MemoryManagerBackend::Cached_1000_CPU, 1000, Device("CPU:0"), MemoryManagerBackend::Cached) -> Unit(benchmark::kMicrosecond)
 
 BENCHMARK_CAPTURE (Malloc, MemoryManagerBackend::Cached_10000_CPU, 10000, Device("CPU:0"), MemoryManagerBackend::Cached) -> Unit(benchmark::kMicrosecond)
 
 BENCHMARK_CAPTURE (Malloc, MemoryManagerBackend::Cached_100000_CPU, 100000, Device("CPU:0"), MemoryManagerBackend::Cached) -> Unit(benchmark::kMicrosecond)
 
 BENCHMARK_CAPTURE (Malloc, MemoryManagerBackend::Cached_1000000_CPU, 1000000, Device("CPU:0"), MemoryManagerBackend::Cached) -> Unit(benchmark::kMicrosecond)
 
 BENCHMARK_CAPTURE (Malloc, MemoryManagerBackend::Cached_10000000_CPU, 10000000, Device("CPU:0"), MemoryManagerBackend::Cached) -> Unit(benchmark::kMicrosecond)
 
 BENCHMARK_CAPTURE (Malloc, MemoryManagerBackend::Cached_100000000_CPU, 100000000, Device("CPU:0"), MemoryManagerBackend::Cached) -> Unit(benchmark::kMicrosecond)
 
 BENCHMARK_CAPTURE (Malloc, MemoryManagerBackend::Cached_1000000000_CPU, 1000000000, Device("CPU:0"), MemoryManagerBackend::Cached) -> Unit(benchmark::kMicrosecond)
 
 BENCHMARK_CAPTURE (Free, MemoryManagerBackend::Direct_100_CPU, 100, Device("CPU:0"), MemoryManagerBackend::Direct) -> Unit(benchmark::kMicrosecond)
 
 BENCHMARK_CAPTURE (Free, MemoryManagerBackend::Direct_1000_CPU, 1000, Device("CPU:0"), MemoryManagerBackend::Direct) -> Unit(benchmark::kMicrosecond)
 
 BENCHMARK_CAPTURE (Free, MemoryManagerBackend::Direct_10000_CPU, 10000, Device("CPU:0"), MemoryManagerBackend::Direct) -> Unit(benchmark::kMicrosecond)
 
 BENCHMARK_CAPTURE (Free, MemoryManagerBackend::Direct_100000_CPU, 100000, Device("CPU:0"), MemoryManagerBackend::Direct) -> Unit(benchmark::kMicrosecond)
 
 BENCHMARK_CAPTURE (Free, MemoryManagerBackend::Direct_1000000_CPU, 1000000, Device("CPU:0"), MemoryManagerBackend::Direct) -> Unit(benchmark::kMicrosecond)
 
 BENCHMARK_CAPTURE (Free, MemoryManagerBackend::Direct_10000000_CPU, 10000000, Device("CPU:0"), MemoryManagerBackend::Direct) -> Unit(benchmark::kMicrosecond)
 
 BENCHMARK_CAPTURE (Free, MemoryManagerBackend::Direct_100000000_CPU, 100000000, Device("CPU:0"), MemoryManagerBackend::Direct) -> Unit(benchmark::kMicrosecond)
 
 BENCHMARK_CAPTURE (Free, MemoryManagerBackend::Direct_1000000000_CPU, 1000000000, Device("CPU:0"), MemoryManagerBackend::Direct) -> Unit(benchmark::kMicrosecond)
 
 BENCHMARK_CAPTURE (Free, MemoryManagerBackend::Cached_100_CPU, 100, Device("CPU:0"), MemoryManagerBackend::Cached) -> Unit(benchmark::kMicrosecond)
 
 BENCHMARK_CAPTURE (Free, MemoryManagerBackend::Cached_1000_CPU, 1000, Device("CPU:0"), MemoryManagerBackend::Cached) -> Unit(benchmark::kMicrosecond)
 
 BENCHMARK_CAPTURE (Free, MemoryManagerBackend::Cached_10000_CPU, 10000, Device("CPU:0"), MemoryManagerBackend::Cached) -> Unit(benchmark::kMicrosecond)
 
 BENCHMARK_CAPTURE (Free, MemoryManagerBackend::Cached_100000_CPU, 100000, Device("CPU:0"), MemoryManagerBackend::Cached) -> Unit(benchmark::kMicrosecond)
 
 BENCHMARK_CAPTURE (Free, MemoryManagerBackend::Cached_1000000_CPU, 1000000, Device("CPU:0"), MemoryManagerBackend::Cached) -> Unit(benchmark::kMicrosecond)
 
 BENCHMARK_CAPTURE (Free, MemoryManagerBackend::Cached_10000000_CPU, 10000000, Device("CPU:0"), MemoryManagerBackend::Cached) -> Unit(benchmark::kMicrosecond)
 
 BENCHMARK_CAPTURE (Free, MemoryManagerBackend::Cached_100000000_CPU, 100000000, Device("CPU:0"), MemoryManagerBackend::Cached) -> Unit(benchmark::kMicrosecond)
 
 BENCHMARK_CAPTURE (Free, MemoryManagerBackend::Cached_1000000000_CPU, 1000000000, Device("CPU:0"), MemoryManagerBackend::Cached) -> Unit(benchmark::kMicrosecond)
 
void ParallelForScalar (benchmark::State &state, int size)
 
void ParallelForVectorized (benchmark::State &state, int size)
 
 BENCHMARK_CAPTURE (ParallelForScalar, CPU100, 100) -> Unit(benchmark::kMicrosecond)
 
 BENCHMARK_CAPTURE (ParallelForScalar, CPU1000, 1000) -> Unit(benchmark::kMicrosecond)
 
 BENCHMARK_CAPTURE (ParallelForScalar, CPU10000, 10000) -> Unit(benchmark::kMicrosecond)
 
 BENCHMARK_CAPTURE (ParallelForScalar, CPU100000, 100000) -> Unit(benchmark::kMicrosecond)
 
 BENCHMARK_CAPTURE (ParallelForScalar, CPU1000000, 1000000) -> Unit(benchmark::kMicrosecond)
 
 BENCHMARK_CAPTURE (ParallelForScalar, CPU10000000, 10000000) -> Unit(benchmark::kMicrosecond)
 
 BENCHMARK_CAPTURE (ParallelForScalar, CPU100000000, 100000000) -> Unit(benchmark::kMicrosecond)
 
 BENCHMARK_CAPTURE (ParallelForVectorized, CPU100, 100) -> Unit(benchmark::kMicrosecond)
 
 BENCHMARK_CAPTURE (ParallelForVectorized, CPU1000, 1000) -> Unit(benchmark::kMicrosecond)
 
 BENCHMARK_CAPTURE (ParallelForVectorized, CPU10000, 10000) -> Unit(benchmark::kMicrosecond)
 
 BENCHMARK_CAPTURE (ParallelForVectorized, CPU100000, 100000) -> Unit(benchmark::kMicrosecond)
 
 BENCHMARK_CAPTURE (ParallelForVectorized, CPU1000000, 1000000) -> Unit(benchmark::kMicrosecond)
 
 BENCHMARK_CAPTURE (ParallelForVectorized, CPU10000000, 10000000) -> Unit(benchmark::kMicrosecond)
 
 BENCHMARK_CAPTURE (ParallelForVectorized, CPU100000000, 100000000) -> Unit(benchmark::kMicrosecond)
 
void Reduction (benchmark::State &state, const Device &device)
 
std::function< Tensor(const Tensor &)> MakeOperation (UnaryOpCode op)
 
void UnaryEW (benchmark::State &state, int size, UnaryOpCode op_code, const Dtype &dtype, const Device &device)
 
 BENCHMARK_CAPTURE (UnaryEW, Sqrt__CPU_Float32__100, 100, UnaryOpCode::Sqrt, Float32, Device("CPU:0")) -> Unit(benchmark::kMillisecond)
 
 BENCHMARK_CAPTURE (UnaryEW, Sqrt__CPU_Float32__100000, 100000, UnaryOpCode::Sqrt, Float32, Device("CPU:0")) -> Unit(benchmark::kMillisecond)
 
 BENCHMARK_CAPTURE (UnaryEW, Sqrt__CPU_Float32__100000000, 100000000, UnaryOpCode::Sqrt, Float32, Device("CPU:0")) -> Unit(benchmark::kMillisecond)
 
 BENCHMARK_CAPTURE (UnaryEW, Sqrt__CPU_Float64__100, 100, UnaryOpCode::Sqrt, Float64, Device("CPU:0")) -> Unit(benchmark::kMillisecond)
 
 BENCHMARK_CAPTURE (UnaryEW, Sqrt__CPU_Float64__100000, 100000, UnaryOpCode::Sqrt, Float64, Device("CPU:0")) -> Unit(benchmark::kMillisecond)
 
 BENCHMARK_CAPTURE (UnaryEW, Sqrt__CPU_Float64__100000000, 100000000, UnaryOpCode::Sqrt, Float64, Device("CPU:0")) -> Unit(benchmark::kMillisecond)
 
 BENCHMARK_CAPTURE (UnaryEW, Sin__CPU_Float32__100, 100, UnaryOpCode::Sin, Float32, Device("CPU:0")) -> Unit(benchmark::kMillisecond)
 
 BENCHMARK_CAPTURE (UnaryEW, Sin__CPU_Float32__100000, 100000, UnaryOpCode::Sin, Float32, Device("CPU:0")) -> Unit(benchmark::kMillisecond)
 
 BENCHMARK_CAPTURE (UnaryEW, Sin__CPU_Float32__100000000, 100000000, UnaryOpCode::Sin, Float32, Device("CPU:0")) -> Unit(benchmark::kMillisecond)
 
 BENCHMARK_CAPTURE (UnaryEW, Sin__CPU_Float64__100, 100, UnaryOpCode::Sin, Float64, Device("CPU:0")) -> Unit(benchmark::kMillisecond)
 
 BENCHMARK_CAPTURE (UnaryEW, Sin__CPU_Float64__100000, 100000, UnaryOpCode::Sin, Float64, Device("CPU:0")) -> Unit(benchmark::kMillisecond)
 
 BENCHMARK_CAPTURE (UnaryEW, Sin__CPU_Float64__100000000, 100000000, UnaryOpCode::Sin, Float64, Device("CPU:0")) -> Unit(benchmark::kMillisecond)
 
 BENCHMARK_CAPTURE (UnaryEW, Cos__CPU_Float32__100, 100, UnaryOpCode::Cos, Float32, Device("CPU:0")) -> Unit(benchmark::kMillisecond)
 
 BENCHMARK_CAPTURE (UnaryEW, Cos__CPU_Float32__100000, 100000, UnaryOpCode::Cos, Float32, Device("CPU:0")) -> Unit(benchmark::kMillisecond)
 
 BENCHMARK_CAPTURE (UnaryEW, Cos__CPU_Float32__100000000, 100000000, UnaryOpCode::Cos, Float32, Device("CPU:0")) -> Unit(benchmark::kMillisecond)
 
 BENCHMARK_CAPTURE (UnaryEW, Cos__CPU_Float64__100, 100, UnaryOpCode::Cos, Float64, Device("CPU:0")) -> Unit(benchmark::kMillisecond)
 
 BENCHMARK_CAPTURE (UnaryEW, Cos__CPU_Float64__100000, 100000, UnaryOpCode::Cos, Float64, Device("CPU:0")) -> Unit(benchmark::kMillisecond)
 
 BENCHMARK_CAPTURE (UnaryEW, Cos__CPU_Float64__100000000, 100000000, UnaryOpCode::Cos, Float64, Device("CPU:0")) -> Unit(benchmark::kMillisecond)
 
 BENCHMARK_CAPTURE (UnaryEW, Exp__CPU_Float32__100, 100, UnaryOpCode::Exp, Float32, Device("CPU:0")) -> Unit(benchmark::kMillisecond)
 
 BENCHMARK_CAPTURE (UnaryEW, Exp__CPU_Float32__100000, 100000, UnaryOpCode::Exp, Float32, Device("CPU:0")) -> Unit(benchmark::kMillisecond)
 
 BENCHMARK_CAPTURE (UnaryEW, Exp__CPU_Float32__100000000, 100000000, UnaryOpCode::Exp, Float32, Device("CPU:0")) -> Unit(benchmark::kMillisecond)
 
 BENCHMARK_CAPTURE (UnaryEW, Exp__CPU_Float64__100, 100, UnaryOpCode::Exp, Float64, Device("CPU:0")) -> Unit(benchmark::kMillisecond)
 
 BENCHMARK_CAPTURE (UnaryEW, Exp__CPU_Float64__100000, 100000, UnaryOpCode::Exp, Float64, Device("CPU:0")) -> Unit(benchmark::kMillisecond)
 
 BENCHMARK_CAPTURE (UnaryEW, Exp__CPU_Float64__100000000, 100000000, UnaryOpCode::Exp, Float64, Device("CPU:0")) -> Unit(benchmark::kMillisecond)
 
 BENCHMARK_CAPTURE (UnaryEW, IsNan__CPU_Float32__100, 100, UnaryOpCode::IsNan, Float32, Device("CPU:0")) -> Unit(benchmark::kMillisecond)
 
 BENCHMARK_CAPTURE (UnaryEW, IsNan__CPU_Float32__100000, 100000, UnaryOpCode::IsNan, Float32, Device("CPU:0")) -> Unit(benchmark::kMillisecond)
 
 BENCHMARK_CAPTURE (UnaryEW, IsNan__CPU_Float32__100000000, 100000000, UnaryOpCode::IsNan, Float32, Device("CPU:0")) -> Unit(benchmark::kMillisecond)
 
 BENCHMARK_CAPTURE (UnaryEW, IsNan__CPU_Float64__100, 100, UnaryOpCode::IsNan, Float64, Device("CPU:0")) -> Unit(benchmark::kMillisecond)
 
 BENCHMARK_CAPTURE (UnaryEW, IsNan__CPU_Float64__100000, 100000, UnaryOpCode::IsNan, Float64, Device("CPU:0")) -> Unit(benchmark::kMillisecond)
 
 BENCHMARK_CAPTURE (UnaryEW, IsNan__CPU_Float64__100000000, 100000000, UnaryOpCode::IsNan, Float64, Device("CPU:0")) -> Unit(benchmark::kMillisecond)
 
 BENCHMARK_CAPTURE (UnaryEW, IsInf__CPU_Float32__100, 100, UnaryOpCode::IsInf, Float32, Device("CPU:0")) -> Unit(benchmark::kMillisecond)
 
 BENCHMARK_CAPTURE (UnaryEW, IsInf__CPU_Float32__100000, 100000, UnaryOpCode::IsInf, Float32, Device("CPU:0")) -> Unit(benchmark::kMillisecond)
 
 BENCHMARK_CAPTURE (UnaryEW, IsInf__CPU_Float32__100000000, 100000000, UnaryOpCode::IsInf, Float32, Device("CPU:0")) -> Unit(benchmark::kMillisecond)
 
 BENCHMARK_CAPTURE (UnaryEW, IsInf__CPU_Float64__100, 100, UnaryOpCode::IsInf, Float64, Device("CPU:0")) -> Unit(benchmark::kMillisecond)
 
 BENCHMARK_CAPTURE (UnaryEW, IsInf__CPU_Float64__100000, 100000, UnaryOpCode::IsInf, Float64, Device("CPU:0")) -> Unit(benchmark::kMillisecond)
 
 BENCHMARK_CAPTURE (UnaryEW, IsInf__CPU_Float64__100000000, 100000000, UnaryOpCode::IsInf, Float64, Device("CPU:0")) -> Unit(benchmark::kMillisecond)
 
 BENCHMARK_CAPTURE (UnaryEW, IsFinite__CPU_Float32__100, 100, UnaryOpCode::IsFinite, Float32, Device("CPU:0")) -> Unit(benchmark::kMillisecond)
 
 BENCHMARK_CAPTURE (UnaryEW, IsFinite__CPU_Float32__100000, 100000, UnaryOpCode::IsFinite, Float32, Device("CPU:0")) -> Unit(benchmark::kMillisecond)
 
 BENCHMARK_CAPTURE (UnaryEW, IsFinite__CPU_Float32__100000000, 100000000, UnaryOpCode::IsFinite, Float32, Device("CPU:0")) -> Unit(benchmark::kMillisecond)
 
 BENCHMARK_CAPTURE (UnaryEW, IsFinite__CPU_Float64__100, 100, UnaryOpCode::IsFinite, Float64, Device("CPU:0")) -> Unit(benchmark::kMillisecond)
 
 BENCHMARK_CAPTURE (UnaryEW, IsFinite__CPU_Float64__100000, 100000, UnaryOpCode::IsFinite, Float64, Device("CPU:0")) -> Unit(benchmark::kMillisecond)
 
 BENCHMARK_CAPTURE (UnaryEW, IsFinite__CPU_Float64__100000000, 100000000, UnaryOpCode::IsFinite, Float64, Device("CPU:0")) -> Unit(benchmark::kMillisecond)
 
 BENCHMARK_CAPTURE (UnaryEW, Abs__CPU_Int8__100, 100, UnaryOpCode::Abs, Int8, Device("CPU:0")) -> Unit(benchmark::kMillisecond)
 
 BENCHMARK_CAPTURE (UnaryEW, Abs__CPU_Int8__100000, 100000, UnaryOpCode::Abs, Int8, Device("CPU:0")) -> Unit(benchmark::kMillisecond)
 
 BENCHMARK_CAPTURE (UnaryEW, Abs__CPU_Int8__100000000, 100000000, UnaryOpCode::Abs, Int8, Device("CPU:0")) -> Unit(benchmark::kMillisecond)
 
 BENCHMARK_CAPTURE (UnaryEW, Abs__CPU_UInt8__100, 100, UnaryOpCode::Abs, UInt8, Device("CPU:0")) -> Unit(benchmark::kMillisecond)
 
 BENCHMARK_CAPTURE (UnaryEW, Abs__CPU_UInt8__100000, 100000, UnaryOpCode::Abs, UInt8, Device("CPU:0")) -> Unit(benchmark::kMillisecond)
 
 BENCHMARK_CAPTURE (UnaryEW, Abs__CPU_UInt8__100000000, 100000000, UnaryOpCode::Abs, UInt8, Device("CPU:0")) -> Unit(benchmark::kMillisecond)
 
 BENCHMARK_CAPTURE (UnaryEW, Abs__CPU_Int16__100, 100, UnaryOpCode::Abs, Int16, Device("CPU:0")) -> Unit(benchmark::kMillisecond)
 
 BENCHMARK_CAPTURE (UnaryEW, Abs__CPU_Int16__100000, 100000, UnaryOpCode::Abs, Int16, Device("CPU:0")) -> Unit(benchmark::kMillisecond)
 
 BENCHMARK_CAPTURE (UnaryEW, Abs__CPU_Int16__100000000, 100000000, UnaryOpCode::Abs, Int16, Device("CPU:0")) -> Unit(benchmark::kMillisecond)
 
 BENCHMARK_CAPTURE (UnaryEW, Abs__CPU_UInt16__100, 100, UnaryOpCode::Abs, UInt16, Device("CPU:0")) -> Unit(benchmark::kMillisecond)
 
 BENCHMARK_CAPTURE (UnaryEW, Abs__CPU_UInt16__100000, 100000, UnaryOpCode::Abs, UInt16, Device("CPU:0")) -> Unit(benchmark::kMillisecond)
 
 BENCHMARK_CAPTURE (UnaryEW, Abs__CPU_UInt16__100000000, 100000000, UnaryOpCode::Abs, UInt16, Device("CPU:0")) -> Unit(benchmark::kMillisecond)
 
 BENCHMARK_CAPTURE (UnaryEW, Abs__CPU_Int32__100, 100, UnaryOpCode::Abs, Int32, Device("CPU:0")) -> Unit(benchmark::kMillisecond)
 
 BENCHMARK_CAPTURE (UnaryEW, Abs__CPU_Int32__100000, 100000, UnaryOpCode::Abs, Int32, Device("CPU:0")) -> Unit(benchmark::kMillisecond)
 
 BENCHMARK_CAPTURE (UnaryEW, Abs__CPU_Int32__100000000, 100000000, UnaryOpCode::Abs, Int32, Device("CPU:0")) -> Unit(benchmark::kMillisecond)
 
 BENCHMARK_CAPTURE (UnaryEW, Abs__CPU_UInt32__100, 100, UnaryOpCode::Abs, UInt32, Device("CPU:0")) -> Unit(benchmark::kMillisecond)
 
 BENCHMARK_CAPTURE (UnaryEW, Abs__CPU_UInt32__100000, 100000, UnaryOpCode::Abs, UInt32, Device("CPU:0")) -> Unit(benchmark::kMillisecond)
 
 BENCHMARK_CAPTURE (UnaryEW, Abs__CPU_UInt32__100000000, 100000000, UnaryOpCode::Abs, UInt32, Device("CPU:0")) -> Unit(benchmark::kMillisecond)
 
 BENCHMARK_CAPTURE (UnaryEW, Abs__CPU_Int64__100, 100, UnaryOpCode::Abs, Int64, Device("CPU:0")) -> Unit(benchmark::kMillisecond)
 
 BENCHMARK_CAPTURE (UnaryEW, Abs__CPU_Int64__100000, 100000, UnaryOpCode::Abs, Int64, Device("CPU:0")) -> Unit(benchmark::kMillisecond)
 
 BENCHMARK_CAPTURE (UnaryEW, Abs__CPU_Int64__100000000, 100000000, UnaryOpCode::Abs, Int64, Device("CPU:0")) -> Unit(benchmark::kMillisecond)
 
 BENCHMARK_CAPTURE (UnaryEW, Abs__CPU_UInt64__100, 100, UnaryOpCode::Abs, UInt64, Device("CPU:0")) -> Unit(benchmark::kMillisecond)
 
 BENCHMARK_CAPTURE (UnaryEW, Abs__CPU_UInt64__100000, 100000, UnaryOpCode::Abs, UInt64, Device("CPU:0")) -> Unit(benchmark::kMillisecond)
 
 BENCHMARK_CAPTURE (UnaryEW, Abs__CPU_UInt64__100000000, 100000000, UnaryOpCode::Abs, UInt64, Device("CPU:0")) -> Unit(benchmark::kMillisecond)
 
 BENCHMARK_CAPTURE (UnaryEW, Abs__CPU_Float32__100, 100, UnaryOpCode::Abs, Float32, Device("CPU:0")) -> Unit(benchmark::kMillisecond)
 
 BENCHMARK_CAPTURE (UnaryEW, Abs__CPU_Float32__100000, 100000, UnaryOpCode::Abs, Float32, Device("CPU:0")) -> Unit(benchmark::kMillisecond)
 
 BENCHMARK_CAPTURE (UnaryEW, Abs__CPU_Float32__100000000, 100000000, UnaryOpCode::Abs, Float32, Device("CPU:0")) -> Unit(benchmark::kMillisecond)
 
 BENCHMARK_CAPTURE (UnaryEW, Abs__CPU_Float64__100, 100, UnaryOpCode::Abs, Float64, Device("CPU:0")) -> Unit(benchmark::kMillisecond)
 
 BENCHMARK_CAPTURE (UnaryEW, Abs__CPU_Float64__100000, 100000, UnaryOpCode::Abs, Float64, Device("CPU:0")) -> Unit(benchmark::kMillisecond)
 
 BENCHMARK_CAPTURE (UnaryEW, Abs__CPU_Float64__100000000, 100000000, UnaryOpCode::Abs, Float64, Device("CPU:0")) -> Unit(benchmark::kMillisecond)
 
 BENCHMARK_CAPTURE (UnaryEW, Neg__CPU_Int8__100, 100, UnaryOpCode::Neg, Int8, Device("CPU:0")) -> Unit(benchmark::kMillisecond)
 
 BENCHMARK_CAPTURE (UnaryEW, Neg__CPU_Int8__100000, 100000, UnaryOpCode::Neg, Int8, Device("CPU:0")) -> Unit(benchmark::kMillisecond)
 
 BENCHMARK_CAPTURE (UnaryEW, Neg__CPU_Int8__100000000, 100000000, UnaryOpCode::Neg, Int8, Device("CPU:0")) -> Unit(benchmark::kMillisecond)
 
 BENCHMARK_CAPTURE (UnaryEW, Neg__CPU_UInt8__100, 100, UnaryOpCode::Neg, UInt8, Device("CPU:0")) -> Unit(benchmark::kMillisecond)
 
 BENCHMARK_CAPTURE (UnaryEW, Neg__CPU_UInt8__100000, 100000, UnaryOpCode::Neg, UInt8, Device("CPU:0")) -> Unit(benchmark::kMillisecond)
 
 BENCHMARK_CAPTURE (UnaryEW, Neg__CPU_UInt8__100000000, 100000000, UnaryOpCode::Neg, UInt8, Device("CPU:0")) -> Unit(benchmark::kMillisecond)
 
 BENCHMARK_CAPTURE (UnaryEW, Neg__CPU_Int16__100, 100, UnaryOpCode::Neg, Int16, Device("CPU:0")) -> Unit(benchmark::kMillisecond)
 
 BENCHMARK_CAPTURE (UnaryEW, Neg__CPU_Int16__100000, 100000, UnaryOpCode::Neg, Int16, Device("CPU:0")) -> Unit(benchmark::kMillisecond)
 
 BENCHMARK_CAPTURE (UnaryEW, Neg__CPU_Int16__100000000, 100000000, UnaryOpCode::Neg, Int16, Device("CPU:0")) -> Unit(benchmark::kMillisecond)
 
 BENCHMARK_CAPTURE (UnaryEW, Neg__CPU_UInt16__100, 100, UnaryOpCode::Neg, UInt16, Device("CPU:0")) -> Unit(benchmark::kMillisecond)
 
 BENCHMARK_CAPTURE (UnaryEW, Neg__CPU_UInt16__100000, 100000, UnaryOpCode::Neg, UInt16, Device("CPU:0")) -> Unit(benchmark::kMillisecond)
 
 BENCHMARK_CAPTURE (UnaryEW, Neg__CPU_UInt16__100000000, 100000000, UnaryOpCode::Neg, UInt16, Device("CPU:0")) -> Unit(benchmark::kMillisecond)
 
 BENCHMARK_CAPTURE (UnaryEW, Neg__CPU_Int32__100, 100, UnaryOpCode::Neg, Int32, Device("CPU:0")) -> Unit(benchmark::kMillisecond)
 
 BENCHMARK_CAPTURE (UnaryEW, Neg__CPU_Int32__100000, 100000, UnaryOpCode::Neg, Int32, Device("CPU:0")) -> Unit(benchmark::kMillisecond)
 
 BENCHMARK_CAPTURE (UnaryEW, Neg__CPU_Int32__100000000, 100000000, UnaryOpCode::Neg, Int32, Device("CPU:0")) -> Unit(benchmark::kMillisecond)
 
 BENCHMARK_CAPTURE (UnaryEW, Neg__CPU_UInt32__100, 100, UnaryOpCode::Neg, UInt32, Device("CPU:0")) -> Unit(benchmark::kMillisecond)
 
 BENCHMARK_CAPTURE (UnaryEW, Neg__CPU_UInt32__100000, 100000, UnaryOpCode::Neg, UInt32, Device("CPU:0")) -> Unit(benchmark::kMillisecond)
 
 BENCHMARK_CAPTURE (UnaryEW, Neg__CPU_UInt32__100000000, 100000000, UnaryOpCode::Neg, UInt32, Device("CPU:0")) -> Unit(benchmark::kMillisecond)
 
 BENCHMARK_CAPTURE (UnaryEW, Neg__CPU_Int64__100, 100, UnaryOpCode::Neg, Int64, Device("CPU:0")) -> Unit(benchmark::kMillisecond)
 
 BENCHMARK_CAPTURE (UnaryEW, Neg__CPU_Int64__100000, 100000, UnaryOpCode::Neg, Int64, Device("CPU:0")) -> Unit(benchmark::kMillisecond)
 
 BENCHMARK_CAPTURE (UnaryEW, Neg__CPU_Int64__100000000, 100000000, UnaryOpCode::Neg, Int64, Device("CPU:0")) -> Unit(benchmark::kMillisecond)
 
 BENCHMARK_CAPTURE (UnaryEW, Neg__CPU_UInt64__100, 100, UnaryOpCode::Neg, UInt64, Device("CPU:0")) -> Unit(benchmark::kMillisecond)
 
 BENCHMARK_CAPTURE (UnaryEW, Neg__CPU_UInt64__100000, 100000, UnaryOpCode::Neg, UInt64, Device("CPU:0")) -> Unit(benchmark::kMillisecond)
 
 BENCHMARK_CAPTURE (UnaryEW, Neg__CPU_UInt64__100000000, 100000000, UnaryOpCode::Neg, UInt64, Device("CPU:0")) -> Unit(benchmark::kMillisecond)
 
 BENCHMARK_CAPTURE (UnaryEW, Neg__CPU_Float32__100, 100, UnaryOpCode::Neg, Float32, Device("CPU:0")) -> Unit(benchmark::kMillisecond)
 
 BENCHMARK_CAPTURE (UnaryEW, Neg__CPU_Float32__100000, 100000, UnaryOpCode::Neg, Float32, Device("CPU:0")) -> Unit(benchmark::kMillisecond)
 
 BENCHMARK_CAPTURE (UnaryEW, Neg__CPU_Float32__100000000, 100000000, UnaryOpCode::Neg, Float32, Device("CPU:0")) -> Unit(benchmark::kMillisecond)
 
 BENCHMARK_CAPTURE (UnaryEW, Neg__CPU_Float64__100, 100, UnaryOpCode::Neg, Float64, Device("CPU:0")) -> Unit(benchmark::kMillisecond)
 
 BENCHMARK_CAPTURE (UnaryEW, Neg__CPU_Float64__100000, 100000, UnaryOpCode::Neg, Float64, Device("CPU:0")) -> Unit(benchmark::kMillisecond)
 
 BENCHMARK_CAPTURE (UnaryEW, Neg__CPU_Float64__100000000, 100000000, UnaryOpCode::Neg, Float64, Device("CPU:0")) -> Unit(benchmark::kMillisecond)
 
 BENCHMARK_CAPTURE (UnaryEW, Floor__CPU_Int8__100, 100, UnaryOpCode::Floor, Int8, Device("CPU:0")) -> Unit(benchmark::kMillisecond)
 
 BENCHMARK_CAPTURE (UnaryEW, Floor__CPU_Int8__100000, 100000, UnaryOpCode::Floor, Int8, Device("CPU:0")) -> Unit(benchmark::kMillisecond)
 
 BENCHMARK_CAPTURE (UnaryEW, Floor__CPU_Int8__100000000, 100000000, UnaryOpCode::Floor, Int8, Device("CPU:0")) -> Unit(benchmark::kMillisecond)
 
 BENCHMARK_CAPTURE (UnaryEW, Floor__CPU_UInt8__100, 100, UnaryOpCode::Floor, UInt8, Device("CPU:0")) -> Unit(benchmark::kMillisecond)
 
 BENCHMARK_CAPTURE (UnaryEW, Floor__CPU_UInt8__100000, 100000, UnaryOpCode::Floor, UInt8, Device("CPU:0")) -> Unit(benchmark::kMillisecond)
 
 BENCHMARK_CAPTURE (UnaryEW, Floor__CPU_UInt8__100000000, 100000000, UnaryOpCode::Floor, UInt8, Device("CPU:0")) -> Unit(benchmark::kMillisecond)
 
 BENCHMARK_CAPTURE (UnaryEW, Floor__CPU_Int16__100, 100, UnaryOpCode::Floor, Int16, Device("CPU:0")) -> Unit(benchmark::kMillisecond)
 
 BENCHMARK_CAPTURE (UnaryEW, Floor__CPU_Int16__100000, 100000, UnaryOpCode::Floor, Int16, Device("CPU:0")) -> Unit(benchmark::kMillisecond)
 
 BENCHMARK_CAPTURE (UnaryEW, Floor__CPU_Int16__100000000, 100000000, UnaryOpCode::Floor, Int16, Device("CPU:0")) -> Unit(benchmark::kMillisecond)
 
 BENCHMARK_CAPTURE (UnaryEW, Floor__CPU_UInt16__100, 100, UnaryOpCode::Floor, UInt16, Device("CPU:0")) -> Unit(benchmark::kMillisecond)
 
 BENCHMARK_CAPTURE (UnaryEW, Floor__CPU_UInt16__100000, 100000, UnaryOpCode::Floor, UInt16, Device("CPU:0")) -> Unit(benchmark::kMillisecond)
 
 BENCHMARK_CAPTURE (UnaryEW, Floor__CPU_UInt16__100000000, 100000000, UnaryOpCode::Floor, UInt16, Device("CPU:0")) -> Unit(benchmark::kMillisecond)
 
 BENCHMARK_CAPTURE (UnaryEW, Floor__CPU_Int32__100, 100, UnaryOpCode::Floor, Int32, Device("CPU:0")) -> Unit(benchmark::kMillisecond)
 
 BENCHMARK_CAPTURE (UnaryEW, Floor__CPU_Int32__100000, 100000, UnaryOpCode::Floor, Int32, Device("CPU:0")) -> Unit(benchmark::kMillisecond)
 
 BENCHMARK_CAPTURE (UnaryEW, Floor__CPU_Int32__100000000, 100000000, UnaryOpCode::Floor, Int32, Device("CPU:0")) -> Unit(benchmark::kMillisecond)
 
 BENCHMARK_CAPTURE (UnaryEW, Floor__CPU_UInt32__100, 100, UnaryOpCode::Floor, UInt32, Device("CPU:0")) -> Unit(benchmark::kMillisecond)
 
 BENCHMARK_CAPTURE (UnaryEW, Floor__CPU_UInt32__100000, 100000, UnaryOpCode::Floor, UInt32, Device("CPU:0")) -> Unit(benchmark::kMillisecond)
 
 BENCHMARK_CAPTURE (UnaryEW, Floor__CPU_UInt32__100000000, 100000000, UnaryOpCode::Floor, UInt32, Device("CPU:0")) -> Unit(benchmark::kMillisecond)
 
 BENCHMARK_CAPTURE (UnaryEW, Floor__CPU_Int64__100, 100, UnaryOpCode::Floor, Int64, Device("CPU:0")) -> Unit(benchmark::kMillisecond)
 
 BENCHMARK_CAPTURE (UnaryEW, Floor__CPU_Int64__100000, 100000, UnaryOpCode::Floor, Int64, Device("CPU:0")) -> Unit(benchmark::kMillisecond)
 
 BENCHMARK_CAPTURE (UnaryEW, Floor__CPU_Int64__100000000, 100000000, UnaryOpCode::Floor, Int64, Device("CPU:0")) -> Unit(benchmark::kMillisecond)
 
 BENCHMARK_CAPTURE (UnaryEW, Floor__CPU_UInt64__100, 100, UnaryOpCode::Floor, UInt64, Device("CPU:0")) -> Unit(benchmark::kMillisecond)
 
 BENCHMARK_CAPTURE (UnaryEW, Floor__CPU_UInt64__100000, 100000, UnaryOpCode::Floor, UInt64, Device("CPU:0")) -> Unit(benchmark::kMillisecond)
 
 BENCHMARK_CAPTURE (UnaryEW, Floor__CPU_UInt64__100000000, 100000000, UnaryOpCode::Floor, UInt64, Device("CPU:0")) -> Unit(benchmark::kMillisecond)
 
 BENCHMARK_CAPTURE (UnaryEW, Floor__CPU_Float32__100, 100, UnaryOpCode::Floor, Float32, Device("CPU:0")) -> Unit(benchmark::kMillisecond)
 
 BENCHMARK_CAPTURE (UnaryEW, Floor__CPU_Float32__100000, 100000, UnaryOpCode::Floor, Float32, Device("CPU:0")) -> Unit(benchmark::kMillisecond)
 
 BENCHMARK_CAPTURE (UnaryEW, Floor__CPU_Float32__100000000, 100000000, UnaryOpCode::Floor, Float32, Device("CPU:0")) -> Unit(benchmark::kMillisecond)
 
 BENCHMARK_CAPTURE (UnaryEW, Floor__CPU_Float64__100, 100, UnaryOpCode::Floor, Float64, Device("CPU:0")) -> Unit(benchmark::kMillisecond)
 
 BENCHMARK_CAPTURE (UnaryEW, Floor__CPU_Float64__100000, 100000, UnaryOpCode::Floor, Float64, Device("CPU:0")) -> Unit(benchmark::kMillisecond)
 
 BENCHMARK_CAPTURE (UnaryEW, Floor__CPU_Float64__100000000, 100000000, UnaryOpCode::Floor, Float64, Device("CPU:0")) -> Unit(benchmark::kMillisecond)
 
 BENCHMARK_CAPTURE (UnaryEW, Ceil__CPU_Int8__100, 100, UnaryOpCode::Ceil, Int8, Device("CPU:0")) -> Unit(benchmark::kMillisecond)
 
 BENCHMARK_CAPTURE (UnaryEW, Ceil__CPU_Int8__100000, 100000, UnaryOpCode::Ceil, Int8, Device("CPU:0")) -> Unit(benchmark::kMillisecond)
 
 BENCHMARK_CAPTURE (UnaryEW, Ceil__CPU_Int8__100000000, 100000000, UnaryOpCode::Ceil, Int8, Device("CPU:0")) -> Unit(benchmark::kMillisecond)
 
 BENCHMARK_CAPTURE (UnaryEW, Ceil__CPU_UInt8__100, 100, UnaryOpCode::Ceil, UInt8, Device("CPU:0")) -> Unit(benchmark::kMillisecond)
 
 BENCHMARK_CAPTURE (UnaryEW, Ceil__CPU_UInt8__100000, 100000, UnaryOpCode::Ceil, UInt8, Device("CPU:0")) -> Unit(benchmark::kMillisecond)
 
 BENCHMARK_CAPTURE (UnaryEW, Ceil__CPU_UInt8__100000000, 100000000, UnaryOpCode::Ceil, UInt8, Device("CPU:0")) -> Unit(benchmark::kMillisecond)
 
 BENCHMARK_CAPTURE (UnaryEW, Ceil__CPU_Int16__100, 100, UnaryOpCode::Ceil, Int16, Device("CPU:0")) -> Unit(benchmark::kMillisecond)
 
 BENCHMARK_CAPTURE (UnaryEW, Ceil__CPU_Int16__100000, 100000, UnaryOpCode::Ceil, Int16, Device("CPU:0")) -> Unit(benchmark::kMillisecond)
 
 BENCHMARK_CAPTURE (UnaryEW, Ceil__CPU_Int16__100000000, 100000000, UnaryOpCode::Ceil, Int16, Device("CPU:0")) -> Unit(benchmark::kMillisecond)
 
 BENCHMARK_CAPTURE (UnaryEW, Ceil__CPU_UInt16__100, 100, UnaryOpCode::Ceil, UInt16, Device("CPU:0")) -> Unit(benchmark::kMillisecond)
 
 BENCHMARK_CAPTURE (UnaryEW, Ceil__CPU_UInt16__100000, 100000, UnaryOpCode::Ceil, UInt16, Device("CPU:0")) -> Unit(benchmark::kMillisecond)
 
 BENCHMARK_CAPTURE (UnaryEW, Ceil__CPU_UInt16__100000000, 100000000, UnaryOpCode::Ceil, UInt16, Device("CPU:0")) -> Unit(benchmark::kMillisecond)
 
 BENCHMARK_CAPTURE (UnaryEW, Ceil__CPU_Int32__100, 100, UnaryOpCode::Ceil, Int32, Device("CPU:0")) -> Unit(benchmark::kMillisecond)
 
 BENCHMARK_CAPTURE (UnaryEW, Ceil__CPU_Int32__100000, 100000, UnaryOpCode::Ceil, Int32, Device("CPU:0")) -> Unit(benchmark::kMillisecond)
 
 BENCHMARK_CAPTURE (UnaryEW, Ceil__CPU_Int32__100000000, 100000000, UnaryOpCode::Ceil, Int32, Device("CPU:0")) -> Unit(benchmark::kMillisecond)
 
 BENCHMARK_CAPTURE (UnaryEW, Ceil__CPU_UInt32__100, 100, UnaryOpCode::Ceil, UInt32, Device("CPU:0")) -> Unit(benchmark::kMillisecond)
 
 BENCHMARK_CAPTURE (UnaryEW, Ceil__CPU_UInt32__100000, 100000, UnaryOpCode::Ceil, UInt32, Device("CPU:0")) -> Unit(benchmark::kMillisecond)
 
 BENCHMARK_CAPTURE (UnaryEW, Ceil__CPU_UInt32__100000000, 100000000, UnaryOpCode::Ceil, UInt32, Device("CPU:0")) -> Unit(benchmark::kMillisecond)
 
 BENCHMARK_CAPTURE (UnaryEW, Ceil__CPU_Int64__100, 100, UnaryOpCode::Ceil, Int64, Device("CPU:0")) -> Unit(benchmark::kMillisecond)
 
 BENCHMARK_CAPTURE (UnaryEW, Ceil__CPU_Int64__100000, 100000, UnaryOpCode::Ceil, Int64, Device("CPU:0")) -> Unit(benchmark::kMillisecond)
 
 BENCHMARK_CAPTURE (UnaryEW, Ceil__CPU_Int64__100000000, 100000000, UnaryOpCode::Ceil, Int64, Device("CPU:0")) -> Unit(benchmark::kMillisecond)
 
 BENCHMARK_CAPTURE (UnaryEW, Ceil__CPU_UInt64__100, 100, UnaryOpCode::Ceil, UInt64, Device("CPU:0")) -> Unit(benchmark::kMillisecond)
 
 BENCHMARK_CAPTURE (UnaryEW, Ceil__CPU_UInt64__100000, 100000, UnaryOpCode::Ceil, UInt64, Device("CPU:0")) -> Unit(benchmark::kMillisecond)
 
 BENCHMARK_CAPTURE (UnaryEW, Ceil__CPU_UInt64__100000000, 100000000, UnaryOpCode::Ceil, UInt64, Device("CPU:0")) -> Unit(benchmark::kMillisecond)
 
 BENCHMARK_CAPTURE (UnaryEW, Ceil__CPU_Float32__100, 100, UnaryOpCode::Ceil, Float32, Device("CPU:0")) -> Unit(benchmark::kMillisecond)
 
 BENCHMARK_CAPTURE (UnaryEW, Ceil__CPU_Float32__100000, 100000, UnaryOpCode::Ceil, Float32, Device("CPU:0")) -> Unit(benchmark::kMillisecond)
 
 BENCHMARK_CAPTURE (UnaryEW, Ceil__CPU_Float32__100000000, 100000000, UnaryOpCode::Ceil, Float32, Device("CPU:0")) -> Unit(benchmark::kMillisecond)
 
 BENCHMARK_CAPTURE (UnaryEW, Ceil__CPU_Float64__100, 100, UnaryOpCode::Ceil, Float64, Device("CPU:0")) -> Unit(benchmark::kMillisecond)
 
 BENCHMARK_CAPTURE (UnaryEW, Ceil__CPU_Float64__100000, 100000, UnaryOpCode::Ceil, Float64, Device("CPU:0")) -> Unit(benchmark::kMillisecond)
 
 BENCHMARK_CAPTURE (UnaryEW, Ceil__CPU_Float64__100000000, 100000000, UnaryOpCode::Ceil, Float64, Device("CPU:0")) -> Unit(benchmark::kMillisecond)
 
 BENCHMARK_CAPTURE (UnaryEW, Round__CPU_Int8__100, 100, UnaryOpCode::Round, Int8, Device("CPU:0")) -> Unit(benchmark::kMillisecond)
 
 BENCHMARK_CAPTURE (UnaryEW, Round__CPU_Int8__100000, 100000, UnaryOpCode::Round, Int8, Device("CPU:0")) -> Unit(benchmark::kMillisecond)
 
 BENCHMARK_CAPTURE (UnaryEW, Round__CPU_Int8__100000000, 100000000, UnaryOpCode::Round, Int8, Device("CPU:0")) -> Unit(benchmark::kMillisecond)
 
 BENCHMARK_CAPTURE (UnaryEW, Round__CPU_UInt8__100, 100, UnaryOpCode::Round, UInt8, Device("CPU:0")) -> Unit(benchmark::kMillisecond)
 
 BENCHMARK_CAPTURE (UnaryEW, Round__CPU_UInt8__100000, 100000, UnaryOpCode::Round, UInt8, Device("CPU:0")) -> Unit(benchmark::kMillisecond)
 
 BENCHMARK_CAPTURE (UnaryEW, Round__CPU_UInt8__100000000, 100000000, UnaryOpCode::Round, UInt8, Device("CPU:0")) -> Unit(benchmark::kMillisecond)
 
 BENCHMARK_CAPTURE (UnaryEW, Round__CPU_Int16__100, 100, UnaryOpCode::Round, Int16, Device("CPU:0")) -> Unit(benchmark::kMillisecond)
 
 BENCHMARK_CAPTURE (UnaryEW, Round__CPU_Int16__100000, 100000, UnaryOpCode::Round, Int16, Device("CPU:0")) -> Unit(benchmark::kMillisecond)
 
 BENCHMARK_CAPTURE (UnaryEW, Round__CPU_Int16__100000000, 100000000, UnaryOpCode::Round, Int16, Device("CPU:0")) -> Unit(benchmark::kMillisecond)
 
 BENCHMARK_CAPTURE (UnaryEW, Round__CPU_UInt16__100, 100, UnaryOpCode::Round, UInt16, Device("CPU:0")) -> Unit(benchmark::kMillisecond)
 
 BENCHMARK_CAPTURE (UnaryEW, Round__CPU_UInt16__100000, 100000, UnaryOpCode::Round, UInt16, Device("CPU:0")) -> Unit(benchmark::kMillisecond)
 
 BENCHMARK_CAPTURE (UnaryEW, Round__CPU_UInt16__100000000, 100000000, UnaryOpCode::Round, UInt16, Device("CPU:0")) -> Unit(benchmark::kMillisecond)
 
 BENCHMARK_CAPTURE (UnaryEW, Round__CPU_Int32__100, 100, UnaryOpCode::Round, Int32, Device("CPU:0")) -> Unit(benchmark::kMillisecond)
 
 BENCHMARK_CAPTURE (UnaryEW, Round__CPU_Int32__100000, 100000, UnaryOpCode::Round, Int32, Device("CPU:0")) -> Unit(benchmark::kMillisecond)
 
 BENCHMARK_CAPTURE (UnaryEW, Round__CPU_Int32__100000000, 100000000, UnaryOpCode::Round, Int32, Device("CPU:0")) -> Unit(benchmark::kMillisecond)
 
 BENCHMARK_CAPTURE (UnaryEW, Round__CPU_UInt32__100, 100, UnaryOpCode::Round, UInt32, Device("CPU:0")) -> Unit(benchmark::kMillisecond)
 
 BENCHMARK_CAPTURE (UnaryEW, Round__CPU_UInt32__100000, 100000, UnaryOpCode::Round, UInt32, Device("CPU:0")) -> Unit(benchmark::kMillisecond)
 
 BENCHMARK_CAPTURE (UnaryEW, Round__CPU_UInt32__100000000, 100000000, UnaryOpCode::Round, UInt32, Device("CPU:0")) -> Unit(benchmark::kMillisecond)
 
 BENCHMARK_CAPTURE (UnaryEW, Round__CPU_Int64__100, 100, UnaryOpCode::Round, Int64, Device("CPU:0")) -> Unit(benchmark::kMillisecond)
 
 BENCHMARK_CAPTURE (UnaryEW, Round__CPU_Int64__100000, 100000, UnaryOpCode::Round, Int64, Device("CPU:0")) -> Unit(benchmark::kMillisecond)
 
 BENCHMARK_CAPTURE (UnaryEW, Round__CPU_Int64__100000000, 100000000, UnaryOpCode::Round, Int64, Device("CPU:0")) -> Unit(benchmark::kMillisecond)
 
 BENCHMARK_CAPTURE (UnaryEW, Round__CPU_UInt64__100, 100, UnaryOpCode::Round, UInt64, Device("CPU:0")) -> Unit(benchmark::kMillisecond)
 
 BENCHMARK_CAPTURE (UnaryEW, Round__CPU_UInt64__100000, 100000, UnaryOpCode::Round, UInt64, Device("CPU:0")) -> Unit(benchmark::kMillisecond)
 
 BENCHMARK_CAPTURE (UnaryEW, Round__CPU_UInt64__100000000, 100000000, UnaryOpCode::Round, UInt64, Device("CPU:0")) -> Unit(benchmark::kMillisecond)
 
 BENCHMARK_CAPTURE (UnaryEW, Round__CPU_Float32__100, 100, UnaryOpCode::Round, Float32, Device("CPU:0")) -> Unit(benchmark::kMillisecond)
 
 BENCHMARK_CAPTURE (UnaryEW, Round__CPU_Float32__100000, 100000, UnaryOpCode::Round, Float32, Device("CPU:0")) -> Unit(benchmark::kMillisecond)
 
 BENCHMARK_CAPTURE (UnaryEW, Round__CPU_Float32__100000000, 100000000, UnaryOpCode::Round, Float32, Device("CPU:0")) -> Unit(benchmark::kMillisecond)
 
 BENCHMARK_CAPTURE (UnaryEW, Round__CPU_Float64__100, 100, UnaryOpCode::Round, Float64, Device("CPU:0")) -> Unit(benchmark::kMillisecond)
 
 BENCHMARK_CAPTURE (UnaryEW, Round__CPU_Float64__100000, 100000, UnaryOpCode::Round, Float64, Device("CPU:0")) -> Unit(benchmark::kMillisecond)
 
 BENCHMARK_CAPTURE (UnaryEW, Round__CPU_Float64__100000000, 100000000, UnaryOpCode::Round, Float64, Device("CPU:0")) -> Unit(benchmark::kMillisecond)
 
 BENCHMARK_CAPTURE (UnaryEW, Trunc__CPU_Int8__100, 100, UnaryOpCode::Trunc, Int8, Device("CPU:0")) -> Unit(benchmark::kMillisecond)
 
 BENCHMARK_CAPTURE (UnaryEW, Trunc__CPU_Int8__100000, 100000, UnaryOpCode::Trunc, Int8, Device("CPU:0")) -> Unit(benchmark::kMillisecond)
 
 BENCHMARK_CAPTURE (UnaryEW, Trunc__CPU_Int8__100000000, 100000000, UnaryOpCode::Trunc, Int8, Device("CPU:0")) -> Unit(benchmark::kMillisecond)
 
 BENCHMARK_CAPTURE (UnaryEW, Trunc__CPU_UInt8__100, 100, UnaryOpCode::Trunc, UInt8, Device("CPU:0")) -> Unit(benchmark::kMillisecond)
 
 BENCHMARK_CAPTURE (UnaryEW, Trunc__CPU_UInt8__100000, 100000, UnaryOpCode::Trunc, UInt8, Device("CPU:0")) -> Unit(benchmark::kMillisecond)
 
 BENCHMARK_CAPTURE (UnaryEW, Trunc__CPU_UInt8__100000000, 100000000, UnaryOpCode::Trunc, UInt8, Device("CPU:0")) -> Unit(benchmark::kMillisecond)
 
 BENCHMARK_CAPTURE (UnaryEW, Trunc__CPU_Int16__100, 100, UnaryOpCode::Trunc, Int16, Device("CPU:0")) -> Unit(benchmark::kMillisecond)
 
 BENCHMARK_CAPTURE (UnaryEW, Trunc__CPU_Int16__100000, 100000, UnaryOpCode::Trunc, Int16, Device("CPU:0")) -> Unit(benchmark::kMillisecond)
 
 BENCHMARK_CAPTURE (UnaryEW, Trunc__CPU_Int16__100000000, 100000000, UnaryOpCode::Trunc, Int16, Device("CPU:0")) -> Unit(benchmark::kMillisecond)
 
 BENCHMARK_CAPTURE (UnaryEW, Trunc__CPU_UInt16__100, 100, UnaryOpCode::Trunc, UInt16, Device("CPU:0")) -> Unit(benchmark::kMillisecond)
 
 BENCHMARK_CAPTURE (UnaryEW, Trunc__CPU_UInt16__100000, 100000, UnaryOpCode::Trunc, UInt16, Device("CPU:0")) -> Unit(benchmark::kMillisecond)
 
 BENCHMARK_CAPTURE (UnaryEW, Trunc__CPU_UInt16__100000000, 100000000, UnaryOpCode::Trunc, UInt16, Device("CPU:0")) -> Unit(benchmark::kMillisecond)
 
 BENCHMARK_CAPTURE (UnaryEW, Trunc__CPU_Int32__100, 100, UnaryOpCode::Trunc, Int32, Device("CPU:0")) -> Unit(benchmark::kMillisecond)
 
 BENCHMARK_CAPTURE (UnaryEW, Trunc__CPU_Int32__100000, 100000, UnaryOpCode::Trunc, Int32, Device("CPU:0")) -> Unit(benchmark::kMillisecond)
 
 BENCHMARK_CAPTURE (UnaryEW, Trunc__CPU_Int32__100000000, 100000000, UnaryOpCode::Trunc, Int32, Device("CPU:0")) -> Unit(benchmark::kMillisecond)
 
 BENCHMARK_CAPTURE (UnaryEW, Trunc__CPU_UInt32__100, 100, UnaryOpCode::Trunc, UInt32, Device("CPU:0")) -> Unit(benchmark::kMillisecond)
 
 BENCHMARK_CAPTURE (UnaryEW, Trunc__CPU_UInt32__100000, 100000, UnaryOpCode::Trunc, UInt32, Device("CPU:0")) -> Unit(benchmark::kMillisecond)
 
 BENCHMARK_CAPTURE (UnaryEW, Trunc__CPU_UInt32__100000000, 100000000, UnaryOpCode::Trunc, UInt32, Device("CPU:0")) -> Unit(benchmark::kMillisecond)
 
 BENCHMARK_CAPTURE (UnaryEW, Trunc__CPU_Int64__100, 100, UnaryOpCode::Trunc, Int64, Device("CPU:0")) -> Unit(benchmark::kMillisecond)
 
 BENCHMARK_CAPTURE (UnaryEW, Trunc__CPU_Int64__100000, 100000, UnaryOpCode::Trunc, Int64, Device("CPU:0")) -> Unit(benchmark::kMillisecond)
 
 BENCHMARK_CAPTURE (UnaryEW, Trunc__CPU_Int64__100000000, 100000000, UnaryOpCode::Trunc, Int64, Device("CPU:0")) -> Unit(benchmark::kMillisecond)
 
 BENCHMARK_CAPTURE (UnaryEW, Trunc__CPU_UInt64__100, 100, UnaryOpCode::Trunc, UInt64, Device("CPU:0")) -> Unit(benchmark::kMillisecond)
 
 BENCHMARK_CAPTURE (UnaryEW, Trunc__CPU_UInt64__100000, 100000, UnaryOpCode::Trunc, UInt64, Device("CPU:0")) -> Unit(benchmark::kMillisecond)
 
 BENCHMARK_CAPTURE (UnaryEW, Trunc__CPU_UInt64__100000000, 100000000, UnaryOpCode::Trunc, UInt64, Device("CPU:0")) -> Unit(benchmark::kMillisecond)
 
 BENCHMARK_CAPTURE (UnaryEW, Trunc__CPU_Float32__100, 100, UnaryOpCode::Trunc, Float32, Device("CPU:0")) -> Unit(benchmark::kMillisecond)
 
 BENCHMARK_CAPTURE (UnaryEW, Trunc__CPU_Float32__100000, 100000, UnaryOpCode::Trunc, Float32, Device("CPU:0")) -> Unit(benchmark::kMillisecond)
 
 BENCHMARK_CAPTURE (UnaryEW, Trunc__CPU_Float32__100000000, 100000000, UnaryOpCode::Trunc, Float32, Device("CPU:0")) -> Unit(benchmark::kMillisecond)
 
 BENCHMARK_CAPTURE (UnaryEW, Trunc__CPU_Float64__100, 100, UnaryOpCode::Trunc, Float64, Device("CPU:0")) -> Unit(benchmark::kMillisecond)
 
 BENCHMARK_CAPTURE (UnaryEW, Trunc__CPU_Float64__100000, 100000, UnaryOpCode::Trunc, Float64, Device("CPU:0")) -> Unit(benchmark::kMillisecond)
 
 BENCHMARK_CAPTURE (UnaryEW, Trunc__CPU_Float64__100000000, 100000000, UnaryOpCode::Trunc, Float64, Device("CPU:0")) -> Unit(benchmark::kMillisecond)
 
 BENCHMARK_CAPTURE (UnaryEW, LogicalNot__CPU_Bool__100, 100, UnaryOpCode::LogicalNot, Bool, Device("CPU:0")) -> Unit(benchmark::kMillisecond)
 
 BENCHMARK_CAPTURE (UnaryEW, LogicalNot__CPU_Bool__100000, 100000, UnaryOpCode::LogicalNot, Bool, Device("CPU:0")) -> Unit(benchmark::kMillisecond)
 
 BENCHMARK_CAPTURE (UnaryEW, LogicalNot__CPU_Bool__100000000, 100000000, UnaryOpCode::LogicalNot, Bool, Device("CPU:0")) -> Unit(benchmark::kMillisecond)
 
 BENCHMARK_CAPTURE (UnaryEW, LogicalNot__CPU_Int8__100, 100, UnaryOpCode::LogicalNot, Int8, Device("CPU:0")) -> Unit(benchmark::kMillisecond)
 
 BENCHMARK_CAPTURE (UnaryEW, LogicalNot__CPU_Int8__100000, 100000, UnaryOpCode::LogicalNot, Int8, Device("CPU:0")) -> Unit(benchmark::kMillisecond)
 
 BENCHMARK_CAPTURE (UnaryEW, LogicalNot__CPU_Int8__100000000, 100000000, UnaryOpCode::LogicalNot, Int8, Device("CPU:0")) -> Unit(benchmark::kMillisecond)
 
 BENCHMARK_CAPTURE (UnaryEW, LogicalNot__CPU_UInt8__100, 100, UnaryOpCode::LogicalNot, UInt8, Device("CPU:0")) -> Unit(benchmark::kMillisecond)
 
 BENCHMARK_CAPTURE (UnaryEW, LogicalNot__CPU_UInt8__100000, 100000, UnaryOpCode::LogicalNot, UInt8, Device("CPU:0")) -> Unit(benchmark::kMillisecond)
 
 BENCHMARK_CAPTURE (UnaryEW, LogicalNot__CPU_UInt8__100000000, 100000000, UnaryOpCode::LogicalNot, UInt8, Device("CPU:0")) -> Unit(benchmark::kMillisecond)
 
 BENCHMARK_CAPTURE (UnaryEW, LogicalNot__CPU_Int16__100, 100, UnaryOpCode::LogicalNot, Int16, Device("CPU:0")) -> Unit(benchmark::kMillisecond)
 
 BENCHMARK_CAPTURE (UnaryEW, LogicalNot__CPU_Int16__100000, 100000, UnaryOpCode::LogicalNot, Int16, Device("CPU:0")) -> Unit(benchmark::kMillisecond)
 
 BENCHMARK_CAPTURE (UnaryEW, LogicalNot__CPU_Int16__100000000, 100000000, UnaryOpCode::LogicalNot, Int16, Device("CPU:0")) -> Unit(benchmark::kMillisecond)
 
 BENCHMARK_CAPTURE (UnaryEW, LogicalNot__CPU_UInt16__100, 100, UnaryOpCode::LogicalNot, UInt16, Device("CPU:0")) -> Unit(benchmark::kMillisecond)
 
 BENCHMARK_CAPTURE (UnaryEW, LogicalNot__CPU_UInt16__100000, 100000, UnaryOpCode::LogicalNot, UInt16, Device("CPU:0")) -> Unit(benchmark::kMillisecond)
 
 BENCHMARK_CAPTURE (UnaryEW, LogicalNot__CPU_UInt16__100000000, 100000000, UnaryOpCode::LogicalNot, UInt16, Device("CPU:0")) -> Unit(benchmark::kMillisecond)
 
 BENCHMARK_CAPTURE (UnaryEW, LogicalNot__CPU_Int32__100, 100, UnaryOpCode::LogicalNot, Int32, Device("CPU:0")) -> Unit(benchmark::kMillisecond)
 
 BENCHMARK_CAPTURE (UnaryEW, LogicalNot__CPU_Int32__100000, 100000, UnaryOpCode::LogicalNot, Int32, Device("CPU:0")) -> Unit(benchmark::kMillisecond)
 
 BENCHMARK_CAPTURE (UnaryEW, LogicalNot__CPU_Int32__100000000, 100000000, UnaryOpCode::LogicalNot, Int32, Device("CPU:0")) -> Unit(benchmark::kMillisecond)
 
 BENCHMARK_CAPTURE (UnaryEW, LogicalNot__CPU_UInt32__100, 100, UnaryOpCode::LogicalNot, UInt32, Device("CPU:0")) -> Unit(benchmark::kMillisecond)
 
 BENCHMARK_CAPTURE (UnaryEW, LogicalNot__CPU_UInt32__100000, 100000, UnaryOpCode::LogicalNot, UInt32, Device("CPU:0")) -> Unit(benchmark::kMillisecond)
 
 BENCHMARK_CAPTURE (UnaryEW, LogicalNot__CPU_UInt32__100000000, 100000000, UnaryOpCode::LogicalNot, UInt32, Device("CPU:0")) -> Unit(benchmark::kMillisecond)
 
 BENCHMARK_CAPTURE (UnaryEW, LogicalNot__CPU_Int64__100, 100, UnaryOpCode::LogicalNot, Int64, Device("CPU:0")) -> Unit(benchmark::kMillisecond)
 
 BENCHMARK_CAPTURE (UnaryEW, LogicalNot__CPU_Int64__100000, 100000, UnaryOpCode::LogicalNot, Int64, Device("CPU:0")) -> Unit(benchmark::kMillisecond)
 
 BENCHMARK_CAPTURE (UnaryEW, LogicalNot__CPU_Int64__100000000, 100000000, UnaryOpCode::LogicalNot, Int64, Device("CPU:0")) -> Unit(benchmark::kMillisecond)
 
 BENCHMARK_CAPTURE (UnaryEW, LogicalNot__CPU_UInt64__100, 100, UnaryOpCode::LogicalNot, UInt64, Device("CPU:0")) -> Unit(benchmark::kMillisecond)
 
 BENCHMARK_CAPTURE (UnaryEW, LogicalNot__CPU_UInt64__100000, 100000, UnaryOpCode::LogicalNot, UInt64, Device("CPU:0")) -> Unit(benchmark::kMillisecond)
 
 BENCHMARK_CAPTURE (UnaryEW, LogicalNot__CPU_UInt64__100000000, 100000000, UnaryOpCode::LogicalNot, UInt64, Device("CPU:0")) -> Unit(benchmark::kMillisecond)
 
 BENCHMARK_CAPTURE (UnaryEW, LogicalNot__CPU_Float32__100, 100, UnaryOpCode::LogicalNot, Float32, Device("CPU:0")) -> Unit(benchmark::kMillisecond)
 
 BENCHMARK_CAPTURE (UnaryEW, LogicalNot__CPU_Float32__100000, 100000, UnaryOpCode::LogicalNot, Float32, Device("CPU:0")) -> Unit(benchmark::kMillisecond)
 
 BENCHMARK_CAPTURE (UnaryEW, LogicalNot__CPU_Float32__100000000, 100000000, UnaryOpCode::LogicalNot, Float32, Device("CPU:0")) -> Unit(benchmark::kMillisecond)
 
 BENCHMARK_CAPTURE (UnaryEW, LogicalNot__CPU_Float64__100, 100, UnaryOpCode::LogicalNot, Float64, Device("CPU:0")) -> Unit(benchmark::kMillisecond)
 
 BENCHMARK_CAPTURE (UnaryEW, LogicalNot__CPU_Float64__100000, 100000, UnaryOpCode::LogicalNot, Float64, Device("CPU:0")) -> Unit(benchmark::kMillisecond)
 
 BENCHMARK_CAPTURE (UnaryEW, LogicalNot__CPU_Float64__100000000, 100000000, UnaryOpCode::LogicalNot, Float64, Device("CPU:0")) -> Unit(benchmark::kMillisecond)
 
void Zeros (benchmark::State &state, const Device &device)
 
 BENCHMARK_CAPTURE (Zeros, CPU, Device("CPU:0")) -> Unit(benchmark::kMillisecond)
 
void pybind_core_blob (py::module &m)
 
void pybind_core (py::module &m)
 
void pybind_cuda_utils (py::module &m)
 
void pybind_core_dtype (py::module &m)
 
void pybind_core_device (py::module &m)
 
void pybind_core_size_vector (py::module &m)
 
void pybind_core_tensorlist (py::module &m)
 
void pybind_core_tensor (py::module &m)
 
void pybind_core_tensor_accessor (py::class_< Tensor > &t)
 
void pybind_core_linalg (py::module &m)
 
void pybind_core_kernel (py::module &m)
 
void pybind_core_hashmap (py::module &m)
 
void pybind_core_hashset (py::module &m)
 
void pybind_core_scalar (py::module &m)
 
void pybind_core_tensor_function (py::module &m)
 
template<typename T >
static std::vector< T > ToFlatVector (py::array_t< T, py::array::c_style|py::array::forcecast > np_array)
 
template<typename func_t >
static void BindTensorCreation (py::module &m, py::class_< Tensor > &tensor, const std::string &py_name, func_t cpp_func)
 
template<typename T >
static void BindTensorFullCreation (py::module &m, py::class_< Tensor > &tensor)
 
static TensorKey ToTensorKey (int key)
 
static TensorKey ToTensorKey (const py::slice &key)
 
static TensorKey ToTensorKey (const py::list &key)
 
static TensorKey ToTensorKey (const py::tuple &key)
 
static TensorKey ToTensorKey (const py::array &key)
 
static TensorKey ToTensorKey (const Tensor &key_tensor)
 
static TensorKey PyHandleToTensorKey (const py::handle &item)
 
static void pybind_getitem (py::class_< Tensor > &tensor)
 
static void pybind_setitem (py::class_< Tensor > &tensor)
 
static Tensor CastOptionalDtypeDevice (const Tensor &t, utility::optional< Dtype > dtype, utility::optional< Device > device)
 
py::array TensorToPyArray (const Tensor &tensor)
 Convert Tensor class to py::array (Numpy array). More...
 
Tensor PyArrayToTensor (py::array array, bool inplace)
 
Tensor PyListToTensor (const py::list &list, utility::optional< Dtype > dtype, utility::optional< Device > device)
 
Tensor PyTupleToTensor (const py::tuple &tuple, utility::optional< Dtype > dtype, utility::optional< Device > device)
 
Tensor DoubleToTensor (double scalar_value, utility::optional< Dtype > dtype, utility::optional< Device > device)
 
Tensor IntToTensor (int64_t scalar_value, utility::optional< Dtype > dtype, utility::optional< Device > device)
 
Tensor BoolToTensor (bool scalar_value, utility::optional< Dtype > dtype, utility::optional< Device > device)
 
Tensor PyHandleToTensor (const py::handle &handle, utility::optional< Dtype > dtype, utility::optional< Device > device, bool force_copy)
 

Variables

const Dtype Undefined = Dtype::Undefined
 
const Dtype Float32 = Dtype::Float32
 
const Dtype Float64 = Dtype::Float64
 
const Dtype Int8 = Dtype::Int8
 
const Dtype Int16 = Dtype::Int16
 
const Dtype Int32 = Dtype::Int32
 
const Dtype Int64 = Dtype::Int64
 
const Dtype UInt8 = Dtype::UInt8
 
const Dtype UInt16 = Dtype::UInt16
 
const Dtype UInt32 = Dtype::UInt32
 
const Dtype UInt64 = Dtype::UInt64
 
const Dtype Bool = Dtype::Bool
 
static constexpr uint32_t kWarpSize = 32
 
static constexpr uint32_t kSuperBlocks = 32
 
static constexpr uint32_t kBlocksPerSuperBlock = 4
 
static constexpr uint32_t kBlocksPerSuperBlockInBits = 2
 
static constexpr uint32_t kSlabsPerBlock = 1024
 
static constexpr uint32_t kMaxKeyByteSize = 32
 
static constexpr uint32_t kThreadsPerBlock = 128
 
static constexpr uint32_t kUIntsPerBlock = kSlabsPerBlock * kWarpSize
 
static constexpr uint32_t kBitmapsPerSuperBlock
 
static constexpr uint32_t kUIntsPerSuperBlock
 
static constexpr uint32_t kSuperBlockMaskBits = 27
 
static constexpr uint32_t kBlockMaskBits = 10
 
static constexpr uint32_t kSlabMaskBits = 5
 
static constexpr uint32_t kSyncLanesMask = 0xFFFFFFFF
 
static constexpr uint32_t kNodePtrLanesMask = 0x7FFFFFFF
 
static constexpr uint32_t kNextSlabPtrLaneId = 31
 
static constexpr uint32_t kHeadSlabAddr = 0xFFFFFFFE
 
static constexpr uint32_t kEmptySlabAddr = 0xFFFFFFFF
 
static constexpr uint32_t kEmptyNodeAddr = 0xFFFFFFFF
 
static constexpr uint32_t kNullAddr = 0xFFFFFFFF
 
static constexpr uint32_t kNotFoundFlag = 0xFFFFFFFF
 
static constexpr int64_t MAX_DIMS = 5
 
static constexpr int64_t MAX_INPUTS = 5
 
static constexpr int64_t MAX_OUTPUTS = 2
 
constexpr utility::nullopt_t None {utility::nullopt_t::init()}
 
const std::unordered_map< std::string, std::string > argument_docs
 

Typedef Documentation

◆ buf_index_t

using cloudViewer::core::buf_index_t = typedef uint32_t

Definition at line 44 of file HashBackendBuffer.h.

◆ SmallVectorSizeType

template<class T >
using cloudViewer::core::SmallVectorSizeType = typedef typename std::conditional<sizeof(T) < 4 && sizeof(void *) >= 8, uint64_t, uint32_t>::type

Definition at line 136 of file SmallVector.h.

◆ ValueTypeFromRangeType

template<typename RangeType >
using cloudViewer::core::ValueTypeFromRangeType = typedef typename std::remove_const< typename std::remove_reference<decltype(*std::begin( std::declval<RangeType &>()))>::type>::type

Definition at line 1344 of file SmallVector.h.

Enumeration Type Documentation

◆ BinaryOpCode

Enumerator
Add 
Sub 
Mul 
Div 
LogicalAnd 
LogicalOr 
LogicalXor 
Gt 
Ge 
Lt 
Le 
Eq 
Neq 

Definition at line 22 of file BinaryEW.cpp.

◆ DtypePolicy

Enumerator
NONE 
ALL_SAME 
INPUT_SAME 
INPUT_SAME_OUTPUT_BOOL 

Definition at line 200 of file Indexer.h.

◆ HashBackendType

Enumerator
Slab 
StdGPU 
TBB 
Default 

Definition at line 21 of file HashMap.h.

◆ MemoryManagerBackend

Enumerator
Direct 
Cached 

Definition at line 17 of file MemoryManager.cpp.

◆ UnaryOpCode

Enumerator
Sqrt 
Sin 
Cos 
Neg 
Exp 
Abs 
IsNan 
IsInf 
IsFinite 
Floor 
Ceil 
Round 
Trunc 
LogicalNot 

Definition at line 23 of file UnaryEW.cpp.

Function Documentation

◆ AddMM()

void cloudViewer::core::AddMM ( const Tensor A,
const Tensor B,
Tensor C,
double  alpha,
double  beta 
)

◆ AddMMCPU()

void cloudViewer::core::AddMMCPU ( void *  A_data,
void *  B_data,
void *  C_data,
int64_t  m,
int64_t  k,
int64_t  n,
double  alpha,
double  beta,
bool  gemmTrA,
bool  gemmTrB,
int  lda,
int  ldb,
int  ldc,
Dtype  dtype 
)

Definition at line 17 of file AddMMCPU.cpp.

References DISPATCH_DTYPE_TO_TEMPLATE, and gemm_cpu().

Referenced by AddMM().

◆ AddMMCUDA()

void cloudViewer::core::AddMMCUDA ( void *  A_data,
void *  B_data,
void *  C_data,
int64_t  m,
int64_t  k,
int64_t  n,
double  alpha,
double  beta,
bool  gemmTrA,
bool  gemmTrB,
int  lda,
int  ldb,
int  ldc,
Dtype  dtype,
const Device device 
)

Definition at line 17 of file AddMMCUDA.cpp.

References DISPATCH_LINALG_DTYPE_TO_TEMPLATE, and Runtime::GetInstance().

Referenced by AddMM().

◆ AddMMSYCL()

void cloudViewer::core::AddMMSYCL ( void *  A_data,
void *  B_data,
void *  C_data,
int64_t  m,
int64_t  k,
int64_t  n,
double  alpha,
double  beta,
bool  gemmTrA,
bool  gemmTrB,
int  lda,
int  ldb,
int  ldc,
Dtype  dtype,
const Device device 
)

◆ Append()

Tensor cloudViewer::core::Append ( const Tensor self,
const Tensor other,
const utility::optional< int64_t > &  axis = utility::nullopt 
)

Appends the two tensors, along the given axis into a new tensor. Both the tensors must have same data-type, device, and number of dimensions. All dimensions must be the same, except the dimension along the axis the tensors are to be appended.

This is the same as NumPy's semantics:

Example:

Tensor a = Tensor::Init<int64_t>({{0, 1}, {2, 3}});
Tensor b = Tensor::Init<int64_t>({{4, 5}});
Tensor t1 = core::Append(a, b, 0);
// t1:
// [[0 1],
// [2 3],
// [4 5]]
// Tensor[shape={3, 2}, stride={2, 1}, Int64, CPU:0, 0x55555abc6b00]
Tensor t2 = core::Append(a, b);
// t2:
// [0 1 2 3 4 5]
// Tensor[shape={6}, stride={1}, Int64, CPU:0, 0x55555abc6b70]
Tensor Append(const Tensor &self, const Tensor &other, const utility::optional< int64_t > &axis)
Appends the two tensors, along the given axis into a new tensor. Both the tensors must have same data...
Parameters
selfValues are appended to a copy of this tensor.
otherValues of this tensor is appended to the self.
axis[optional] The axis along which values are appended. If axis is not given, both tensors are flattened before use.
Returns
A copy of tensor with values appended to axis. Note that append does not occur in-place: a new array is allocated and filled. If axis is None, out is a flattened tensor.

Definition at line 118 of file TensorFunction.cpp.

References Concatenate().

Referenced by cloudViewer::core::Tensor::Append(), cloudViewer::t::pipelines::registration::CorrespondencesFromFeatures(), QuaZIODevice::open(), pybind_core_tensor_function(), ecvConsole::setLogFile(), and QUIWidget::writeInfo().

◆ AssertIsResizable()

static void cloudViewer::core::AssertIsResizable ( const TensorList tensorlist,
const std::string &  func_name 
)
static

◆ AssertNotSYCL()

void cloudViewer::core::AssertNotSYCL ( const Tensor tensor)
inline

◆ AtomicFetchAddRelaxed() [1/2]

uint32_t cloudViewer::core::AtomicFetchAddRelaxed ( uint32_t *  address,
uint32_t  val 
)
inline

Adds val to the value stored at address and returns the previous stored value as an atomic operation. This function does not impose any ordering on concurrent memory accesses.

Warning
This function will treat all values as signed integers on Windows!

Definition at line 25 of file Atomic.h.

◆ AtomicFetchAddRelaxed() [2/2]

uint64_t cloudViewer::core::AtomicFetchAddRelaxed ( uint64_t *  address,
uint64_t  val 
)
inline

Adds val to the value stored at address and returns the previous stored value as an atomic operation. This function does not impose any ordering on concurrent memory accesses.

Warning
This function will treat all values as signed integers on Windows!

Definition at line 42 of file Atomic.h.

◆ BENCHMARK_CAPTURE() [1/1019]

cloudViewer::core::BENCHMARK_CAPTURE ( BinaryEW  ,
Add__CPU_Float32__100  ,
100  ,
BinaryOpCode::Add  ,
Float32  ,
Device("CPU:0")   
) -> Unit(benchmark::kMillisecond)

◆ BENCHMARK_CAPTURE() [2/1019]

cloudViewer::core::BENCHMARK_CAPTURE ( BinaryEW  ,
Add__CPU_Float32__100000  ,
100000  ,
BinaryOpCode::Add  ,
Float32  ,
Device("CPU:0")   
) -> Unit(benchmark::kMillisecond)

◆ BENCHMARK_CAPTURE() [3/1019]

cloudViewer::core::BENCHMARK_CAPTURE ( BinaryEW  ,
Add__CPU_Float32__100000000  ,
100000000  ,
BinaryOpCode::Add  ,
Float32  ,
Device("CPU:0")   
) -> Unit(benchmark::kMillisecond)

◆ BENCHMARK_CAPTURE() [4/1019]

cloudViewer::core::BENCHMARK_CAPTURE ( BinaryEW  ,
Add__CPU_Float64__100  ,
100  ,
BinaryOpCode::Add  ,
Float64  ,
Device("CPU:0")   
) -> Unit(benchmark::kMillisecond)

◆ BENCHMARK_CAPTURE() [5/1019]

cloudViewer::core::BENCHMARK_CAPTURE ( BinaryEW  ,
Add__CPU_Float64__100000  ,
100000  ,
BinaryOpCode::Add  ,
Float64  ,
Device("CPU:0")   
) -> Unit(benchmark::kMillisecond)

◆ BENCHMARK_CAPTURE() [6/1019]

cloudViewer::core::BENCHMARK_CAPTURE ( BinaryEW  ,
Add__CPU_Float64__100000000  ,
100000000  ,
BinaryOpCode::Add  ,
Float64  ,
Device("CPU:0")   
) -> Unit(benchmark::kMillisecond)

◆ BENCHMARK_CAPTURE() [7/1019]

cloudViewer::core::BENCHMARK_CAPTURE ( BinaryEW  ,
Add__CPU_Int16__100  ,
100  ,
BinaryOpCode::Add  ,
Int16  ,
Device("CPU:0")   
) -> Unit(benchmark::kMillisecond)

◆ BENCHMARK_CAPTURE() [8/1019]

cloudViewer::core::BENCHMARK_CAPTURE ( BinaryEW  ,
Add__CPU_Int16__100000  ,
100000  ,
BinaryOpCode::Add  ,
Int16  ,
Device("CPU:0")   
) -> Unit(benchmark::kMillisecond)

◆ BENCHMARK_CAPTURE() [9/1019]

cloudViewer::core::BENCHMARK_CAPTURE ( BinaryEW  ,
Add__CPU_Int16__100000000  ,
100000000  ,
BinaryOpCode::Add  ,
Int16  ,
Device("CPU:0")   
) -> Unit(benchmark::kMillisecond)

◆ BENCHMARK_CAPTURE() [10/1019]

cloudViewer::core::BENCHMARK_CAPTURE ( BinaryEW  ,
Add__CPU_Int32__100  ,
100  ,
BinaryOpCode::Add  ,
Int32  ,
Device("CPU:0")   
) -> Unit(benchmark::kMillisecond)

◆ BENCHMARK_CAPTURE() [11/1019]

cloudViewer::core::BENCHMARK_CAPTURE ( BinaryEW  ,
Add__CPU_Int32__100000  ,
100000  ,
BinaryOpCode::Add  ,
Int32  ,
Device("CPU:0")   
) -> Unit(benchmark::kMillisecond)

◆ BENCHMARK_CAPTURE() [12/1019]

cloudViewer::core::BENCHMARK_CAPTURE ( BinaryEW  ,
Add__CPU_Int32__100000000  ,
100000000  ,
BinaryOpCode::Add  ,
Int32  ,
Device("CPU:0")   
) -> Unit(benchmark::kMillisecond)

◆ BENCHMARK_CAPTURE() [13/1019]

cloudViewer::core::BENCHMARK_CAPTURE ( BinaryEW  ,
Add__CPU_Int64__100  ,
100  ,
BinaryOpCode::Add  ,
Int64  ,
Device("CPU:0")   
) -> Unit(benchmark::kMillisecond)

◆ BENCHMARK_CAPTURE() [14/1019]

cloudViewer::core::BENCHMARK_CAPTURE ( BinaryEW  ,
Add__CPU_Int64__100000  ,
100000  ,
BinaryOpCode::Add  ,
Int64  ,
Device("CPU:0")   
) -> Unit(benchmark::kMillisecond)

◆ BENCHMARK_CAPTURE() [15/1019]

cloudViewer::core::BENCHMARK_CAPTURE ( BinaryEW  ,
Add__CPU_Int64__100000000  ,
100000000  ,
BinaryOpCode::Add  ,
Int64  ,
Device("CPU:0")   
) -> Unit(benchmark::kMillisecond)

◆ BENCHMARK_CAPTURE() [16/1019]

cloudViewer::core::BENCHMARK_CAPTURE ( BinaryEW  ,
Add__CPU_Int8__100  ,
100  ,
BinaryOpCode::Add  ,
Int8  ,
Device("CPU:0")   
) -> Unit(benchmark::kMillisecond)

◆ BENCHMARK_CAPTURE() [17/1019]

cloudViewer::core::BENCHMARK_CAPTURE ( BinaryEW  ,
Add__CPU_Int8__100000  ,
100000  ,
BinaryOpCode::Add  ,
Int8  ,
Device("CPU:0")   
) -> Unit(benchmark::kMillisecond)

◆ BENCHMARK_CAPTURE() [18/1019]

cloudViewer::core::BENCHMARK_CAPTURE ( BinaryEW  ,
Add__CPU_Int8__100000000  ,
100000000  ,
BinaryOpCode::Add  ,
Int8  ,
Device("CPU:0")   
) -> Unit(benchmark::kMillisecond)

◆ BENCHMARK_CAPTURE() [19/1019]

cloudViewer::core::BENCHMARK_CAPTURE ( BinaryEW  ,
Add__CPU_UInt16__100  ,
100  ,
BinaryOpCode::Add  ,
UInt16  ,
Device("CPU:0")   
) -> Unit(benchmark::kMillisecond)

◆ BENCHMARK_CAPTURE() [20/1019]

cloudViewer::core::BENCHMARK_CAPTURE ( BinaryEW  ,
Add__CPU_UInt16__100000  ,
100000  ,
BinaryOpCode::Add  ,
UInt16  ,
Device("CPU:0")   
) -> Unit(benchmark::kMillisecond)

◆ BENCHMARK_CAPTURE() [21/1019]

cloudViewer::core::BENCHMARK_CAPTURE ( BinaryEW  ,
Add__CPU_UInt16__100000000  ,
100000000  ,
BinaryOpCode::Add  ,
UInt16  ,
Device("CPU:0")   
) -> Unit(benchmark::kMillisecond)

◆ BENCHMARK_CAPTURE() [22/1019]

cloudViewer::core::BENCHMARK_CAPTURE ( BinaryEW  ,
Add__CPU_UInt32__100  ,
100  ,
BinaryOpCode::Add  ,
UInt32  ,
Device("CPU:0")   
) -> Unit(benchmark::kMillisecond)

◆ BENCHMARK_CAPTURE() [23/1019]

cloudViewer::core::BENCHMARK_CAPTURE ( BinaryEW  ,
Add__CPU_UInt32__100000  ,
100000  ,
BinaryOpCode::Add  ,
UInt32  ,
Device("CPU:0")   
) -> Unit(benchmark::kMillisecond)

◆ BENCHMARK_CAPTURE() [24/1019]

cloudViewer::core::BENCHMARK_CAPTURE ( BinaryEW  ,
Add__CPU_UInt32__100000000  ,
100000000  ,
BinaryOpCode::Add  ,
UInt32  ,
Device("CPU:0")   
) -> Unit(benchmark::kMillisecond)

◆ BENCHMARK_CAPTURE() [25/1019]

cloudViewer::core::BENCHMARK_CAPTURE ( BinaryEW  ,
Add__CPU_UInt64__100  ,
100  ,
BinaryOpCode::Add  ,
UInt64  ,
Device("CPU:0")   
) -> Unit(benchmark::kMillisecond)

◆ BENCHMARK_CAPTURE() [26/1019]

cloudViewer::core::BENCHMARK_CAPTURE ( BinaryEW  ,
Add__CPU_UInt64__100000  ,
100000  ,
BinaryOpCode::Add  ,
UInt64  ,
Device("CPU:0")   
) -> Unit(benchmark::kMillisecond)

◆ BENCHMARK_CAPTURE() [27/1019]

cloudViewer::core::BENCHMARK_CAPTURE ( BinaryEW  ,
Add__CPU_UInt64__100000000  ,
100000000  ,
BinaryOpCode::Add  ,
UInt64  ,
Device("CPU:0")   
) -> Unit(benchmark::kMillisecond)

◆ BENCHMARK_CAPTURE() [28/1019]

cloudViewer::core::BENCHMARK_CAPTURE ( BinaryEW  ,
Add__CPU_UInt8__100  ,
100  ,
BinaryOpCode::Add  ,
UInt8  ,
Device("CPU:0")   
) -> Unit(benchmark::kMillisecond)

◆ BENCHMARK_CAPTURE() [29/1019]

cloudViewer::core::BENCHMARK_CAPTURE ( BinaryEW  ,
Add__CPU_UInt8__100000  ,
100000  ,
BinaryOpCode::Add  ,
UInt8  ,
Device("CPU:0")   
) -> Unit(benchmark::kMillisecond)

◆ BENCHMARK_CAPTURE() [30/1019]

cloudViewer::core::BENCHMARK_CAPTURE ( BinaryEW  ,
Add__CPU_UInt8__100000000  ,
100000000  ,
BinaryOpCode::Add  ,
UInt8  ,
Device("CPU:0")   
) -> Unit(benchmark::kMillisecond)

◆ BENCHMARK_CAPTURE() [31/1019]

cloudViewer::core::BENCHMARK_CAPTURE ( BinaryEW  ,
Div__CPU_Float32__100  ,
100  ,
BinaryOpCode::Div  ,
Float32  ,
Device("CPU:0")   
) -> Unit(benchmark::kMillisecond)

◆ BENCHMARK_CAPTURE() [32/1019]

cloudViewer::core::BENCHMARK_CAPTURE ( BinaryEW  ,
Div__CPU_Float32__100000  ,
100000  ,
BinaryOpCode::Div  ,
Float32  ,
Device("CPU:0")   
) -> Unit(benchmark::kMillisecond)

◆ BENCHMARK_CAPTURE() [33/1019]

cloudViewer::core::BENCHMARK_CAPTURE ( BinaryEW  ,
Div__CPU_Float32__100000000  ,
100000000  ,
BinaryOpCode::Div  ,
Float32  ,
Device("CPU:0")   
) -> Unit(benchmark::kMillisecond)

◆ BENCHMARK_CAPTURE() [34/1019]

cloudViewer::core::BENCHMARK_CAPTURE ( BinaryEW  ,
Div__CPU_Float64__100  ,
100  ,
BinaryOpCode::Div  ,
Float64  ,
Device("CPU:0")   
) -> Unit(benchmark::kMillisecond)

◆ BENCHMARK_CAPTURE() [35/1019]

cloudViewer::core::BENCHMARK_CAPTURE ( BinaryEW  ,
Div__CPU_Float64__100000  ,
100000  ,
BinaryOpCode::Div  ,
Float64  ,
Device("CPU:0")   
) -> Unit(benchmark::kMillisecond)

◆ BENCHMARK_CAPTURE() [36/1019]

cloudViewer::core::BENCHMARK_CAPTURE ( BinaryEW  ,
Div__CPU_Float64__100000000  ,
100000000  ,
BinaryOpCode::Div  ,
Float64  ,
Device("CPU:0")   
) -> Unit(benchmark::kMillisecond)

◆ BENCHMARK_CAPTURE() [37/1019]

cloudViewer::core::BENCHMARK_CAPTURE ( BinaryEW  ,
Div__CPU_Int16__100  ,
100  ,
BinaryOpCode::Div  ,
Int16  ,
Device("CPU:0")   
) -> Unit(benchmark::kMillisecond)

◆ BENCHMARK_CAPTURE() [38/1019]

cloudViewer::core::BENCHMARK_CAPTURE ( BinaryEW  ,
Div__CPU_Int16__100000  ,
100000  ,
BinaryOpCode::Div  ,
Int16  ,
Device("CPU:0")   
) -> Unit(benchmark::kMillisecond)

◆ BENCHMARK_CAPTURE() [39/1019]

cloudViewer::core::BENCHMARK_CAPTURE ( BinaryEW  ,
Div__CPU_Int16__100000000  ,
100000000  ,
BinaryOpCode::Div  ,
Int16  ,
Device("CPU:0")   
) -> Unit(benchmark::kMillisecond)

◆ BENCHMARK_CAPTURE() [40/1019]

cloudViewer::core::BENCHMARK_CAPTURE ( BinaryEW  ,
Div__CPU_Int32__100  ,
100  ,
BinaryOpCode::Div  ,
Int32  ,
Device("CPU:0")   
) -> Unit(benchmark::kMillisecond)

◆ BENCHMARK_CAPTURE() [41/1019]

cloudViewer::core::BENCHMARK_CAPTURE ( BinaryEW  ,
Div__CPU_Int32__100000  ,
100000  ,
BinaryOpCode::Div  ,
Int32  ,
Device("CPU:0")   
) -> Unit(benchmark::kMillisecond)

◆ BENCHMARK_CAPTURE() [42/1019]

cloudViewer::core::BENCHMARK_CAPTURE ( BinaryEW  ,
Div__CPU_Int32__100000000  ,
100000000  ,
BinaryOpCode::Div  ,
Int32  ,
Device("CPU:0")   
) -> Unit(benchmark::kMillisecond)

◆ BENCHMARK_CAPTURE() [43/1019]

cloudViewer::core::BENCHMARK_CAPTURE ( BinaryEW  ,
Div__CPU_Int64__100  ,
100  ,
BinaryOpCode::Div  ,
Int64  ,
Device("CPU:0")   
) -> Unit(benchmark::kMillisecond)

◆ BENCHMARK_CAPTURE() [44/1019]

cloudViewer::core::BENCHMARK_CAPTURE ( BinaryEW  ,
Div__CPU_Int64__100000  ,
100000  ,
BinaryOpCode::Div  ,
Int64  ,
Device("CPU:0")   
) -> Unit(benchmark::kMillisecond)

◆ BENCHMARK_CAPTURE() [45/1019]

cloudViewer::core::BENCHMARK_CAPTURE ( BinaryEW  ,
Div__CPU_Int64__100000000  ,
100000000  ,
BinaryOpCode::Div  ,
Int64  ,
Device("CPU:0")   
) -> Unit(benchmark::kMillisecond)

◆ BENCHMARK_CAPTURE() [46/1019]

cloudViewer::core::BENCHMARK_CAPTURE ( BinaryEW  ,
Div__CPU_Int8__100  ,
100  ,
BinaryOpCode::Div  ,
Int8  ,
Device("CPU:0")   
) -> Unit(benchmark::kMillisecond)

◆ BENCHMARK_CAPTURE() [47/1019]

cloudViewer::core::BENCHMARK_CAPTURE ( BinaryEW  ,
Div__CPU_Int8__100000  ,
100000  ,
BinaryOpCode::Div  ,
Int8  ,
Device("CPU:0")   
) -> Unit(benchmark::kMillisecond)

◆ BENCHMARK_CAPTURE() [48/1019]

cloudViewer::core::BENCHMARK_CAPTURE ( BinaryEW  ,
Div__CPU_Int8__100000000  ,
100000000  ,
BinaryOpCode::Div  ,
Int8  ,
Device("CPU:0")   
) -> Unit(benchmark::kMillisecond)

◆ BENCHMARK_CAPTURE() [49/1019]

cloudViewer::core::BENCHMARK_CAPTURE ( BinaryEW  ,
Div__CPU_UInt16__100  ,
100  ,
BinaryOpCode::Div  ,
UInt16  ,
Device("CPU:0")   
) -> Unit(benchmark::kMillisecond)

◆ BENCHMARK_CAPTURE() [50/1019]

cloudViewer::core::BENCHMARK_CAPTURE ( BinaryEW  ,
Div__CPU_UInt16__100000  ,
100000  ,
BinaryOpCode::Div  ,
UInt16  ,
Device("CPU:0")   
) -> Unit(benchmark::kMillisecond)

◆ BENCHMARK_CAPTURE() [51/1019]

cloudViewer::core::BENCHMARK_CAPTURE ( BinaryEW  ,
Div__CPU_UInt16__100000000  ,
100000000  ,
BinaryOpCode::Div  ,
UInt16  ,
Device("CPU:0")   
) -> Unit(benchmark::kMillisecond)

◆ BENCHMARK_CAPTURE() [52/1019]

cloudViewer::core::BENCHMARK_CAPTURE ( BinaryEW  ,
Div__CPU_UInt32__100  ,
100  ,
BinaryOpCode::Div  ,
UInt32  ,
Device("CPU:0")   
) -> Unit(benchmark::kMillisecond)

◆ BENCHMARK_CAPTURE() [53/1019]

cloudViewer::core::BENCHMARK_CAPTURE ( BinaryEW  ,
Div__CPU_UInt32__100000  ,
100000  ,
BinaryOpCode::Div  ,
UInt32  ,
Device("CPU:0")   
) -> Unit(benchmark::kMillisecond)

◆ BENCHMARK_CAPTURE() [54/1019]

cloudViewer::core::BENCHMARK_CAPTURE ( BinaryEW  ,
Div__CPU_UInt32__100000000  ,
100000000  ,
BinaryOpCode::Div  ,
UInt32  ,
Device("CPU:0")   
) -> Unit(benchmark::kMillisecond)

◆ BENCHMARK_CAPTURE() [55/1019]

cloudViewer::core::BENCHMARK_CAPTURE ( BinaryEW  ,
Div__CPU_UInt64__100  ,
100  ,
BinaryOpCode::Div  ,
UInt64  ,
Device("CPU:0")   
) -> Unit(benchmark::kMillisecond)

◆ BENCHMARK_CAPTURE() [56/1019]

cloudViewer::core::BENCHMARK_CAPTURE ( BinaryEW  ,
Div__CPU_UInt64__100000  ,
100000  ,
BinaryOpCode::Div  ,
UInt64  ,
Device("CPU:0")   
) -> Unit(benchmark::kMillisecond)

◆ BENCHMARK_CAPTURE() [57/1019]

cloudViewer::core::BENCHMARK_CAPTURE ( BinaryEW  ,
Div__CPU_UInt64__100000000  ,
100000000  ,
BinaryOpCode::Div  ,
UInt64  ,
Device("CPU:0")   
) -> Unit(benchmark::kMillisecond)

◆ BENCHMARK_CAPTURE() [58/1019]

cloudViewer::core::BENCHMARK_CAPTURE ( BinaryEW  ,
Div__CPU_UInt8__100  ,
100  ,
BinaryOpCode::Div  ,
UInt8  ,
Device("CPU:0")   
) -> Unit(benchmark::kMillisecond)

◆ BENCHMARK_CAPTURE() [59/1019]

cloudViewer::core::BENCHMARK_CAPTURE ( BinaryEW  ,
Div__CPU_UInt8__100000  ,
100000  ,
BinaryOpCode::Div  ,
UInt8  ,
Device("CPU:0")   
) -> Unit(benchmark::kMillisecond)

◆ BENCHMARK_CAPTURE() [60/1019]

cloudViewer::core::BENCHMARK_CAPTURE ( BinaryEW  ,
Div__CPU_UInt8__100000000  ,
100000000  ,
BinaryOpCode::Div  ,
UInt8  ,
Device("CPU:0")   
) -> Unit(benchmark::kMillisecond)

◆ BENCHMARK_CAPTURE() [61/1019]

cloudViewer::core::BENCHMARK_CAPTURE ( BinaryEW  ,
Eq__CPU_Bool__100  ,
100  ,
BinaryOpCode::Eq  ,
Bool  ,
Device("CPU:0")   
) -> Unit(benchmark::kMillisecond)

◆ BENCHMARK_CAPTURE() [62/1019]

cloudViewer::core::BENCHMARK_CAPTURE ( BinaryEW  ,
Eq__CPU_Bool__100000  ,
100000  ,
BinaryOpCode::Eq  ,
Bool  ,
Device("CPU:0")   
) -> Unit(benchmark::kMillisecond)

◆ BENCHMARK_CAPTURE() [63/1019]

cloudViewer::core::BENCHMARK_CAPTURE ( BinaryEW  ,
Eq__CPU_Bool__100000000  ,
100000000  ,
BinaryOpCode::Eq  ,
Bool  ,
Device("CPU:0")   
) -> Unit(benchmark::kMillisecond)

◆ BENCHMARK_CAPTURE() [64/1019]

cloudViewer::core::BENCHMARK_CAPTURE ( BinaryEW  ,
Eq__CPU_Float32__100  ,
100  ,
BinaryOpCode::Eq  ,
Float32  ,
Device("CPU:0")   
) -> Unit(benchmark::kMillisecond)

◆ BENCHMARK_CAPTURE() [65/1019]

cloudViewer::core::BENCHMARK_CAPTURE ( BinaryEW  ,
Eq__CPU_Float32__100000  ,
100000  ,
BinaryOpCode::Eq  ,
Float32  ,
Device("CPU:0")   
) -> Unit(benchmark::kMillisecond)

◆ BENCHMARK_CAPTURE() [66/1019]

cloudViewer::core::BENCHMARK_CAPTURE ( BinaryEW  ,
Eq__CPU_Float32__100000000  ,
100000000  ,
BinaryOpCode::Eq  ,
Float32  ,
Device("CPU:0")   
) -> Unit(benchmark::kMillisecond)

◆ BENCHMARK_CAPTURE() [67/1019]

cloudViewer::core::BENCHMARK_CAPTURE ( BinaryEW  ,
Eq__CPU_Float64__100  ,
100  ,
BinaryOpCode::Eq  ,
Float64  ,
Device("CPU:0")   
) -> Unit(benchmark::kMillisecond)

◆ BENCHMARK_CAPTURE() [68/1019]

cloudViewer::core::BENCHMARK_CAPTURE ( BinaryEW  ,
Eq__CPU_Float64__100000  ,
100000  ,
BinaryOpCode::Eq  ,
Float64  ,
Device("CPU:0")   
) -> Unit(benchmark::kMillisecond)

◆ BENCHMARK_CAPTURE() [69/1019]

cloudViewer::core::BENCHMARK_CAPTURE ( BinaryEW  ,
Eq__CPU_Float64__100000000  ,
100000000  ,
BinaryOpCode::Eq  ,
Float64  ,
Device("CPU:0")   
) -> Unit(benchmark::kMillisecond)

◆ BENCHMARK_CAPTURE() [70/1019]

cloudViewer::core::BENCHMARK_CAPTURE ( BinaryEW  ,
Eq__CPU_Int16__100  ,
100  ,
BinaryOpCode::Eq  ,
Int16  ,
Device("CPU:0")   
) -> Unit(benchmark::kMillisecond)

◆ BENCHMARK_CAPTURE() [71/1019]

cloudViewer::core::BENCHMARK_CAPTURE ( BinaryEW  ,
Eq__CPU_Int16__100000  ,
100000  ,
BinaryOpCode::Eq  ,
Int16  ,
Device("CPU:0")   
) -> Unit(benchmark::kMillisecond)

◆ BENCHMARK_CAPTURE() [72/1019]

cloudViewer::core::BENCHMARK_CAPTURE ( BinaryEW  ,
Eq__CPU_Int16__100000000  ,
100000000  ,
BinaryOpCode::Eq  ,
Int16  ,
Device("CPU:0")   
) -> Unit(benchmark::kMillisecond)

◆ BENCHMARK_CAPTURE() [73/1019]

cloudViewer::core::BENCHMARK_CAPTURE ( BinaryEW  ,
Eq__CPU_Int32__100  ,
100  ,
BinaryOpCode::Eq  ,
Int32  ,
Device("CPU:0")   
) -> Unit(benchmark::kMillisecond)

◆ BENCHMARK_CAPTURE() [74/1019]

cloudViewer::core::BENCHMARK_CAPTURE ( BinaryEW  ,
Eq__CPU_Int32__100000  ,
100000  ,
BinaryOpCode::Eq  ,
Int32  ,
Device("CPU:0")   
) -> Unit(benchmark::kMillisecond)

◆ BENCHMARK_CAPTURE() [75/1019]

cloudViewer::core::BENCHMARK_CAPTURE ( BinaryEW  ,
Eq__CPU_Int32__100000000  ,
100000000  ,
BinaryOpCode::Eq  ,
Int32  ,
Device("CPU:0")   
) -> Unit(benchmark::kMillisecond)

◆ BENCHMARK_CAPTURE() [76/1019]

cloudViewer::core::BENCHMARK_CAPTURE ( BinaryEW  ,
Eq__CPU_Int64__100  ,
100  ,
BinaryOpCode::Eq  ,
Int64  ,
Device("CPU:0")   
) -> Unit(benchmark::kMillisecond)

◆ BENCHMARK_CAPTURE() [77/1019]

cloudViewer::core::BENCHMARK_CAPTURE ( BinaryEW  ,
Eq__CPU_Int64__100000  ,
100000  ,
BinaryOpCode::Eq  ,
Int64  ,
Device("CPU:0")   
) -> Unit(benchmark::kMillisecond)

◆ BENCHMARK_CAPTURE() [78/1019]

cloudViewer::core::BENCHMARK_CAPTURE ( BinaryEW  ,
Eq__CPU_Int64__100000000  ,
100000000  ,
BinaryOpCode::Eq  ,
Int64  ,
Device("CPU:0")   
) -> Unit(benchmark::kMillisecond)

◆ BENCHMARK_CAPTURE() [79/1019]

cloudViewer::core::BENCHMARK_CAPTURE ( BinaryEW  ,
Eq__CPU_Int8__100  ,
100  ,
BinaryOpCode::Eq  ,
Int8  ,
Device("CPU:0")   
) -> Unit(benchmark::kMillisecond)

◆ BENCHMARK_CAPTURE() [80/1019]

cloudViewer::core::BENCHMARK_CAPTURE ( BinaryEW  ,
Eq__CPU_Int8__100000  ,
100000  ,
BinaryOpCode::Eq  ,
Int8  ,
Device("CPU:0")   
) -> Unit(benchmark::kMillisecond)

◆ BENCHMARK_CAPTURE() [81/1019]

cloudViewer::core::BENCHMARK_CAPTURE ( BinaryEW  ,
Eq__CPU_Int8__100000000  ,
100000000  ,
BinaryOpCode::Eq  ,
Int8  ,
Device("CPU:0")   
) -> Unit(benchmark::kMillisecond)

◆ BENCHMARK_CAPTURE() [82/1019]

cloudViewer::core::BENCHMARK_CAPTURE ( BinaryEW  ,
Eq__CPU_UInt16__100  ,
100  ,
BinaryOpCode::Eq  ,
UInt16  ,
Device("CPU:0")   
) -> Unit(benchmark::kMillisecond)

◆ BENCHMARK_CAPTURE() [83/1019]

cloudViewer::core::BENCHMARK_CAPTURE ( BinaryEW  ,
Eq__CPU_UInt16__100000  ,
100000  ,
BinaryOpCode::Eq  ,
UInt16  ,
Device("CPU:0")   
) -> Unit(benchmark::kMillisecond)

◆ BENCHMARK_CAPTURE() [84/1019]

cloudViewer::core::BENCHMARK_CAPTURE ( BinaryEW  ,
Eq__CPU_UInt16__100000000  ,
100000000  ,
BinaryOpCode::Eq  ,
UInt16  ,
Device("CPU:0")   
) -> Unit(benchmark::kMillisecond)

◆ BENCHMARK_CAPTURE() [85/1019]

cloudViewer::core::BENCHMARK_CAPTURE ( BinaryEW  ,
Eq__CPU_UInt32__100  ,
100  ,
BinaryOpCode::Eq  ,
UInt32  ,
Device("CPU:0")   
) -> Unit(benchmark::kMillisecond)

◆ BENCHMARK_CAPTURE() [86/1019]

cloudViewer::core::BENCHMARK_CAPTURE ( BinaryEW  ,
Eq__CPU_UInt32__100000  ,
100000  ,
BinaryOpCode::Eq  ,
UInt32  ,
Device("CPU:0")   
) -> Unit(benchmark::kMillisecond)

◆ BENCHMARK_CAPTURE() [87/1019]

cloudViewer::core::BENCHMARK_CAPTURE ( BinaryEW  ,
Eq__CPU_UInt32__100000000  ,
100000000  ,
BinaryOpCode::Eq  ,
UInt32  ,
Device("CPU:0")   
) -> Unit(benchmark::kMillisecond)

◆ BENCHMARK_CAPTURE() [88/1019]

cloudViewer::core::BENCHMARK_CAPTURE ( BinaryEW  ,
Eq__CPU_UInt64__100  ,
100  ,
BinaryOpCode::Eq  ,
UInt64  ,
Device("CPU:0")   
) -> Unit(benchmark::kMillisecond)

◆ BENCHMARK_CAPTURE() [89/1019]

cloudViewer::core::BENCHMARK_CAPTURE ( BinaryEW  ,
Eq__CPU_UInt64__100000  ,
100000  ,
BinaryOpCode::Eq  ,
UInt64  ,
Device("CPU:0")   
) -> Unit(benchmark::kMillisecond)

◆ BENCHMARK_CAPTURE() [90/1019]

cloudViewer::core::BENCHMARK_CAPTURE ( BinaryEW  ,
Eq__CPU_UInt64__100000000  ,
100000000  ,
BinaryOpCode::Eq  ,
UInt64  ,
Device("CPU:0")   
) -> Unit(benchmark::kMillisecond)

◆ BENCHMARK_CAPTURE() [91/1019]

cloudViewer::core::BENCHMARK_CAPTURE ( BinaryEW  ,
Eq__CPU_UInt8__100  ,
100  ,
BinaryOpCode::Eq  ,
UInt8  ,
Device("CPU:0")   
) -> Unit(benchmark::kMillisecond)

◆ BENCHMARK_CAPTURE() [92/1019]

cloudViewer::core::BENCHMARK_CAPTURE ( BinaryEW  ,
Eq__CPU_UInt8__100000  ,
100000  ,
BinaryOpCode::Eq  ,
UInt8  ,
Device("CPU:0")   
) -> Unit(benchmark::kMillisecond)

◆ BENCHMARK_CAPTURE() [93/1019]

cloudViewer::core::BENCHMARK_CAPTURE ( BinaryEW  ,
Eq__CPU_UInt8__100000000  ,
100000000  ,
BinaryOpCode::Eq  ,
UInt8  ,
Device("CPU:0")   
) -> Unit(benchmark::kMillisecond)

◆ BENCHMARK_CAPTURE() [94/1019]

cloudViewer::core::BENCHMARK_CAPTURE ( BinaryEW  ,
Ge__CPU_Bool__100  ,
100  ,
BinaryOpCode::Ge  ,
Bool  ,
Device("CPU:0")   
) -> Unit(benchmark::kMillisecond)

◆ BENCHMARK_CAPTURE() [95/1019]

cloudViewer::core::BENCHMARK_CAPTURE ( BinaryEW  ,
Ge__CPU_Bool__100000  ,
100000  ,
BinaryOpCode::Ge  ,
Bool  ,
Device("CPU:0")   
) -> Unit(benchmark::kMillisecond)

◆ BENCHMARK_CAPTURE() [96/1019]

cloudViewer::core::BENCHMARK_CAPTURE ( BinaryEW  ,
Ge__CPU_Bool__100000000  ,
100000000  ,
BinaryOpCode::Ge  ,
Bool  ,
Device("CPU:0")   
) -> Unit(benchmark::kMillisecond)

◆ BENCHMARK_CAPTURE() [97/1019]

cloudViewer::core::BENCHMARK_CAPTURE ( BinaryEW  ,
Ge__CPU_Float32__100  ,
100  ,
BinaryOpCode::Ge  ,
Float32  ,
Device("CPU:0")   
) -> Unit(benchmark::kMillisecond)

◆ BENCHMARK_CAPTURE() [98/1019]

cloudViewer::core::BENCHMARK_CAPTURE ( BinaryEW  ,
Ge__CPU_Float32__100000  ,
100000  ,
BinaryOpCode::Ge  ,
Float32  ,
Device("CPU:0")   
) -> Unit(benchmark::kMillisecond)

◆ BENCHMARK_CAPTURE() [99/1019]

cloudViewer::core::BENCHMARK_CAPTURE ( BinaryEW  ,
Ge__CPU_Float32__100000000  ,
100000000  ,
BinaryOpCode::Ge  ,
Float32  ,
Device("CPU:0")   
) -> Unit(benchmark::kMillisecond)

◆ BENCHMARK_CAPTURE() [100/1019]

cloudViewer::core::BENCHMARK_CAPTURE ( BinaryEW  ,
Ge__CPU_Float64__100  ,
100  ,
BinaryOpCode::Ge  ,
Float64  ,
Device("CPU:0")   
) -> Unit(benchmark::kMillisecond)

◆ BENCHMARK_CAPTURE() [101/1019]

cloudViewer::core::BENCHMARK_CAPTURE ( BinaryEW  ,
Ge__CPU_Float64__100000  ,
100000  ,
BinaryOpCode::Ge  ,
Float64  ,
Device("CPU:0")   
) -> Unit(benchmark::kMillisecond)

◆ BENCHMARK_CAPTURE() [102/1019]

cloudViewer::core::BENCHMARK_CAPTURE ( BinaryEW  ,
Ge__CPU_Float64__100000000  ,
100000000  ,
BinaryOpCode::Ge  ,
Float64  ,
Device("CPU:0")   
) -> Unit(benchmark::kMillisecond)

◆ BENCHMARK_CAPTURE() [103/1019]

cloudViewer::core::BENCHMARK_CAPTURE ( BinaryEW  ,
Ge__CPU_Int16__100  ,
100  ,
BinaryOpCode::Ge  ,
Int16  ,
Device("CPU:0")   
) -> Unit(benchmark::kMillisecond)

◆ BENCHMARK_CAPTURE() [104/1019]

cloudViewer::core::BENCHMARK_CAPTURE ( BinaryEW  ,
Ge__CPU_Int16__100000  ,
100000  ,
BinaryOpCode::Ge  ,
Int16  ,
Device("CPU:0")   
) -> Unit(benchmark::kMillisecond)

◆ BENCHMARK_CAPTURE() [105/1019]

cloudViewer::core::BENCHMARK_CAPTURE ( BinaryEW  ,
Ge__CPU_Int16__100000000  ,
100000000  ,
BinaryOpCode::Ge  ,
Int16  ,
Device("CPU:0")   
) -> Unit(benchmark::kMillisecond)

◆ BENCHMARK_CAPTURE() [106/1019]

cloudViewer::core::BENCHMARK_CAPTURE ( BinaryEW  ,
Ge__CPU_Int32__100  ,
100  ,
BinaryOpCode::Ge  ,
Int32  ,
Device("CPU:0")   
) -> Unit(benchmark::kMillisecond)

◆ BENCHMARK_CAPTURE() [107/1019]

cloudViewer::core::BENCHMARK_CAPTURE ( BinaryEW  ,
Ge__CPU_Int32__100000  ,
100000  ,
BinaryOpCode::Ge  ,
Int32  ,
Device("CPU:0")   
) -> Unit(benchmark::kMillisecond)

◆ BENCHMARK_CAPTURE() [108/1019]

cloudViewer::core::BENCHMARK_CAPTURE ( BinaryEW  ,
Ge__CPU_Int32__100000000  ,
100000000  ,
BinaryOpCode::Ge  ,
Int32  ,
Device("CPU:0")   
) -> Unit(benchmark::kMillisecond)

◆ BENCHMARK_CAPTURE() [109/1019]

cloudViewer::core::BENCHMARK_CAPTURE ( BinaryEW  ,
Ge__CPU_Int64__100  ,
100  ,
BinaryOpCode::Ge  ,
Int64  ,
Device("CPU:0")   
) -> Unit(benchmark::kMillisecond)

◆ BENCHMARK_CAPTURE() [110/1019]

cloudViewer::core::BENCHMARK_CAPTURE ( BinaryEW  ,
Ge__CPU_Int64__100000  ,
100000  ,
BinaryOpCode::Ge  ,
Int64  ,
Device("CPU:0")   
) -> Unit(benchmark::kMillisecond)

◆ BENCHMARK_CAPTURE() [111/1019]

cloudViewer::core::BENCHMARK_CAPTURE ( BinaryEW  ,
Ge__CPU_Int64__100000000  ,
100000000  ,
BinaryOpCode::Ge  ,
Int64  ,
Device("CPU:0")   
) -> Unit(benchmark::kMillisecond)

◆ BENCHMARK_CAPTURE() [112/1019]

cloudViewer::core::BENCHMARK_CAPTURE ( BinaryEW  ,
Ge__CPU_Int8__100  ,
100  ,
BinaryOpCode::Ge  ,
Int8  ,
Device("CPU:0")   
) -> Unit(benchmark::kMillisecond)

◆ BENCHMARK_CAPTURE() [113/1019]

cloudViewer::core::BENCHMARK_CAPTURE ( BinaryEW  ,
Ge__CPU_Int8__100000  ,
100000  ,
BinaryOpCode::Ge  ,
Int8  ,
Device("CPU:0")   
) -> Unit(benchmark::kMillisecond)

◆ BENCHMARK_CAPTURE() [114/1019]

cloudViewer::core::BENCHMARK_CAPTURE ( BinaryEW  ,
Ge__CPU_Int8__100000000  ,
100000000  ,
BinaryOpCode::Ge  ,
Int8  ,
Device("CPU:0")   
) -> Unit(benchmark::kMillisecond)

◆ BENCHMARK_CAPTURE() [115/1019]

cloudViewer::core::BENCHMARK_CAPTURE ( BinaryEW  ,
Ge__CPU_UInt16__100  ,
100  ,
BinaryOpCode::Ge  ,
UInt16  ,
Device("CPU:0")   
) -> Unit(benchmark::kMillisecond)

◆ BENCHMARK_CAPTURE() [116/1019]

cloudViewer::core::BENCHMARK_CAPTURE ( BinaryEW  ,
Ge__CPU_UInt16__100000  ,
100000  ,
BinaryOpCode::Ge  ,
UInt16  ,
Device("CPU:0")   
) -> Unit(benchmark::kMillisecond)

◆ BENCHMARK_CAPTURE() [117/1019]

cloudViewer::core::BENCHMARK_CAPTURE ( BinaryEW  ,
Ge__CPU_UInt16__100000000  ,
100000000  ,
BinaryOpCode::Ge  ,
UInt16  ,
Device("CPU:0")   
) -> Unit(benchmark::kMillisecond)

◆ BENCHMARK_CAPTURE() [118/1019]

cloudViewer::core::BENCHMARK_CAPTURE ( BinaryEW  ,
Ge__CPU_UInt32__100  ,
100  ,
BinaryOpCode::Ge  ,
UInt32  ,
Device("CPU:0")   
) -> Unit(benchmark::kMillisecond)

◆ BENCHMARK_CAPTURE() [119/1019]

cloudViewer::core::BENCHMARK_CAPTURE ( BinaryEW  ,
Ge__CPU_UInt32__100000  ,
100000  ,
BinaryOpCode::Ge  ,
UInt32  ,
Device("CPU:0")   
) -> Unit(benchmark::kMillisecond)

◆ BENCHMARK_CAPTURE() [120/1019]

cloudViewer::core::BENCHMARK_CAPTURE ( BinaryEW  ,
Ge__CPU_UInt32__100000000  ,
100000000  ,
BinaryOpCode::Ge  ,
UInt32  ,
Device("CPU:0")   
) -> Unit(benchmark::kMillisecond)

◆ BENCHMARK_CAPTURE() [121/1019]

cloudViewer::core::BENCHMARK_CAPTURE ( BinaryEW  ,
Ge__CPU_UInt64__100  ,
100  ,
BinaryOpCode::Ge  ,
UInt64  ,
Device("CPU:0")   
) -> Unit(benchmark::kMillisecond)

◆ BENCHMARK_CAPTURE() [122/1019]

cloudViewer::core::BENCHMARK_CAPTURE ( BinaryEW  ,
Ge__CPU_UInt64__100000  ,
100000  ,
BinaryOpCode::Ge  ,
UInt64  ,
Device("CPU:0")   
) -> Unit(benchmark::kMillisecond)

◆ BENCHMARK_CAPTURE() [123/1019]

cloudViewer::core::BENCHMARK_CAPTURE ( BinaryEW  ,
Ge__CPU_UInt64__100000000  ,
100000000  ,
BinaryOpCode::Ge  ,
UInt64  ,
Device("CPU:0")   
) -> Unit(benchmark::kMillisecond)

◆ BENCHMARK_CAPTURE() [124/1019]

cloudViewer::core::BENCHMARK_CAPTURE ( BinaryEW  ,
Ge__CPU_UInt8__100  ,
100  ,
BinaryOpCode::Ge  ,
UInt8  ,
Device("CPU:0")   
) -> Unit(benchmark::kMillisecond)

◆ BENCHMARK_CAPTURE() [125/1019]

cloudViewer::core::BENCHMARK_CAPTURE ( BinaryEW  ,
Ge__CPU_UInt8__100000  ,
100000  ,
BinaryOpCode::Ge  ,
UInt8  ,
Device("CPU:0")   
) -> Unit(benchmark::kMillisecond)

◆ BENCHMARK_CAPTURE() [126/1019]

cloudViewer::core::BENCHMARK_CAPTURE ( BinaryEW  ,
Ge__CPU_UInt8__100000000  ,
100000000  ,
BinaryOpCode::Ge  ,
UInt8  ,
Device("CPU:0")   
) -> Unit(benchmark::kMillisecond)

◆ BENCHMARK_CAPTURE() [127/1019]

cloudViewer::core::BENCHMARK_CAPTURE ( BinaryEW  ,
Gt__CPU_Bool__100  ,
100  ,
BinaryOpCode::Gt  ,
Bool  ,
Device("CPU:0")   
) -> Unit(benchmark::kMillisecond)

◆ BENCHMARK_CAPTURE() [128/1019]

cloudViewer::core::BENCHMARK_CAPTURE ( BinaryEW  ,
Gt__CPU_Bool__100000  ,
100000  ,
BinaryOpCode::Gt  ,
Bool  ,
Device("CPU:0")   
) -> Unit(benchmark::kMillisecond)

◆ BENCHMARK_CAPTURE() [129/1019]

cloudViewer::core::BENCHMARK_CAPTURE ( BinaryEW  ,
Gt__CPU_Bool__100000000  ,
100000000  ,
BinaryOpCode::Gt  ,
Bool  ,
Device("CPU:0")   
) -> Unit(benchmark::kMillisecond)

◆ BENCHMARK_CAPTURE() [130/1019]

cloudViewer::core::BENCHMARK_CAPTURE ( BinaryEW  ,
Gt__CPU_Float32__100  ,
100  ,
BinaryOpCode::Gt  ,
Float32  ,
Device("CPU:0")   
) -> Unit(benchmark::kMillisecond)

◆ BENCHMARK_CAPTURE() [131/1019]

cloudViewer::core::BENCHMARK_CAPTURE ( BinaryEW  ,
Gt__CPU_Float32__100000  ,
100000  ,
BinaryOpCode::Gt  ,
Float32  ,
Device("CPU:0")   
) -> Unit(benchmark::kMillisecond)

◆ BENCHMARK_CAPTURE() [132/1019]

cloudViewer::core::BENCHMARK_CAPTURE ( BinaryEW  ,
Gt__CPU_Float32__100000000  ,
100000000  ,
BinaryOpCode::Gt  ,
Float32  ,
Device("CPU:0")   
) -> Unit(benchmark::kMillisecond)

◆ BENCHMARK_CAPTURE() [133/1019]

cloudViewer::core::BENCHMARK_CAPTURE ( BinaryEW  ,
Gt__CPU_Float64__100  ,
100  ,
BinaryOpCode::Gt  ,
Float64  ,
Device("CPU:0")   
) -> Unit(benchmark::kMillisecond)

◆ BENCHMARK_CAPTURE() [134/1019]

cloudViewer::core::BENCHMARK_CAPTURE ( BinaryEW  ,
Gt__CPU_Float64__100000  ,
100000  ,
BinaryOpCode::Gt  ,
Float64  ,
Device("CPU:0")   
) -> Unit(benchmark::kMillisecond)

◆ BENCHMARK_CAPTURE() [135/1019]

cloudViewer::core::BENCHMARK_CAPTURE ( BinaryEW  ,
Gt__CPU_Float64__100000000  ,
100000000  ,
BinaryOpCode::Gt  ,
Float64  ,
Device("CPU:0")   
) -> Unit(benchmark::kMillisecond)

◆ BENCHMARK_CAPTURE() [136/1019]

cloudViewer::core::BENCHMARK_CAPTURE ( BinaryEW  ,
Gt__CPU_Int16__100  ,
100  ,
BinaryOpCode::Gt  ,
Int16  ,
Device("CPU:0")   
) -> Unit(benchmark::kMillisecond)

◆ BENCHMARK_CAPTURE() [137/1019]

cloudViewer::core::BENCHMARK_CAPTURE ( BinaryEW  ,
Gt__CPU_Int16__100000  ,
100000  ,
BinaryOpCode::Gt  ,
Int16  ,
Device("CPU:0")   
) -> Unit(benchmark::kMillisecond)

◆ BENCHMARK_CAPTURE() [138/1019]

cloudViewer::core::BENCHMARK_CAPTURE ( BinaryEW  ,
Gt__CPU_Int16__100000000  ,
100000000  ,
BinaryOpCode::Gt  ,
Int16  ,
Device("CPU:0")   
) -> Unit(benchmark::kMillisecond)

◆ BENCHMARK_CAPTURE() [139/1019]

cloudViewer::core::BENCHMARK_CAPTURE ( BinaryEW  ,
Gt__CPU_Int32__100  ,
100  ,
BinaryOpCode::Gt  ,
Int32  ,
Device("CPU:0")   
) -> Unit(benchmark::kMillisecond)

◆ BENCHMARK_CAPTURE() [140/1019]

cloudViewer::core::BENCHMARK_CAPTURE ( BinaryEW  ,
Gt__CPU_Int32__100000  ,
100000  ,
BinaryOpCode::Gt  ,
Int32  ,
Device("CPU:0")   
) -> Unit(benchmark::kMillisecond)

◆ BENCHMARK_CAPTURE() [141/1019]

cloudViewer::core::BENCHMARK_CAPTURE ( BinaryEW  ,
Gt__CPU_Int32__100000000  ,
100000000  ,
BinaryOpCode::Gt  ,
Int32  ,
Device("CPU:0")   
) -> Unit(benchmark::kMillisecond)

◆ BENCHMARK_CAPTURE() [142/1019]

cloudViewer::core::BENCHMARK_CAPTURE ( BinaryEW  ,
Gt__CPU_Int64__100  ,
100  ,
BinaryOpCode::Gt  ,
Int64  ,
Device("CPU:0")   
) -> Unit(benchmark::kMillisecond)

◆ BENCHMARK_CAPTURE() [143/1019]

cloudViewer::core::BENCHMARK_CAPTURE ( BinaryEW  ,
Gt__CPU_Int64__100000  ,
100000  ,
BinaryOpCode::Gt  ,
Int64  ,
Device("CPU:0")   
) -> Unit(benchmark::kMillisecond)

◆ BENCHMARK_CAPTURE() [144/1019]

cloudViewer::core::BENCHMARK_CAPTURE ( BinaryEW  ,
Gt__CPU_Int64__100000000  ,
100000000  ,
BinaryOpCode::Gt  ,
Int64  ,
Device("CPU:0")   
) -> Unit(benchmark::kMillisecond)

◆ BENCHMARK_CAPTURE() [145/1019]

cloudViewer::core::BENCHMARK_CAPTURE ( BinaryEW  ,
Gt__CPU_Int8__100  ,
100  ,
BinaryOpCode::Gt  ,
Int8  ,
Device("CPU:0")   
) -> Unit(benchmark::kMillisecond)

◆ BENCHMARK_CAPTURE() [146/1019]

cloudViewer::core::BENCHMARK_CAPTURE ( BinaryEW  ,
Gt__CPU_Int8__100000  ,
100000  ,
BinaryOpCode::Gt  ,
Int8  ,
Device("CPU:0")   
) -> Unit(benchmark::kMillisecond)

◆ BENCHMARK_CAPTURE() [147/1019]

cloudViewer::core::BENCHMARK_CAPTURE ( BinaryEW  ,
Gt__CPU_Int8__100000000  ,
100000000  ,
BinaryOpCode::Gt  ,
Int8  ,
Device("CPU:0")   
) -> Unit(benchmark::kMillisecond)

◆ BENCHMARK_CAPTURE() [148/1019]

cloudViewer::core::BENCHMARK_CAPTURE ( BinaryEW  ,
Gt__CPU_UInt16__100  ,
100  ,
BinaryOpCode::Gt  ,
UInt16  ,
Device("CPU:0")   
) -> Unit(benchmark::kMillisecond)

◆ BENCHMARK_CAPTURE() [149/1019]

cloudViewer::core::BENCHMARK_CAPTURE ( BinaryEW  ,
Gt__CPU_UInt16__100000  ,
100000  ,
BinaryOpCode::Gt  ,
UInt16  ,
Device("CPU:0")   
) -> Unit(benchmark::kMillisecond)

◆ BENCHMARK_CAPTURE() [150/1019]

cloudViewer::core::BENCHMARK_CAPTURE ( BinaryEW  ,
Gt__CPU_UInt16__100000000  ,
100000000  ,
BinaryOpCode::Gt  ,
UInt16  ,
Device("CPU:0")   
) -> Unit(benchmark::kMillisecond)

◆ BENCHMARK_CAPTURE() [151/1019]

cloudViewer::core::BENCHMARK_CAPTURE ( BinaryEW  ,
Gt__CPU_UInt32__100  ,
100  ,
BinaryOpCode::Gt  ,
UInt32  ,
Device("CPU:0")   
) -> Unit(benchmark::kMillisecond)

◆ BENCHMARK_CAPTURE() [152/1019]

cloudViewer::core::BENCHMARK_CAPTURE ( BinaryEW  ,
Gt__CPU_UInt32__100000  ,
100000  ,
BinaryOpCode::Gt  ,
UInt32  ,
Device("CPU:0")   
) -> Unit(benchmark::kMillisecond)

◆ BENCHMARK_CAPTURE() [153/1019]

cloudViewer::core::BENCHMARK_CAPTURE ( BinaryEW  ,
Gt__CPU_UInt32__100000000  ,
100000000  ,
BinaryOpCode::Gt  ,
UInt32  ,
Device("CPU:0")   
) -> Unit(benchmark::kMillisecond)

◆ BENCHMARK_CAPTURE() [154/1019]

cloudViewer::core::BENCHMARK_CAPTURE ( BinaryEW  ,
Gt__CPU_UInt64__100  ,
100  ,
BinaryOpCode::Gt  ,
UInt64  ,
Device("CPU:0")   
) -> Unit(benchmark::kMillisecond)

◆ BENCHMARK_CAPTURE() [155/1019]

cloudViewer::core::BENCHMARK_CAPTURE ( BinaryEW  ,
Gt__CPU_UInt64__100000  ,
100000  ,
BinaryOpCode::Gt  ,
UInt64  ,
Device("CPU:0")   
) -> Unit(benchmark::kMillisecond)

◆ BENCHMARK_CAPTURE() [156/1019]

cloudViewer::core::BENCHMARK_CAPTURE ( BinaryEW  ,
Gt__CPU_UInt64__100000000  ,
100000000  ,
BinaryOpCode::Gt  ,
UInt64  ,
Device("CPU:0")   
) -> Unit(benchmark::kMillisecond)

◆ BENCHMARK_CAPTURE() [157/1019]

cloudViewer::core::BENCHMARK_CAPTURE ( BinaryEW  ,
Gt__CPU_UInt8__100  ,
100  ,
BinaryOpCode::Gt  ,
UInt8  ,
Device("CPU:0")   
) -> Unit(benchmark::kMillisecond)

◆ BENCHMARK_CAPTURE() [158/1019]

cloudViewer::core::BENCHMARK_CAPTURE ( BinaryEW  ,
Gt__CPU_UInt8__100000  ,
100000  ,
BinaryOpCode::Gt  ,
UInt8  ,
Device("CPU:0")   
) -> Unit(benchmark::kMillisecond)

◆ BENCHMARK_CAPTURE() [159/1019]

cloudViewer::core::BENCHMARK_CAPTURE ( BinaryEW  ,
Gt__CPU_UInt8__100000000  ,
100000000  ,
BinaryOpCode::Gt  ,
UInt8  ,
Device("CPU:0")   
) -> Unit(benchmark::kMillisecond)

◆ BENCHMARK_CAPTURE() [160/1019]

cloudViewer::core::BENCHMARK_CAPTURE ( BinaryEW  ,
Le__CPU_Bool__100  ,
100  ,
BinaryOpCode::Le  ,
Bool  ,
Device("CPU:0")   
) -> Unit(benchmark::kMillisecond)

◆ BENCHMARK_CAPTURE() [161/1019]

cloudViewer::core::BENCHMARK_CAPTURE ( BinaryEW  ,
Le__CPU_Bool__100000  ,
100000  ,
BinaryOpCode::Le  ,
Bool  ,
Device("CPU:0")   
) -> Unit(benchmark::kMillisecond)

◆ BENCHMARK_CAPTURE() [162/1019]

cloudViewer::core::BENCHMARK_CAPTURE ( BinaryEW  ,
Le__CPU_Bool__100000000  ,
100000000  ,
BinaryOpCode::Le  ,
Bool  ,
Device("CPU:0")   
) -> Unit(benchmark::kMillisecond)

◆ BENCHMARK_CAPTURE() [163/1019]

cloudViewer::core::BENCHMARK_CAPTURE ( BinaryEW  ,
Le__CPU_Float32__100  ,
100  ,
BinaryOpCode::Le  ,
Float32  ,
Device("CPU:0")   
) -> Unit(benchmark::kMillisecond)

◆ BENCHMARK_CAPTURE() [164/1019]

cloudViewer::core::BENCHMARK_CAPTURE ( BinaryEW  ,
Le__CPU_Float32__100000  ,
100000  ,
BinaryOpCode::Le  ,
Float32  ,
Device("CPU:0")   
) -> Unit(benchmark::kMillisecond)

◆ BENCHMARK_CAPTURE() [165/1019]

cloudViewer::core::BENCHMARK_CAPTURE ( BinaryEW  ,
Le__CPU_Float32__100000000  ,
100000000  ,
BinaryOpCode::Le  ,
Float32  ,
Device("CPU:0")   
) -> Unit(benchmark::kMillisecond)

◆ BENCHMARK_CAPTURE() [166/1019]

cloudViewer::core::BENCHMARK_CAPTURE ( BinaryEW  ,
Le__CPU_Float64__100  ,
100  ,
BinaryOpCode::Le  ,
Float64  ,
Device("CPU:0")   
) -> Unit(benchmark::kMillisecond)

◆ BENCHMARK_CAPTURE() [167/1019]

cloudViewer::core::BENCHMARK_CAPTURE ( BinaryEW  ,
Le__CPU_Float64__100000  ,
100000  ,
BinaryOpCode::Le  ,
Float64  ,
Device("CPU:0")   
) -> Unit(benchmark::kMillisecond)

◆ BENCHMARK_CAPTURE() [168/1019]

cloudViewer::core::BENCHMARK_CAPTURE ( BinaryEW  ,
Le__CPU_Float64__100000000  ,
100000000  ,
BinaryOpCode::Le  ,
Float64  ,
Device("CPU:0")   
) -> Unit(benchmark::kMillisecond)

◆ BENCHMARK_CAPTURE() [169/1019]

cloudViewer::core::BENCHMARK_CAPTURE ( BinaryEW  ,
Le__CPU_Int16__100  ,
100  ,
BinaryOpCode::Le  ,
Int16  ,
Device("CPU:0")   
) -> Unit(benchmark::kMillisecond)

◆ BENCHMARK_CAPTURE() [170/1019]

cloudViewer::core::BENCHMARK_CAPTURE ( BinaryEW  ,
Le__CPU_Int16__100000  ,
100000  ,
BinaryOpCode::Le  ,
Int16  ,
Device("CPU:0")   
) -> Unit(benchmark::kMillisecond)

◆ BENCHMARK_CAPTURE() [171/1019]

cloudViewer::core::BENCHMARK_CAPTURE ( BinaryEW  ,
Le__CPU_Int16__100000000  ,
100000000  ,
BinaryOpCode::Le  ,
Int16  ,
Device("CPU:0")   
) -> Unit(benchmark::kMillisecond)

◆ BENCHMARK_CAPTURE() [172/1019]

cloudViewer::core::BENCHMARK_CAPTURE ( BinaryEW  ,
Le__CPU_Int32__100  ,
100  ,
BinaryOpCode::Le  ,
Int32  ,
Device("CPU:0")   
) -> Unit(benchmark::kMillisecond)

◆ BENCHMARK_CAPTURE() [173/1019]

cloudViewer::core::BENCHMARK_CAPTURE ( BinaryEW  ,
Le__CPU_Int32__100000  ,
100000  ,
BinaryOpCode::Le  ,
Int32  ,
Device("CPU:0")   
) -> Unit(benchmark::kMillisecond)

◆ BENCHMARK_CAPTURE() [174/1019]

cloudViewer::core::BENCHMARK_CAPTURE ( BinaryEW  ,
Le__CPU_Int32__100000000  ,
100000000  ,
BinaryOpCode::Le  ,
Int32  ,
Device("CPU:0")   
) -> Unit(benchmark::kMillisecond)

◆ BENCHMARK_CAPTURE() [175/1019]

cloudViewer::core::BENCHMARK_CAPTURE ( BinaryEW  ,
Le__CPU_Int64__100  ,
100  ,
BinaryOpCode::Le  ,
Int64  ,
Device("CPU:0")   
) -> Unit(benchmark::kMillisecond)

◆ BENCHMARK_CAPTURE() [176/1019]

cloudViewer::core::BENCHMARK_CAPTURE ( BinaryEW  ,
Le__CPU_Int64__100000  ,
100000  ,
BinaryOpCode::Le  ,
Int64  ,
Device("CPU:0")   
) -> Unit(benchmark::kMillisecond)

◆ BENCHMARK_CAPTURE() [177/1019]

cloudViewer::core::BENCHMARK_CAPTURE ( BinaryEW  ,
Le__CPU_Int64__100000000  ,
100000000  ,
BinaryOpCode::Le  ,
Int64  ,
Device("CPU:0")   
) -> Unit(benchmark::kMillisecond)

◆ BENCHMARK_CAPTURE() [178/1019]

cloudViewer::core::BENCHMARK_CAPTURE ( BinaryEW  ,
Le__CPU_Int8__100  ,
100  ,
BinaryOpCode::Le  ,
Int8  ,
Device("CPU:0")   
) -> Unit(benchmark::kMillisecond)

◆ BENCHMARK_CAPTURE() [179/1019]

cloudViewer::core::BENCHMARK_CAPTURE ( BinaryEW  ,
Le__CPU_Int8__100000  ,
100000  ,
BinaryOpCode::Le  ,
Int8  ,
Device("CPU:0")   
) -> Unit(benchmark::kMillisecond)

◆ BENCHMARK_CAPTURE() [180/1019]

cloudViewer::core::BENCHMARK_CAPTURE ( BinaryEW  ,
Le__CPU_Int8__100000000  ,
100000000  ,
BinaryOpCode::Le  ,
Int8  ,
Device("CPU:0")   
) -> Unit(benchmark::kMillisecond)

◆ BENCHMARK_CAPTURE() [181/1019]

cloudViewer::core::BENCHMARK_CAPTURE ( BinaryEW  ,
Le__CPU_UInt16__100  ,
100  ,
BinaryOpCode::Le  ,
UInt16  ,
Device("CPU:0")   
) -> Unit(benchmark::kMillisecond)

◆ BENCHMARK_CAPTURE() [182/1019]

cloudViewer::core::BENCHMARK_CAPTURE ( BinaryEW  ,
Le__CPU_UInt16__100000  ,
100000  ,
BinaryOpCode::Le  ,
UInt16  ,
Device("CPU:0")   
) -> Unit(benchmark::kMillisecond)

◆ BENCHMARK_CAPTURE() [183/1019]

cloudViewer::core::BENCHMARK_CAPTURE ( BinaryEW  ,
Le__CPU_UInt16__100000000  ,
100000000  ,
BinaryOpCode::Le  ,
UInt16  ,
Device("CPU:0")   
) -> Unit(benchmark::kMillisecond)

◆ BENCHMARK_CAPTURE() [184/1019]

cloudViewer::core::BENCHMARK_CAPTURE ( BinaryEW  ,
Le__CPU_UInt32__100  ,
100  ,
BinaryOpCode::Le  ,
UInt32  ,
Device("CPU:0")   
) -> Unit(benchmark::kMillisecond)

◆ BENCHMARK_CAPTURE() [185/1019]

cloudViewer::core::BENCHMARK_CAPTURE ( BinaryEW  ,
Le__CPU_UInt32__100000  ,
100000  ,
BinaryOpCode::Le  ,
UInt32  ,
Device("CPU:0")   
) -> Unit(benchmark::kMillisecond)

◆ BENCHMARK_CAPTURE() [186/1019]

cloudViewer::core::BENCHMARK_CAPTURE ( BinaryEW  ,
Le__CPU_UInt32__100000000  ,
100000000  ,
BinaryOpCode::Le  ,
UInt32  ,
Device("CPU:0")   
) -> Unit(benchmark::kMillisecond)

◆ BENCHMARK_CAPTURE() [187/1019]

cloudViewer::core::BENCHMARK_CAPTURE ( BinaryEW  ,
Le__CPU_UInt64__100  ,
100  ,
BinaryOpCode::Le  ,
UInt64  ,
Device("CPU:0")   
) -> Unit(benchmark::kMillisecond)

◆ BENCHMARK_CAPTURE() [188/1019]

cloudViewer::core::BENCHMARK_CAPTURE ( BinaryEW  ,
Le__CPU_UInt64__100000  ,
100000  ,
BinaryOpCode::Le  ,
UInt64  ,
Device("CPU:0")   
) -> Unit(benchmark::kMillisecond)

◆ BENCHMARK_CAPTURE() [189/1019]

cloudViewer::core::BENCHMARK_CAPTURE ( BinaryEW  ,
Le__CPU_UInt64__100000000  ,
100000000  ,
BinaryOpCode::Le  ,
UInt64  ,
Device("CPU:0")   
) -> Unit(benchmark::kMillisecond)

◆ BENCHMARK_CAPTURE() [190/1019]

cloudViewer::core::BENCHMARK_CAPTURE ( BinaryEW  ,
Le__CPU_UInt8__100  ,
100  ,
BinaryOpCode::Le  ,
UInt8  ,
Device("CPU:0")   
) -> Unit(benchmark::kMillisecond)

◆ BENCHMARK_CAPTURE() [191/1019]

cloudViewer::core::BENCHMARK_CAPTURE ( BinaryEW  ,
Le__CPU_UInt8__100000  ,
100000  ,
BinaryOpCode::Le  ,
UInt8  ,
Device("CPU:0")   
) -> Unit(benchmark::kMillisecond)

◆ BENCHMARK_CAPTURE() [192/1019]

cloudViewer::core::BENCHMARK_CAPTURE ( BinaryEW  ,
Le__CPU_UInt8__100000000  ,
100000000  ,
BinaryOpCode::Le  ,
UInt8  ,
Device("CPU:0")   
) -> Unit(benchmark::kMillisecond)

◆ BENCHMARK_CAPTURE() [193/1019]

cloudViewer::core::BENCHMARK_CAPTURE ( BinaryEW  ,
LogicalAnd__CPU_Bool__100  ,
100  ,
BinaryOpCode::LogicalAnd  ,
Bool  ,
Device("CPU:0")   
) -> Unit(benchmark::kMillisecond)

◆ BENCHMARK_CAPTURE() [194/1019]

cloudViewer::core::BENCHMARK_CAPTURE ( BinaryEW  ,
LogicalAnd__CPU_Bool__100000  ,
100000  ,
BinaryOpCode::LogicalAnd  ,
Bool  ,
Device("CPU:0")   
) -> Unit(benchmark::kMillisecond)

◆ BENCHMARK_CAPTURE() [195/1019]

cloudViewer::core::BENCHMARK_CAPTURE ( BinaryEW  ,
LogicalAnd__CPU_Bool__100000000  ,
100000000  ,
BinaryOpCode::LogicalAnd  ,
Bool  ,
Device("CPU:0")   
) -> Unit(benchmark::kMillisecond)

◆ BENCHMARK_CAPTURE() [196/1019]

cloudViewer::core::BENCHMARK_CAPTURE ( BinaryEW  ,
LogicalAnd__CPU_Float32__100  ,
100  ,
BinaryOpCode::LogicalAnd  ,
Float32  ,
Device("CPU:0")   
) -> Unit(benchmark::kMillisecond)

◆ BENCHMARK_CAPTURE() [197/1019]

cloudViewer::core::BENCHMARK_CAPTURE ( BinaryEW  ,
LogicalAnd__CPU_Float32__100000  ,
100000  ,
BinaryOpCode::LogicalAnd  ,
Float32  ,
Device("CPU:0")   
) -> Unit(benchmark::kMillisecond)

◆ BENCHMARK_CAPTURE() [198/1019]

cloudViewer::core::BENCHMARK_CAPTURE ( BinaryEW  ,
LogicalAnd__CPU_Float32__100000000  ,
100000000  ,
BinaryOpCode::LogicalAnd  ,
Float32  ,
Device("CPU:0")   
) -> Unit(benchmark::kMillisecond)

◆ BENCHMARK_CAPTURE() [199/1019]

cloudViewer::core::BENCHMARK_CAPTURE ( BinaryEW  ,
LogicalAnd__CPU_Float64__100  ,
100  ,
BinaryOpCode::LogicalAnd  ,
Float64  ,
Device("CPU:0")   
) -> Unit(benchmark::kMillisecond)

◆ BENCHMARK_CAPTURE() [200/1019]

cloudViewer::core::BENCHMARK_CAPTURE ( BinaryEW  ,
LogicalAnd__CPU_Float64__100000  ,
100000  ,
BinaryOpCode::LogicalAnd  ,
Float64  ,
Device("CPU:0")   
) -> Unit(benchmark::kMillisecond)

◆ BENCHMARK_CAPTURE() [201/1019]

cloudViewer::core::BENCHMARK_CAPTURE ( BinaryEW  ,
LogicalAnd__CPU_Float64__100000000  ,
100000000  ,
BinaryOpCode::LogicalAnd  ,
Float64  ,
Device("CPU:0")   
) -> Unit(benchmark::kMillisecond)

◆ BENCHMARK_CAPTURE() [202/1019]

cloudViewer::core::BENCHMARK_CAPTURE ( BinaryEW  ,
LogicalAnd__CPU_Int16__100  ,
100  ,
BinaryOpCode::LogicalAnd  ,
Int16  ,
Device("CPU:0")   
) -> Unit(benchmark::kMillisecond)

◆ BENCHMARK_CAPTURE() [203/1019]

cloudViewer::core::BENCHMARK_CAPTURE ( BinaryEW  ,
LogicalAnd__CPU_Int16__100000  ,
100000  ,
BinaryOpCode::LogicalAnd  ,
Int16  ,
Device("CPU:0")   
) -> Unit(benchmark::kMillisecond)

◆ BENCHMARK_CAPTURE() [204/1019]

cloudViewer::core::BENCHMARK_CAPTURE ( BinaryEW  ,
LogicalAnd__CPU_Int16__100000000  ,
100000000  ,
BinaryOpCode::LogicalAnd  ,
Int16  ,
Device("CPU:0")   
) -> Unit(benchmark::kMillisecond)

◆ BENCHMARK_CAPTURE() [205/1019]

cloudViewer::core::BENCHMARK_CAPTURE ( BinaryEW  ,
LogicalAnd__CPU_Int32__100  ,
100  ,
BinaryOpCode::LogicalAnd  ,
Int32  ,
Device("CPU:0")   
) -> Unit(benchmark::kMillisecond)

◆ BENCHMARK_CAPTURE() [206/1019]

cloudViewer::core::BENCHMARK_CAPTURE ( BinaryEW  ,
LogicalAnd__CPU_Int32__100000  ,
100000  ,
BinaryOpCode::LogicalAnd  ,
Int32  ,
Device("CPU:0")   
) -> Unit(benchmark::kMillisecond)

◆ BENCHMARK_CAPTURE() [207/1019]

cloudViewer::core::BENCHMARK_CAPTURE ( BinaryEW  ,
LogicalAnd__CPU_Int32__100000000  ,
100000000  ,
BinaryOpCode::LogicalAnd  ,
Int32  ,
Device("CPU:0")   
) -> Unit(benchmark::kMillisecond)

◆ BENCHMARK_CAPTURE() [208/1019]

cloudViewer::core::BENCHMARK_CAPTURE ( BinaryEW  ,
LogicalAnd__CPU_Int64__100  ,
100  ,
BinaryOpCode::LogicalAnd  ,
Int64  ,
Device("CPU:0")   
) -> Unit(benchmark::kMillisecond)

◆ BENCHMARK_CAPTURE() [209/1019]

cloudViewer::core::BENCHMARK_CAPTURE ( BinaryEW  ,
LogicalAnd__CPU_Int64__100000  ,
100000  ,
BinaryOpCode::LogicalAnd  ,
Int64  ,
Device("CPU:0")   
) -> Unit(benchmark::kMillisecond)

◆ BENCHMARK_CAPTURE() [210/1019]

cloudViewer::core::BENCHMARK_CAPTURE ( BinaryEW  ,
LogicalAnd__CPU_Int64__100000000  ,
100000000  ,
BinaryOpCode::LogicalAnd  ,
Int64  ,
Device("CPU:0")   
) -> Unit(benchmark::kMillisecond)

◆ BENCHMARK_CAPTURE() [211/1019]

cloudViewer::core::BENCHMARK_CAPTURE ( BinaryEW  ,
LogicalAnd__CPU_Int8__100  ,
100  ,
BinaryOpCode::LogicalAnd  ,
Int8  ,
Device("CPU:0")   
) -> Unit(benchmark::kMillisecond)

◆ BENCHMARK_CAPTURE() [212/1019]

cloudViewer::core::BENCHMARK_CAPTURE ( BinaryEW  ,
LogicalAnd__CPU_Int8__100000  ,
100000  ,
BinaryOpCode::LogicalAnd  ,
Int8  ,
Device("CPU:0")   
) -> Unit(benchmark::kMillisecond)

◆ BENCHMARK_CAPTURE() [213/1019]

cloudViewer::core::BENCHMARK_CAPTURE ( BinaryEW  ,
LogicalAnd__CPU_Int8__100000000  ,
100000000  ,
BinaryOpCode::LogicalAnd  ,
Int8  ,
Device("CPU:0")   
) -> Unit(benchmark::kMillisecond)

◆ BENCHMARK_CAPTURE() [214/1019]

cloudViewer::core::BENCHMARK_CAPTURE ( BinaryEW  ,
LogicalAnd__CPU_UInt16__100  ,
100  ,
BinaryOpCode::LogicalAnd  ,
UInt16  ,
Device("CPU:0")   
) -> Unit(benchmark::kMillisecond)

◆ BENCHMARK_CAPTURE() [215/1019]

cloudViewer::core::BENCHMARK_CAPTURE ( BinaryEW  ,
LogicalAnd__CPU_UInt16__100000  ,
100000  ,
BinaryOpCode::LogicalAnd  ,
UInt16  ,
Device("CPU:0")   
) -> Unit(benchmark::kMillisecond)

◆ BENCHMARK_CAPTURE() [216/1019]

cloudViewer::core::BENCHMARK_CAPTURE ( BinaryEW  ,
LogicalAnd__CPU_UInt16__100000000  ,
100000000  ,
BinaryOpCode::LogicalAnd  ,
UInt16  ,
Device("CPU:0")   
) -> Unit(benchmark::kMillisecond)

◆ BENCHMARK_CAPTURE() [217/1019]

cloudViewer::core::BENCHMARK_CAPTURE ( BinaryEW  ,
LogicalAnd__CPU_UInt32__100  ,
100  ,
BinaryOpCode::LogicalAnd  ,
UInt32  ,
Device("CPU:0")   
) -> Unit(benchmark::kMillisecond)

◆ BENCHMARK_CAPTURE() [218/1019]

cloudViewer::core::BENCHMARK_CAPTURE ( BinaryEW  ,
LogicalAnd__CPU_UInt32__100000  ,
100000  ,
BinaryOpCode::LogicalAnd  ,
UInt32  ,
Device("CPU:0")   
) -> Unit(benchmark::kMillisecond)

◆ BENCHMARK_CAPTURE() [219/1019]

cloudViewer::core::BENCHMARK_CAPTURE ( BinaryEW  ,
LogicalAnd__CPU_UInt32__100000000  ,
100000000  ,
BinaryOpCode::LogicalAnd  ,
UInt32  ,
Device("CPU:0")   
) -> Unit(benchmark::kMillisecond)

◆ BENCHMARK_CAPTURE() [220/1019]

cloudViewer::core::BENCHMARK_CAPTURE ( BinaryEW  ,
LogicalAnd__CPU_UInt64__100  ,
100  ,
BinaryOpCode::LogicalAnd  ,
UInt64  ,
Device("CPU:0")   
) -> Unit(benchmark::kMillisecond)

◆ BENCHMARK_CAPTURE() [221/1019]

cloudViewer::core::BENCHMARK_CAPTURE ( BinaryEW  ,
LogicalAnd__CPU_UInt64__100000  ,
100000  ,
BinaryOpCode::LogicalAnd  ,
UInt64  ,
Device("CPU:0")   
) -> Unit(benchmark::kMillisecond)

◆ BENCHMARK_CAPTURE() [222/1019]

cloudViewer::core::BENCHMARK_CAPTURE ( BinaryEW  ,
LogicalAnd__CPU_UInt64__100000000  ,
100000000  ,
BinaryOpCode::LogicalAnd  ,
UInt64  ,
Device("CPU:0")   
) -> Unit(benchmark::kMillisecond)

◆ BENCHMARK_CAPTURE() [223/1019]

cloudViewer::core::BENCHMARK_CAPTURE ( BinaryEW  ,
LogicalAnd__CPU_UInt8__100  ,
100  ,
BinaryOpCode::LogicalAnd  ,
UInt8  ,
Device("CPU:0")   
) -> Unit(benchmark::kMillisecond)

◆ BENCHMARK_CAPTURE() [224/1019]

cloudViewer::core::BENCHMARK_CAPTURE ( BinaryEW  ,
LogicalAnd__CPU_UInt8__100000  ,
100000  ,
BinaryOpCode::LogicalAnd  ,
UInt8  ,
Device("CPU:0")   
) -> Unit(benchmark::kMillisecond)

◆ BENCHMARK_CAPTURE() [225/1019]

cloudViewer::core::BENCHMARK_CAPTURE ( BinaryEW  ,
LogicalAnd__CPU_UInt8__100000000  ,
100000000  ,
BinaryOpCode::LogicalAnd  ,
UInt8  ,
Device("CPU:0")   
) -> Unit(benchmark::kMillisecond)

◆ BENCHMARK_CAPTURE() [226/1019]

cloudViewer::core::BENCHMARK_CAPTURE ( BinaryEW  ,
LogicalOr__CPU_Bool__100  ,
100  ,
BinaryOpCode::LogicalOr  ,
Bool  ,
Device("CPU:0")   
) -> Unit(benchmark::kMillisecond)

◆ BENCHMARK_CAPTURE() [227/1019]

cloudViewer::core::BENCHMARK_CAPTURE ( BinaryEW  ,
LogicalOr__CPU_Bool__100000  ,
100000  ,
BinaryOpCode::LogicalOr  ,
Bool  ,
Device("CPU:0")   
) -> Unit(benchmark::kMillisecond)

◆ BENCHMARK_CAPTURE() [228/1019]

cloudViewer::core::BENCHMARK_CAPTURE ( BinaryEW  ,
LogicalOr__CPU_Bool__100000000  ,
100000000  ,
BinaryOpCode::LogicalOr  ,
Bool  ,
Device("CPU:0")   
) -> Unit(benchmark::kMillisecond)

◆ BENCHMARK_CAPTURE() [229/1019]

cloudViewer::core::BENCHMARK_CAPTURE ( BinaryEW  ,
LogicalOr__CPU_Float32__100  ,
100  ,
BinaryOpCode::LogicalOr  ,
Float32  ,
Device("CPU:0")   
) -> Unit(benchmark::kMillisecond)

◆ BENCHMARK_CAPTURE() [230/1019]

cloudViewer::core::BENCHMARK_CAPTURE ( BinaryEW  ,
LogicalOr__CPU_Float32__100000  ,
100000  ,
BinaryOpCode::LogicalOr  ,
Float32  ,
Device("CPU:0")   
) -> Unit(benchmark::kMillisecond)

◆ BENCHMARK_CAPTURE() [231/1019]

cloudViewer::core::BENCHMARK_CAPTURE ( BinaryEW  ,
LogicalOr__CPU_Float32__100000000  ,
100000000  ,
BinaryOpCode::LogicalOr  ,
Float32  ,
Device("CPU:0")   
) -> Unit(benchmark::kMillisecond)

◆ BENCHMARK_CAPTURE() [232/1019]

cloudViewer::core::BENCHMARK_CAPTURE ( BinaryEW  ,
LogicalOr__CPU_Float64__100  ,
100  ,
BinaryOpCode::LogicalOr  ,
Float64  ,
Device("CPU:0")   
) -> Unit(benchmark::kMillisecond)

◆ BENCHMARK_CAPTURE() [233/1019]

cloudViewer::core::BENCHMARK_CAPTURE ( BinaryEW  ,
LogicalOr__CPU_Float64__100000  ,
100000  ,
BinaryOpCode::LogicalOr  ,
Float64  ,
Device("CPU:0")   
) -> Unit(benchmark::kMillisecond)

◆ BENCHMARK_CAPTURE() [234/1019]

cloudViewer::core::BENCHMARK_CAPTURE ( BinaryEW  ,
LogicalOr__CPU_Float64__100000000  ,
100000000  ,
BinaryOpCode::LogicalOr  ,
Float64  ,
Device("CPU:0")   
) -> Unit(benchmark::kMillisecond)

◆ BENCHMARK_CAPTURE() [235/1019]

cloudViewer::core::BENCHMARK_CAPTURE ( BinaryEW  ,
LogicalOr__CPU_Int16__100  ,
100  ,
BinaryOpCode::LogicalOr  ,
Int16  ,
Device("CPU:0")   
) -> Unit(benchmark::kMillisecond)

◆ BENCHMARK_CAPTURE() [236/1019]

cloudViewer::core::BENCHMARK_CAPTURE ( BinaryEW  ,
LogicalOr__CPU_Int16__100000  ,
100000  ,
BinaryOpCode::LogicalOr  ,
Int16  ,
Device("CPU:0")   
) -> Unit(benchmark::kMillisecond)

◆ BENCHMARK_CAPTURE() [237/1019]

cloudViewer::core::BENCHMARK_CAPTURE ( BinaryEW  ,
LogicalOr__CPU_Int16__100000000  ,
100000000  ,
BinaryOpCode::LogicalOr  ,
Int16  ,
Device("CPU:0")   
) -> Unit(benchmark::kMillisecond)

◆ BENCHMARK_CAPTURE() [238/1019]

cloudViewer::core::BENCHMARK_CAPTURE ( BinaryEW  ,
LogicalOr__CPU_Int32__100  ,
100  ,
BinaryOpCode::LogicalOr  ,
Int32  ,
Device("CPU:0")   
) -> Unit(benchmark::kMillisecond)

◆ BENCHMARK_CAPTURE() [239/1019]

cloudViewer::core::BENCHMARK_CAPTURE ( BinaryEW  ,
LogicalOr__CPU_Int32__100000  ,
100000  ,
BinaryOpCode::LogicalOr  ,
Int32  ,
Device("CPU:0")   
) -> Unit(benchmark::kMillisecond)

◆ BENCHMARK_CAPTURE() [240/1019]

cloudViewer::core::BENCHMARK_CAPTURE ( BinaryEW  ,
LogicalOr__CPU_Int32__100000000  ,
100000000  ,
BinaryOpCode::LogicalOr  ,
Int32  ,
Device("CPU:0")   
) -> Unit(benchmark::kMillisecond)

◆ BENCHMARK_CAPTURE() [241/1019]

cloudViewer::core::BENCHMARK_CAPTURE ( BinaryEW  ,
LogicalOr__CPU_Int64__100  ,
100  ,
BinaryOpCode::LogicalOr  ,
Int64  ,
Device("CPU:0")   
) -> Unit(benchmark::kMillisecond)

◆ BENCHMARK_CAPTURE() [242/1019]

cloudViewer::core::BENCHMARK_CAPTURE ( BinaryEW  ,
LogicalOr__CPU_Int64__100000  ,
100000  ,
BinaryOpCode::LogicalOr  ,
Int64  ,
Device("CPU:0")   
) -> Unit(benchmark::kMillisecond)

◆ BENCHMARK_CAPTURE() [243/1019]

cloudViewer::core::BENCHMARK_CAPTURE ( BinaryEW  ,
LogicalOr__CPU_Int64__100000000  ,
100000000  ,
BinaryOpCode::LogicalOr  ,
Int64  ,
Device("CPU:0")   
) -> Unit(benchmark::kMillisecond)

◆ BENCHMARK_CAPTURE() [244/1019]

cloudViewer::core::BENCHMARK_CAPTURE ( BinaryEW  ,
LogicalOr__CPU_Int8__100  ,
100  ,
BinaryOpCode::LogicalOr  ,
Int8  ,
Device("CPU:0")   
) -> Unit(benchmark::kMillisecond)

◆ BENCHMARK_CAPTURE() [245/1019]

cloudViewer::core::BENCHMARK_CAPTURE ( BinaryEW  ,
LogicalOr__CPU_Int8__100000  ,
100000  ,
BinaryOpCode::LogicalOr  ,
Int8  ,
Device("CPU:0")   
) -> Unit(benchmark::kMillisecond)

◆ BENCHMARK_CAPTURE() [246/1019]

cloudViewer::core::BENCHMARK_CAPTURE ( BinaryEW  ,
LogicalOr__CPU_Int8__100000000  ,
100000000  ,
BinaryOpCode::LogicalOr  ,
Int8  ,
Device("CPU:0")   
) -> Unit(benchmark::kMillisecond)

◆ BENCHMARK_CAPTURE() [247/1019]

cloudViewer::core::BENCHMARK_CAPTURE ( BinaryEW  ,
LogicalOr__CPU_UInt16__100  ,
100  ,
BinaryOpCode::LogicalOr  ,
UInt16  ,
Device("CPU:0")   
) -> Unit(benchmark::kMillisecond)

◆ BENCHMARK_CAPTURE() [248/1019]

cloudViewer::core::BENCHMARK_CAPTURE ( BinaryEW  ,
LogicalOr__CPU_UInt16__100000  ,
100000  ,
BinaryOpCode::LogicalOr  ,
UInt16  ,
Device("CPU:0")   
) -> Unit(benchmark::kMillisecond)

◆ BENCHMARK_CAPTURE() [249/1019]

cloudViewer::core::BENCHMARK_CAPTURE ( BinaryEW  ,
LogicalOr__CPU_UInt16__100000000  ,
100000000  ,
BinaryOpCode::LogicalOr  ,
UInt16  ,
Device("CPU:0")   
) -> Unit(benchmark::kMillisecond)

◆ BENCHMARK_CAPTURE() [250/1019]

cloudViewer::core::BENCHMARK_CAPTURE ( BinaryEW  ,
LogicalOr__CPU_UInt32__100  ,
100  ,
BinaryOpCode::LogicalOr  ,
UInt32  ,
Device("CPU:0")   
) -> Unit(benchmark::kMillisecond)

◆ BENCHMARK_CAPTURE() [251/1019]

cloudViewer::core::BENCHMARK_CAPTURE ( BinaryEW  ,
LogicalOr__CPU_UInt32__100000  ,
100000  ,
BinaryOpCode::LogicalOr  ,
UInt32  ,
Device("CPU:0")   
) -> Unit(benchmark::kMillisecond)

◆ BENCHMARK_CAPTURE() [252/1019]

cloudViewer::core::BENCHMARK_CAPTURE ( BinaryEW  ,
LogicalOr__CPU_UInt32__100000000  ,
100000000  ,
BinaryOpCode::LogicalOr  ,
UInt32  ,
Device("CPU:0")   
) -> Unit(benchmark::kMillisecond)

◆ BENCHMARK_CAPTURE() [253/1019]

cloudViewer::core::BENCHMARK_CAPTURE ( BinaryEW  ,
LogicalOr__CPU_UInt64__100  ,
100  ,
BinaryOpCode::LogicalOr  ,
UInt64  ,
Device("CPU:0")   
) -> Unit(benchmark::kMillisecond)

◆ BENCHMARK_CAPTURE() [254/1019]

cloudViewer::core::BENCHMARK_CAPTURE ( BinaryEW  ,
LogicalOr__CPU_UInt64__100000  ,
100000  ,
BinaryOpCode::LogicalOr  ,
UInt64  ,
Device("CPU:0")   
) -> Unit(benchmark::kMillisecond)

◆ BENCHMARK_CAPTURE() [255/1019]

cloudViewer::core::BENCHMARK_CAPTURE ( BinaryEW  ,
LogicalOr__CPU_UInt64__100000000  ,
100000000  ,
BinaryOpCode::LogicalOr  ,
UInt64  ,
Device("CPU:0")   
) -> Unit(benchmark::kMillisecond)

◆ BENCHMARK_CAPTURE() [256/1019]

cloudViewer::core::BENCHMARK_CAPTURE ( BinaryEW  ,
LogicalOr__CPU_UInt8__100  ,
100  ,
BinaryOpCode::LogicalOr  ,
UInt8  ,
Device("CPU:0")   
) -> Unit(benchmark::kMillisecond)

◆ BENCHMARK_CAPTURE() [257/1019]

cloudViewer::core::BENCHMARK_CAPTURE ( BinaryEW  ,
LogicalOr__CPU_UInt8__100000  ,
100000  ,
BinaryOpCode::LogicalOr  ,
UInt8  ,
Device("CPU:0")   
) -> Unit(benchmark::kMillisecond)

◆ BENCHMARK_CAPTURE() [258/1019]

cloudViewer::core::BENCHMARK_CAPTURE ( BinaryEW  ,
LogicalOr__CPU_UInt8__100000000  ,
100000000  ,
BinaryOpCode::LogicalOr  ,
UInt8  ,
Device("CPU:0")   
) -> Unit(benchmark::kMillisecond)

◆ BENCHMARK_CAPTURE() [259/1019]

cloudViewer::core::BENCHMARK_CAPTURE ( BinaryEW  ,
LogicalXor__CPU_Bool__100  ,
100  ,
BinaryOpCode::LogicalXor  ,
Bool  ,
Device("CPU:0")   
) -> Unit(benchmark::kMillisecond)

◆ BENCHMARK_CAPTURE() [260/1019]

cloudViewer::core::BENCHMARK_CAPTURE ( BinaryEW  ,
LogicalXor__CPU_Bool__100000  ,
100000  ,
BinaryOpCode::LogicalXor  ,
Bool  ,
Device("CPU:0")   
) -> Unit(benchmark::kMillisecond)

◆ BENCHMARK_CAPTURE() [261/1019]

cloudViewer::core::BENCHMARK_CAPTURE ( BinaryEW  ,
LogicalXor__CPU_Bool__100000000  ,
100000000  ,
BinaryOpCode::LogicalXor  ,
Bool  ,
Device("CPU:0")   
) -> Unit(benchmark::kMillisecond)

◆ BENCHMARK_CAPTURE() [262/1019]

cloudViewer::core::BENCHMARK_CAPTURE ( BinaryEW  ,
LogicalXor__CPU_Float32__100  ,
100  ,
BinaryOpCode::LogicalXor  ,
Float32  ,
Device("CPU:0")   
) -> Unit(benchmark::kMillisecond)

◆ BENCHMARK_CAPTURE() [263/1019]

cloudViewer::core::BENCHMARK_CAPTURE ( BinaryEW  ,
LogicalXor__CPU_Float32__100000  ,
100000  ,
BinaryOpCode::LogicalXor  ,
Float32  ,
Device("CPU:0")   
) -> Unit(benchmark::kMillisecond)

◆ BENCHMARK_CAPTURE() [264/1019]

cloudViewer::core::BENCHMARK_CAPTURE ( BinaryEW  ,
LogicalXor__CPU_Float32__100000000  ,
100000000  ,
BinaryOpCode::LogicalXor  ,
Float32  ,
Device("CPU:0")   
) -> Unit(benchmark::kMillisecond)

◆ BENCHMARK_CAPTURE() [265/1019]

cloudViewer::core::BENCHMARK_CAPTURE ( BinaryEW  ,
LogicalXor__CPU_Float64__100  ,
100  ,
BinaryOpCode::LogicalXor  ,
Float64  ,
Device("CPU:0")   
) -> Unit(benchmark::kMillisecond)

◆ BENCHMARK_CAPTURE() [266/1019]

cloudViewer::core::BENCHMARK_CAPTURE ( BinaryEW  ,
LogicalXor__CPU_Float64__100000  ,
100000  ,
BinaryOpCode::LogicalXor  ,
Float64  ,
Device("CPU:0")   
) -> Unit(benchmark::kMillisecond)

◆ BENCHMARK_CAPTURE() [267/1019]

cloudViewer::core::BENCHMARK_CAPTURE ( BinaryEW  ,
LogicalXor__CPU_Float64__100000000  ,
100000000  ,
BinaryOpCode::LogicalXor  ,
Float64  ,
Device("CPU:0")   
) -> Unit(benchmark::kMillisecond)

◆ BENCHMARK_CAPTURE() [268/1019]

cloudViewer::core::BENCHMARK_CAPTURE ( BinaryEW  ,
LogicalXor__CPU_Int16__100  ,
100  ,
BinaryOpCode::LogicalXor  ,
Int16  ,
Device("CPU:0")   
) -> Unit(benchmark::kMillisecond)

◆ BENCHMARK_CAPTURE() [269/1019]

cloudViewer::core::BENCHMARK_CAPTURE ( BinaryEW  ,
LogicalXor__CPU_Int16__100000  ,
100000  ,
BinaryOpCode::LogicalXor  ,
Int16  ,
Device("CPU:0")   
) -> Unit(benchmark::kMillisecond)

◆ BENCHMARK_CAPTURE() [270/1019]

cloudViewer::core::BENCHMARK_CAPTURE ( BinaryEW  ,
LogicalXor__CPU_Int16__100000000  ,
100000000  ,
BinaryOpCode::LogicalXor  ,
Int16  ,
Device("CPU:0")   
) -> Unit(benchmark::kMillisecond)

◆ BENCHMARK_CAPTURE() [271/1019]

cloudViewer::core::BENCHMARK_CAPTURE ( BinaryEW  ,
LogicalXor__CPU_Int32__100  ,
100  ,
BinaryOpCode::LogicalXor  ,
Int32  ,
Device("CPU:0")   
) -> Unit(benchmark::kMillisecond)

◆ BENCHMARK_CAPTURE() [272/1019]

cloudViewer::core::BENCHMARK_CAPTURE ( BinaryEW  ,
LogicalXor__CPU_Int32__100000  ,
100000  ,
BinaryOpCode::LogicalXor  ,
Int32  ,
Device("CPU:0")   
) -> Unit(benchmark::kMillisecond)

◆ BENCHMARK_CAPTURE() [273/1019]

cloudViewer::core::BENCHMARK_CAPTURE ( BinaryEW  ,
LogicalXor__CPU_Int32__100000000  ,
100000000  ,
BinaryOpCode::LogicalXor  ,
Int32  ,
Device("CPU:0")   
) -> Unit(benchmark::kMillisecond)

◆ BENCHMARK_CAPTURE() [274/1019]

cloudViewer::core::BENCHMARK_CAPTURE ( BinaryEW  ,
LogicalXor__CPU_Int64__100  ,
100  ,
BinaryOpCode::LogicalXor  ,
Int64  ,
Device("CPU:0")   
) -> Unit(benchmark::kMillisecond)

◆ BENCHMARK_CAPTURE() [275/1019]

cloudViewer::core::BENCHMARK_CAPTURE ( BinaryEW  ,
LogicalXor__CPU_Int64__100000  ,
100000  ,
BinaryOpCode::LogicalXor  ,
Int64  ,
Device("CPU:0")   
) -> Unit(benchmark::kMillisecond)

◆ BENCHMARK_CAPTURE() [276/1019]

cloudViewer::core::BENCHMARK_CAPTURE ( BinaryEW  ,
LogicalXor__CPU_Int64__100000000  ,
100000000  ,
BinaryOpCode::LogicalXor  ,
Int64  ,
Device("CPU:0")   
) -> Unit(benchmark::kMillisecond)

◆ BENCHMARK_CAPTURE() [277/1019]

cloudViewer::core::BENCHMARK_CAPTURE ( BinaryEW  ,
LogicalXor__CPU_Int8__100  ,
100  ,
BinaryOpCode::LogicalXor  ,
Int8  ,
Device("CPU:0")   
) -> Unit(benchmark::kMillisecond)

◆ BENCHMARK_CAPTURE() [278/1019]

cloudViewer::core::BENCHMARK_CAPTURE ( BinaryEW  ,
LogicalXor__CPU_Int8__100000  ,
100000  ,
BinaryOpCode::LogicalXor  ,
Int8  ,
Device("CPU:0")   
) -> Unit(benchmark::kMillisecond)

◆ BENCHMARK_CAPTURE() [279/1019]

cloudViewer::core::BENCHMARK_CAPTURE ( BinaryEW  ,
LogicalXor__CPU_Int8__100000000  ,
100000000  ,
BinaryOpCode::LogicalXor  ,
Int8  ,
Device("CPU:0")   
) -> Unit(benchmark::kMillisecond)

◆ BENCHMARK_CAPTURE() [280/1019]

cloudViewer::core::BENCHMARK_CAPTURE ( BinaryEW  ,
LogicalXor__CPU_UInt16__100  ,
100  ,
BinaryOpCode::LogicalXor  ,
UInt16  ,
Device("CPU:0")   
) -> Unit(benchmark::kMillisecond)

◆ BENCHMARK_CAPTURE() [281/1019]

cloudViewer::core::BENCHMARK_CAPTURE ( BinaryEW  ,
LogicalXor__CPU_UInt16__100000  ,
100000  ,
BinaryOpCode::LogicalXor  ,
UInt16  ,
Device("CPU:0")   
) -> Unit(benchmark::kMillisecond)

◆ BENCHMARK_CAPTURE() [282/1019]

cloudViewer::core::BENCHMARK_CAPTURE ( BinaryEW  ,
LogicalXor__CPU_UInt16__100000000  ,
100000000  ,
BinaryOpCode::LogicalXor  ,
UInt16  ,
Device("CPU:0")   
) -> Unit(benchmark::kMillisecond)

◆ BENCHMARK_CAPTURE() [283/1019]

cloudViewer::core::BENCHMARK_CAPTURE ( BinaryEW  ,
LogicalXor__CPU_UInt32__100  ,
100  ,
BinaryOpCode::LogicalXor  ,
UInt32  ,
Device("CPU:0")   
) -> Unit(benchmark::kMillisecond)

◆ BENCHMARK_CAPTURE() [284/1019]

cloudViewer::core::BENCHMARK_CAPTURE ( BinaryEW  ,
LogicalXor__CPU_UInt32__100000  ,
100000  ,
BinaryOpCode::LogicalXor  ,
UInt32  ,
Device("CPU:0")   
) -> Unit(benchmark::kMillisecond)

◆ BENCHMARK_CAPTURE() [285/1019]

cloudViewer::core::BENCHMARK_CAPTURE ( BinaryEW  ,
LogicalXor__CPU_UInt32__100000000  ,
100000000  ,
BinaryOpCode::LogicalXor  ,
UInt32  ,
Device("CPU:0")   
) -> Unit(benchmark::kMillisecond)

◆ BENCHMARK_CAPTURE() [286/1019]

cloudViewer::core::BENCHMARK_CAPTURE ( BinaryEW  ,
LogicalXor__CPU_UInt64__100  ,
100  ,
BinaryOpCode::LogicalXor  ,
UInt64  ,
Device("CPU:0")   
) -> Unit(benchmark::kMillisecond)

◆ BENCHMARK_CAPTURE() [287/1019]

cloudViewer::core::BENCHMARK_CAPTURE ( BinaryEW  ,
LogicalXor__CPU_UInt64__100000  ,
100000  ,
BinaryOpCode::LogicalXor  ,
UInt64  ,
Device("CPU:0")   
) -> Unit(benchmark::kMillisecond)

◆ BENCHMARK_CAPTURE() [288/1019]

cloudViewer::core::BENCHMARK_CAPTURE ( BinaryEW  ,
LogicalXor__CPU_UInt64__100000000  ,
100000000  ,
BinaryOpCode::LogicalXor  ,
UInt64  ,
Device("CPU:0")   
) -> Unit(benchmark::kMillisecond)

◆ BENCHMARK_CAPTURE() [289/1019]

cloudViewer::core::BENCHMARK_CAPTURE ( BinaryEW  ,
LogicalXor__CPU_UInt8__100  ,
100  ,
BinaryOpCode::LogicalXor  ,
UInt8  ,
Device("CPU:0")   
) -> Unit(benchmark::kMillisecond)

◆ BENCHMARK_CAPTURE() [290/1019]

cloudViewer::core::BENCHMARK_CAPTURE ( BinaryEW  ,
LogicalXor__CPU_UInt8__100000  ,
100000  ,
BinaryOpCode::LogicalXor  ,
UInt8  ,
Device("CPU:0")   
) -> Unit(benchmark::kMillisecond)

◆ BENCHMARK_CAPTURE() [291/1019]

cloudViewer::core::BENCHMARK_CAPTURE ( BinaryEW  ,
LogicalXor__CPU_UInt8__100000000  ,
100000000  ,
BinaryOpCode::LogicalXor  ,
UInt8  ,
Device("CPU:0")   
) -> Unit(benchmark::kMillisecond)

◆ BENCHMARK_CAPTURE() [292/1019]

cloudViewer::core::BENCHMARK_CAPTURE ( BinaryEW  ,
Lt__CPU_Bool__100  ,
100  ,
BinaryOpCode::Lt  ,
Bool  ,
Device("CPU:0")   
) -> Unit(benchmark::kMillisecond)

◆ BENCHMARK_CAPTURE() [293/1019]

cloudViewer::core::BENCHMARK_CAPTURE ( BinaryEW  ,
Lt__CPU_Bool__100000  ,
100000  ,
BinaryOpCode::Lt  ,
Bool  ,
Device("CPU:0")   
) -> Unit(benchmark::kMillisecond)

◆ BENCHMARK_CAPTURE() [294/1019]

cloudViewer::core::BENCHMARK_CAPTURE ( BinaryEW  ,
Lt__CPU_Bool__100000000  ,
100000000  ,
BinaryOpCode::Lt  ,
Bool  ,
Device("CPU:0")   
) -> Unit(benchmark::kMillisecond)

◆ BENCHMARK_CAPTURE() [295/1019]

cloudViewer::core::BENCHMARK_CAPTURE ( BinaryEW  ,
Lt__CPU_Float32__100  ,
100  ,
BinaryOpCode::Lt  ,
Float32  ,
Device("CPU:0")   
) -> Unit(benchmark::kMillisecond)

◆ BENCHMARK_CAPTURE() [296/1019]

cloudViewer::core::BENCHMARK_CAPTURE ( BinaryEW  ,
Lt__CPU_Float32__100000  ,
100000  ,
BinaryOpCode::Lt  ,
Float32  ,
Device("CPU:0")   
) -> Unit(benchmark::kMillisecond)

◆ BENCHMARK_CAPTURE() [297/1019]

cloudViewer::core::BENCHMARK_CAPTURE ( BinaryEW  ,
Lt__CPU_Float32__100000000  ,
100000000  ,
BinaryOpCode::Lt  ,
Float32  ,
Device("CPU:0")   
) -> Unit(benchmark::kMillisecond)

◆ BENCHMARK_CAPTURE() [298/1019]

cloudViewer::core::BENCHMARK_CAPTURE ( BinaryEW  ,
Lt__CPU_Float64__100  ,
100  ,
BinaryOpCode::Lt  ,
Float64  ,
Device("CPU:0")   
) -> Unit(benchmark::kMillisecond)

◆ BENCHMARK_CAPTURE() [299/1019]

cloudViewer::core::BENCHMARK_CAPTURE ( BinaryEW  ,
Lt__CPU_Float64__100000  ,
100000  ,
BinaryOpCode::Lt  ,
Float64  ,
Device("CPU:0")   
) -> Unit(benchmark::kMillisecond)

◆ BENCHMARK_CAPTURE() [300/1019]

cloudViewer::core::BENCHMARK_CAPTURE ( BinaryEW  ,
Lt__CPU_Float64__100000000  ,
100000000  ,
BinaryOpCode::Lt  ,
Float64  ,
Device("CPU:0")   
) -> Unit(benchmark::kMillisecond)

◆ BENCHMARK_CAPTURE() [301/1019]

cloudViewer::core::BENCHMARK_CAPTURE ( BinaryEW  ,
Lt__CPU_Int16__100  ,
100  ,
BinaryOpCode::Lt  ,
Int16  ,
Device("CPU:0")   
) -> Unit(benchmark::kMillisecond)

◆ BENCHMARK_CAPTURE() [302/1019]

cloudViewer::core::BENCHMARK_CAPTURE ( BinaryEW  ,
Lt__CPU_Int16__100000  ,
100000  ,
BinaryOpCode::Lt  ,
Int16  ,
Device("CPU:0")   
) -> Unit(benchmark::kMillisecond)

◆ BENCHMARK_CAPTURE() [303/1019]

cloudViewer::core::BENCHMARK_CAPTURE ( BinaryEW  ,
Lt__CPU_Int16__100000000  ,
100000000  ,
BinaryOpCode::Lt  ,
Int16  ,
Device("CPU:0")   
) -> Unit(benchmark::kMillisecond)

◆ BENCHMARK_CAPTURE() [304/1019]

cloudViewer::core::BENCHMARK_CAPTURE ( BinaryEW  ,
Lt__CPU_Int32__100  ,
100  ,
BinaryOpCode::Lt  ,
Int32  ,
Device("CPU:0")   
) -> Unit(benchmark::kMillisecond)

◆ BENCHMARK_CAPTURE() [305/1019]

cloudViewer::core::BENCHMARK_CAPTURE ( BinaryEW  ,
Lt__CPU_Int32__100000  ,
100000  ,
BinaryOpCode::Lt  ,
Int32  ,
Device("CPU:0")   
) -> Unit(benchmark::kMillisecond)

◆ BENCHMARK_CAPTURE() [306/1019]

cloudViewer::core::BENCHMARK_CAPTURE ( BinaryEW  ,
Lt__CPU_Int32__100000000  ,
100000000  ,
BinaryOpCode::Lt  ,
Int32  ,
Device("CPU:0")   
) -> Unit(benchmark::kMillisecond)

◆ BENCHMARK_CAPTURE() [307/1019]

cloudViewer::core::BENCHMARK_CAPTURE ( BinaryEW  ,
Lt__CPU_Int64__100  ,
100  ,
BinaryOpCode::Lt  ,
Int64  ,
Device("CPU:0")   
) -> Unit(benchmark::kMillisecond)

◆ BENCHMARK_CAPTURE() [308/1019]

cloudViewer::core::BENCHMARK_CAPTURE ( BinaryEW  ,
Lt__CPU_Int64__100000  ,
100000  ,
BinaryOpCode::Lt  ,
Int64  ,
Device("CPU:0")   
) -> Unit(benchmark::kMillisecond)

◆ BENCHMARK_CAPTURE() [309/1019]

cloudViewer::core::BENCHMARK_CAPTURE ( BinaryEW  ,
Lt__CPU_Int64__100000000  ,
100000000  ,
BinaryOpCode::Lt  ,
Int64  ,
Device("CPU:0")   
) -> Unit(benchmark::kMillisecond)

◆ BENCHMARK_CAPTURE() [310/1019]

cloudViewer::core::BENCHMARK_CAPTURE ( BinaryEW  ,
Lt__CPU_Int8__100  ,
100  ,
BinaryOpCode::Lt  ,
Int8  ,
Device("CPU:0")   
) -> Unit(benchmark::kMillisecond)

◆ BENCHMARK_CAPTURE() [311/1019]

cloudViewer::core::BENCHMARK_CAPTURE ( BinaryEW  ,
Lt__CPU_Int8__100000  ,
100000  ,
BinaryOpCode::Lt  ,
Int8  ,
Device("CPU:0")   
) -> Unit(benchmark::kMillisecond)

◆ BENCHMARK_CAPTURE() [312/1019]

cloudViewer::core::BENCHMARK_CAPTURE ( BinaryEW  ,
Lt__CPU_Int8__100000000  ,
100000000  ,
BinaryOpCode::Lt  ,
Int8  ,
Device("CPU:0")   
) -> Unit(benchmark::kMillisecond)

◆ BENCHMARK_CAPTURE() [313/1019]

cloudViewer::core::BENCHMARK_CAPTURE ( BinaryEW  ,
Lt__CPU_UInt16__100  ,
100  ,
BinaryOpCode::Lt  ,
UInt16  ,
Device("CPU:0")   
) -> Unit(benchmark::kMillisecond)

◆ BENCHMARK_CAPTURE() [314/1019]

cloudViewer::core::BENCHMARK_CAPTURE ( BinaryEW  ,
Lt__CPU_UInt16__100000  ,
100000  ,
BinaryOpCode::Lt  ,
UInt16  ,
Device("CPU:0")   
) -> Unit(benchmark::kMillisecond)

◆ BENCHMARK_CAPTURE() [315/1019]

cloudViewer::core::BENCHMARK_CAPTURE ( BinaryEW  ,
Lt__CPU_UInt16__100000000  ,
100000000  ,
BinaryOpCode::Lt  ,
UInt16  ,
Device("CPU:0")   
) -> Unit(benchmark::kMillisecond)

◆ BENCHMARK_CAPTURE() [316/1019]

cloudViewer::core::BENCHMARK_CAPTURE ( BinaryEW  ,
Lt__CPU_UInt32__100  ,
100  ,
BinaryOpCode::Lt  ,
UInt32  ,
Device("CPU:0")   
) -> Unit(benchmark::kMillisecond)

◆ BENCHMARK_CAPTURE() [317/1019]

cloudViewer::core::BENCHMARK_CAPTURE ( BinaryEW  ,
Lt__CPU_UInt32__100000  ,
100000  ,
BinaryOpCode::Lt  ,
UInt32  ,
Device("CPU:0")   
) -> Unit(benchmark::kMillisecond)

◆ BENCHMARK_CAPTURE() [318/1019]

cloudViewer::core::BENCHMARK_CAPTURE ( BinaryEW  ,
Lt__CPU_UInt32__100000000  ,
100000000  ,
BinaryOpCode::Lt  ,
UInt32  ,
Device("CPU:0")   
) -> Unit(benchmark::kMillisecond)

◆ BENCHMARK_CAPTURE() [319/1019]

cloudViewer::core::BENCHMARK_CAPTURE ( BinaryEW  ,
Lt__CPU_UInt64__100  ,
100  ,
BinaryOpCode::Lt  ,
UInt64  ,
Device("CPU:0")   
) -> Unit(benchmark::kMillisecond)

◆ BENCHMARK_CAPTURE() [320/1019]

cloudViewer::core::BENCHMARK_CAPTURE ( BinaryEW  ,
Lt__CPU_UInt64__100000  ,
100000  ,
BinaryOpCode::Lt  ,
UInt64  ,
Device("CPU:0")   
) -> Unit(benchmark::kMillisecond)

◆ BENCHMARK_CAPTURE() [321/1019]

cloudViewer::core::BENCHMARK_CAPTURE ( BinaryEW  ,
Lt__CPU_UInt64__100000000  ,
100000000  ,
BinaryOpCode::Lt  ,
UInt64  ,
Device("CPU:0")   
) -> Unit(benchmark::kMillisecond)

◆ BENCHMARK_CAPTURE() [322/1019]

cloudViewer::core::BENCHMARK_CAPTURE ( BinaryEW  ,
Lt__CPU_UInt8__100  ,
100  ,
BinaryOpCode::Lt  ,
UInt8  ,
Device("CPU:0")   
) -> Unit(benchmark::kMillisecond)

◆ BENCHMARK_CAPTURE() [323/1019]

cloudViewer::core::BENCHMARK_CAPTURE ( BinaryEW  ,
Lt__CPU_UInt8__100000  ,
100000  ,
BinaryOpCode::Lt  ,
UInt8  ,
Device("CPU:0")   
) -> Unit(benchmark::kMillisecond)

◆ BENCHMARK_CAPTURE() [324/1019]

cloudViewer::core::BENCHMARK_CAPTURE ( BinaryEW  ,
Lt__CPU_UInt8__100000000  ,
100000000  ,
BinaryOpCode::Lt  ,
UInt8  ,
Device("CPU:0")   
) -> Unit(benchmark::kMillisecond)

◆ BENCHMARK_CAPTURE() [325/1019]

cloudViewer::core::BENCHMARK_CAPTURE ( BinaryEW  ,
Mul__CPU_Float32__100  ,
100  ,
BinaryOpCode::Mul  ,
Float32  ,
Device("CPU:0")   
) -> Unit(benchmark::kMillisecond)

◆ BENCHMARK_CAPTURE() [326/1019]

cloudViewer::core::BENCHMARK_CAPTURE ( BinaryEW  ,
Mul__CPU_Float32__100000  ,
100000  ,
BinaryOpCode::Mul  ,
Float32  ,
Device("CPU:0")   
) -> Unit(benchmark::kMillisecond)

◆ BENCHMARK_CAPTURE() [327/1019]

cloudViewer::core::BENCHMARK_CAPTURE ( BinaryEW  ,
Mul__CPU_Float32__100000000  ,
100000000  ,
BinaryOpCode::Mul  ,
Float32  ,
Device("CPU:0")   
) -> Unit(benchmark::kMillisecond)

◆ BENCHMARK_CAPTURE() [328/1019]

cloudViewer::core::BENCHMARK_CAPTURE ( BinaryEW  ,
Mul__CPU_Float64__100  ,
100  ,
BinaryOpCode::Mul  ,
Float64  ,
Device("CPU:0")   
) -> Unit(benchmark::kMillisecond)

◆ BENCHMARK_CAPTURE() [329/1019]

cloudViewer::core::BENCHMARK_CAPTURE ( BinaryEW  ,
Mul__CPU_Float64__100000  ,
100000  ,
BinaryOpCode::Mul  ,
Float64  ,
Device("CPU:0")   
) -> Unit(benchmark::kMillisecond)

◆ BENCHMARK_CAPTURE() [330/1019]

cloudViewer::core::BENCHMARK_CAPTURE ( BinaryEW  ,
Mul__CPU_Float64__100000000  ,
100000000  ,
BinaryOpCode::Mul  ,
Float64  ,
Device("CPU:0")   
) -> Unit(benchmark::kMillisecond)

◆ BENCHMARK_CAPTURE() [331/1019]

cloudViewer::core::BENCHMARK_CAPTURE ( BinaryEW  ,
Mul__CPU_Int16__100  ,
100  ,
BinaryOpCode::Mul  ,
Int16  ,
Device("CPU:0")   
) -> Unit(benchmark::kMillisecond)

◆ BENCHMARK_CAPTURE() [332/1019]

cloudViewer::core::BENCHMARK_CAPTURE ( BinaryEW  ,
Mul__CPU_Int16__100000  ,
100000  ,
BinaryOpCode::Mul  ,
Int16  ,
Device("CPU:0")   
) -> Unit(benchmark::kMillisecond)

◆ BENCHMARK_CAPTURE() [333/1019]

cloudViewer::core::BENCHMARK_CAPTURE ( BinaryEW  ,
Mul__CPU_Int16__100000000  ,
100000000  ,
BinaryOpCode::Mul  ,
Int16  ,
Device("CPU:0")   
) -> Unit(benchmark::kMillisecond)

◆ BENCHMARK_CAPTURE() [334/1019]

cloudViewer::core::BENCHMARK_CAPTURE ( BinaryEW  ,
Mul__CPU_Int32__100  ,
100  ,
BinaryOpCode::Mul  ,
Int32  ,
Device("CPU:0")   
) -> Unit(benchmark::kMillisecond)

◆ BENCHMARK_CAPTURE() [335/1019]

cloudViewer::core::BENCHMARK_CAPTURE ( BinaryEW  ,
Mul__CPU_Int32__100000  ,
100000  ,
BinaryOpCode::Mul  ,
Int32  ,
Device("CPU:0")   
) -> Unit(benchmark::kMillisecond)

◆ BENCHMARK_CAPTURE() [336/1019]

cloudViewer::core::BENCHMARK_CAPTURE ( BinaryEW  ,
Mul__CPU_Int32__100000000  ,
100000000  ,
BinaryOpCode::Mul  ,
Int32  ,
Device("CPU:0")   
) -> Unit(benchmark::kMillisecond)

◆ BENCHMARK_CAPTURE() [337/1019]

cloudViewer::core::BENCHMARK_CAPTURE ( BinaryEW  ,
Mul__CPU_Int64__100  ,
100  ,
BinaryOpCode::Mul  ,
Int64  ,
Device("CPU:0")   
) -> Unit(benchmark::kMillisecond)

◆ BENCHMARK_CAPTURE() [338/1019]

cloudViewer::core::BENCHMARK_CAPTURE ( BinaryEW  ,
Mul__CPU_Int64__100000  ,
100000  ,
BinaryOpCode::Mul  ,
Int64  ,
Device("CPU:0")   
) -> Unit(benchmark::kMillisecond)

◆ BENCHMARK_CAPTURE() [339/1019]

cloudViewer::core::BENCHMARK_CAPTURE ( BinaryEW  ,
Mul__CPU_Int64__100000000  ,
100000000  ,
BinaryOpCode::Mul  ,
Int64  ,
Device("CPU:0")   
) -> Unit(benchmark::kMillisecond)

◆ BENCHMARK_CAPTURE() [340/1019]

cloudViewer::core::BENCHMARK_CAPTURE ( BinaryEW  ,
Mul__CPU_Int8__100  ,
100  ,
BinaryOpCode::Mul  ,
Int8  ,
Device("CPU:0")   
) -> Unit(benchmark::kMillisecond)

◆ BENCHMARK_CAPTURE() [341/1019]

cloudViewer::core::BENCHMARK_CAPTURE ( BinaryEW  ,
Mul__CPU_Int8__100000  ,
100000  ,
BinaryOpCode::Mul  ,
Int8  ,
Device("CPU:0")   
) -> Unit(benchmark::kMillisecond)

◆ BENCHMARK_CAPTURE() [342/1019]

cloudViewer::core::BENCHMARK_CAPTURE ( BinaryEW  ,
Mul__CPU_Int8__100000000  ,
100000000  ,
BinaryOpCode::Mul  ,
Int8  ,
Device("CPU:0")   
) -> Unit(benchmark::kMillisecond)

◆ BENCHMARK_CAPTURE() [343/1019]

cloudViewer::core::BENCHMARK_CAPTURE ( BinaryEW  ,
Mul__CPU_UInt16__100  ,
100  ,
BinaryOpCode::Mul  ,
UInt16  ,
Device("CPU:0")   
) -> Unit(benchmark::kMillisecond)

◆ BENCHMARK_CAPTURE() [344/1019]

cloudViewer::core::BENCHMARK_CAPTURE ( BinaryEW  ,
Mul__CPU_UInt16__100000  ,
100000  ,
BinaryOpCode::Mul  ,
UInt16  ,
Device("CPU:0")   
) -> Unit(benchmark::kMillisecond)

◆ BENCHMARK_CAPTURE() [345/1019]

cloudViewer::core::BENCHMARK_CAPTURE ( BinaryEW  ,
Mul__CPU_UInt16__100000000  ,
100000000  ,
BinaryOpCode::Mul  ,
UInt16  ,
Device("CPU:0")   
) -> Unit(benchmark::kMillisecond)

◆ BENCHMARK_CAPTURE() [346/1019]

cloudViewer::core::BENCHMARK_CAPTURE ( BinaryEW  ,
Mul__CPU_UInt32__100  ,
100  ,
BinaryOpCode::Mul  ,
UInt32  ,
Device("CPU:0")   
) -> Unit(benchmark::kMillisecond)

◆ BENCHMARK_CAPTURE() [347/1019]

cloudViewer::core::BENCHMARK_CAPTURE ( BinaryEW  ,
Mul__CPU_UInt32__100000  ,
100000  ,
BinaryOpCode::Mul  ,
UInt32  ,
Device("CPU:0")   
) -> Unit(benchmark::kMillisecond)

◆ BENCHMARK_CAPTURE() [348/1019]

cloudViewer::core::BENCHMARK_CAPTURE ( BinaryEW  ,
Mul__CPU_UInt32__100000000  ,
100000000  ,
BinaryOpCode::Mul  ,
UInt32  ,
Device("CPU:0")   
) -> Unit(benchmark::kMillisecond)

◆ BENCHMARK_CAPTURE() [349/1019]

cloudViewer::core::BENCHMARK_CAPTURE ( BinaryEW  ,
Mul__CPU_UInt64__100  ,
100  ,
BinaryOpCode::Mul  ,
UInt64  ,
Device("CPU:0")   
) -> Unit(benchmark::kMillisecond)

◆ BENCHMARK_CAPTURE() [350/1019]

cloudViewer::core::BENCHMARK_CAPTURE ( BinaryEW  ,
Mul__CPU_UInt64__100000  ,
100000  ,
BinaryOpCode::Mul  ,
UInt64  ,
Device("CPU:0")   
) -> Unit(benchmark::kMillisecond)

◆ BENCHMARK_CAPTURE() [351/1019]

cloudViewer::core::BENCHMARK_CAPTURE ( BinaryEW  ,
Mul__CPU_UInt64__100000000  ,
100000000  ,
BinaryOpCode::Mul  ,
UInt64  ,
Device("CPU:0")   
) -> Unit(benchmark::kMillisecond)

◆ BENCHMARK_CAPTURE() [352/1019]

cloudViewer::core::BENCHMARK_CAPTURE ( BinaryEW  ,
Mul__CPU_UInt8__100  ,
100  ,
BinaryOpCode::Mul  ,
UInt8  ,
Device("CPU:0")   
) -> Unit(benchmark::kMillisecond)

◆ BENCHMARK_CAPTURE() [353/1019]

cloudViewer::core::BENCHMARK_CAPTURE ( BinaryEW  ,
Mul__CPU_UInt8__100000  ,
100000  ,
BinaryOpCode::Mul  ,
UInt8  ,
Device("CPU:0")   
) -> Unit(benchmark::kMillisecond)

◆ BENCHMARK_CAPTURE() [354/1019]

cloudViewer::core::BENCHMARK_CAPTURE ( BinaryEW  ,
Mul__CPU_UInt8__100000000  ,
100000000  ,
BinaryOpCode::Mul  ,
UInt8  ,
Device("CPU:0")   
) -> Unit(benchmark::kMillisecond)

◆ BENCHMARK_CAPTURE() [355/1019]

cloudViewer::core::BENCHMARK_CAPTURE ( BinaryEW  ,
Neq__CPU_Bool__100  ,
100  ,
BinaryOpCode::Neq  ,
Bool  ,
Device("CPU:0")   
) -> Unit(benchmark::kMillisecond)

◆ BENCHMARK_CAPTURE() [356/1019]

cloudViewer::core::BENCHMARK_CAPTURE ( BinaryEW  ,
Neq__CPU_Bool__100000  ,
100000  ,
BinaryOpCode::Neq  ,
Bool  ,
Device("CPU:0")   
) -> Unit(benchmark::kMillisecond)

◆ BENCHMARK_CAPTURE() [357/1019]

cloudViewer::core::BENCHMARK_CAPTURE ( BinaryEW  ,
Neq__CPU_Bool__100000000  ,
100000000  ,
BinaryOpCode::Neq  ,
Bool  ,
Device("CPU:0")   
) -> Unit(benchmark::kMillisecond)

◆ BENCHMARK_CAPTURE() [358/1019]

cloudViewer::core::BENCHMARK_CAPTURE ( BinaryEW  ,
Neq__CPU_Float32__100  ,
100  ,
BinaryOpCode::Neq  ,
Float32  ,
Device("CPU:0")   
) -> Unit(benchmark::kMillisecond)

◆ BENCHMARK_CAPTURE() [359/1019]

cloudViewer::core::BENCHMARK_CAPTURE ( BinaryEW  ,
Neq__CPU_Float32__100000  ,
100000  ,
BinaryOpCode::Neq  ,
Float32  ,
Device("CPU:0")   
) -> Unit(benchmark::kMillisecond)

◆ BENCHMARK_CAPTURE() [360/1019]

cloudViewer::core::BENCHMARK_CAPTURE ( BinaryEW  ,
Neq__CPU_Float32__100000000  ,
100000000  ,
BinaryOpCode::Neq  ,
Float32  ,
Device("CPU:0")   
) -> Unit(benchmark::kMillisecond)

◆ BENCHMARK_CAPTURE() [361/1019]

cloudViewer::core::BENCHMARK_CAPTURE ( BinaryEW  ,
Neq__CPU_Float64__100  ,
100  ,
BinaryOpCode::Neq  ,
Float64  ,
Device("CPU:0")   
) -> Unit(benchmark::kMillisecond)

◆ BENCHMARK_CAPTURE() [362/1019]

cloudViewer::core::BENCHMARK_CAPTURE ( BinaryEW  ,
Neq__CPU_Float64__100000  ,
100000  ,
BinaryOpCode::Neq  ,
Float64  ,
Device("CPU:0")   
) -> Unit(benchmark::kMillisecond)

◆ BENCHMARK_CAPTURE() [363/1019]

cloudViewer::core::BENCHMARK_CAPTURE ( BinaryEW  ,
Neq__CPU_Float64__100000000  ,
100000000  ,
BinaryOpCode::Neq  ,
Float64  ,
Device("CPU:0")   
) -> Unit(benchmark::kMillisecond)

◆ BENCHMARK_CAPTURE() [364/1019]

cloudViewer::core::BENCHMARK_CAPTURE ( BinaryEW  ,
Neq__CPU_Int16__100  ,
100  ,
BinaryOpCode::Neq  ,
Int16  ,
Device("CPU:0")   
) -> Unit(benchmark::kMillisecond)

◆ BENCHMARK_CAPTURE() [365/1019]

cloudViewer::core::BENCHMARK_CAPTURE ( BinaryEW  ,
Neq__CPU_Int16__100000  ,
100000  ,
BinaryOpCode::Neq  ,
Int16  ,
Device("CPU:0")   
) -> Unit(benchmark::kMillisecond)

◆ BENCHMARK_CAPTURE() [366/1019]

cloudViewer::core::BENCHMARK_CAPTURE ( BinaryEW  ,
Neq__CPU_Int16__100000000  ,
100000000  ,
BinaryOpCode::Neq  ,
Int16  ,
Device("CPU:0")   
) -> Unit(benchmark::kMillisecond)

◆ BENCHMARK_CAPTURE() [367/1019]

cloudViewer::core::BENCHMARK_CAPTURE ( BinaryEW  ,
Neq__CPU_Int32__100  ,
100  ,
BinaryOpCode::Neq  ,
Int32  ,
Device("CPU:0")   
) -> Unit(benchmark::kMillisecond)

◆ BENCHMARK_CAPTURE() [368/1019]

cloudViewer::core::BENCHMARK_CAPTURE ( BinaryEW  ,
Neq__CPU_Int32__100000  ,
100000  ,
BinaryOpCode::Neq  ,
Int32  ,
Device("CPU:0")   
) -> Unit(benchmark::kMillisecond)

◆ BENCHMARK_CAPTURE() [369/1019]

cloudViewer::core::BENCHMARK_CAPTURE ( BinaryEW  ,
Neq__CPU_Int32__100000000  ,
100000000  ,
BinaryOpCode::Neq  ,
Int32  ,
Device("CPU:0")   
) -> Unit(benchmark::kMillisecond)

◆ BENCHMARK_CAPTURE() [370/1019]

cloudViewer::core::BENCHMARK_CAPTURE ( BinaryEW  ,
Neq__CPU_Int64__100  ,
100  ,
BinaryOpCode::Neq  ,
Int64  ,
Device("CPU:0")   
) -> Unit(benchmark::kMillisecond)

◆ BENCHMARK_CAPTURE() [371/1019]

cloudViewer::core::BENCHMARK_CAPTURE ( BinaryEW  ,
Neq__CPU_Int64__100000  ,
100000  ,
BinaryOpCode::Neq  ,
Int64  ,
Device("CPU:0")   
) -> Unit(benchmark::kMillisecond)

◆ BENCHMARK_CAPTURE() [372/1019]

cloudViewer::core::BENCHMARK_CAPTURE ( BinaryEW  ,
Neq__CPU_Int64__100000000  ,
100000000  ,
BinaryOpCode::Neq  ,
Int64  ,
Device("CPU:0")   
) -> Unit(benchmark::kMillisecond)

◆ BENCHMARK_CAPTURE() [373/1019]

cloudViewer::core::BENCHMARK_CAPTURE ( BinaryEW  ,
Neq__CPU_Int8__100  ,
100  ,
BinaryOpCode::Neq  ,
Int8  ,
Device("CPU:0")   
) -> Unit(benchmark::kMillisecond)

◆ BENCHMARK_CAPTURE() [374/1019]

cloudViewer::core::BENCHMARK_CAPTURE ( BinaryEW  ,
Neq__CPU_Int8__100000  ,
100000  ,
BinaryOpCode::Neq  ,
Int8  ,
Device("CPU:0")   
) -> Unit(benchmark::kMillisecond)

◆ BENCHMARK_CAPTURE() [375/1019]

cloudViewer::core::BENCHMARK_CAPTURE ( BinaryEW  ,
Neq__CPU_Int8__100000000  ,
100000000  ,
BinaryOpCode::Neq  ,
Int8  ,
Device("CPU:0")   
) -> Unit(benchmark::kMillisecond)

◆ BENCHMARK_CAPTURE() [376/1019]

cloudViewer::core::BENCHMARK_CAPTURE ( BinaryEW  ,
Neq__CPU_UInt16__100  ,
100  ,
BinaryOpCode::Neq  ,
UInt16  ,
Device("CPU:0")   
) -> Unit(benchmark::kMillisecond)

◆ BENCHMARK_CAPTURE() [377/1019]

cloudViewer::core::BENCHMARK_CAPTURE ( BinaryEW  ,
Neq__CPU_UInt16__100000  ,
100000  ,
BinaryOpCode::Neq  ,
UInt16  ,
Device("CPU:0")   
) -> Unit(benchmark::kMillisecond)

◆ BENCHMARK_CAPTURE() [378/1019]

cloudViewer::core::BENCHMARK_CAPTURE ( BinaryEW  ,
Neq__CPU_UInt16__100000000  ,
100000000  ,
BinaryOpCode::Neq  ,
UInt16  ,
Device("CPU:0")   
) -> Unit(benchmark::kMillisecond)

◆ BENCHMARK_CAPTURE() [379/1019]

cloudViewer::core::BENCHMARK_CAPTURE ( BinaryEW  ,
Neq__CPU_UInt32__100  ,
100  ,
BinaryOpCode::Neq  ,
UInt32  ,
Device("CPU:0")   
) -> Unit(benchmark::kMillisecond)

◆ BENCHMARK_CAPTURE() [380/1019]

cloudViewer::core::BENCHMARK_CAPTURE ( BinaryEW  ,
Neq__CPU_UInt32__100000  ,
100000  ,
BinaryOpCode::Neq  ,
UInt32  ,
Device("CPU:0")   
) -> Unit(benchmark::kMillisecond)

◆ BENCHMARK_CAPTURE() [381/1019]

cloudViewer::core::BENCHMARK_CAPTURE ( BinaryEW  ,
Neq__CPU_UInt32__100000000  ,
100000000  ,
BinaryOpCode::Neq  ,
UInt32  ,
Device("CPU:0")   
) -> Unit(benchmark::kMillisecond)

◆ BENCHMARK_CAPTURE() [382/1019]

cloudViewer::core::BENCHMARK_CAPTURE ( BinaryEW  ,
Neq__CPU_UInt64__100  ,
100  ,
BinaryOpCode::Neq  ,
UInt64  ,
Device("CPU:0")   
) -> Unit(benchmark::kMillisecond)

◆ BENCHMARK_CAPTURE() [383/1019]

cloudViewer::core::BENCHMARK_CAPTURE ( BinaryEW  ,
Neq__CPU_UInt64__100000  ,
100000  ,
BinaryOpCode::Neq  ,
UInt64  ,
Device("CPU:0")   
) -> Unit(benchmark::kMillisecond)

◆ BENCHMARK_CAPTURE() [384/1019]

cloudViewer::core::BENCHMARK_CAPTURE ( BinaryEW  ,
Neq__CPU_UInt64__100000000  ,
100000000  ,
BinaryOpCode::Neq  ,
UInt64  ,
Device("CPU:0")   
) -> Unit(benchmark::kMillisecond)

◆ BENCHMARK_CAPTURE() [385/1019]

cloudViewer::core::BENCHMARK_CAPTURE ( BinaryEW  ,
Neq__CPU_UInt8__100  ,
100  ,
BinaryOpCode::Neq  ,
UInt8  ,
Device("CPU:0")   
) -> Unit(benchmark::kMillisecond)

◆ BENCHMARK_CAPTURE() [386/1019]

cloudViewer::core::BENCHMARK_CAPTURE ( BinaryEW  ,
Neq__CPU_UInt8__100000  ,
100000  ,
BinaryOpCode::Neq  ,
UInt8  ,
Device("CPU:0")   
) -> Unit(benchmark::kMillisecond)

◆ BENCHMARK_CAPTURE() [387/1019]

cloudViewer::core::BENCHMARK_CAPTURE ( BinaryEW  ,
Neq__CPU_UInt8__100000000  ,
100000000  ,
BinaryOpCode::Neq  ,
UInt8  ,
Device("CPU:0")   
) -> Unit(benchmark::kMillisecond)

◆ BENCHMARK_CAPTURE() [388/1019]

cloudViewer::core::BENCHMARK_CAPTURE ( BinaryEW  ,
Sub__CPU_Float32__100  ,
100  ,
BinaryOpCode::Sub  ,
Float32  ,
Device("CPU:0")   
) -> Unit(benchmark::kMillisecond)

◆ BENCHMARK_CAPTURE() [389/1019]

cloudViewer::core::BENCHMARK_CAPTURE ( BinaryEW  ,
Sub__CPU_Float32__100000  ,
100000  ,
BinaryOpCode::Sub  ,
Float32  ,
Device("CPU:0")   
) -> Unit(benchmark::kMillisecond)

◆ BENCHMARK_CAPTURE() [390/1019]

cloudViewer::core::BENCHMARK_CAPTURE ( BinaryEW  ,
Sub__CPU_Float32__100000000  ,
100000000  ,
BinaryOpCode::Sub  ,
Float32  ,
Device("CPU:0")   
) -> Unit(benchmark::kMillisecond)

◆ BENCHMARK_CAPTURE() [391/1019]

cloudViewer::core::BENCHMARK_CAPTURE ( BinaryEW  ,
Sub__CPU_Float64__100  ,
100  ,
BinaryOpCode::Sub  ,
Float64  ,
Device("CPU:0")   
) -> Unit(benchmark::kMillisecond)

◆ BENCHMARK_CAPTURE() [392/1019]

cloudViewer::core::BENCHMARK_CAPTURE ( BinaryEW  ,
Sub__CPU_Float64__100000  ,
100000  ,
BinaryOpCode::Sub  ,
Float64  ,
Device("CPU:0")   
) -> Unit(benchmark::kMillisecond)

◆ BENCHMARK_CAPTURE() [393/1019]

cloudViewer::core::BENCHMARK_CAPTURE ( BinaryEW  ,
Sub__CPU_Float64__100000000  ,
100000000  ,
BinaryOpCode::Sub  ,
Float64  ,
Device("CPU:0")   
) -> Unit(benchmark::kMillisecond)

◆ BENCHMARK_CAPTURE() [394/1019]

cloudViewer::core::BENCHMARK_CAPTURE ( BinaryEW  ,
Sub__CPU_Int16__100  ,
100  ,
BinaryOpCode::Sub  ,
Int16  ,
Device("CPU:0")   
) -> Unit(benchmark::kMillisecond)

◆ BENCHMARK_CAPTURE() [395/1019]

cloudViewer::core::BENCHMARK_CAPTURE ( BinaryEW  ,
Sub__CPU_Int16__100000  ,
100000  ,
BinaryOpCode::Sub  ,
Int16  ,
Device("CPU:0")   
) -> Unit(benchmark::kMillisecond)

◆ BENCHMARK_CAPTURE() [396/1019]

cloudViewer::core::BENCHMARK_CAPTURE ( BinaryEW  ,
Sub__CPU_Int16__100000000  ,
100000000  ,
BinaryOpCode::Sub  ,
Int16  ,
Device("CPU:0")   
) -> Unit(benchmark::kMillisecond)

◆ BENCHMARK_CAPTURE() [397/1019]

cloudViewer::core::BENCHMARK_CAPTURE ( BinaryEW  ,
Sub__CPU_Int32__100  ,
100  ,
BinaryOpCode::Sub  ,
Int32  ,
Device("CPU:0")   
) -> Unit(benchmark::kMillisecond)

◆ BENCHMARK_CAPTURE() [398/1019]

cloudViewer::core::BENCHMARK_CAPTURE ( BinaryEW  ,
Sub__CPU_Int32__100000  ,
100000  ,
BinaryOpCode::Sub  ,
Int32  ,
Device("CPU:0")   
) -> Unit(benchmark::kMillisecond)

◆ BENCHMARK_CAPTURE() [399/1019]

cloudViewer::core::BENCHMARK_CAPTURE ( BinaryEW  ,
Sub__CPU_Int32__100000000  ,
100000000  ,
BinaryOpCode::Sub  ,
Int32  ,
Device("CPU:0")   
) -> Unit(benchmark::kMillisecond)

◆ BENCHMARK_CAPTURE() [400/1019]

cloudViewer::core::BENCHMARK_CAPTURE ( BinaryEW  ,
Sub__CPU_Int64__100  ,
100  ,
BinaryOpCode::Sub  ,
Int64  ,
Device("CPU:0")   
) -> Unit(benchmark::kMillisecond)

◆ BENCHMARK_CAPTURE() [401/1019]

cloudViewer::core::BENCHMARK_CAPTURE ( BinaryEW  ,
Sub__CPU_Int64__100000  ,
100000  ,
BinaryOpCode::Sub  ,
Int64  ,
Device("CPU:0")   
) -> Unit(benchmark::kMillisecond)

◆ BENCHMARK_CAPTURE() [402/1019]

cloudViewer::core::BENCHMARK_CAPTURE ( BinaryEW  ,
Sub__CPU_Int64__100000000  ,
100000000  ,
BinaryOpCode::Sub  ,
Int64  ,
Device("CPU:0")   
) -> Unit(benchmark::kMillisecond)

◆ BENCHMARK_CAPTURE() [403/1019]

cloudViewer::core::BENCHMARK_CAPTURE ( BinaryEW  ,
Sub__CPU_Int8__100  ,
100  ,
BinaryOpCode::Sub  ,
Int8  ,
Device("CPU:0")   
) -> Unit(benchmark::kMillisecond)

◆ BENCHMARK_CAPTURE() [404/1019]

cloudViewer::core::BENCHMARK_CAPTURE ( BinaryEW  ,
Sub__CPU_Int8__100000  ,
100000  ,
BinaryOpCode::Sub  ,
Int8  ,
Device("CPU:0")   
) -> Unit(benchmark::kMillisecond)

◆ BENCHMARK_CAPTURE() [405/1019]

cloudViewer::core::BENCHMARK_CAPTURE ( BinaryEW  ,
Sub__CPU_Int8__100000000  ,
100000000  ,
BinaryOpCode::Sub  ,
Int8  ,
Device("CPU:0")   
) -> Unit(benchmark::kMillisecond)

◆ BENCHMARK_CAPTURE() [406/1019]

cloudViewer::core::BENCHMARK_CAPTURE ( BinaryEW  ,
Sub__CPU_UInt16__100  ,
100  ,
BinaryOpCode::Sub  ,
UInt16  ,
Device("CPU:0")   
) -> Unit(benchmark::kMillisecond)

◆ BENCHMARK_CAPTURE() [407/1019]

cloudViewer::core::BENCHMARK_CAPTURE ( BinaryEW  ,
Sub__CPU_UInt16__100000  ,
100000  ,
BinaryOpCode::Sub  ,
UInt16  ,
Device("CPU:0")   
) -> Unit(benchmark::kMillisecond)

◆ BENCHMARK_CAPTURE() [408/1019]

cloudViewer::core::BENCHMARK_CAPTURE ( BinaryEW  ,
Sub__CPU_UInt16__100000000  ,
100000000  ,
BinaryOpCode::Sub  ,
UInt16  ,
Device("CPU:0")   
) -> Unit(benchmark::kMillisecond)

◆ BENCHMARK_CAPTURE() [409/1019]

cloudViewer::core::BENCHMARK_CAPTURE ( BinaryEW  ,
Sub__CPU_UInt32__100  ,
100  ,
BinaryOpCode::Sub  ,
UInt32  ,
Device("CPU:0")   
) -> Unit(benchmark::kMillisecond)

◆ BENCHMARK_CAPTURE() [410/1019]

cloudViewer::core::BENCHMARK_CAPTURE ( BinaryEW  ,
Sub__CPU_UInt32__100000  ,
100000  ,
BinaryOpCode::Sub  ,
UInt32  ,
Device("CPU:0")   
) -> Unit(benchmark::kMillisecond)

◆ BENCHMARK_CAPTURE() [411/1019]

cloudViewer::core::BENCHMARK_CAPTURE ( BinaryEW  ,
Sub__CPU_UInt32__100000000  ,
100000000  ,
BinaryOpCode::Sub  ,
UInt32  ,
Device("CPU:0")   
) -> Unit(benchmark::kMillisecond)

◆ BENCHMARK_CAPTURE() [412/1019]

cloudViewer::core::BENCHMARK_CAPTURE ( BinaryEW  ,
Sub__CPU_UInt64__100  ,
100  ,
BinaryOpCode::Sub  ,
UInt64  ,
Device("CPU:0")   
) -> Unit(benchmark::kMillisecond)

◆ BENCHMARK_CAPTURE() [413/1019]

cloudViewer::core::BENCHMARK_CAPTURE ( BinaryEW  ,
Sub__CPU_UInt64__100000  ,
100000  ,
BinaryOpCode::Sub  ,
UInt64  ,
Device("CPU:0")   
) -> Unit(benchmark::kMillisecond)

◆ BENCHMARK_CAPTURE() [414/1019]

cloudViewer::core::BENCHMARK_CAPTURE ( BinaryEW  ,
Sub__CPU_UInt64__100000000  ,
100000000  ,
BinaryOpCode::Sub  ,
UInt64  ,
Device("CPU:0")   
) -> Unit(benchmark::kMillisecond)

◆ BENCHMARK_CAPTURE() [415/1019]

cloudViewer::core::BENCHMARK_CAPTURE ( BinaryEW  ,
Sub__CPU_UInt8__100  ,
100  ,
BinaryOpCode::Sub  ,
UInt8  ,
Device("CPU:0")   
) -> Unit(benchmark::kMillisecond)

◆ BENCHMARK_CAPTURE() [416/1019]

cloudViewer::core::BENCHMARK_CAPTURE ( BinaryEW  ,
Sub__CPU_UInt8__100000  ,
100000  ,
BinaryOpCode::Sub  ,
UInt8  ,
Device("CPU:0")   
) -> Unit(benchmark::kMillisecond)

◆ BENCHMARK_CAPTURE() [417/1019]

cloudViewer::core::BENCHMARK_CAPTURE ( BinaryEW  ,
Sub__CPU_UInt8__100000000  ,
100000000  ,
BinaryOpCode::Sub  ,
UInt8  ,
Device("CPU:0")   
) -> Unit(benchmark::kMillisecond)

◆ BENCHMARK_CAPTURE() [418/1019]

cloudViewer::core::BENCHMARK_CAPTURE ( Free  ,
MemoryManagerBackend::Cached_1000000000_CPU  ,
1000000000  ,
Device("CPU:0")  ,
MemoryManagerBackend::Cached   
) -> Unit(benchmark::kMicrosecond)

◆ BENCHMARK_CAPTURE() [419/1019]

cloudViewer::core::BENCHMARK_CAPTURE ( Free  ,
MemoryManagerBackend::Cached_100000000_CPU  ,
100000000  ,
Device("CPU:0")  ,
MemoryManagerBackend::Cached   
) -> Unit(benchmark::kMicrosecond)

◆ BENCHMARK_CAPTURE() [420/1019]

cloudViewer::core::BENCHMARK_CAPTURE ( Free  ,
MemoryManagerBackend::Cached_10000000_CPU  ,
10000000  ,
Device("CPU:0")  ,
MemoryManagerBackend::Cached   
) -> Unit(benchmark::kMicrosecond)

◆ BENCHMARK_CAPTURE() [421/1019]

cloudViewer::core::BENCHMARK_CAPTURE ( Free  ,
MemoryManagerBackend::Cached_1000000_CPU  ,
1000000  ,
Device("CPU:0")  ,
MemoryManagerBackend::Cached   
) -> Unit(benchmark::kMicrosecond)

◆ BENCHMARK_CAPTURE() [422/1019]

cloudViewer::core::BENCHMARK_CAPTURE ( Free  ,
MemoryManagerBackend::Cached_100000_CPU  ,
100000  ,
Device("CPU:0")  ,
MemoryManagerBackend::Cached   
) -> Unit(benchmark::kMicrosecond)

◆ BENCHMARK_CAPTURE() [423/1019]

cloudViewer::core::BENCHMARK_CAPTURE ( Free  ,
MemoryManagerBackend::Cached_10000_CPU  ,
10000  ,
Device("CPU:0")  ,
MemoryManagerBackend::Cached   
) -> Unit(benchmark::kMicrosecond)

◆ BENCHMARK_CAPTURE() [424/1019]

cloudViewer::core::BENCHMARK_CAPTURE ( Free  ,
MemoryManagerBackend::Cached_1000_CPU  ,
1000  ,
Device("CPU:0")  ,
MemoryManagerBackend::Cached   
) -> Unit(benchmark::kMicrosecond)

◆ BENCHMARK_CAPTURE() [425/1019]

cloudViewer::core::BENCHMARK_CAPTURE ( Free  ,
MemoryManagerBackend::Cached_100_CPU  ,
100  ,
Device("CPU:0")  ,
MemoryManagerBackend::Cached   
) -> Unit(benchmark::kMicrosecond)

◆ BENCHMARK_CAPTURE() [426/1019]

cloudViewer::core::BENCHMARK_CAPTURE ( Free  ,
MemoryManagerBackend::Direct_1000000000_CPU  ,
1000000000  ,
Device("CPU:0")  ,
MemoryManagerBackend::Direct   
) -> Unit(benchmark::kMicrosecond)

◆ BENCHMARK_CAPTURE() [427/1019]

cloudViewer::core::BENCHMARK_CAPTURE ( Free  ,
MemoryManagerBackend::Direct_100000000_CPU  ,
100000000  ,
Device("CPU:0")  ,
MemoryManagerBackend::Direct   
) -> Unit(benchmark::kMicrosecond)

◆ BENCHMARK_CAPTURE() [428/1019]

cloudViewer::core::BENCHMARK_CAPTURE ( Free  ,
MemoryManagerBackend::Direct_10000000_CPU  ,
10000000  ,
Device("CPU:0")  ,
MemoryManagerBackend::Direct   
) -> Unit(benchmark::kMicrosecond)

◆ BENCHMARK_CAPTURE() [429/1019]

cloudViewer::core::BENCHMARK_CAPTURE ( Free  ,
MemoryManagerBackend::Direct_1000000_CPU  ,
1000000  ,
Device("CPU:0")  ,
MemoryManagerBackend::Direct   
) -> Unit(benchmark::kMicrosecond)

◆ BENCHMARK_CAPTURE() [430/1019]

cloudViewer::core::BENCHMARK_CAPTURE ( Free  ,
MemoryManagerBackend::Direct_100000_CPU  ,
100000  ,
Device("CPU:0")  ,
MemoryManagerBackend::Direct   
) -> Unit(benchmark::kMicrosecond)

◆ BENCHMARK_CAPTURE() [431/1019]

cloudViewer::core::BENCHMARK_CAPTURE ( Free  ,
MemoryManagerBackend::Direct_10000_CPU  ,
10000  ,
Device("CPU:0")  ,
MemoryManagerBackend::Direct   
) -> Unit(benchmark::kMicrosecond)

◆ BENCHMARK_CAPTURE() [432/1019]

cloudViewer::core::BENCHMARK_CAPTURE ( Free  ,
MemoryManagerBackend::Direct_1000_CPU  ,
1000  ,
Device("CPU:0")  ,
MemoryManagerBackend::Direct   
) -> Unit(benchmark::kMicrosecond)

◆ BENCHMARK_CAPTURE() [433/1019]

cloudViewer::core::BENCHMARK_CAPTURE ( Free  ,
MemoryManagerBackend::Direct_100_CPU  ,
100  ,
Device("CPU:0")  ,
MemoryManagerBackend::Direct   
) -> Unit(benchmark::kMicrosecond)

◆ BENCHMARK_CAPTURE() [434/1019]

cloudViewer::core::BENCHMARK_CAPTURE ( HashClearInt  ,
HashBackendType::TBB_1000000_1  ,
1000000  ,
,
Device("CPU:0")  ,
HashBackendType::TBB   
) -> Unit(benchmark::kMillisecond)

◆ BENCHMARK_CAPTURE() [435/1019]

cloudViewer::core::BENCHMARK_CAPTURE ( HashClearInt  ,
HashBackendType::TBB_1000000_16  ,
1000000  ,
16  ,
Device("CPU:0")  ,
HashBackendType::TBB   
) -> Unit(benchmark::kMillisecond)

◆ BENCHMARK_CAPTURE() [436/1019]

cloudViewer::core::BENCHMARK_CAPTURE ( HashClearInt  ,
HashBackendType::TBB_1000000_2  ,
1000000  ,
,
Device("CPU:0")  ,
HashBackendType::TBB   
) -> Unit(benchmark::kMillisecond)

◆ BENCHMARK_CAPTURE() [437/1019]

cloudViewer::core::BENCHMARK_CAPTURE ( HashClearInt  ,
HashBackendType::TBB_1000000_32  ,
1000000  ,
32  ,
Device("CPU:0")  ,
HashBackendType::TBB   
) -> Unit(benchmark::kMillisecond)

◆ BENCHMARK_CAPTURE() [438/1019]

cloudViewer::core::BENCHMARK_CAPTURE ( HashClearInt  ,
HashBackendType::TBB_1000000_4  ,
1000000  ,
,
Device("CPU:0")  ,
HashBackendType::TBB   
) -> Unit(benchmark::kMillisecond)

◆ BENCHMARK_CAPTURE() [439/1019]

cloudViewer::core::BENCHMARK_CAPTURE ( HashClearInt  ,
HashBackendType::TBB_1000000_8  ,
1000000  ,
,
Device("CPU:0")  ,
HashBackendType::TBB   
) -> Unit(benchmark::kMillisecond)

◆ BENCHMARK_CAPTURE() [440/1019]

cloudViewer::core::BENCHMARK_CAPTURE ( HashClearInt  ,
HashBackendType::TBB_100000_1  ,
100000  ,
,
Device("CPU:0")  ,
HashBackendType::TBB   
) -> Unit(benchmark::kMillisecond)

◆ BENCHMARK_CAPTURE() [441/1019]

cloudViewer::core::BENCHMARK_CAPTURE ( HashClearInt  ,
HashBackendType::TBB_100000_16  ,
100000  ,
16  ,
Device("CPU:0")  ,
HashBackendType::TBB   
) -> Unit(benchmark::kMillisecond)

◆ BENCHMARK_CAPTURE() [442/1019]

cloudViewer::core::BENCHMARK_CAPTURE ( HashClearInt  ,
HashBackendType::TBB_100000_2  ,
100000  ,
,
Device("CPU:0")  ,
HashBackendType::TBB   
) -> Unit(benchmark::kMillisecond)

◆ BENCHMARK_CAPTURE() [443/1019]

cloudViewer::core::BENCHMARK_CAPTURE ( HashClearInt  ,
HashBackendType::TBB_100000_32  ,
100000  ,
32  ,
Device("CPU:0")  ,
HashBackendType::TBB   
) -> Unit(benchmark::kMillisecond)

◆ BENCHMARK_CAPTURE() [444/1019]

cloudViewer::core::BENCHMARK_CAPTURE ( HashClearInt  ,
HashBackendType::TBB_100000_4  ,
100000  ,
,
Device("CPU:0")  ,
HashBackendType::TBB   
) -> Unit(benchmark::kMillisecond)

◆ BENCHMARK_CAPTURE() [445/1019]

cloudViewer::core::BENCHMARK_CAPTURE ( HashClearInt  ,
HashBackendType::TBB_100000_8  ,
100000  ,
,
Device("CPU:0")  ,
HashBackendType::TBB   
) -> Unit(benchmark::kMillisecond)

◆ BENCHMARK_CAPTURE() [446/1019]

cloudViewer::core::BENCHMARK_CAPTURE ( HashClearInt  ,
HashBackendType::TBB_10000_1  ,
10000  ,
,
Device("CPU:0")  ,
HashBackendType::TBB   
) -> Unit(benchmark::kMillisecond)

◆ BENCHMARK_CAPTURE() [447/1019]

cloudViewer::core::BENCHMARK_CAPTURE ( HashClearInt  ,
HashBackendType::TBB_10000_16  ,
10000  ,
16  ,
Device("CPU:0")  ,
HashBackendType::TBB   
) -> Unit(benchmark::kMillisecond)

◆ BENCHMARK_CAPTURE() [448/1019]

cloudViewer::core::BENCHMARK_CAPTURE ( HashClearInt  ,
HashBackendType::TBB_10000_2  ,
10000  ,
,
Device("CPU:0")  ,
HashBackendType::TBB   
) -> Unit(benchmark::kMillisecond)

◆ BENCHMARK_CAPTURE() [449/1019]

cloudViewer::core::BENCHMARK_CAPTURE ( HashClearInt  ,
HashBackendType::TBB_10000_32  ,
10000  ,
32  ,
Device("CPU:0")  ,
HashBackendType::TBB   
) -> Unit(benchmark::kMillisecond)

◆ BENCHMARK_CAPTURE() [450/1019]

cloudViewer::core::BENCHMARK_CAPTURE ( HashClearInt  ,
HashBackendType::TBB_10000_4  ,
10000  ,
,
Device("CPU:0")  ,
HashBackendType::TBB   
) -> Unit(benchmark::kMillisecond)

◆ BENCHMARK_CAPTURE() [451/1019]

cloudViewer::core::BENCHMARK_CAPTURE ( HashClearInt  ,
HashBackendType::TBB_10000_8  ,
10000  ,
,
Device("CPU:0")  ,
HashBackendType::TBB   
) -> Unit(benchmark::kMillisecond)

◆ BENCHMARK_CAPTURE() [452/1019]

cloudViewer::core::BENCHMARK_CAPTURE ( HashClearInt  ,
HashBackendType::TBB_1000_1  ,
1000  ,
,
Device("CPU:0")  ,
HashBackendType::TBB   
) -> Unit(benchmark::kMillisecond)

◆ BENCHMARK_CAPTURE() [453/1019]

cloudViewer::core::BENCHMARK_CAPTURE ( HashClearInt  ,
HashBackendType::TBB_1000_16  ,
1000  ,
16  ,
Device("CPU:0")  ,
HashBackendType::TBB   
) -> Unit(benchmark::kMillisecond)

◆ BENCHMARK_CAPTURE() [454/1019]

cloudViewer::core::BENCHMARK_CAPTURE ( HashClearInt  ,
HashBackendType::TBB_1000_2  ,
1000  ,
,
Device("CPU:0")  ,
HashBackendType::TBB   
) -> Unit(benchmark::kMillisecond)

◆ BENCHMARK_CAPTURE() [455/1019]

cloudViewer::core::BENCHMARK_CAPTURE ( HashClearInt  ,
HashBackendType::TBB_1000_32  ,
1000  ,
32  ,
Device("CPU:0")  ,
HashBackendType::TBB   
) -> Unit(benchmark::kMillisecond)

◆ BENCHMARK_CAPTURE() [456/1019]

cloudViewer::core::BENCHMARK_CAPTURE ( HashClearInt  ,
HashBackendType::TBB_1000_4  ,
1000  ,
,
Device("CPU:0")  ,
HashBackendType::TBB   
) -> Unit(benchmark::kMillisecond)

◆ BENCHMARK_CAPTURE() [457/1019]

cloudViewer::core::BENCHMARK_CAPTURE ( HashClearInt  ,
HashBackendType::TBB_1000_8  ,
1000  ,
,
Device("CPU:0")  ,
HashBackendType::TBB   
) -> Unit(benchmark::kMillisecond)

◆ BENCHMARK_CAPTURE() [458/1019]

cloudViewer::core::BENCHMARK_CAPTURE ( HashClearInt  ,
HashBackendType::TBB_100_1  ,
100  ,
,
Device("CPU:0")  ,
HashBackendType::TBB   
) -> Unit(benchmark::kMillisecond)

◆ BENCHMARK_CAPTURE() [459/1019]

cloudViewer::core::BENCHMARK_CAPTURE ( HashClearInt  ,
HashBackendType::TBB_100_16  ,
100  ,
16  ,
Device("CPU:0")  ,
HashBackendType::TBB   
) -> Unit(benchmark::kMillisecond)

◆ BENCHMARK_CAPTURE() [460/1019]

cloudViewer::core::BENCHMARK_CAPTURE ( HashClearInt  ,
HashBackendType::TBB_100_2  ,
100  ,
,
Device("CPU:0")  ,
HashBackendType::TBB   
) -> Unit(benchmark::kMillisecond)

◆ BENCHMARK_CAPTURE() [461/1019]

cloudViewer::core::BENCHMARK_CAPTURE ( HashClearInt  ,
HashBackendType::TBB_100_32  ,
100  ,
32  ,
Device("CPU:0")  ,
HashBackendType::TBB   
) -> Unit(benchmark::kMillisecond)

◆ BENCHMARK_CAPTURE() [462/1019]

cloudViewer::core::BENCHMARK_CAPTURE ( HashClearInt  ,
HashBackendType::TBB_100_4  ,
100  ,
,
Device("CPU:0")  ,
HashBackendType::TBB   
) -> Unit(benchmark::kMillisecond)

◆ BENCHMARK_CAPTURE() [463/1019]

cloudViewer::core::BENCHMARK_CAPTURE ( HashClearInt  ,
HashBackendType::TBB_100_8  ,
100  ,
,
Device("CPU:0")  ,
HashBackendType::TBB   
) -> Unit(benchmark::kMillisecond)

◆ BENCHMARK_CAPTURE() [464/1019]

cloudViewer::core::BENCHMARK_CAPTURE ( HashClearInt3  ,
HashBackendType::TBB_1000000_1  ,
1000000  ,
,
Device("CPU:0")  ,
HashBackendType::TBB   
) -> Unit(benchmark::kMillisecond)

◆ BENCHMARK_CAPTURE() [465/1019]

cloudViewer::core::BENCHMARK_CAPTURE ( HashClearInt3  ,
HashBackendType::TBB_1000000_16  ,
1000000  ,
16  ,
Device("CPU:0")  ,
HashBackendType::TBB   
) -> Unit(benchmark::kMillisecond)

◆ BENCHMARK_CAPTURE() [466/1019]

cloudViewer::core::BENCHMARK_CAPTURE ( HashClearInt3  ,
HashBackendType::TBB_1000000_2  ,
1000000  ,
,
Device("CPU:0")  ,
HashBackendType::TBB   
) -> Unit(benchmark::kMillisecond)

◆ BENCHMARK_CAPTURE() [467/1019]

cloudViewer::core::BENCHMARK_CAPTURE ( HashClearInt3  ,
HashBackendType::TBB_1000000_32  ,
1000000  ,
32  ,
Device("CPU:0")  ,
HashBackendType::TBB   
) -> Unit(benchmark::kMillisecond)

◆ BENCHMARK_CAPTURE() [468/1019]

cloudViewer::core::BENCHMARK_CAPTURE ( HashClearInt3  ,
HashBackendType::TBB_1000000_4  ,
1000000  ,
,
Device("CPU:0")  ,
HashBackendType::TBB   
) -> Unit(benchmark::kMillisecond)

◆ BENCHMARK_CAPTURE() [469/1019]

cloudViewer::core::BENCHMARK_CAPTURE ( HashClearInt3  ,
HashBackendType::TBB_1000000_8  ,
1000000  ,
,
Device("CPU:0")  ,
HashBackendType::TBB   
) -> Unit(benchmark::kMillisecond)

◆ BENCHMARK_CAPTURE() [470/1019]

cloudViewer::core::BENCHMARK_CAPTURE ( HashClearInt3  ,
HashBackendType::TBB_100000_1  ,
100000  ,
,
Device("CPU:0")  ,
HashBackendType::TBB   
) -> Unit(benchmark::kMillisecond)

◆ BENCHMARK_CAPTURE() [471/1019]

cloudViewer::core::BENCHMARK_CAPTURE ( HashClearInt3  ,
HashBackendType::TBB_100000_16  ,
100000  ,
16  ,
Device("CPU:0")  ,
HashBackendType::TBB   
) -> Unit(benchmark::kMillisecond)

◆ BENCHMARK_CAPTURE() [472/1019]

cloudViewer::core::BENCHMARK_CAPTURE ( HashClearInt3  ,
HashBackendType::TBB_100000_2  ,
100000  ,
,
Device("CPU:0")  ,
HashBackendType::TBB   
) -> Unit(benchmark::kMillisecond)

◆ BENCHMARK_CAPTURE() [473/1019]

cloudViewer::core::BENCHMARK_CAPTURE ( HashClearInt3  ,
HashBackendType::TBB_100000_32  ,
100000  ,
32  ,
Device("CPU:0")  ,
HashBackendType::TBB   
) -> Unit(benchmark::kMillisecond)

◆ BENCHMARK_CAPTURE() [474/1019]

cloudViewer::core::BENCHMARK_CAPTURE ( HashClearInt3  ,
HashBackendType::TBB_100000_4  ,
100000  ,
,
Device("CPU:0")  ,
HashBackendType::TBB   
) -> Unit(benchmark::kMillisecond)

◆ BENCHMARK_CAPTURE() [475/1019]

cloudViewer::core::BENCHMARK_CAPTURE ( HashClearInt3  ,
HashBackendType::TBB_100000_8  ,
100000  ,
,
Device("CPU:0")  ,
HashBackendType::TBB   
) -> Unit(benchmark::kMillisecond)

◆ BENCHMARK_CAPTURE() [476/1019]

cloudViewer::core::BENCHMARK_CAPTURE ( HashClearInt3  ,
HashBackendType::TBB_10000_1  ,
10000  ,
,
Device("CPU:0")  ,
HashBackendType::TBB   
) -> Unit(benchmark::kMillisecond)

◆ BENCHMARK_CAPTURE() [477/1019]

cloudViewer::core::BENCHMARK_CAPTURE ( HashClearInt3  ,
HashBackendType::TBB_10000_16  ,
10000  ,
16  ,
Device("CPU:0")  ,
HashBackendType::TBB   
) -> Unit(benchmark::kMillisecond)

◆ BENCHMARK_CAPTURE() [478/1019]

cloudViewer::core::BENCHMARK_CAPTURE ( HashClearInt3  ,
HashBackendType::TBB_10000_2  ,
10000  ,
,
Device("CPU:0")  ,
HashBackendType::TBB   
) -> Unit(benchmark::kMillisecond)

◆ BENCHMARK_CAPTURE() [479/1019]

cloudViewer::core::BENCHMARK_CAPTURE ( HashClearInt3  ,
HashBackendType::TBB_10000_32  ,
10000  ,
32  ,
Device("CPU:0")  ,
HashBackendType::TBB   
) -> Unit(benchmark::kMillisecond)

◆ BENCHMARK_CAPTURE() [480/1019]

cloudViewer::core::BENCHMARK_CAPTURE ( HashClearInt3  ,
HashBackendType::TBB_10000_4  ,
10000  ,
,
Device("CPU:0")  ,
HashBackendType::TBB   
) -> Unit(benchmark::kMillisecond)

◆ BENCHMARK_CAPTURE() [481/1019]

cloudViewer::core::BENCHMARK_CAPTURE ( HashClearInt3  ,
HashBackendType::TBB_10000_8  ,
10000  ,
,
Device("CPU:0")  ,
HashBackendType::TBB   
) -> Unit(benchmark::kMillisecond)

◆ BENCHMARK_CAPTURE() [482/1019]

cloudViewer::core::BENCHMARK_CAPTURE ( HashClearInt3  ,
HashBackendType::TBB_1000_1  ,
1000  ,
,
Device("CPU:0")  ,
HashBackendType::TBB   
) -> Unit(benchmark::kMillisecond)

◆ BENCHMARK_CAPTURE() [483/1019]

cloudViewer::core::BENCHMARK_CAPTURE ( HashClearInt3  ,
HashBackendType::TBB_1000_16  ,
1000  ,
16  ,
Device("CPU:0")  ,
HashBackendType::TBB   
) -> Unit(benchmark::kMillisecond)

◆ BENCHMARK_CAPTURE() [484/1019]

cloudViewer::core::BENCHMARK_CAPTURE ( HashClearInt3  ,
HashBackendType::TBB_1000_2  ,
1000  ,
,
Device("CPU:0")  ,
HashBackendType::TBB   
) -> Unit(benchmark::kMillisecond)

◆ BENCHMARK_CAPTURE() [485/1019]

cloudViewer::core::BENCHMARK_CAPTURE ( HashClearInt3  ,
HashBackendType::TBB_1000_32  ,
1000  ,
32  ,
Device("CPU:0")  ,
HashBackendType::TBB   
) -> Unit(benchmark::kMillisecond)

◆ BENCHMARK_CAPTURE() [486/1019]

cloudViewer::core::BENCHMARK_CAPTURE ( HashClearInt3  ,
HashBackendType::TBB_1000_4  ,
1000  ,
,
Device("CPU:0")  ,
HashBackendType::TBB   
) -> Unit(benchmark::kMillisecond)

◆ BENCHMARK_CAPTURE() [487/1019]

cloudViewer::core::BENCHMARK_CAPTURE ( HashClearInt3  ,
HashBackendType::TBB_1000_8  ,
1000  ,
,
Device("CPU:0")  ,
HashBackendType::TBB   
) -> Unit(benchmark::kMillisecond)

◆ BENCHMARK_CAPTURE() [488/1019]

cloudViewer::core::BENCHMARK_CAPTURE ( HashClearInt3  ,
HashBackendType::TBB_100_1  ,
100  ,
,
Device("CPU:0")  ,
HashBackendType::TBB   
) -> Unit(benchmark::kMillisecond)

◆ BENCHMARK_CAPTURE() [489/1019]

cloudViewer::core::BENCHMARK_CAPTURE ( HashClearInt3  ,
HashBackendType::TBB_100_16  ,
100  ,
16  ,
Device("CPU:0")  ,
HashBackendType::TBB   
) -> Unit(benchmark::kMillisecond)

◆ BENCHMARK_CAPTURE() [490/1019]

cloudViewer::core::BENCHMARK_CAPTURE ( HashClearInt3  ,
HashBackendType::TBB_100_2  ,
100  ,
,
Device("CPU:0")  ,
HashBackendType::TBB   
) -> Unit(benchmark::kMillisecond)

◆ BENCHMARK_CAPTURE() [491/1019]

cloudViewer::core::BENCHMARK_CAPTURE ( HashClearInt3  ,
HashBackendType::TBB_100_32  ,
100  ,
32  ,
Device("CPU:0")  ,
HashBackendType::TBB   
) -> Unit(benchmark::kMillisecond)

◆ BENCHMARK_CAPTURE() [492/1019]

cloudViewer::core::BENCHMARK_CAPTURE ( HashClearInt3  ,
HashBackendType::TBB_100_4  ,
100  ,
,
Device("CPU:0")  ,
HashBackendType::TBB   
) -> Unit(benchmark::kMillisecond)

◆ BENCHMARK_CAPTURE() [493/1019]

cloudViewer::core::BENCHMARK_CAPTURE ( HashClearInt3  ,
HashBackendType::TBB_100_8  ,
100  ,
,
Device("CPU:0")  ,
HashBackendType::TBB   
) -> Unit(benchmark::kMillisecond)

◆ BENCHMARK_CAPTURE() [494/1019]

cloudViewer::core::BENCHMARK_CAPTURE ( HashEraseInt  ,
HashBackendType::TBB_1000000_1  ,
1000000  ,
,
Device("CPU:0")  ,
HashBackendType::TBB   
) -> Unit(benchmark::kMillisecond)

◆ BENCHMARK_CAPTURE() [495/1019]

cloudViewer::core::BENCHMARK_CAPTURE ( HashEraseInt  ,
HashBackendType::TBB_1000000_16  ,
1000000  ,
16  ,
Device("CPU:0")  ,
HashBackendType::TBB   
) -> Unit(benchmark::kMillisecond)

◆ BENCHMARK_CAPTURE() [496/1019]

cloudViewer::core::BENCHMARK_CAPTURE ( HashEraseInt  ,
HashBackendType::TBB_1000000_2  ,
1000000  ,
,
Device("CPU:0")  ,
HashBackendType::TBB   
) -> Unit(benchmark::kMillisecond)

◆ BENCHMARK_CAPTURE() [497/1019]

cloudViewer::core::BENCHMARK_CAPTURE ( HashEraseInt  ,
HashBackendType::TBB_1000000_32  ,
1000000  ,
32  ,
Device("CPU:0")  ,
HashBackendType::TBB   
) -> Unit(benchmark::kMillisecond)

◆ BENCHMARK_CAPTURE() [498/1019]

cloudViewer::core::BENCHMARK_CAPTURE ( HashEraseInt  ,
HashBackendType::TBB_1000000_4  ,
1000000  ,
,
Device("CPU:0")  ,
HashBackendType::TBB   
) -> Unit(benchmark::kMillisecond)

◆ BENCHMARK_CAPTURE() [499/1019]

cloudViewer::core::BENCHMARK_CAPTURE ( HashEraseInt  ,
HashBackendType::TBB_1000000_8  ,
1000000  ,
,
Device("CPU:0")  ,
HashBackendType::TBB   
) -> Unit(benchmark::kMillisecond)

◆ BENCHMARK_CAPTURE() [500/1019]

cloudViewer::core::BENCHMARK_CAPTURE ( HashEraseInt  ,
HashBackendType::TBB_100000_1  ,
100000  ,
,
Device("CPU:0")  ,
HashBackendType::TBB   
) -> Unit(benchmark::kMillisecond)

◆ BENCHMARK_CAPTURE() [501/1019]

cloudViewer::core::BENCHMARK_CAPTURE ( HashEraseInt  ,
HashBackendType::TBB_100000_16  ,
100000  ,
16  ,
Device("CPU:0")  ,
HashBackendType::TBB   
) -> Unit(benchmark::kMillisecond)

◆ BENCHMARK_CAPTURE() [502/1019]

cloudViewer::core::BENCHMARK_CAPTURE ( HashEraseInt  ,
HashBackendType::TBB_100000_2  ,
100000  ,
,
Device("CPU:0")  ,
HashBackendType::TBB   
) -> Unit(benchmark::kMillisecond)

◆ BENCHMARK_CAPTURE() [503/1019]

cloudViewer::core::BENCHMARK_CAPTURE ( HashEraseInt  ,
HashBackendType::TBB_100000_32  ,
100000  ,
32  ,
Device("CPU:0")  ,
HashBackendType::TBB   
) -> Unit(benchmark::kMillisecond)

◆ BENCHMARK_CAPTURE() [504/1019]

cloudViewer::core::BENCHMARK_CAPTURE ( HashEraseInt  ,
HashBackendType::TBB_100000_4  ,
100000  ,
,
Device("CPU:0")  ,
HashBackendType::TBB   
) -> Unit(benchmark::kMillisecond)

◆ BENCHMARK_CAPTURE() [505/1019]

cloudViewer::core::BENCHMARK_CAPTURE ( HashEraseInt  ,
HashBackendType::TBB_100000_8  ,
100000  ,
,
Device("CPU:0")  ,
HashBackendType::TBB   
) -> Unit(benchmark::kMillisecond)

◆ BENCHMARK_CAPTURE() [506/1019]

cloudViewer::core::BENCHMARK_CAPTURE ( HashEraseInt  ,
HashBackendType::TBB_10000_1  ,
10000  ,
,
Device("CPU:0")  ,
HashBackendType::TBB   
) -> Unit(benchmark::kMillisecond)

◆ BENCHMARK_CAPTURE() [507/1019]

cloudViewer::core::BENCHMARK_CAPTURE ( HashEraseInt  ,
HashBackendType::TBB_10000_16  ,
10000  ,
16  ,
Device("CPU:0")  ,
HashBackendType::TBB   
) -> Unit(benchmark::kMillisecond)

◆ BENCHMARK_CAPTURE() [508/1019]

cloudViewer::core::BENCHMARK_CAPTURE ( HashEraseInt  ,
HashBackendType::TBB_10000_2  ,
10000  ,
,
Device("CPU:0")  ,
HashBackendType::TBB   
) -> Unit(benchmark::kMillisecond)

◆ BENCHMARK_CAPTURE() [509/1019]

cloudViewer::core::BENCHMARK_CAPTURE ( HashEraseInt  ,
HashBackendType::TBB_10000_32  ,
10000  ,
32  ,
Device("CPU:0")  ,
HashBackendType::TBB   
) -> Unit(benchmark::kMillisecond)

◆ BENCHMARK_CAPTURE() [510/1019]

cloudViewer::core::BENCHMARK_CAPTURE ( HashEraseInt  ,
HashBackendType::TBB_10000_4  ,
10000  ,
,
Device("CPU:0")  ,
HashBackendType::TBB   
) -> Unit(benchmark::kMillisecond)

◆ BENCHMARK_CAPTURE() [511/1019]

cloudViewer::core::BENCHMARK_CAPTURE ( HashEraseInt  ,
HashBackendType::TBB_10000_8  ,
10000  ,
,
Device("CPU:0")  ,
HashBackendType::TBB   
) -> Unit(benchmark::kMillisecond)

◆ BENCHMARK_CAPTURE() [512/1019]

cloudViewer::core::BENCHMARK_CAPTURE ( HashEraseInt  ,
HashBackendType::TBB_1000_1  ,
1000  ,
,
Device("CPU:0")  ,
HashBackendType::TBB   
) -> Unit(benchmark::kMillisecond)

◆ BENCHMARK_CAPTURE() [513/1019]

cloudViewer::core::BENCHMARK_CAPTURE ( HashEraseInt  ,
HashBackendType::TBB_1000_16  ,
1000  ,
16  ,
Device("CPU:0")  ,
HashBackendType::TBB   
) -> Unit(benchmark::kMillisecond)

◆ BENCHMARK_CAPTURE() [514/1019]

cloudViewer::core::BENCHMARK_CAPTURE ( HashEraseInt  ,
HashBackendType::TBB_1000_2  ,
1000  ,
,
Device("CPU:0")  ,
HashBackendType::TBB   
) -> Unit(benchmark::kMillisecond)

◆ BENCHMARK_CAPTURE() [515/1019]

cloudViewer::core::BENCHMARK_CAPTURE ( HashEraseInt  ,
HashBackendType::TBB_1000_32  ,
1000  ,
32  ,
Device("CPU:0")  ,
HashBackendType::TBB   
) -> Unit(benchmark::kMillisecond)

◆ BENCHMARK_CAPTURE() [516/1019]

cloudViewer::core::BENCHMARK_CAPTURE ( HashEraseInt  ,
HashBackendType::TBB_1000_4  ,
1000  ,
,
Device("CPU:0")  ,
HashBackendType::TBB   
) -> Unit(benchmark::kMillisecond)

◆ BENCHMARK_CAPTURE() [517/1019]

cloudViewer::core::BENCHMARK_CAPTURE ( HashEraseInt  ,
HashBackendType::TBB_1000_8  ,
1000  ,
,
Device("CPU:0")  ,
HashBackendType::TBB   
) -> Unit(benchmark::kMillisecond)

◆ BENCHMARK_CAPTURE() [518/1019]

cloudViewer::core::BENCHMARK_CAPTURE ( HashEraseInt  ,
HashBackendType::TBB_100_1  ,
100  ,
,
Device("CPU:0")  ,
HashBackendType::TBB   
) -> Unit(benchmark::kMillisecond)

◆ BENCHMARK_CAPTURE() [519/1019]

cloudViewer::core::BENCHMARK_CAPTURE ( HashEraseInt  ,
HashBackendType::TBB_100_16  ,
100  ,
16  ,
Device("CPU:0")  ,
HashBackendType::TBB   
) -> Unit(benchmark::kMillisecond)

◆ BENCHMARK_CAPTURE() [520/1019]

cloudViewer::core::BENCHMARK_CAPTURE ( HashEraseInt  ,
HashBackendType::TBB_100_2  ,
100  ,
,
Device("CPU:0")  ,
HashBackendType::TBB   
) -> Unit(benchmark::kMillisecond)

◆ BENCHMARK_CAPTURE() [521/1019]

cloudViewer::core::BENCHMARK_CAPTURE ( HashEraseInt  ,
HashBackendType::TBB_100_32  ,
100  ,
32  ,
Device("CPU:0")  ,
HashBackendType::TBB   
) -> Unit(benchmark::kMillisecond)

◆ BENCHMARK_CAPTURE() [522/1019]

cloudViewer::core::BENCHMARK_CAPTURE ( HashEraseInt  ,
HashBackendType::TBB_100_4  ,
100  ,
,
Device("CPU:0")  ,
HashBackendType::TBB   
) -> Unit(benchmark::kMillisecond)

◆ BENCHMARK_CAPTURE() [523/1019]

cloudViewer::core::BENCHMARK_CAPTURE ( HashEraseInt  ,
HashBackendType::TBB_100_8  ,
100  ,
,
Device("CPU:0")  ,
HashBackendType::TBB   
) -> Unit(benchmark::kMillisecond)

◆ BENCHMARK_CAPTURE() [524/1019]

cloudViewer::core::BENCHMARK_CAPTURE ( HashEraseInt3  ,
HashBackendType::TBB_1000000_1  ,
1000000  ,
,
Device("CPU:0")  ,
HashBackendType::TBB   
) -> Unit(benchmark::kMillisecond)

◆ BENCHMARK_CAPTURE() [525/1019]

cloudViewer::core::BENCHMARK_CAPTURE ( HashEraseInt3  ,
HashBackendType::TBB_1000000_16  ,
1000000  ,
16  ,
Device("CPU:0")  ,
HashBackendType::TBB   
) -> Unit(benchmark::kMillisecond)

◆ BENCHMARK_CAPTURE() [526/1019]

cloudViewer::core::BENCHMARK_CAPTURE ( HashEraseInt3  ,
HashBackendType::TBB_1000000_2  ,
1000000  ,
,
Device("CPU:0")  ,
HashBackendType::TBB   
) -> Unit(benchmark::kMillisecond)

◆ BENCHMARK_CAPTURE() [527/1019]

cloudViewer::core::BENCHMARK_CAPTURE ( HashEraseInt3  ,
HashBackendType::TBB_1000000_32  ,
1000000  ,
32  ,
Device("CPU:0")  ,
HashBackendType::TBB   
) -> Unit(benchmark::kMillisecond)

◆ BENCHMARK_CAPTURE() [528/1019]

cloudViewer::core::BENCHMARK_CAPTURE ( HashEraseInt3  ,
HashBackendType::TBB_1000000_4  ,
1000000  ,
,
Device("CPU:0")  ,
HashBackendType::TBB   
) -> Unit(benchmark::kMillisecond)

◆ BENCHMARK_CAPTURE() [529/1019]

cloudViewer::core::BENCHMARK_CAPTURE ( HashEraseInt3  ,
HashBackendType::TBB_1000000_8  ,
1000000  ,
,
Device("CPU:0")  ,
HashBackendType::TBB   
) -> Unit(benchmark::kMillisecond)

◆ BENCHMARK_CAPTURE() [530/1019]

cloudViewer::core::BENCHMARK_CAPTURE ( HashEraseInt3  ,
HashBackendType::TBB_100000_1  ,
100000  ,
,
Device("CPU:0")  ,
HashBackendType::TBB   
) -> Unit(benchmark::kMillisecond)

◆ BENCHMARK_CAPTURE() [531/1019]

cloudViewer::core::BENCHMARK_CAPTURE ( HashEraseInt3  ,
HashBackendType::TBB_100000_16  ,
100000  ,
16  ,
Device("CPU:0")  ,
HashBackendType::TBB   
) -> Unit(benchmark::kMillisecond)

◆ BENCHMARK_CAPTURE() [532/1019]

cloudViewer::core::BENCHMARK_CAPTURE ( HashEraseInt3  ,
HashBackendType::TBB_100000_2  ,
100000  ,
,
Device("CPU:0")  ,
HashBackendType::TBB   
) -> Unit(benchmark::kMillisecond)

◆ BENCHMARK_CAPTURE() [533/1019]

cloudViewer::core::BENCHMARK_CAPTURE ( HashEraseInt3  ,
HashBackendType::TBB_100000_32  ,
100000  ,
32  ,
Device("CPU:0")  ,
HashBackendType::TBB   
) -> Unit(benchmark::kMillisecond)

◆ BENCHMARK_CAPTURE() [534/1019]

cloudViewer::core::BENCHMARK_CAPTURE ( HashEraseInt3  ,
HashBackendType::TBB_100000_4  ,
100000  ,
,
Device("CPU:0")  ,
HashBackendType::TBB   
) -> Unit(benchmark::kMillisecond)

◆ BENCHMARK_CAPTURE() [535/1019]

cloudViewer::core::BENCHMARK_CAPTURE ( HashEraseInt3  ,
HashBackendType::TBB_100000_8  ,
100000  ,
,
Device("CPU:0")  ,
HashBackendType::TBB   
) -> Unit(benchmark::kMillisecond)

◆ BENCHMARK_CAPTURE() [536/1019]

cloudViewer::core::BENCHMARK_CAPTURE ( HashEraseInt3  ,
HashBackendType::TBB_10000_1  ,
10000  ,
,
Device("CPU:0")  ,
HashBackendType::TBB   
) -> Unit(benchmark::kMillisecond)

◆ BENCHMARK_CAPTURE() [537/1019]

cloudViewer::core::BENCHMARK_CAPTURE ( HashEraseInt3  ,
HashBackendType::TBB_10000_16  ,
10000  ,
16  ,
Device("CPU:0")  ,
HashBackendType::TBB   
) -> Unit(benchmark::kMillisecond)

◆ BENCHMARK_CAPTURE() [538/1019]

cloudViewer::core::BENCHMARK_CAPTURE ( HashEraseInt3  ,
HashBackendType::TBB_10000_2  ,
10000  ,
,
Device("CPU:0")  ,
HashBackendType::TBB   
) -> Unit(benchmark::kMillisecond)

◆ BENCHMARK_CAPTURE() [539/1019]

cloudViewer::core::BENCHMARK_CAPTURE ( HashEraseInt3  ,
HashBackendType::TBB_10000_32  ,
10000  ,
32  ,
Device("CPU:0")  ,
HashBackendType::TBB   
) -> Unit(benchmark::kMillisecond)

◆ BENCHMARK_CAPTURE() [540/1019]

cloudViewer::core::BENCHMARK_CAPTURE ( HashEraseInt3  ,
HashBackendType::TBB_10000_4  ,
10000  ,
,
Device("CPU:0")  ,
HashBackendType::TBB   
) -> Unit(benchmark::kMillisecond)

◆ BENCHMARK_CAPTURE() [541/1019]

cloudViewer::core::BENCHMARK_CAPTURE ( HashEraseInt3  ,
HashBackendType::TBB_10000_8  ,
10000  ,
,
Device("CPU:0")  ,
HashBackendType::TBB   
) -> Unit(benchmark::kMillisecond)

◆ BENCHMARK_CAPTURE() [542/1019]

cloudViewer::core::BENCHMARK_CAPTURE ( HashEraseInt3  ,
HashBackendType::TBB_1000_1  ,
1000  ,
,
Device("CPU:0")  ,
HashBackendType::TBB   
) -> Unit(benchmark::kMillisecond)

◆ BENCHMARK_CAPTURE() [543/1019]

cloudViewer::core::BENCHMARK_CAPTURE ( HashEraseInt3  ,
HashBackendType::TBB_1000_16  ,
1000  ,
16  ,
Device("CPU:0")  ,
HashBackendType::TBB   
) -> Unit(benchmark::kMillisecond)

◆ BENCHMARK_CAPTURE() [544/1019]

cloudViewer::core::BENCHMARK_CAPTURE ( HashEraseInt3  ,
HashBackendType::TBB_1000_2  ,
1000  ,
,
Device("CPU:0")  ,
HashBackendType::TBB   
) -> Unit(benchmark::kMillisecond)

◆ BENCHMARK_CAPTURE() [545/1019]

cloudViewer::core::BENCHMARK_CAPTURE ( HashEraseInt3  ,
HashBackendType::TBB_1000_32  ,
1000  ,
32  ,
Device("CPU:0")  ,
HashBackendType::TBB   
) -> Unit(benchmark::kMillisecond)

◆ BENCHMARK_CAPTURE() [546/1019]

cloudViewer::core::BENCHMARK_CAPTURE ( HashEraseInt3  ,
HashBackendType::TBB_1000_4  ,
1000  ,
,
Device("CPU:0")  ,
HashBackendType::TBB   
) -> Unit(benchmark::kMillisecond)

◆ BENCHMARK_CAPTURE() [547/1019]

cloudViewer::core::BENCHMARK_CAPTURE ( HashEraseInt3  ,
HashBackendType::TBB_1000_8  ,
1000  ,
,
Device("CPU:0")  ,
HashBackendType::TBB   
) -> Unit(benchmark::kMillisecond)

◆ BENCHMARK_CAPTURE() [548/1019]

cloudViewer::core::BENCHMARK_CAPTURE ( HashEraseInt3  ,
HashBackendType::TBB_100_1  ,
100  ,
,
Device("CPU:0")  ,
HashBackendType::TBB   
) -> Unit(benchmark::kMillisecond)

◆ BENCHMARK_CAPTURE() [549/1019]

cloudViewer::core::BENCHMARK_CAPTURE ( HashEraseInt3  ,
HashBackendType::TBB_100_16  ,
100  ,
16  ,
Device("CPU:0")  ,
HashBackendType::TBB   
) -> Unit(benchmark::kMillisecond)

◆ BENCHMARK_CAPTURE() [550/1019]

cloudViewer::core::BENCHMARK_CAPTURE ( HashEraseInt3  ,
HashBackendType::TBB_100_2  ,
100  ,
,
Device("CPU:0")  ,
HashBackendType::TBB   
) -> Unit(benchmark::kMillisecond)

◆ BENCHMARK_CAPTURE() [551/1019]

cloudViewer::core::BENCHMARK_CAPTURE ( HashEraseInt3  ,
HashBackendType::TBB_100_32  ,
100  ,
32  ,
Device("CPU:0")  ,
HashBackendType::TBB   
) -> Unit(benchmark::kMillisecond)

◆ BENCHMARK_CAPTURE() [552/1019]

cloudViewer::core::BENCHMARK_CAPTURE ( HashEraseInt3  ,
HashBackendType::TBB_100_4  ,
100  ,
,
Device("CPU:0")  ,
HashBackendType::TBB   
) -> Unit(benchmark::kMillisecond)

◆ BENCHMARK_CAPTURE() [553/1019]

cloudViewer::core::BENCHMARK_CAPTURE ( HashEraseInt3  ,
HashBackendType::TBB_100_8  ,
100  ,
,
Device("CPU:0")  ,
HashBackendType::TBB   
) -> Unit(benchmark::kMillisecond)

◆ BENCHMARK_CAPTURE() [554/1019]

cloudViewer::core::BENCHMARK_CAPTURE ( HashFindInt  ,
HashBackendType::TBB_1000000_1  ,
1000000  ,
,
Device("CPU:0")  ,
HashBackendType::TBB   
) -> Unit(benchmark::kMillisecond)

◆ BENCHMARK_CAPTURE() [555/1019]

cloudViewer::core::BENCHMARK_CAPTURE ( HashFindInt  ,
HashBackendType::TBB_1000000_16  ,
1000000  ,
16  ,
Device("CPU:0")  ,
HashBackendType::TBB   
) -> Unit(benchmark::kMillisecond)

◆ BENCHMARK_CAPTURE() [556/1019]

cloudViewer::core::BENCHMARK_CAPTURE ( HashFindInt  ,
HashBackendType::TBB_1000000_2  ,
1000000  ,
,
Device("CPU:0")  ,
HashBackendType::TBB   
) -> Unit(benchmark::kMillisecond)

◆ BENCHMARK_CAPTURE() [557/1019]

cloudViewer::core::BENCHMARK_CAPTURE ( HashFindInt  ,
HashBackendType::TBB_1000000_32  ,
1000000  ,
32  ,
Device("CPU:0")  ,
HashBackendType::TBB   
) -> Unit(benchmark::kMillisecond)

◆ BENCHMARK_CAPTURE() [558/1019]

cloudViewer::core::BENCHMARK_CAPTURE ( HashFindInt  ,
HashBackendType::TBB_1000000_4  ,
1000000  ,
,
Device("CPU:0")  ,
HashBackendType::TBB   
) -> Unit(benchmark::kMillisecond)

◆ BENCHMARK_CAPTURE() [559/1019]

cloudViewer::core::BENCHMARK_CAPTURE ( HashFindInt  ,
HashBackendType::TBB_1000000_8  ,
1000000  ,
,
Device("CPU:0")  ,
HashBackendType::TBB   
) -> Unit(benchmark::kMillisecond)

◆ BENCHMARK_CAPTURE() [560/1019]

cloudViewer::core::BENCHMARK_CAPTURE ( HashFindInt  ,
HashBackendType::TBB_100000_1  ,
100000  ,
,
Device("CPU:0")  ,
HashBackendType::TBB   
) -> Unit(benchmark::kMillisecond)

◆ BENCHMARK_CAPTURE() [561/1019]

cloudViewer::core::BENCHMARK_CAPTURE ( HashFindInt  ,
HashBackendType::TBB_100000_16  ,
100000  ,
16  ,
Device("CPU:0")  ,
HashBackendType::TBB   
) -> Unit(benchmark::kMillisecond)

◆ BENCHMARK_CAPTURE() [562/1019]

cloudViewer::core::BENCHMARK_CAPTURE ( HashFindInt  ,
HashBackendType::TBB_100000_2  ,
100000  ,
,
Device("CPU:0")  ,
HashBackendType::TBB   
) -> Unit(benchmark::kMillisecond)

◆ BENCHMARK_CAPTURE() [563/1019]

cloudViewer::core::BENCHMARK_CAPTURE ( HashFindInt  ,
HashBackendType::TBB_100000_32  ,
100000  ,
32  ,
Device("CPU:0")  ,
HashBackendType::TBB   
) -> Unit(benchmark::kMillisecond)

◆ BENCHMARK_CAPTURE() [564/1019]

cloudViewer::core::BENCHMARK_CAPTURE ( HashFindInt  ,
HashBackendType::TBB_100000_4  ,
100000  ,
,
Device("CPU:0")  ,
HashBackendType::TBB   
) -> Unit(benchmark::kMillisecond)

◆ BENCHMARK_CAPTURE() [565/1019]

cloudViewer::core::BENCHMARK_CAPTURE ( HashFindInt  ,
HashBackendType::TBB_100000_8  ,
100000  ,
,
Device("CPU:0")  ,
HashBackendType::TBB   
) -> Unit(benchmark::kMillisecond)

◆ BENCHMARK_CAPTURE() [566/1019]

cloudViewer::core::BENCHMARK_CAPTURE ( HashFindInt  ,
HashBackendType::TBB_10000_1  ,
10000  ,
,
Device("CPU:0")  ,
HashBackendType::TBB   
) -> Unit(benchmark::kMillisecond)

◆ BENCHMARK_CAPTURE() [567/1019]

cloudViewer::core::BENCHMARK_CAPTURE ( HashFindInt  ,
HashBackendType::TBB_10000_16  ,
10000  ,
16  ,
Device("CPU:0")  ,
HashBackendType::TBB   
) -> Unit(benchmark::kMillisecond)

◆ BENCHMARK_CAPTURE() [568/1019]

cloudViewer::core::BENCHMARK_CAPTURE ( HashFindInt  ,
HashBackendType::TBB_10000_2  ,
10000  ,
,
Device("CPU:0")  ,
HashBackendType::TBB   
) -> Unit(benchmark::kMillisecond)

◆ BENCHMARK_CAPTURE() [569/1019]

cloudViewer::core::BENCHMARK_CAPTURE ( HashFindInt  ,
HashBackendType::TBB_10000_32  ,
10000  ,
32  ,
Device("CPU:0")  ,
HashBackendType::TBB   
) -> Unit(benchmark::kMillisecond)

◆ BENCHMARK_CAPTURE() [570/1019]

cloudViewer::core::BENCHMARK_CAPTURE ( HashFindInt  ,
HashBackendType::TBB_10000_4  ,
10000  ,
,
Device("CPU:0")  ,
HashBackendType::TBB   
) -> Unit(benchmark::kMillisecond)

◆ BENCHMARK_CAPTURE() [571/1019]

cloudViewer::core::BENCHMARK_CAPTURE ( HashFindInt  ,
HashBackendType::TBB_10000_8  ,
10000  ,
,
Device("CPU:0")  ,
HashBackendType::TBB   
) -> Unit(benchmark::kMillisecond)

◆ BENCHMARK_CAPTURE() [572/1019]

cloudViewer::core::BENCHMARK_CAPTURE ( HashFindInt  ,
HashBackendType::TBB_1000_1  ,
1000  ,
,
Device("CPU:0")  ,
HashBackendType::TBB   
) -> Unit(benchmark::kMillisecond)

◆ BENCHMARK_CAPTURE() [573/1019]

cloudViewer::core::BENCHMARK_CAPTURE ( HashFindInt  ,
HashBackendType::TBB_1000_16  ,
1000  ,
16  ,
Device("CPU:0")  ,
HashBackendType::TBB   
) -> Unit(benchmark::kMillisecond)

◆ BENCHMARK_CAPTURE() [574/1019]

cloudViewer::core::BENCHMARK_CAPTURE ( HashFindInt  ,
HashBackendType::TBB_1000_2  ,
1000  ,
,
Device("CPU:0")  ,
HashBackendType::TBB   
) -> Unit(benchmark::kMillisecond)

◆ BENCHMARK_CAPTURE() [575/1019]

cloudViewer::core::BENCHMARK_CAPTURE ( HashFindInt  ,
HashBackendType::TBB_1000_32  ,
1000  ,
32  ,
Device("CPU:0")  ,
HashBackendType::TBB   
) -> Unit(benchmark::kMillisecond)

◆ BENCHMARK_CAPTURE() [576/1019]

cloudViewer::core::BENCHMARK_CAPTURE ( HashFindInt  ,
HashBackendType::TBB_1000_4  ,
1000  ,
,
Device("CPU:0")  ,
HashBackendType::TBB   
) -> Unit(benchmark::kMillisecond)

◆ BENCHMARK_CAPTURE() [577/1019]

cloudViewer::core::BENCHMARK_CAPTURE ( HashFindInt  ,
HashBackendType::TBB_1000_8  ,
1000  ,
,
Device("CPU:0")  ,
HashBackendType::TBB   
) -> Unit(benchmark::kMillisecond)

◆ BENCHMARK_CAPTURE() [578/1019]

cloudViewer::core::BENCHMARK_CAPTURE ( HashFindInt  ,
HashBackendType::TBB_100_1  ,
100  ,
,
Device("CPU:0")  ,
HashBackendType::TBB   
) -> Unit(benchmark::kMillisecond)

◆ BENCHMARK_CAPTURE() [579/1019]

cloudViewer::core::BENCHMARK_CAPTURE ( HashFindInt  ,
HashBackendType::TBB_100_16  ,
100  ,
16  ,
Device("CPU:0")  ,
HashBackendType::TBB   
) -> Unit(benchmark::kMillisecond)

◆ BENCHMARK_CAPTURE() [580/1019]

cloudViewer::core::BENCHMARK_CAPTURE ( HashFindInt  ,
HashBackendType::TBB_100_2  ,
100  ,
,
Device("CPU:0")  ,
HashBackendType::TBB   
) -> Unit(benchmark::kMillisecond)

◆ BENCHMARK_CAPTURE() [581/1019]

cloudViewer::core::BENCHMARK_CAPTURE ( HashFindInt  ,
HashBackendType::TBB_100_32  ,
100  ,
32  ,
Device("CPU:0")  ,
HashBackendType::TBB   
) -> Unit(benchmark::kMillisecond)

◆ BENCHMARK_CAPTURE() [582/1019]

cloudViewer::core::BENCHMARK_CAPTURE ( HashFindInt  ,
HashBackendType::TBB_100_4  ,
100  ,
,
Device("CPU:0")  ,
HashBackendType::TBB   
) -> Unit(benchmark::kMillisecond)

◆ BENCHMARK_CAPTURE() [583/1019]

cloudViewer::core::BENCHMARK_CAPTURE ( HashFindInt  ,
HashBackendType::TBB_100_8  ,
100  ,
,
Device("CPU:0")  ,
HashBackendType::TBB   
) -> Unit(benchmark::kMillisecond)

◆ BENCHMARK_CAPTURE() [584/1019]

cloudViewer::core::BENCHMARK_CAPTURE ( HashFindInt3  ,
HashBackendType::TBB_1000000_1  ,
1000000  ,
,
Device("CPU:0")  ,
HashBackendType::TBB   
) -> Unit(benchmark::kMillisecond)

◆ BENCHMARK_CAPTURE() [585/1019]

cloudViewer::core::BENCHMARK_CAPTURE ( HashFindInt3  ,
HashBackendType::TBB_1000000_16  ,
1000000  ,
16  ,
Device("CPU:0")  ,
HashBackendType::TBB   
) -> Unit(benchmark::kMillisecond)

◆ BENCHMARK_CAPTURE() [586/1019]

cloudViewer::core::BENCHMARK_CAPTURE ( HashFindInt3  ,
HashBackendType::TBB_1000000_2  ,
1000000  ,
,
Device("CPU:0")  ,
HashBackendType::TBB   
) -> Unit(benchmark::kMillisecond)

◆ BENCHMARK_CAPTURE() [587/1019]

cloudViewer::core::BENCHMARK_CAPTURE ( HashFindInt3  ,
HashBackendType::TBB_1000000_32  ,
1000000  ,
32  ,
Device("CPU:0")  ,
HashBackendType::TBB   
) -> Unit(benchmark::kMillisecond)

◆ BENCHMARK_CAPTURE() [588/1019]

cloudViewer::core::BENCHMARK_CAPTURE ( HashFindInt3  ,
HashBackendType::TBB_1000000_4  ,
1000000  ,
,
Device("CPU:0")  ,
HashBackendType::TBB   
) -> Unit(benchmark::kMillisecond)

◆ BENCHMARK_CAPTURE() [589/1019]

cloudViewer::core::BENCHMARK_CAPTURE ( HashFindInt3  ,
HashBackendType::TBB_1000000_8  ,
1000000  ,
,
Device("CPU:0")  ,
HashBackendType::TBB   
) -> Unit(benchmark::kMillisecond)

◆ BENCHMARK_CAPTURE() [590/1019]

cloudViewer::core::BENCHMARK_CAPTURE ( HashFindInt3  ,
HashBackendType::TBB_100000_1  ,
100000  ,
,
Device("CPU:0")  ,
HashBackendType::TBB   
) -> Unit(benchmark::kMillisecond)

◆ BENCHMARK_CAPTURE() [591/1019]

cloudViewer::core::BENCHMARK_CAPTURE ( HashFindInt3  ,
HashBackendType::TBB_100000_16  ,
100000  ,
16  ,
Device("CPU:0")  ,
HashBackendType::TBB   
) -> Unit(benchmark::kMillisecond)

◆ BENCHMARK_CAPTURE() [592/1019]

cloudViewer::core::BENCHMARK_CAPTURE ( HashFindInt3  ,
HashBackendType::TBB_100000_2  ,
100000  ,
,
Device("CPU:0")  ,
HashBackendType::TBB   
) -> Unit(benchmark::kMillisecond)

◆ BENCHMARK_CAPTURE() [593/1019]

cloudViewer::core::BENCHMARK_CAPTURE ( HashFindInt3  ,
HashBackendType::TBB_100000_32  ,
100000  ,
32  ,
Device("CPU:0")  ,
HashBackendType::TBB   
) -> Unit(benchmark::kMillisecond)

◆ BENCHMARK_CAPTURE() [594/1019]

cloudViewer::core::BENCHMARK_CAPTURE ( HashFindInt3  ,
HashBackendType::TBB_100000_4  ,
100000  ,
,
Device("CPU:0")  ,
HashBackendType::TBB   
) -> Unit(benchmark::kMillisecond)

◆ BENCHMARK_CAPTURE() [595/1019]

cloudViewer::core::BENCHMARK_CAPTURE ( HashFindInt3  ,
HashBackendType::TBB_100000_8  ,
100000  ,
,
Device("CPU:0")  ,
HashBackendType::TBB   
) -> Unit(benchmark::kMillisecond)

◆ BENCHMARK_CAPTURE() [596/1019]

cloudViewer::core::BENCHMARK_CAPTURE ( HashFindInt3  ,
HashBackendType::TBB_10000_1  ,
10000  ,
,
Device("CPU:0")  ,
HashBackendType::TBB   
) -> Unit(benchmark::kMillisecond)

◆ BENCHMARK_CAPTURE() [597/1019]

cloudViewer::core::BENCHMARK_CAPTURE ( HashFindInt3  ,
HashBackendType::TBB_10000_16  ,
10000  ,
16  ,
Device("CPU:0")  ,
HashBackendType::TBB   
) -> Unit(benchmark::kMillisecond)

◆ BENCHMARK_CAPTURE() [598/1019]

cloudViewer::core::BENCHMARK_CAPTURE ( HashFindInt3  ,
HashBackendType::TBB_10000_2  ,
10000  ,
,
Device("CPU:0")  ,
HashBackendType::TBB   
) -> Unit(benchmark::kMillisecond)

◆ BENCHMARK_CAPTURE() [599/1019]

cloudViewer::core::BENCHMARK_CAPTURE ( HashFindInt3  ,
HashBackendType::TBB_10000_32  ,
10000  ,
32  ,
Device("CPU:0")  ,
HashBackendType::TBB   
) -> Unit(benchmark::kMillisecond)

◆ BENCHMARK_CAPTURE() [600/1019]

cloudViewer::core::BENCHMARK_CAPTURE ( HashFindInt3  ,
HashBackendType::TBB_10000_4  ,
10000  ,
,
Device("CPU:0")  ,
HashBackendType::TBB   
) -> Unit(benchmark::kMillisecond)

◆ BENCHMARK_CAPTURE() [601/1019]

cloudViewer::core::BENCHMARK_CAPTURE ( HashFindInt3  ,
HashBackendType::TBB_10000_8  ,
10000  ,
,
Device("CPU:0")  ,
HashBackendType::TBB   
) -> Unit(benchmark::kMillisecond)

◆ BENCHMARK_CAPTURE() [602/1019]

cloudViewer::core::BENCHMARK_CAPTURE ( HashFindInt3  ,
HashBackendType::TBB_1000_1  ,
1000  ,
,
Device("CPU:0")  ,
HashBackendType::TBB   
) -> Unit(benchmark::kMillisecond)

◆ BENCHMARK_CAPTURE() [603/1019]

cloudViewer::core::BENCHMARK_CAPTURE ( HashFindInt3  ,
HashBackendType::TBB_1000_16  ,
1000  ,
16  ,
Device("CPU:0")  ,
HashBackendType::TBB   
) -> Unit(benchmark::kMillisecond)

◆ BENCHMARK_CAPTURE() [604/1019]

cloudViewer::core::BENCHMARK_CAPTURE ( HashFindInt3  ,
HashBackendType::TBB_1000_2  ,
1000  ,
,
Device("CPU:0")  ,
HashBackendType::TBB   
) -> Unit(benchmark::kMillisecond)

◆ BENCHMARK_CAPTURE() [605/1019]

cloudViewer::core::BENCHMARK_CAPTURE ( HashFindInt3  ,
HashBackendType::TBB_1000_32  ,
1000  ,
32  ,
Device("CPU:0")  ,
HashBackendType::TBB   
) -> Unit(benchmark::kMillisecond)

◆ BENCHMARK_CAPTURE() [606/1019]

cloudViewer::core::BENCHMARK_CAPTURE ( HashFindInt3  ,
HashBackendType::TBB_1000_4  ,
1000  ,
,
Device("CPU:0")  ,
HashBackendType::TBB   
) -> Unit(benchmark::kMillisecond)

◆ BENCHMARK_CAPTURE() [607/1019]

cloudViewer::core::BENCHMARK_CAPTURE ( HashFindInt3  ,
HashBackendType::TBB_1000_8  ,
1000  ,
,
Device("CPU:0")  ,
HashBackendType::TBB   
) -> Unit(benchmark::kMillisecond)

◆ BENCHMARK_CAPTURE() [608/1019]

cloudViewer::core::BENCHMARK_CAPTURE ( HashFindInt3  ,
HashBackendType::TBB_100_1  ,
100  ,
,
Device("CPU:0")  ,
HashBackendType::TBB   
) -> Unit(benchmark::kMillisecond)

◆ BENCHMARK_CAPTURE() [609/1019]

cloudViewer::core::BENCHMARK_CAPTURE ( HashFindInt3  ,
HashBackendType::TBB_100_16  ,
100  ,
16  ,
Device("CPU:0")  ,
HashBackendType::TBB   
) -> Unit(benchmark::kMillisecond)

◆ BENCHMARK_CAPTURE() [610/1019]

cloudViewer::core::BENCHMARK_CAPTURE ( HashFindInt3  ,
HashBackendType::TBB_100_2  ,
100  ,
,
Device("CPU:0")  ,
HashBackendType::TBB   
) -> Unit(benchmark::kMillisecond)

◆ BENCHMARK_CAPTURE() [611/1019]

cloudViewer::core::BENCHMARK_CAPTURE ( HashFindInt3  ,
HashBackendType::TBB_100_32  ,
100  ,
32  ,
Device("CPU:0")  ,
HashBackendType::TBB   
) -> Unit(benchmark::kMillisecond)

◆ BENCHMARK_CAPTURE() [612/1019]

cloudViewer::core::BENCHMARK_CAPTURE ( HashFindInt3  ,
HashBackendType::TBB_100_4  ,
100  ,
,
Device("CPU:0")  ,
HashBackendType::TBB   
) -> Unit(benchmark::kMillisecond)

◆ BENCHMARK_CAPTURE() [613/1019]

cloudViewer::core::BENCHMARK_CAPTURE ( HashFindInt3  ,
HashBackendType::TBB_100_8  ,
100  ,
,
Device("CPU:0")  ,
HashBackendType::TBB   
) -> Unit(benchmark::kMillisecond)

◆ BENCHMARK_CAPTURE() [614/1019]

cloudViewer::core::BENCHMARK_CAPTURE ( HashInsertInt  ,
HashBackendType::TBB_1000000_1  ,
1000000  ,
,
Device("CPU:0")  ,
HashBackendType::TBB   
) -> Unit(benchmark::kMillisecond)

◆ BENCHMARK_CAPTURE() [615/1019]

cloudViewer::core::BENCHMARK_CAPTURE ( HashInsertInt  ,
HashBackendType::TBB_1000000_16  ,
1000000  ,
16  ,
Device("CPU:0")  ,
HashBackendType::TBB   
) -> Unit(benchmark::kMillisecond)

◆ BENCHMARK_CAPTURE() [616/1019]

cloudViewer::core::BENCHMARK_CAPTURE ( HashInsertInt  ,
HashBackendType::TBB_1000000_2  ,
1000000  ,
,
Device("CPU:0")  ,
HashBackendType::TBB   
) -> Unit(benchmark::kMillisecond)

◆ BENCHMARK_CAPTURE() [617/1019]

cloudViewer::core::BENCHMARK_CAPTURE ( HashInsertInt  ,
HashBackendType::TBB_1000000_32  ,
1000000  ,
32  ,
Device("CPU:0")  ,
HashBackendType::TBB   
) -> Unit(benchmark::kMillisecond)

◆ BENCHMARK_CAPTURE() [618/1019]

cloudViewer::core::BENCHMARK_CAPTURE ( HashInsertInt  ,
HashBackendType::TBB_1000000_4  ,
1000000  ,
,
Device("CPU:0")  ,
HashBackendType::TBB   
) -> Unit(benchmark::kMillisecond)

◆ BENCHMARK_CAPTURE() [619/1019]

cloudViewer::core::BENCHMARK_CAPTURE ( HashInsertInt  ,
HashBackendType::TBB_1000000_8  ,
1000000  ,
,
Device("CPU:0")  ,
HashBackendType::TBB   
) -> Unit(benchmark::kMillisecond)

◆ BENCHMARK_CAPTURE() [620/1019]

cloudViewer::core::BENCHMARK_CAPTURE ( HashInsertInt  ,
HashBackendType::TBB_100000_1  ,
100000  ,
,
Device("CPU:0")  ,
HashBackendType::TBB   
) -> Unit(benchmark::kMillisecond)

◆ BENCHMARK_CAPTURE() [621/1019]

cloudViewer::core::BENCHMARK_CAPTURE ( HashInsertInt  ,
HashBackendType::TBB_100000_16  ,
100000  ,
16  ,
Device("CPU:0")  ,
HashBackendType::TBB   
) -> Unit(benchmark::kMillisecond)

◆ BENCHMARK_CAPTURE() [622/1019]

cloudViewer::core::BENCHMARK_CAPTURE ( HashInsertInt  ,
HashBackendType::TBB_100000_2  ,
100000  ,
,
Device("CPU:0")  ,
HashBackendType::TBB   
) -> Unit(benchmark::kMillisecond)

◆ BENCHMARK_CAPTURE() [623/1019]

cloudViewer::core::BENCHMARK_CAPTURE ( HashInsertInt  ,
HashBackendType::TBB_100000_32  ,
100000  ,
32  ,
Device("CPU:0")  ,
HashBackendType::TBB   
) -> Unit(benchmark::kMillisecond)

◆ BENCHMARK_CAPTURE() [624/1019]

cloudViewer::core::BENCHMARK_CAPTURE ( HashInsertInt  ,
HashBackendType::TBB_100000_4  ,
100000  ,
,
Device("CPU:0")  ,
HashBackendType::TBB   
) -> Unit(benchmark::kMillisecond)

◆ BENCHMARK_CAPTURE() [625/1019]

cloudViewer::core::BENCHMARK_CAPTURE ( HashInsertInt  ,
HashBackendType::TBB_100000_8  ,
100000  ,
,
Device("CPU:0")  ,
HashBackendType::TBB   
) -> Unit(benchmark::kMillisecond)

◆ BENCHMARK_CAPTURE() [626/1019]

cloudViewer::core::BENCHMARK_CAPTURE ( HashInsertInt  ,
HashBackendType::TBB_10000_1  ,
10000  ,
,
Device("CPU:0")  ,
HashBackendType::TBB   
) -> Unit(benchmark::kMillisecond)

◆ BENCHMARK_CAPTURE() [627/1019]

cloudViewer::core::BENCHMARK_CAPTURE ( HashInsertInt  ,
HashBackendType::TBB_10000_16  ,
10000  ,
16  ,
Device("CPU:0")  ,
HashBackendType::TBB   
) -> Unit(benchmark::kMillisecond)

◆ BENCHMARK_CAPTURE() [628/1019]

cloudViewer::core::BENCHMARK_CAPTURE ( HashInsertInt  ,
HashBackendType::TBB_10000_2  ,
10000  ,
,
Device("CPU:0")  ,
HashBackendType::TBB   
) -> Unit(benchmark::kMillisecond)

◆ BENCHMARK_CAPTURE() [629/1019]

cloudViewer::core::BENCHMARK_CAPTURE ( HashInsertInt  ,
HashBackendType::TBB_10000_32  ,
10000  ,
32  ,
Device("CPU:0")  ,
HashBackendType::TBB   
) -> Unit(benchmark::kMillisecond)

◆ BENCHMARK_CAPTURE() [630/1019]

cloudViewer::core::BENCHMARK_CAPTURE ( HashInsertInt  ,
HashBackendType::TBB_10000_4  ,
10000  ,
,
Device("CPU:0")  ,
HashBackendType::TBB   
) -> Unit(benchmark::kMillisecond)

◆ BENCHMARK_CAPTURE() [631/1019]

cloudViewer::core::BENCHMARK_CAPTURE ( HashInsertInt  ,
HashBackendType::TBB_10000_8  ,
10000  ,
,
Device("CPU:0")  ,
HashBackendType::TBB   
) -> Unit(benchmark::kMillisecond)

◆ BENCHMARK_CAPTURE() [632/1019]

cloudViewer::core::BENCHMARK_CAPTURE ( HashInsertInt  ,
HashBackendType::TBB_1000_1  ,
1000  ,
,
Device("CPU:0")  ,
HashBackendType::TBB   
) -> Unit(benchmark::kMillisecond)

◆ BENCHMARK_CAPTURE() [633/1019]

cloudViewer::core::BENCHMARK_CAPTURE ( HashInsertInt  ,
HashBackendType::TBB_1000_16  ,
1000  ,
16  ,
Device("CPU:0")  ,
HashBackendType::TBB   
) -> Unit(benchmark::kMillisecond)

◆ BENCHMARK_CAPTURE() [634/1019]

cloudViewer::core::BENCHMARK_CAPTURE ( HashInsertInt  ,
HashBackendType::TBB_1000_2  ,
1000  ,
,
Device("CPU:0")  ,
HashBackendType::TBB   
) -> Unit(benchmark::kMillisecond)

◆ BENCHMARK_CAPTURE() [635/1019]

cloudViewer::core::BENCHMARK_CAPTURE ( HashInsertInt  ,
HashBackendType::TBB_1000_32  ,
1000  ,
32  ,
Device("CPU:0")  ,
HashBackendType::TBB   
) -> Unit(benchmark::kMillisecond)

◆ BENCHMARK_CAPTURE() [636/1019]

cloudViewer::core::BENCHMARK_CAPTURE ( HashInsertInt  ,
HashBackendType::TBB_1000_4  ,
1000  ,
,
Device("CPU:0")  ,
HashBackendType::TBB   
) -> Unit(benchmark::kMillisecond)

◆ BENCHMARK_CAPTURE() [637/1019]

cloudViewer::core::BENCHMARK_CAPTURE ( HashInsertInt  ,
HashBackendType::TBB_1000_8  ,
1000  ,
,
Device("CPU:0")  ,
HashBackendType::TBB   
) -> Unit(benchmark::kMillisecond)

◆ BENCHMARK_CAPTURE() [638/1019]

cloudViewer::core::BENCHMARK_CAPTURE ( HashInsertInt  ,
HashBackendType::TBB_100_1  ,
100  ,
,
Device("CPU:0")  ,
HashBackendType::TBB   
) -> Unit(benchmark::kMillisecond)

◆ BENCHMARK_CAPTURE() [639/1019]

cloudViewer::core::BENCHMARK_CAPTURE ( HashInsertInt  ,
HashBackendType::TBB_100_16  ,
100  ,
16  ,
Device("CPU:0")  ,
HashBackendType::TBB   
) -> Unit(benchmark::kMillisecond)

◆ BENCHMARK_CAPTURE() [640/1019]

cloudViewer::core::BENCHMARK_CAPTURE ( HashInsertInt  ,
HashBackendType::TBB_100_2  ,
100  ,
,
Device("CPU:0")  ,
HashBackendType::TBB   
) -> Unit(benchmark::kMillisecond)

◆ BENCHMARK_CAPTURE() [641/1019]

cloudViewer::core::BENCHMARK_CAPTURE ( HashInsertInt  ,
HashBackendType::TBB_100_32  ,
100  ,
32  ,
Device("CPU:0")  ,
HashBackendType::TBB   
) -> Unit(benchmark::kMillisecond)

◆ BENCHMARK_CAPTURE() [642/1019]

cloudViewer::core::BENCHMARK_CAPTURE ( HashInsertInt  ,
HashBackendType::TBB_100_4  ,
100  ,
,
Device("CPU:0")  ,
HashBackendType::TBB   
) -> Unit(benchmark::kMillisecond)

◆ BENCHMARK_CAPTURE() [643/1019]

cloudViewer::core::BENCHMARK_CAPTURE ( HashInsertInt  ,
HashBackendType::TBB_100_8  ,
100  ,
,
Device("CPU:0")  ,
HashBackendType::TBB   
) -> Unit(benchmark::kMillisecond)

◆ BENCHMARK_CAPTURE() [644/1019]

cloudViewer::core::BENCHMARK_CAPTURE ( HashInsertInt3  ,
HashBackendType::TBB_1000000_1  ,
1000000  ,
,
Device("CPU:0")  ,
HashBackendType::TBB   
) -> Unit(benchmark::kMillisecond)

◆ BENCHMARK_CAPTURE() [645/1019]

cloudViewer::core::BENCHMARK_CAPTURE ( HashInsertInt3  ,
HashBackendType::TBB_1000000_16  ,
1000000  ,
16  ,
Device("CPU:0")  ,
HashBackendType::TBB   
) -> Unit(benchmark::kMillisecond)

◆ BENCHMARK_CAPTURE() [646/1019]

cloudViewer::core::BENCHMARK_CAPTURE ( HashInsertInt3  ,
HashBackendType::TBB_1000000_2  ,
1000000  ,
,
Device("CPU:0")  ,
HashBackendType::TBB   
) -> Unit(benchmark::kMillisecond)

◆ BENCHMARK_CAPTURE() [647/1019]

cloudViewer::core::BENCHMARK_CAPTURE ( HashInsertInt3  ,
HashBackendType::TBB_1000000_32  ,
1000000  ,
32  ,
Device("CPU:0")  ,
HashBackendType::TBB   
) -> Unit(benchmark::kMillisecond)

◆ BENCHMARK_CAPTURE() [648/1019]

cloudViewer::core::BENCHMARK_CAPTURE ( HashInsertInt3  ,
HashBackendType::TBB_1000000_4  ,
1000000  ,
,
Device("CPU:0")  ,
HashBackendType::TBB   
) -> Unit(benchmark::kMillisecond)

◆ BENCHMARK_CAPTURE() [649/1019]

cloudViewer::core::BENCHMARK_CAPTURE ( HashInsertInt3  ,
HashBackendType::TBB_1000000_8  ,
1000000  ,
,
Device("CPU:0")  ,
HashBackendType::TBB   
) -> Unit(benchmark::kMillisecond)

◆ BENCHMARK_CAPTURE() [650/1019]

cloudViewer::core::BENCHMARK_CAPTURE ( HashInsertInt3  ,
HashBackendType::TBB_100000_1  ,
100000  ,
,
Device("CPU:0")  ,
HashBackendType::TBB   
) -> Unit(benchmark::kMillisecond)

◆ BENCHMARK_CAPTURE() [651/1019]

cloudViewer::core::BENCHMARK_CAPTURE ( HashInsertInt3  ,
HashBackendType::TBB_100000_16  ,
100000  ,
16  ,
Device("CPU:0")  ,
HashBackendType::TBB   
) -> Unit(benchmark::kMillisecond)

◆ BENCHMARK_CAPTURE() [652/1019]

cloudViewer::core::BENCHMARK_CAPTURE ( HashInsertInt3  ,
HashBackendType::TBB_100000_2  ,
100000  ,
,
Device("CPU:0")  ,
HashBackendType::TBB   
) -> Unit(benchmark::kMillisecond)

◆ BENCHMARK_CAPTURE() [653/1019]

cloudViewer::core::BENCHMARK_CAPTURE ( HashInsertInt3  ,
HashBackendType::TBB_100000_32  ,
100000  ,
32  ,
Device("CPU:0")  ,
HashBackendType::TBB   
) -> Unit(benchmark::kMillisecond)

◆ BENCHMARK_CAPTURE() [654/1019]

cloudViewer::core::BENCHMARK_CAPTURE ( HashInsertInt3  ,
HashBackendType::TBB_100000_4  ,
100000  ,
,
Device("CPU:0")  ,
HashBackendType::TBB   
) -> Unit(benchmark::kMillisecond)

◆ BENCHMARK_CAPTURE() [655/1019]

cloudViewer::core::BENCHMARK_CAPTURE ( HashInsertInt3  ,
HashBackendType::TBB_100000_8  ,
100000  ,
,
Device("CPU:0")  ,
HashBackendType::TBB   
) -> Unit(benchmark::kMillisecond)

◆ BENCHMARK_CAPTURE() [656/1019]

cloudViewer::core::BENCHMARK_CAPTURE ( HashInsertInt3  ,
HashBackendType::TBB_10000_1  ,
10000  ,
,
Device("CPU:0")  ,
HashBackendType::TBB   
) -> Unit(benchmark::kMillisecond)

◆ BENCHMARK_CAPTURE() [657/1019]

cloudViewer::core::BENCHMARK_CAPTURE ( HashInsertInt3  ,
HashBackendType::TBB_10000_16  ,
10000  ,
16  ,
Device("CPU:0")  ,
HashBackendType::TBB   
) -> Unit(benchmark::kMillisecond)

◆ BENCHMARK_CAPTURE() [658/1019]

cloudViewer::core::BENCHMARK_CAPTURE ( HashInsertInt3  ,
HashBackendType::TBB_10000_2  ,
10000  ,
,
Device("CPU:0")  ,
HashBackendType::TBB   
) -> Unit(benchmark::kMillisecond)

◆ BENCHMARK_CAPTURE() [659/1019]

cloudViewer::core::BENCHMARK_CAPTURE ( HashInsertInt3  ,
HashBackendType::TBB_10000_32  ,
10000  ,
32  ,
Device("CPU:0")  ,
HashBackendType::TBB   
) -> Unit(benchmark::kMillisecond)

◆ BENCHMARK_CAPTURE() [660/1019]

cloudViewer::core::BENCHMARK_CAPTURE ( HashInsertInt3  ,
HashBackendType::TBB_10000_4  ,
10000  ,
,
Device("CPU:0")  ,
HashBackendType::TBB   
) -> Unit(benchmark::kMillisecond)

◆ BENCHMARK_CAPTURE() [661/1019]

cloudViewer::core::BENCHMARK_CAPTURE ( HashInsertInt3  ,
HashBackendType::TBB_10000_8  ,
10000  ,
,
Device("CPU:0")  ,
HashBackendType::TBB   
) -> Unit(benchmark::kMillisecond)

◆ BENCHMARK_CAPTURE() [662/1019]

cloudViewer::core::BENCHMARK_CAPTURE ( HashInsertInt3  ,
HashBackendType::TBB_1000_1  ,
1000  ,
,
Device("CPU:0")  ,
HashBackendType::TBB   
) -> Unit(benchmark::kMillisecond)

◆ BENCHMARK_CAPTURE() [663/1019]

cloudViewer::core::BENCHMARK_CAPTURE ( HashInsertInt3  ,
HashBackendType::TBB_1000_16  ,
1000  ,
16  ,
Device("CPU:0")  ,
HashBackendType::TBB   
) -> Unit(benchmark::kMillisecond)

◆ BENCHMARK_CAPTURE() [664/1019]

cloudViewer::core::BENCHMARK_CAPTURE ( HashInsertInt3  ,
HashBackendType::TBB_1000_2  ,
1000  ,
,
Device("CPU:0")  ,
HashBackendType::TBB   
) -> Unit(benchmark::kMillisecond)

◆ BENCHMARK_CAPTURE() [665/1019]

cloudViewer::core::BENCHMARK_CAPTURE ( HashInsertInt3  ,
HashBackendType::TBB_1000_32  ,
1000  ,
32  ,
Device("CPU:0")  ,
HashBackendType::TBB   
) -> Unit(benchmark::kMillisecond)

◆ BENCHMARK_CAPTURE() [666/1019]

cloudViewer::core::BENCHMARK_CAPTURE ( HashInsertInt3  ,
HashBackendType::TBB_1000_4  ,
1000  ,
,
Device("CPU:0")  ,
HashBackendType::TBB   
) -> Unit(benchmark::kMillisecond)

◆ BENCHMARK_CAPTURE() [667/1019]

cloudViewer::core::BENCHMARK_CAPTURE ( HashInsertInt3  ,
HashBackendType::TBB_1000_8  ,
1000  ,
,
Device("CPU:0")  ,
HashBackendType::TBB   
) -> Unit(benchmark::kMillisecond)

◆ BENCHMARK_CAPTURE() [668/1019]

cloudViewer::core::BENCHMARK_CAPTURE ( HashInsertInt3  ,
HashBackendType::TBB_100_1  ,
100  ,
,
Device("CPU:0")  ,
HashBackendType::TBB   
) -> Unit(benchmark::kMillisecond)

◆ BENCHMARK_CAPTURE() [669/1019]

cloudViewer::core::BENCHMARK_CAPTURE ( HashInsertInt3  ,
HashBackendType::TBB_100_16  ,
100  ,
16  ,
Device("CPU:0")  ,
HashBackendType::TBB   
) -> Unit(benchmark::kMillisecond)

◆ BENCHMARK_CAPTURE() [670/1019]

cloudViewer::core::BENCHMARK_CAPTURE ( HashInsertInt3  ,
HashBackendType::TBB_100_2  ,
100  ,
,
Device("CPU:0")  ,
HashBackendType::TBB   
) -> Unit(benchmark::kMillisecond)

◆ BENCHMARK_CAPTURE() [671/1019]

cloudViewer::core::BENCHMARK_CAPTURE ( HashInsertInt3  ,
HashBackendType::TBB_100_32  ,
100  ,
32  ,
Device("CPU:0")  ,
HashBackendType::TBB   
) -> Unit(benchmark::kMillisecond)

◆ BENCHMARK_CAPTURE() [672/1019]

cloudViewer::core::BENCHMARK_CAPTURE ( HashInsertInt3  ,
HashBackendType::TBB_100_4  ,
100  ,
,
Device("CPU:0")  ,
HashBackendType::TBB   
) -> Unit(benchmark::kMillisecond)

◆ BENCHMARK_CAPTURE() [673/1019]

cloudViewer::core::BENCHMARK_CAPTURE ( HashInsertInt3  ,
HashBackendType::TBB_100_8  ,
100  ,
,
Device("CPU:0")  ,
HashBackendType::TBB   
) -> Unit(benchmark::kMillisecond)

◆ BENCHMARK_CAPTURE() [674/1019]

cloudViewer::core::BENCHMARK_CAPTURE ( HashReserveInt  ,
HashBackendType::TBB_1000000_1  ,
1000000  ,
,
Device("CPU:0")  ,
HashBackendType::TBB   
) -> Unit(benchmark::kMillisecond)

◆ BENCHMARK_CAPTURE() [675/1019]

cloudViewer::core::BENCHMARK_CAPTURE ( HashReserveInt  ,
HashBackendType::TBB_1000000_16  ,
1000000  ,
16  ,
Device("CPU:0")  ,
HashBackendType::TBB   
) -> Unit(benchmark::kMillisecond)

◆ BENCHMARK_CAPTURE() [676/1019]

cloudViewer::core::BENCHMARK_CAPTURE ( HashReserveInt  ,
HashBackendType::TBB_1000000_2  ,
1000000  ,
,
Device("CPU:0")  ,
HashBackendType::TBB   
) -> Unit(benchmark::kMillisecond)

◆ BENCHMARK_CAPTURE() [677/1019]

cloudViewer::core::BENCHMARK_CAPTURE ( HashReserveInt  ,
HashBackendType::TBB_1000000_32  ,
1000000  ,
32  ,
Device("CPU:0")  ,
HashBackendType::TBB   
) -> Unit(benchmark::kMillisecond)

◆ BENCHMARK_CAPTURE() [678/1019]

cloudViewer::core::BENCHMARK_CAPTURE ( HashReserveInt  ,
HashBackendType::TBB_1000000_4  ,
1000000  ,
,
Device("CPU:0")  ,
HashBackendType::TBB   
) -> Unit(benchmark::kMillisecond)

◆ BENCHMARK_CAPTURE() [679/1019]

cloudViewer::core::BENCHMARK_CAPTURE ( HashReserveInt  ,
HashBackendType::TBB_1000000_8  ,
1000000  ,
,
Device("CPU:0")  ,
HashBackendType::TBB   
) -> Unit(benchmark::kMillisecond)

◆ BENCHMARK_CAPTURE() [680/1019]

cloudViewer::core::BENCHMARK_CAPTURE ( HashReserveInt  ,
HashBackendType::TBB_100000_1  ,
100000  ,
,
Device("CPU:0")  ,
HashBackendType::TBB   
) -> Unit(benchmark::kMillisecond)

◆ BENCHMARK_CAPTURE() [681/1019]

cloudViewer::core::BENCHMARK_CAPTURE ( HashReserveInt  ,
HashBackendType::TBB_100000_16  ,
100000  ,
16  ,
Device("CPU:0")  ,
HashBackendType::TBB   
) -> Unit(benchmark::kMillisecond)

◆ BENCHMARK_CAPTURE() [682/1019]

cloudViewer::core::BENCHMARK_CAPTURE ( HashReserveInt  ,
HashBackendType::TBB_100000_2  ,
100000  ,
,
Device("CPU:0")  ,
HashBackendType::TBB   
) -> Unit(benchmark::kMillisecond)

◆ BENCHMARK_CAPTURE() [683/1019]

cloudViewer::core::BENCHMARK_CAPTURE ( HashReserveInt  ,
HashBackendType::TBB_100000_32  ,
100000  ,
32  ,
Device("CPU:0")  ,
HashBackendType::TBB   
) -> Unit(benchmark::kMillisecond)

◆ BENCHMARK_CAPTURE() [684/1019]

cloudViewer::core::BENCHMARK_CAPTURE ( HashReserveInt  ,
HashBackendType::TBB_100000_4  ,
100000  ,
,
Device("CPU:0")  ,
HashBackendType::TBB   
) -> Unit(benchmark::kMillisecond)

◆ BENCHMARK_CAPTURE() [685/1019]

cloudViewer::core::BENCHMARK_CAPTURE ( HashReserveInt  ,
HashBackendType::TBB_100000_8  ,
100000  ,
,
Device("CPU:0")  ,
HashBackendType::TBB   
) -> Unit(benchmark::kMillisecond)

◆ BENCHMARK_CAPTURE() [686/1019]

cloudViewer::core::BENCHMARK_CAPTURE ( HashReserveInt  ,
HashBackendType::TBB_10000_1  ,
10000  ,
,
Device("CPU:0")  ,
HashBackendType::TBB   
) -> Unit(benchmark::kMillisecond)

◆ BENCHMARK_CAPTURE() [687/1019]

cloudViewer::core::BENCHMARK_CAPTURE ( HashReserveInt  ,
HashBackendType::TBB_10000_16  ,
10000  ,
16  ,
Device("CPU:0")  ,
HashBackendType::TBB   
) -> Unit(benchmark::kMillisecond)

◆ BENCHMARK_CAPTURE() [688/1019]

cloudViewer::core::BENCHMARK_CAPTURE ( HashReserveInt  ,
HashBackendType::TBB_10000_2  ,
10000  ,
,
Device("CPU:0")  ,
HashBackendType::TBB   
) -> Unit(benchmark::kMillisecond)

◆ BENCHMARK_CAPTURE() [689/1019]

cloudViewer::core::BENCHMARK_CAPTURE ( HashReserveInt  ,
HashBackendType::TBB_10000_32  ,
10000  ,
32  ,
Device("CPU:0")  ,
HashBackendType::TBB   
) -> Unit(benchmark::kMillisecond)

◆ BENCHMARK_CAPTURE() [690/1019]

cloudViewer::core::BENCHMARK_CAPTURE ( HashReserveInt  ,
HashBackendType::TBB_10000_4  ,
10000  ,
,
Device("CPU:0")  ,
HashBackendType::TBB   
) -> Unit(benchmark::kMillisecond)

◆ BENCHMARK_CAPTURE() [691/1019]

cloudViewer::core::BENCHMARK_CAPTURE ( HashReserveInt  ,
HashBackendType::TBB_10000_8  ,
10000  ,
,
Device("CPU:0")  ,
HashBackendType::TBB   
) -> Unit(benchmark::kMillisecond)

◆ BENCHMARK_CAPTURE() [692/1019]

cloudViewer::core::BENCHMARK_CAPTURE ( HashReserveInt  ,
HashBackendType::TBB_1000_1  ,
1000  ,
,
Device("CPU:0")  ,
HashBackendType::TBB   
) -> Unit(benchmark::kMillisecond)

◆ BENCHMARK_CAPTURE() [693/1019]

cloudViewer::core::BENCHMARK_CAPTURE ( HashReserveInt  ,
HashBackendType::TBB_1000_16  ,
1000  ,
16  ,
Device("CPU:0")  ,
HashBackendType::TBB   
) -> Unit(benchmark::kMillisecond)

◆ BENCHMARK_CAPTURE() [694/1019]

cloudViewer::core::BENCHMARK_CAPTURE ( HashReserveInt  ,
HashBackendType::TBB_1000_2  ,
1000  ,
,
Device("CPU:0")  ,
HashBackendType::TBB   
) -> Unit(benchmark::kMillisecond)

◆ BENCHMARK_CAPTURE() [695/1019]

cloudViewer::core::BENCHMARK_CAPTURE ( HashReserveInt  ,
HashBackendType::TBB_1000_32  ,
1000  ,
32  ,
Device("CPU:0")  ,
HashBackendType::TBB   
) -> Unit(benchmark::kMillisecond)

◆ BENCHMARK_CAPTURE() [696/1019]

cloudViewer::core::BENCHMARK_CAPTURE ( HashReserveInt  ,
HashBackendType::TBB_1000_4  ,
1000  ,
,
Device("CPU:0")  ,
HashBackendType::TBB   
) -> Unit(benchmark::kMillisecond)

◆ BENCHMARK_CAPTURE() [697/1019]

cloudViewer::core::BENCHMARK_CAPTURE ( HashReserveInt  ,
HashBackendType::TBB_1000_8  ,
1000  ,
,
Device("CPU:0")  ,
HashBackendType::TBB   
) -> Unit(benchmark::kMillisecond)

◆ BENCHMARK_CAPTURE() [698/1019]

cloudViewer::core::BENCHMARK_CAPTURE ( HashReserveInt  ,
HashBackendType::TBB_100_1  ,
100  ,
,
Device("CPU:0")  ,
HashBackendType::TBB   
) -> Unit(benchmark::kMillisecond)

◆ BENCHMARK_CAPTURE() [699/1019]

cloudViewer::core::BENCHMARK_CAPTURE ( HashReserveInt  ,
HashBackendType::TBB_100_16  ,
100  ,
16  ,
Device("CPU:0")  ,
HashBackendType::TBB   
) -> Unit(benchmark::kMillisecond)

◆ BENCHMARK_CAPTURE() [700/1019]

cloudViewer::core::BENCHMARK_CAPTURE ( HashReserveInt  ,
HashBackendType::TBB_100_2  ,
100  ,
,
Device("CPU:0")  ,
HashBackendType::TBB   
) -> Unit(benchmark::kMillisecond)

◆ BENCHMARK_CAPTURE() [701/1019]

cloudViewer::core::BENCHMARK_CAPTURE ( HashReserveInt  ,
HashBackendType::TBB_100_32  ,
100  ,
32  ,
Device("CPU:0")  ,
HashBackendType::TBB   
) -> Unit(benchmark::kMillisecond)

◆ BENCHMARK_CAPTURE() [702/1019]

cloudViewer::core::BENCHMARK_CAPTURE ( HashReserveInt  ,
HashBackendType::TBB_100_4  ,
100  ,
,
Device("CPU:0")  ,
HashBackendType::TBB   
) -> Unit(benchmark::kMillisecond)

◆ BENCHMARK_CAPTURE() [703/1019]

cloudViewer::core::BENCHMARK_CAPTURE ( HashReserveInt  ,
HashBackendType::TBB_100_8  ,
100  ,
,
Device("CPU:0")  ,
HashBackendType::TBB   
) -> Unit(benchmark::kMillisecond)

◆ BENCHMARK_CAPTURE() [704/1019]

cloudViewer::core::BENCHMARK_CAPTURE ( HashReserveInt3  ,
HashBackendType::TBB_1000000_1  ,
1000000  ,
,
Device("CPU:0")  ,
HashBackendType::TBB   
) -> Unit(benchmark::kMillisecond)

◆ BENCHMARK_CAPTURE() [705/1019]

cloudViewer::core::BENCHMARK_CAPTURE ( HashReserveInt3  ,
HashBackendType::TBB_1000000_16  ,
1000000  ,
16  ,
Device("CPU:0")  ,
HashBackendType::TBB   
) -> Unit(benchmark::kMillisecond)

◆ BENCHMARK_CAPTURE() [706/1019]

cloudViewer::core::BENCHMARK_CAPTURE ( HashReserveInt3  ,
HashBackendType::TBB_1000000_2  ,
1000000  ,
,
Device("CPU:0")  ,
HashBackendType::TBB   
) -> Unit(benchmark::kMillisecond)

◆ BENCHMARK_CAPTURE() [707/1019]

cloudViewer::core::BENCHMARK_CAPTURE ( HashReserveInt3  ,
HashBackendType::TBB_1000000_32  ,
1000000  ,
32  ,
Device("CPU:0")  ,
HashBackendType::TBB   
) -> Unit(benchmark::kMillisecond)

◆ BENCHMARK_CAPTURE() [708/1019]

cloudViewer::core::BENCHMARK_CAPTURE ( HashReserveInt3  ,
HashBackendType::TBB_1000000_4  ,
1000000  ,
,
Device("CPU:0")  ,
HashBackendType::TBB   
) -> Unit(benchmark::kMillisecond)

◆ BENCHMARK_CAPTURE() [709/1019]

cloudViewer::core::BENCHMARK_CAPTURE ( HashReserveInt3  ,
HashBackendType::TBB_1000000_8  ,
1000000  ,
,
Device("CPU:0")  ,
HashBackendType::TBB   
) -> Unit(benchmark::kMillisecond)

◆ BENCHMARK_CAPTURE() [710/1019]

cloudViewer::core::BENCHMARK_CAPTURE ( HashReserveInt3  ,
HashBackendType::TBB_100000_1  ,
100000  ,
,
Device("CPU:0")  ,
HashBackendType::TBB   
) -> Unit(benchmark::kMillisecond)

◆ BENCHMARK_CAPTURE() [711/1019]

cloudViewer::core::BENCHMARK_CAPTURE ( HashReserveInt3  ,
HashBackendType::TBB_100000_16  ,
100000  ,
16  ,
Device("CPU:0")  ,
HashBackendType::TBB   
) -> Unit(benchmark::kMillisecond)

◆ BENCHMARK_CAPTURE() [712/1019]

cloudViewer::core::BENCHMARK_CAPTURE ( HashReserveInt3  ,
HashBackendType::TBB_100000_2  ,
100000  ,
,
Device("CPU:0")  ,
HashBackendType::TBB   
) -> Unit(benchmark::kMillisecond)

◆ BENCHMARK_CAPTURE() [713/1019]

cloudViewer::core::BENCHMARK_CAPTURE ( HashReserveInt3  ,
HashBackendType::TBB_100000_32  ,
100000  ,
32  ,
Device("CPU:0")  ,
HashBackendType::TBB   
) -> Unit(benchmark::kMillisecond)

◆ BENCHMARK_CAPTURE() [714/1019]

cloudViewer::core::BENCHMARK_CAPTURE ( HashReserveInt3  ,
HashBackendType::TBB_100000_4  ,
100000  ,
,
Device("CPU:0")  ,
HashBackendType::TBB   
) -> Unit(benchmark::kMillisecond)

◆ BENCHMARK_CAPTURE() [715/1019]

cloudViewer::core::BENCHMARK_CAPTURE ( HashReserveInt3  ,
HashBackendType::TBB_100000_8  ,
100000  ,
,
Device("CPU:0")  ,
HashBackendType::TBB   
) -> Unit(benchmark::kMillisecond)

◆ BENCHMARK_CAPTURE() [716/1019]

cloudViewer::core::BENCHMARK_CAPTURE ( HashReserveInt3  ,
HashBackendType::TBB_10000_1  ,
10000  ,
,
Device("CPU:0")  ,
HashBackendType::TBB   
) -> Unit(benchmark::kMillisecond)

◆ BENCHMARK_CAPTURE() [717/1019]

cloudViewer::core::BENCHMARK_CAPTURE ( HashReserveInt3  ,
HashBackendType::TBB_10000_16  ,
10000  ,
16  ,
Device("CPU:0")  ,
HashBackendType::TBB   
) -> Unit(benchmark::kMillisecond)

◆ BENCHMARK_CAPTURE() [718/1019]

cloudViewer::core::BENCHMARK_CAPTURE ( HashReserveInt3  ,
HashBackendType::TBB_10000_2  ,
10000  ,
,
Device("CPU:0")  ,
HashBackendType::TBB   
) -> Unit(benchmark::kMillisecond)

◆ BENCHMARK_CAPTURE() [719/1019]

cloudViewer::core::BENCHMARK_CAPTURE ( HashReserveInt3  ,
HashBackendType::TBB_10000_32  ,
10000  ,
32  ,
Device("CPU:0")  ,
HashBackendType::TBB   
) -> Unit(benchmark::kMillisecond)

◆ BENCHMARK_CAPTURE() [720/1019]

cloudViewer::core::BENCHMARK_CAPTURE ( HashReserveInt3  ,
HashBackendType::TBB_10000_4  ,
10000  ,
,
Device("CPU:0")  ,
HashBackendType::TBB   
) -> Unit(benchmark::kMillisecond)

◆ BENCHMARK_CAPTURE() [721/1019]

cloudViewer::core::BENCHMARK_CAPTURE ( HashReserveInt3  ,
HashBackendType::TBB_10000_8  ,
10000  ,
,
Device("CPU:0")  ,
HashBackendType::TBB   
) -> Unit(benchmark::kMillisecond)

◆ BENCHMARK_CAPTURE() [722/1019]

cloudViewer::core::BENCHMARK_CAPTURE ( HashReserveInt3  ,
HashBackendType::TBB_1000_1  ,
1000  ,
,
Device("CPU:0")  ,
HashBackendType::TBB   
) -> Unit(benchmark::kMillisecond)

◆ BENCHMARK_CAPTURE() [723/1019]

cloudViewer::core::BENCHMARK_CAPTURE ( HashReserveInt3  ,
HashBackendType::TBB_1000_16  ,
1000  ,
16  ,
Device("CPU:0")  ,
HashBackendType::TBB   
) -> Unit(benchmark::kMillisecond)

◆ BENCHMARK_CAPTURE() [724/1019]

cloudViewer::core::BENCHMARK_CAPTURE ( HashReserveInt3  ,
HashBackendType::TBB_1000_2  ,
1000  ,
,
Device("CPU:0")  ,
HashBackendType::TBB   
) -> Unit(benchmark::kMillisecond)

◆ BENCHMARK_CAPTURE() [725/1019]

cloudViewer::core::BENCHMARK_CAPTURE ( HashReserveInt3  ,
HashBackendType::TBB_1000_32  ,
1000  ,
32  ,
Device("CPU:0")  ,
HashBackendType::TBB   
) -> Unit(benchmark::kMillisecond)

◆ BENCHMARK_CAPTURE() [726/1019]

cloudViewer::core::BENCHMARK_CAPTURE ( HashReserveInt3  ,
HashBackendType::TBB_1000_4  ,
1000  ,
,
Device("CPU:0")  ,
HashBackendType::TBB   
) -> Unit(benchmark::kMillisecond)

◆ BENCHMARK_CAPTURE() [727/1019]

cloudViewer::core::BENCHMARK_CAPTURE ( HashReserveInt3  ,
HashBackendType::TBB_1000_8  ,
1000  ,
,
Device("CPU:0")  ,
HashBackendType::TBB   
) -> Unit(benchmark::kMillisecond)

◆ BENCHMARK_CAPTURE() [728/1019]

cloudViewer::core::BENCHMARK_CAPTURE ( HashReserveInt3  ,
HashBackendType::TBB_100_1  ,
100  ,
,
Device("CPU:0")  ,
HashBackendType::TBB   
) -> Unit(benchmark::kMillisecond)

◆ BENCHMARK_CAPTURE() [729/1019]

cloudViewer::core::BENCHMARK_CAPTURE ( HashReserveInt3  ,
HashBackendType::TBB_100_16  ,
100  ,
16  ,
Device("CPU:0")  ,
HashBackendType::TBB   
) -> Unit(benchmark::kMillisecond)

◆ BENCHMARK_CAPTURE() [730/1019]

cloudViewer::core::BENCHMARK_CAPTURE ( HashReserveInt3  ,
HashBackendType::TBB_100_2  ,
100  ,
,
Device("CPU:0")  ,
HashBackendType::TBB   
) -> Unit(benchmark::kMillisecond)

◆ BENCHMARK_CAPTURE() [731/1019]

cloudViewer::core::BENCHMARK_CAPTURE ( HashReserveInt3  ,
HashBackendType::TBB_100_32  ,
100  ,
32  ,
Device("CPU:0")  ,
HashBackendType::TBB   
) -> Unit(benchmark::kMillisecond)

◆ BENCHMARK_CAPTURE() [732/1019]

cloudViewer::core::BENCHMARK_CAPTURE ( HashReserveInt3  ,
HashBackendType::TBB_100_4  ,
100  ,
,
Device("CPU:0")  ,
HashBackendType::TBB   
) -> Unit(benchmark::kMillisecond)

◆ BENCHMARK_CAPTURE() [733/1019]

cloudViewer::core::BENCHMARK_CAPTURE ( HashReserveInt3  ,
HashBackendType::TBB_100_8  ,
100  ,
,
Device("CPU:0")  ,
HashBackendType::TBB   
) -> Unit(benchmark::kMillisecond)

◆ BENCHMARK_CAPTURE() [734/1019]

cloudViewer::core::BENCHMARK_CAPTURE ( Malloc  ,
MemoryManagerBackend::Cached_1000000000_CPU  ,
1000000000  ,
Device("CPU:0")  ,
MemoryManagerBackend::Cached   
) -> Unit(benchmark::kMicrosecond)

◆ BENCHMARK_CAPTURE() [735/1019]

cloudViewer::core::BENCHMARK_CAPTURE ( Malloc  ,
MemoryManagerBackend::Cached_100000000_CPU  ,
100000000  ,
Device("CPU:0")  ,
MemoryManagerBackend::Cached   
) -> Unit(benchmark::kMicrosecond)

◆ BENCHMARK_CAPTURE() [736/1019]

cloudViewer::core::BENCHMARK_CAPTURE ( Malloc  ,
MemoryManagerBackend::Cached_10000000_CPU  ,
10000000  ,
Device("CPU:0")  ,
MemoryManagerBackend::Cached   
) -> Unit(benchmark::kMicrosecond)

◆ BENCHMARK_CAPTURE() [737/1019]

cloudViewer::core::BENCHMARK_CAPTURE ( Malloc  ,
MemoryManagerBackend::Cached_1000000_CPU  ,
1000000  ,
Device("CPU:0")  ,
MemoryManagerBackend::Cached   
) -> Unit(benchmark::kMicrosecond)

◆ BENCHMARK_CAPTURE() [738/1019]

cloudViewer::core::BENCHMARK_CAPTURE ( Malloc  ,
MemoryManagerBackend::Cached_100000_CPU  ,
100000  ,
Device("CPU:0")  ,
MemoryManagerBackend::Cached   
) -> Unit(benchmark::kMicrosecond)

◆ BENCHMARK_CAPTURE() [739/1019]

cloudViewer::core::BENCHMARK_CAPTURE ( Malloc  ,
MemoryManagerBackend::Cached_10000_CPU  ,
10000  ,
Device("CPU:0")  ,
MemoryManagerBackend::Cached   
) -> Unit(benchmark::kMicrosecond)

◆ BENCHMARK_CAPTURE() [740/1019]

cloudViewer::core::BENCHMARK_CAPTURE ( Malloc  ,
MemoryManagerBackend::Cached_1000_CPU  ,
1000  ,
Device("CPU:0")  ,
MemoryManagerBackend::Cached   
) -> Unit(benchmark::kMicrosecond)

◆ BENCHMARK_CAPTURE() [741/1019]

cloudViewer::core::BENCHMARK_CAPTURE ( Malloc  ,
MemoryManagerBackend::Cached_100_CPU  ,
100  ,
Device("CPU:0")  ,
MemoryManagerBackend::Cached   
) -> Unit(benchmark::kMicrosecond)

◆ BENCHMARK_CAPTURE() [742/1019]

cloudViewer::core::BENCHMARK_CAPTURE ( Malloc  ,
MemoryManagerBackend::Direct_1000000000_CPU  ,
1000000000  ,
Device("CPU:0")  ,
MemoryManagerBackend::Direct   
) -> Unit(benchmark::kMicrosecond)

◆ BENCHMARK_CAPTURE() [743/1019]

cloudViewer::core::BENCHMARK_CAPTURE ( Malloc  ,
MemoryManagerBackend::Direct_100000000_CPU  ,
100000000  ,
Device("CPU:0")  ,
MemoryManagerBackend::Direct   
) -> Unit(benchmark::kMicrosecond)

◆ BENCHMARK_CAPTURE() [744/1019]

cloudViewer::core::BENCHMARK_CAPTURE ( Malloc  ,
MemoryManagerBackend::Direct_10000000_CPU  ,
10000000  ,
Device("CPU:0")  ,
MemoryManagerBackend::Direct   
) -> Unit(benchmark::kMicrosecond)

◆ BENCHMARK_CAPTURE() [745/1019]

cloudViewer::core::BENCHMARK_CAPTURE ( Malloc  ,
MemoryManagerBackend::Direct_1000000_CPU  ,
1000000  ,
Device("CPU:0")  ,
MemoryManagerBackend::Direct   
) -> Unit(benchmark::kMicrosecond)

◆ BENCHMARK_CAPTURE() [746/1019]

cloudViewer::core::BENCHMARK_CAPTURE ( Malloc  ,
MemoryManagerBackend::Direct_100000_CPU  ,
100000  ,
Device("CPU:0")  ,
MemoryManagerBackend::Direct   
) -> Unit(benchmark::kMicrosecond)

◆ BENCHMARK_CAPTURE() [747/1019]

cloudViewer::core::BENCHMARK_CAPTURE ( Malloc  ,
MemoryManagerBackend::Direct_10000_CPU  ,
10000  ,
Device("CPU:0")  ,
MemoryManagerBackend::Direct   
) -> Unit(benchmark::kMicrosecond)

◆ BENCHMARK_CAPTURE() [748/1019]

cloudViewer::core::BENCHMARK_CAPTURE ( Malloc  ,
MemoryManagerBackend::Direct_1000_CPU  ,
1000  ,
Device("CPU:0")  ,
MemoryManagerBackend::Direct   
) -> Unit(benchmark::kMicrosecond)

◆ BENCHMARK_CAPTURE() [749/1019]

cloudViewer::core::BENCHMARK_CAPTURE ( Malloc  ,
MemoryManagerBackend::Direct_100_CPU  ,
100  ,
Device("CPU:0")  ,
MemoryManagerBackend::Direct   
) -> Unit(benchmark::kMicrosecond)

◆ BENCHMARK_CAPTURE() [750/1019]

cloudViewer::core::BENCHMARK_CAPTURE ( ParallelForScalar  ,
CPU100  ,
100   
) -> Unit(benchmark::kMicrosecond)

◆ BENCHMARK_CAPTURE() [751/1019]

cloudViewer::core::BENCHMARK_CAPTURE ( ParallelForScalar  ,
CPU1000  ,
1000   
) -> Unit(benchmark::kMicrosecond)

◆ BENCHMARK_CAPTURE() [752/1019]

cloudViewer::core::BENCHMARK_CAPTURE ( ParallelForScalar  ,
CPU10000  ,
10000   
) -> Unit(benchmark::kMicrosecond)

◆ BENCHMARK_CAPTURE() [753/1019]

cloudViewer::core::BENCHMARK_CAPTURE ( ParallelForScalar  ,
CPU100000  ,
100000   
) -> Unit(benchmark::kMicrosecond)

◆ BENCHMARK_CAPTURE() [754/1019]

cloudViewer::core::BENCHMARK_CAPTURE ( ParallelForScalar  ,
CPU1000000  ,
1000000   
) -> Unit(benchmark::kMicrosecond)

◆ BENCHMARK_CAPTURE() [755/1019]

cloudViewer::core::BENCHMARK_CAPTURE ( ParallelForScalar  ,
CPU10000000  ,
10000000   
) -> Unit(benchmark::kMicrosecond)

◆ BENCHMARK_CAPTURE() [756/1019]

cloudViewer::core::BENCHMARK_CAPTURE ( ParallelForScalar  ,
CPU100000000  ,
100000000   
) -> Unit(benchmark::kMicrosecond)

◆ BENCHMARK_CAPTURE() [757/1019]

cloudViewer::core::BENCHMARK_CAPTURE ( ParallelForVectorized  ,
CPU100  ,
100   
) -> Unit(benchmark::kMicrosecond)

◆ BENCHMARK_CAPTURE() [758/1019]

cloudViewer::core::BENCHMARK_CAPTURE ( ParallelForVectorized  ,
CPU1000  ,
1000   
) -> Unit(benchmark::kMicrosecond)

◆ BENCHMARK_CAPTURE() [759/1019]

cloudViewer::core::BENCHMARK_CAPTURE ( ParallelForVectorized  ,
CPU10000  ,
10000   
) -> Unit(benchmark::kMicrosecond)

◆ BENCHMARK_CAPTURE() [760/1019]

cloudViewer::core::BENCHMARK_CAPTURE ( ParallelForVectorized  ,
CPU100000  ,
100000   
) -> Unit(benchmark::kMicrosecond)

◆ BENCHMARK_CAPTURE() [761/1019]

cloudViewer::core::BENCHMARK_CAPTURE ( ParallelForVectorized  ,
CPU1000000  ,
1000000   
) -> Unit(benchmark::kMicrosecond)

◆ BENCHMARK_CAPTURE() [762/1019]

cloudViewer::core::BENCHMARK_CAPTURE ( ParallelForVectorized  ,
CPU10000000  ,
10000000   
) -> Unit(benchmark::kMicrosecond)

◆ BENCHMARK_CAPTURE() [763/1019]

cloudViewer::core::BENCHMARK_CAPTURE ( ParallelForVectorized  ,
CPU100000000  ,
100000000   
) -> Unit(benchmark::kMicrosecond)

◆ BENCHMARK_CAPTURE() [764/1019]

cloudViewer::core::BENCHMARK_CAPTURE ( UnaryEW  ,
Abs__CPU_Float32__100  ,
100  ,
UnaryOpCode::Abs  ,
Float32  ,
Device("CPU:0")   
) -> Unit(benchmark::kMillisecond)

◆ BENCHMARK_CAPTURE() [765/1019]

cloudViewer::core::BENCHMARK_CAPTURE ( UnaryEW  ,
Abs__CPU_Float32__100000  ,
100000  ,
UnaryOpCode::Abs  ,
Float32  ,
Device("CPU:0")   
) -> Unit(benchmark::kMillisecond)

◆ BENCHMARK_CAPTURE() [766/1019]

cloudViewer::core::BENCHMARK_CAPTURE ( UnaryEW  ,
Abs__CPU_Float32__100000000  ,
100000000  ,
UnaryOpCode::Abs  ,
Float32  ,
Device("CPU:0")   
) -> Unit(benchmark::kMillisecond)

◆ BENCHMARK_CAPTURE() [767/1019]

cloudViewer::core::BENCHMARK_CAPTURE ( UnaryEW  ,
Abs__CPU_Float64__100  ,
100  ,
UnaryOpCode::Abs  ,
Float64  ,
Device("CPU:0")   
) -> Unit(benchmark::kMillisecond)

◆ BENCHMARK_CAPTURE() [768/1019]

cloudViewer::core::BENCHMARK_CAPTURE ( UnaryEW  ,
Abs__CPU_Float64__100000  ,
100000  ,
UnaryOpCode::Abs  ,
Float64  ,
Device("CPU:0")   
) -> Unit(benchmark::kMillisecond)

◆ BENCHMARK_CAPTURE() [769/1019]

cloudViewer::core::BENCHMARK_CAPTURE ( UnaryEW  ,
Abs__CPU_Float64__100000000  ,
100000000  ,
UnaryOpCode::Abs  ,
Float64  ,
Device("CPU:0")   
) -> Unit(benchmark::kMillisecond)

◆ BENCHMARK_CAPTURE() [770/1019]

cloudViewer::core::BENCHMARK_CAPTURE ( UnaryEW  ,
Abs__CPU_Int16__100  ,
100  ,
UnaryOpCode::Abs  ,
Int16  ,
Device("CPU:0")   
) -> Unit(benchmark::kMillisecond)

◆ BENCHMARK_CAPTURE() [771/1019]

cloudViewer::core::BENCHMARK_CAPTURE ( UnaryEW  ,
Abs__CPU_Int16__100000  ,
100000  ,
UnaryOpCode::Abs  ,
Int16  ,
Device("CPU:0")   
) -> Unit(benchmark::kMillisecond)

◆ BENCHMARK_CAPTURE() [772/1019]

cloudViewer::core::BENCHMARK_CAPTURE ( UnaryEW  ,
Abs__CPU_Int16__100000000  ,
100000000  ,
UnaryOpCode::Abs  ,
Int16  ,
Device("CPU:0")   
) -> Unit(benchmark::kMillisecond)

◆ BENCHMARK_CAPTURE() [773/1019]

cloudViewer::core::BENCHMARK_CAPTURE ( UnaryEW  ,
Abs__CPU_Int32__100  ,
100  ,
UnaryOpCode::Abs  ,
Int32  ,
Device("CPU:0")   
) -> Unit(benchmark::kMillisecond)

◆ BENCHMARK_CAPTURE() [774/1019]

cloudViewer::core::BENCHMARK_CAPTURE ( UnaryEW  ,
Abs__CPU_Int32__100000  ,
100000  ,
UnaryOpCode::Abs  ,
Int32  ,
Device("CPU:0")   
) -> Unit(benchmark::kMillisecond)

◆ BENCHMARK_CAPTURE() [775/1019]

cloudViewer::core::BENCHMARK_CAPTURE ( UnaryEW  ,
Abs__CPU_Int32__100000000  ,
100000000  ,
UnaryOpCode::Abs  ,
Int32  ,
Device("CPU:0")   
) -> Unit(benchmark::kMillisecond)

◆ BENCHMARK_CAPTURE() [776/1019]

cloudViewer::core::BENCHMARK_CAPTURE ( UnaryEW  ,
Abs__CPU_Int64__100  ,
100  ,
UnaryOpCode::Abs  ,
Int64  ,
Device("CPU:0")   
) -> Unit(benchmark::kMillisecond)

◆ BENCHMARK_CAPTURE() [777/1019]

cloudViewer::core::BENCHMARK_CAPTURE ( UnaryEW  ,
Abs__CPU_Int64__100000  ,
100000  ,
UnaryOpCode::Abs  ,
Int64  ,
Device("CPU:0")   
) -> Unit(benchmark::kMillisecond)

◆ BENCHMARK_CAPTURE() [778/1019]

cloudViewer::core::BENCHMARK_CAPTURE ( UnaryEW  ,
Abs__CPU_Int64__100000000  ,
100000000  ,
UnaryOpCode::Abs  ,
Int64  ,
Device("CPU:0")   
) -> Unit(benchmark::kMillisecond)

◆ BENCHMARK_CAPTURE() [779/1019]

cloudViewer::core::BENCHMARK_CAPTURE ( UnaryEW  ,
Abs__CPU_Int8__100  ,
100  ,
UnaryOpCode::Abs  ,
Int8  ,
Device("CPU:0")   
) -> Unit(benchmark::kMillisecond)

◆ BENCHMARK_CAPTURE() [780/1019]

cloudViewer::core::BENCHMARK_CAPTURE ( UnaryEW  ,
Abs__CPU_Int8__100000  ,
100000  ,
UnaryOpCode::Abs  ,
Int8  ,
Device("CPU:0")   
) -> Unit(benchmark::kMillisecond)

◆ BENCHMARK_CAPTURE() [781/1019]

cloudViewer::core::BENCHMARK_CAPTURE ( UnaryEW  ,
Abs__CPU_Int8__100000000  ,
100000000  ,
UnaryOpCode::Abs  ,
Int8  ,
Device("CPU:0")   
) -> Unit(benchmark::kMillisecond)

◆ BENCHMARK_CAPTURE() [782/1019]

cloudViewer::core::BENCHMARK_CAPTURE ( UnaryEW  ,
Abs__CPU_UInt16__100  ,
100  ,
UnaryOpCode::Abs  ,
UInt16  ,
Device("CPU:0")   
) -> Unit(benchmark::kMillisecond)

◆ BENCHMARK_CAPTURE() [783/1019]

cloudViewer::core::BENCHMARK_CAPTURE ( UnaryEW  ,
Abs__CPU_UInt16__100000  ,
100000  ,
UnaryOpCode::Abs  ,
UInt16  ,
Device("CPU:0")   
) -> Unit(benchmark::kMillisecond)

◆ BENCHMARK_CAPTURE() [784/1019]

cloudViewer::core::BENCHMARK_CAPTURE ( UnaryEW  ,
Abs__CPU_UInt16__100000000  ,
100000000  ,
UnaryOpCode::Abs  ,
UInt16  ,
Device("CPU:0")   
) -> Unit(benchmark::kMillisecond)

◆ BENCHMARK_CAPTURE() [785/1019]

cloudViewer::core::BENCHMARK_CAPTURE ( UnaryEW  ,
Abs__CPU_UInt32__100  ,
100  ,
UnaryOpCode::Abs  ,
UInt32  ,
Device("CPU:0")   
) -> Unit(benchmark::kMillisecond)

◆ BENCHMARK_CAPTURE() [786/1019]

cloudViewer::core::BENCHMARK_CAPTURE ( UnaryEW  ,
Abs__CPU_UInt32__100000  ,
100000  ,
UnaryOpCode::Abs  ,
UInt32  ,
Device("CPU:0")   
) -> Unit(benchmark::kMillisecond)

◆ BENCHMARK_CAPTURE() [787/1019]

cloudViewer::core::BENCHMARK_CAPTURE ( UnaryEW  ,
Abs__CPU_UInt32__100000000  ,
100000000  ,
UnaryOpCode::Abs  ,
UInt32  ,
Device("CPU:0")   
) -> Unit(benchmark::kMillisecond)

◆ BENCHMARK_CAPTURE() [788/1019]

cloudViewer::core::BENCHMARK_CAPTURE ( UnaryEW  ,
Abs__CPU_UInt64__100  ,
100  ,
UnaryOpCode::Abs  ,
UInt64  ,
Device("CPU:0")   
) -> Unit(benchmark::kMillisecond)

◆ BENCHMARK_CAPTURE() [789/1019]

cloudViewer::core::BENCHMARK_CAPTURE ( UnaryEW  ,
Abs__CPU_UInt64__100000  ,
100000  ,
UnaryOpCode::Abs  ,
UInt64  ,
Device("CPU:0")   
) -> Unit(benchmark::kMillisecond)

◆ BENCHMARK_CAPTURE() [790/1019]

cloudViewer::core::BENCHMARK_CAPTURE ( UnaryEW  ,
Abs__CPU_UInt64__100000000  ,
100000000  ,
UnaryOpCode::Abs  ,
UInt64  ,
Device("CPU:0")   
) -> Unit(benchmark::kMillisecond)

◆ BENCHMARK_CAPTURE() [791/1019]

cloudViewer::core::BENCHMARK_CAPTURE ( UnaryEW  ,
Abs__CPU_UInt8__100  ,
100  ,
UnaryOpCode::Abs  ,
UInt8  ,
Device("CPU:0")   
) -> Unit(benchmark::kMillisecond)

◆ BENCHMARK_CAPTURE() [792/1019]

cloudViewer::core::BENCHMARK_CAPTURE ( UnaryEW  ,
Abs__CPU_UInt8__100000  ,
100000  ,
UnaryOpCode::Abs  ,
UInt8  ,
Device("CPU:0")   
) -> Unit(benchmark::kMillisecond)

◆ BENCHMARK_CAPTURE() [793/1019]

cloudViewer::core::BENCHMARK_CAPTURE ( UnaryEW  ,
Abs__CPU_UInt8__100000000  ,
100000000  ,
UnaryOpCode::Abs  ,
UInt8  ,
Device("CPU:0")   
) -> Unit(benchmark::kMillisecond)

◆ BENCHMARK_CAPTURE() [794/1019]

cloudViewer::core::BENCHMARK_CAPTURE ( UnaryEW  ,
Ceil__CPU_Float32__100  ,
100  ,
UnaryOpCode::Ceil  ,
Float32  ,
Device("CPU:0")   
) -> Unit(benchmark::kMillisecond)

◆ BENCHMARK_CAPTURE() [795/1019]

cloudViewer::core::BENCHMARK_CAPTURE ( UnaryEW  ,
Ceil__CPU_Float32__100000  ,
100000  ,
UnaryOpCode::Ceil  ,
Float32  ,
Device("CPU:0")   
) -> Unit(benchmark::kMillisecond)

◆ BENCHMARK_CAPTURE() [796/1019]

cloudViewer::core::BENCHMARK_CAPTURE ( UnaryEW  ,
Ceil__CPU_Float32__100000000  ,
100000000  ,
UnaryOpCode::Ceil  ,
Float32  ,
Device("CPU:0")   
) -> Unit(benchmark::kMillisecond)

◆ BENCHMARK_CAPTURE() [797/1019]

cloudViewer::core::BENCHMARK_CAPTURE ( UnaryEW  ,
Ceil__CPU_Float64__100  ,
100  ,
UnaryOpCode::Ceil  ,
Float64  ,
Device("CPU:0")   
) -> Unit(benchmark::kMillisecond)

◆ BENCHMARK_CAPTURE() [798/1019]

cloudViewer::core::BENCHMARK_CAPTURE ( UnaryEW  ,
Ceil__CPU_Float64__100000  ,
100000  ,
UnaryOpCode::Ceil  ,
Float64  ,
Device("CPU:0")   
) -> Unit(benchmark::kMillisecond)

◆ BENCHMARK_CAPTURE() [799/1019]

cloudViewer::core::BENCHMARK_CAPTURE ( UnaryEW  ,
Ceil__CPU_Float64__100000000  ,
100000000  ,
UnaryOpCode::Ceil  ,
Float64  ,
Device("CPU:0")   
) -> Unit(benchmark::kMillisecond)

◆ BENCHMARK_CAPTURE() [800/1019]

cloudViewer::core::BENCHMARK_CAPTURE ( UnaryEW  ,
Ceil__CPU_Int16__100  ,
100  ,
UnaryOpCode::Ceil  ,
Int16  ,
Device("CPU:0")   
) -> Unit(benchmark::kMillisecond)

◆ BENCHMARK_CAPTURE() [801/1019]

cloudViewer::core::BENCHMARK_CAPTURE ( UnaryEW  ,
Ceil__CPU_Int16__100000  ,
100000  ,
UnaryOpCode::Ceil  ,
Int16  ,
Device("CPU:0")   
) -> Unit(benchmark::kMillisecond)

◆ BENCHMARK_CAPTURE() [802/1019]

cloudViewer::core::BENCHMARK_CAPTURE ( UnaryEW  ,
Ceil__CPU_Int16__100000000  ,
100000000  ,
UnaryOpCode::Ceil  ,
Int16  ,
Device("CPU:0")   
) -> Unit(benchmark::kMillisecond)

◆ BENCHMARK_CAPTURE() [803/1019]

cloudViewer::core::BENCHMARK_CAPTURE ( UnaryEW  ,
Ceil__CPU_Int32__100  ,
100  ,
UnaryOpCode::Ceil  ,
Int32  ,
Device("CPU:0")   
) -> Unit(benchmark::kMillisecond)

◆ BENCHMARK_CAPTURE() [804/1019]

cloudViewer::core::BENCHMARK_CAPTURE ( UnaryEW  ,
Ceil__CPU_Int32__100000  ,
100000  ,
UnaryOpCode::Ceil  ,
Int32  ,
Device("CPU:0")   
) -> Unit(benchmark::kMillisecond)

◆ BENCHMARK_CAPTURE() [805/1019]

cloudViewer::core::BENCHMARK_CAPTURE ( UnaryEW  ,
Ceil__CPU_Int32__100000000  ,
100000000  ,
UnaryOpCode::Ceil  ,
Int32  ,
Device("CPU:0")   
) -> Unit(benchmark::kMillisecond)

◆ BENCHMARK_CAPTURE() [806/1019]

cloudViewer::core::BENCHMARK_CAPTURE ( UnaryEW  ,
Ceil__CPU_Int64__100  ,
100  ,
UnaryOpCode::Ceil  ,
Int64  ,
Device("CPU:0")   
) -> Unit(benchmark::kMillisecond)

◆ BENCHMARK_CAPTURE() [807/1019]

cloudViewer::core::BENCHMARK_CAPTURE ( UnaryEW  ,
Ceil__CPU_Int64__100000  ,
100000  ,
UnaryOpCode::Ceil  ,
Int64  ,
Device("CPU:0")   
) -> Unit(benchmark::kMillisecond)

◆ BENCHMARK_CAPTURE() [808/1019]

cloudViewer::core::BENCHMARK_CAPTURE ( UnaryEW  ,
Ceil__CPU_Int64__100000000  ,
100000000  ,
UnaryOpCode::Ceil  ,
Int64  ,
Device("CPU:0")   
) -> Unit(benchmark::kMillisecond)

◆ BENCHMARK_CAPTURE() [809/1019]

cloudViewer::core::BENCHMARK_CAPTURE ( UnaryEW  ,
Ceil__CPU_Int8__100  ,
100  ,
UnaryOpCode::Ceil  ,
Int8  ,
Device("CPU:0")   
) -> Unit(benchmark::kMillisecond)

◆ BENCHMARK_CAPTURE() [810/1019]

cloudViewer::core::BENCHMARK_CAPTURE ( UnaryEW  ,
Ceil__CPU_Int8__100000  ,
100000  ,
UnaryOpCode::Ceil  ,
Int8  ,
Device("CPU:0")   
) -> Unit(benchmark::kMillisecond)

◆ BENCHMARK_CAPTURE() [811/1019]

cloudViewer::core::BENCHMARK_CAPTURE ( UnaryEW  ,
Ceil__CPU_Int8__100000000  ,
100000000  ,
UnaryOpCode::Ceil  ,
Int8  ,
Device("CPU:0")   
) -> Unit(benchmark::kMillisecond)

◆ BENCHMARK_CAPTURE() [812/1019]

cloudViewer::core::BENCHMARK_CAPTURE ( UnaryEW  ,
Ceil__CPU_UInt16__100  ,
100  ,
UnaryOpCode::Ceil  ,
UInt16  ,
Device("CPU:0")   
) -> Unit(benchmark::kMillisecond)

◆ BENCHMARK_CAPTURE() [813/1019]

cloudViewer::core::BENCHMARK_CAPTURE ( UnaryEW  ,
Ceil__CPU_UInt16__100000  ,
100000  ,
UnaryOpCode::Ceil  ,
UInt16  ,
Device("CPU:0")   
) -> Unit(benchmark::kMillisecond)

◆ BENCHMARK_CAPTURE() [814/1019]

cloudViewer::core::BENCHMARK_CAPTURE ( UnaryEW  ,
Ceil__CPU_UInt16__100000000  ,
100000000  ,
UnaryOpCode::Ceil  ,
UInt16  ,
Device("CPU:0")   
) -> Unit(benchmark::kMillisecond)

◆ BENCHMARK_CAPTURE() [815/1019]

cloudViewer::core::BENCHMARK_CAPTURE ( UnaryEW  ,
Ceil__CPU_UInt32__100  ,
100  ,
UnaryOpCode::Ceil  ,
UInt32  ,
Device("CPU:0")   
) -> Unit(benchmark::kMillisecond)

◆ BENCHMARK_CAPTURE() [816/1019]

cloudViewer::core::BENCHMARK_CAPTURE ( UnaryEW  ,
Ceil__CPU_UInt32__100000  ,
100000  ,
UnaryOpCode::Ceil  ,
UInt32  ,
Device("CPU:0")   
) -> Unit(benchmark::kMillisecond)

◆ BENCHMARK_CAPTURE() [817/1019]

cloudViewer::core::BENCHMARK_CAPTURE ( UnaryEW  ,
Ceil__CPU_UInt32__100000000  ,
100000000  ,
UnaryOpCode::Ceil  ,
UInt32  ,
Device("CPU:0")   
) -> Unit(benchmark::kMillisecond)

◆ BENCHMARK_CAPTURE() [818/1019]

cloudViewer::core::BENCHMARK_CAPTURE ( UnaryEW  ,
Ceil__CPU_UInt64__100  ,
100  ,
UnaryOpCode::Ceil  ,
UInt64  ,
Device("CPU:0")   
) -> Unit(benchmark::kMillisecond)

◆ BENCHMARK_CAPTURE() [819/1019]

cloudViewer::core::BENCHMARK_CAPTURE ( UnaryEW  ,
Ceil__CPU_UInt64__100000  ,
100000  ,
UnaryOpCode::Ceil  ,
UInt64  ,
Device("CPU:0")   
) -> Unit(benchmark::kMillisecond)

◆ BENCHMARK_CAPTURE() [820/1019]

cloudViewer::core::BENCHMARK_CAPTURE ( UnaryEW  ,
Ceil__CPU_UInt64__100000000  ,
100000000  ,
UnaryOpCode::Ceil  ,
UInt64  ,
Device("CPU:0")   
) -> Unit(benchmark::kMillisecond)

◆ BENCHMARK_CAPTURE() [821/1019]

cloudViewer::core::BENCHMARK_CAPTURE ( UnaryEW  ,
Ceil__CPU_UInt8__100  ,
100  ,
UnaryOpCode::Ceil  ,
UInt8  ,
Device("CPU:0")   
) -> Unit(benchmark::kMillisecond)

◆ BENCHMARK_CAPTURE() [822/1019]

cloudViewer::core::BENCHMARK_CAPTURE ( UnaryEW  ,
Ceil__CPU_UInt8__100000  ,
100000  ,
UnaryOpCode::Ceil  ,
UInt8  ,
Device("CPU:0")   
) -> Unit(benchmark::kMillisecond)

◆ BENCHMARK_CAPTURE() [823/1019]

cloudViewer::core::BENCHMARK_CAPTURE ( UnaryEW  ,
Ceil__CPU_UInt8__100000000  ,
100000000  ,
UnaryOpCode::Ceil  ,
UInt8  ,
Device("CPU:0")   
) -> Unit(benchmark::kMillisecond)

◆ BENCHMARK_CAPTURE() [824/1019]

cloudViewer::core::BENCHMARK_CAPTURE ( UnaryEW  ,
Cos__CPU_Float32__100  ,
100  ,
UnaryOpCode::Cos  ,
Float32  ,
Device("CPU:0")   
) -> Unit(benchmark::kMillisecond)

◆ BENCHMARK_CAPTURE() [825/1019]

cloudViewer::core::BENCHMARK_CAPTURE ( UnaryEW  ,
Cos__CPU_Float32__100000  ,
100000  ,
UnaryOpCode::Cos  ,
Float32  ,
Device("CPU:0")   
) -> Unit(benchmark::kMillisecond)

◆ BENCHMARK_CAPTURE() [826/1019]

cloudViewer::core::BENCHMARK_CAPTURE ( UnaryEW  ,
Cos__CPU_Float32__100000000  ,
100000000  ,
UnaryOpCode::Cos  ,
Float32  ,
Device("CPU:0")   
) -> Unit(benchmark::kMillisecond)

◆ BENCHMARK_CAPTURE() [827/1019]

cloudViewer::core::BENCHMARK_CAPTURE ( UnaryEW  ,
Cos__CPU_Float64__100  ,
100  ,
UnaryOpCode::Cos  ,
Float64  ,
Device("CPU:0")   
) -> Unit(benchmark::kMillisecond)

◆ BENCHMARK_CAPTURE() [828/1019]

cloudViewer::core::BENCHMARK_CAPTURE ( UnaryEW  ,
Cos__CPU_Float64__100000  ,
100000  ,
UnaryOpCode::Cos  ,
Float64  ,
Device("CPU:0")   
) -> Unit(benchmark::kMillisecond)

◆ BENCHMARK_CAPTURE() [829/1019]

cloudViewer::core::BENCHMARK_CAPTURE ( UnaryEW  ,
Cos__CPU_Float64__100000000  ,
100000000  ,
UnaryOpCode::Cos  ,
Float64  ,
Device("CPU:0")   
) -> Unit(benchmark::kMillisecond)

◆ BENCHMARK_CAPTURE() [830/1019]

cloudViewer::core::BENCHMARK_CAPTURE ( UnaryEW  ,
Exp__CPU_Float32__100  ,
100  ,
UnaryOpCode::Exp  ,
Float32  ,
Device("CPU:0")   
) -> Unit(benchmark::kMillisecond)

◆ BENCHMARK_CAPTURE() [831/1019]

cloudViewer::core::BENCHMARK_CAPTURE ( UnaryEW  ,
Exp__CPU_Float32__100000  ,
100000  ,
UnaryOpCode::Exp  ,
Float32  ,
Device("CPU:0")   
) -> Unit(benchmark::kMillisecond)

◆ BENCHMARK_CAPTURE() [832/1019]

cloudViewer::core::BENCHMARK_CAPTURE ( UnaryEW  ,
Exp__CPU_Float32__100000000  ,
100000000  ,
UnaryOpCode::Exp  ,
Float32  ,
Device("CPU:0")   
) -> Unit(benchmark::kMillisecond)

◆ BENCHMARK_CAPTURE() [833/1019]

cloudViewer::core::BENCHMARK_CAPTURE ( UnaryEW  ,
Exp__CPU_Float64__100  ,
100  ,
UnaryOpCode::Exp  ,
Float64  ,
Device("CPU:0")   
) -> Unit(benchmark::kMillisecond)

◆ BENCHMARK_CAPTURE() [834/1019]

cloudViewer::core::BENCHMARK_CAPTURE ( UnaryEW  ,
Exp__CPU_Float64__100000  ,
100000  ,
UnaryOpCode::Exp  ,
Float64  ,
Device("CPU:0")   
) -> Unit(benchmark::kMillisecond)

◆ BENCHMARK_CAPTURE() [835/1019]

cloudViewer::core::BENCHMARK_CAPTURE ( UnaryEW  ,
Exp__CPU_Float64__100000000  ,
100000000  ,
UnaryOpCode::Exp  ,
Float64  ,
Device("CPU:0")   
) -> Unit(benchmark::kMillisecond)

◆ BENCHMARK_CAPTURE() [836/1019]

cloudViewer::core::BENCHMARK_CAPTURE ( UnaryEW  ,
Floor__CPU_Float32__100  ,
100  ,
UnaryOpCode::Floor  ,
Float32  ,
Device("CPU:0")   
) -> Unit(benchmark::kMillisecond)

◆ BENCHMARK_CAPTURE() [837/1019]

cloudViewer::core::BENCHMARK_CAPTURE ( UnaryEW  ,
Floor__CPU_Float32__100000  ,
100000  ,
UnaryOpCode::Floor  ,
Float32  ,
Device("CPU:0")   
) -> Unit(benchmark::kMillisecond)

◆ BENCHMARK_CAPTURE() [838/1019]

cloudViewer::core::BENCHMARK_CAPTURE ( UnaryEW  ,
Floor__CPU_Float32__100000000  ,
100000000  ,
UnaryOpCode::Floor  ,
Float32  ,
Device("CPU:0")   
) -> Unit(benchmark::kMillisecond)

◆ BENCHMARK_CAPTURE() [839/1019]

cloudViewer::core::BENCHMARK_CAPTURE ( UnaryEW  ,
Floor__CPU_Float64__100  ,
100  ,
UnaryOpCode::Floor  ,
Float64  ,
Device("CPU:0")   
) -> Unit(benchmark::kMillisecond)

◆ BENCHMARK_CAPTURE() [840/1019]

cloudViewer::core::BENCHMARK_CAPTURE ( UnaryEW  ,
Floor__CPU_Float64__100000  ,
100000  ,
UnaryOpCode::Floor  ,
Float64  ,
Device("CPU:0")   
) -> Unit(benchmark::kMillisecond)

◆ BENCHMARK_CAPTURE() [841/1019]

cloudViewer::core::BENCHMARK_CAPTURE ( UnaryEW  ,
Floor__CPU_Float64__100000000  ,
100000000  ,
UnaryOpCode::Floor  ,
Float64  ,
Device("CPU:0")   
) -> Unit(benchmark::kMillisecond)

◆ BENCHMARK_CAPTURE() [842/1019]

cloudViewer::core::BENCHMARK_CAPTURE ( UnaryEW  ,
Floor__CPU_Int16__100  ,
100  ,
UnaryOpCode::Floor  ,
Int16  ,
Device("CPU:0")   
) -> Unit(benchmark::kMillisecond)

◆ BENCHMARK_CAPTURE() [843/1019]

cloudViewer::core::BENCHMARK_CAPTURE ( UnaryEW  ,
Floor__CPU_Int16__100000  ,
100000  ,
UnaryOpCode::Floor  ,
Int16  ,
Device("CPU:0")   
) -> Unit(benchmark::kMillisecond)

◆ BENCHMARK_CAPTURE() [844/1019]

cloudViewer::core::BENCHMARK_CAPTURE ( UnaryEW  ,
Floor__CPU_Int16__100000000  ,
100000000  ,
UnaryOpCode::Floor  ,
Int16  ,
Device("CPU:0")   
) -> Unit(benchmark::kMillisecond)

◆ BENCHMARK_CAPTURE() [845/1019]

cloudViewer::core::BENCHMARK_CAPTURE ( UnaryEW  ,
Floor__CPU_Int32__100  ,
100  ,
UnaryOpCode::Floor  ,
Int32  ,
Device("CPU:0")   
) -> Unit(benchmark::kMillisecond)

◆ BENCHMARK_CAPTURE() [846/1019]

cloudViewer::core::BENCHMARK_CAPTURE ( UnaryEW  ,
Floor__CPU_Int32__100000  ,
100000  ,
UnaryOpCode::Floor  ,
Int32  ,
Device("CPU:0")   
) -> Unit(benchmark::kMillisecond)

◆ BENCHMARK_CAPTURE() [847/1019]

cloudViewer::core::BENCHMARK_CAPTURE ( UnaryEW  ,
Floor__CPU_Int32__100000000  ,
100000000  ,
UnaryOpCode::Floor  ,
Int32  ,
Device("CPU:0")   
) -> Unit(benchmark::kMillisecond)

◆ BENCHMARK_CAPTURE() [848/1019]

cloudViewer::core::BENCHMARK_CAPTURE ( UnaryEW  ,
Floor__CPU_Int64__100  ,
100  ,
UnaryOpCode::Floor  ,
Int64  ,
Device("CPU:0")   
) -> Unit(benchmark::kMillisecond)

◆ BENCHMARK_CAPTURE() [849/1019]

cloudViewer::core::BENCHMARK_CAPTURE ( UnaryEW  ,
Floor__CPU_Int64__100000  ,
100000  ,
UnaryOpCode::Floor  ,
Int64  ,
Device("CPU:0")   
) -> Unit(benchmark::kMillisecond)

◆ BENCHMARK_CAPTURE() [850/1019]

cloudViewer::core::BENCHMARK_CAPTURE ( UnaryEW  ,
Floor__CPU_Int64__100000000  ,
100000000  ,
UnaryOpCode::Floor  ,
Int64  ,
Device("CPU:0")   
) -> Unit(benchmark::kMillisecond)

◆ BENCHMARK_CAPTURE() [851/1019]

cloudViewer::core::BENCHMARK_CAPTURE ( UnaryEW  ,
Floor__CPU_Int8__100  ,
100  ,
UnaryOpCode::Floor  ,
Int8  ,
Device("CPU:0")   
) -> Unit(benchmark::kMillisecond)

◆ BENCHMARK_CAPTURE() [852/1019]

cloudViewer::core::BENCHMARK_CAPTURE ( UnaryEW  ,
Floor__CPU_Int8__100000  ,
100000  ,
UnaryOpCode::Floor  ,
Int8  ,
Device("CPU:0")   
) -> Unit(benchmark::kMillisecond)

◆ BENCHMARK_CAPTURE() [853/1019]

cloudViewer::core::BENCHMARK_CAPTURE ( UnaryEW  ,
Floor__CPU_Int8__100000000  ,
100000000  ,
UnaryOpCode::Floor  ,
Int8  ,
Device("CPU:0")   
) -> Unit(benchmark::kMillisecond)

◆ BENCHMARK_CAPTURE() [854/1019]

cloudViewer::core::BENCHMARK_CAPTURE ( UnaryEW  ,
Floor__CPU_UInt16__100  ,
100  ,
UnaryOpCode::Floor  ,
UInt16  ,
Device("CPU:0")   
) -> Unit(benchmark::kMillisecond)

◆ BENCHMARK_CAPTURE() [855/1019]

cloudViewer::core::BENCHMARK_CAPTURE ( UnaryEW  ,
Floor__CPU_UInt16__100000  ,
100000  ,
UnaryOpCode::Floor  ,
UInt16  ,
Device("CPU:0")   
) -> Unit(benchmark::kMillisecond)

◆ BENCHMARK_CAPTURE() [856/1019]

cloudViewer::core::BENCHMARK_CAPTURE ( UnaryEW  ,
Floor__CPU_UInt16__100000000  ,
100000000  ,
UnaryOpCode::Floor  ,
UInt16  ,
Device("CPU:0")   
) -> Unit(benchmark::kMillisecond)

◆ BENCHMARK_CAPTURE() [857/1019]

cloudViewer::core::BENCHMARK_CAPTURE ( UnaryEW  ,
Floor__CPU_UInt32__100  ,
100  ,
UnaryOpCode::Floor  ,
UInt32  ,
Device("CPU:0")   
) -> Unit(benchmark::kMillisecond)

◆ BENCHMARK_CAPTURE() [858/1019]

cloudViewer::core::BENCHMARK_CAPTURE ( UnaryEW  ,
Floor__CPU_UInt32__100000  ,
100000  ,
UnaryOpCode::Floor  ,
UInt32  ,
Device("CPU:0")   
) -> Unit(benchmark::kMillisecond)

◆ BENCHMARK_CAPTURE() [859/1019]

cloudViewer::core::BENCHMARK_CAPTURE ( UnaryEW  ,
Floor__CPU_UInt32__100000000  ,
100000000  ,
UnaryOpCode::Floor  ,
UInt32  ,
Device("CPU:0")   
) -> Unit(benchmark::kMillisecond)

◆ BENCHMARK_CAPTURE() [860/1019]

cloudViewer::core::BENCHMARK_CAPTURE ( UnaryEW  ,
Floor__CPU_UInt64__100  ,
100  ,
UnaryOpCode::Floor  ,
UInt64  ,
Device("CPU:0")   
) -> Unit(benchmark::kMillisecond)

◆ BENCHMARK_CAPTURE() [861/1019]

cloudViewer::core::BENCHMARK_CAPTURE ( UnaryEW  ,
Floor__CPU_UInt64__100000  ,
100000  ,
UnaryOpCode::Floor  ,
UInt64  ,
Device("CPU:0")   
) -> Unit(benchmark::kMillisecond)

◆ BENCHMARK_CAPTURE() [862/1019]

cloudViewer::core::BENCHMARK_CAPTURE ( UnaryEW  ,
Floor__CPU_UInt64__100000000  ,
100000000  ,
UnaryOpCode::Floor  ,
UInt64  ,
Device("CPU:0")   
) -> Unit(benchmark::kMillisecond)

◆ BENCHMARK_CAPTURE() [863/1019]

cloudViewer::core::BENCHMARK_CAPTURE ( UnaryEW  ,
Floor__CPU_UInt8__100  ,
100  ,
UnaryOpCode::Floor  ,
UInt8  ,
Device("CPU:0")   
) -> Unit(benchmark::kMillisecond)

◆ BENCHMARK_CAPTURE() [864/1019]

cloudViewer::core::BENCHMARK_CAPTURE ( UnaryEW  ,
Floor__CPU_UInt8__100000  ,
100000  ,
UnaryOpCode::Floor  ,
UInt8  ,
Device("CPU:0")   
) -> Unit(benchmark::kMillisecond)

◆ BENCHMARK_CAPTURE() [865/1019]

cloudViewer::core::BENCHMARK_CAPTURE ( UnaryEW  ,
Floor__CPU_UInt8__100000000  ,
100000000  ,
UnaryOpCode::Floor  ,
UInt8  ,
Device("CPU:0")   
) -> Unit(benchmark::kMillisecond)

◆ BENCHMARK_CAPTURE() [866/1019]

cloudViewer::core::BENCHMARK_CAPTURE ( UnaryEW  ,
IsFinite__CPU_Float32__100  ,
100  ,
UnaryOpCode::IsFinite  ,
Float32  ,
Device("CPU:0")   
) -> Unit(benchmark::kMillisecond)

◆ BENCHMARK_CAPTURE() [867/1019]

cloudViewer::core::BENCHMARK_CAPTURE ( UnaryEW  ,
IsFinite__CPU_Float32__100000  ,
100000  ,
UnaryOpCode::IsFinite  ,
Float32  ,
Device("CPU:0")   
) -> Unit(benchmark::kMillisecond)

◆ BENCHMARK_CAPTURE() [868/1019]

cloudViewer::core::BENCHMARK_CAPTURE ( UnaryEW  ,
IsFinite__CPU_Float32__100000000  ,
100000000  ,
UnaryOpCode::IsFinite  ,
Float32  ,
Device("CPU:0")   
) -> Unit(benchmark::kMillisecond)

◆ BENCHMARK_CAPTURE() [869/1019]

cloudViewer::core::BENCHMARK_CAPTURE ( UnaryEW  ,
IsFinite__CPU_Float64__100  ,
100  ,
UnaryOpCode::IsFinite  ,
Float64  ,
Device("CPU:0")   
) -> Unit(benchmark::kMillisecond)

◆ BENCHMARK_CAPTURE() [870/1019]

cloudViewer::core::BENCHMARK_CAPTURE ( UnaryEW  ,
IsFinite__CPU_Float64__100000  ,
100000  ,
UnaryOpCode::IsFinite  ,
Float64  ,
Device("CPU:0")   
) -> Unit(benchmark::kMillisecond)

◆ BENCHMARK_CAPTURE() [871/1019]

cloudViewer::core::BENCHMARK_CAPTURE ( UnaryEW  ,
IsFinite__CPU_Float64__100000000  ,
100000000  ,
UnaryOpCode::IsFinite  ,
Float64  ,
Device("CPU:0")   
) -> Unit(benchmark::kMillisecond)

◆ BENCHMARK_CAPTURE() [872/1019]

cloudViewer::core::BENCHMARK_CAPTURE ( UnaryEW  ,
IsInf__CPU_Float32__100  ,
100  ,
UnaryOpCode::IsInf  ,
Float32  ,
Device("CPU:0")   
) -> Unit(benchmark::kMillisecond)

◆ BENCHMARK_CAPTURE() [873/1019]

cloudViewer::core::BENCHMARK_CAPTURE ( UnaryEW  ,
IsInf__CPU_Float32__100000  ,
100000  ,
UnaryOpCode::IsInf  ,
Float32  ,
Device("CPU:0")   
) -> Unit(benchmark::kMillisecond)

◆ BENCHMARK_CAPTURE() [874/1019]

cloudViewer::core::BENCHMARK_CAPTURE ( UnaryEW  ,
IsInf__CPU_Float32__100000000  ,
100000000  ,
UnaryOpCode::IsInf  ,
Float32  ,
Device("CPU:0")   
) -> Unit(benchmark::kMillisecond)

◆ BENCHMARK_CAPTURE() [875/1019]

cloudViewer::core::BENCHMARK_CAPTURE ( UnaryEW  ,
IsInf__CPU_Float64__100  ,
100  ,
UnaryOpCode::IsInf  ,
Float64  ,
Device("CPU:0")   
) -> Unit(benchmark::kMillisecond)

◆ BENCHMARK_CAPTURE() [876/1019]

cloudViewer::core::BENCHMARK_CAPTURE ( UnaryEW  ,
IsInf__CPU_Float64__100000  ,
100000  ,
UnaryOpCode::IsInf  ,
Float64  ,
Device("CPU:0")   
) -> Unit(benchmark::kMillisecond)

◆ BENCHMARK_CAPTURE() [877/1019]

cloudViewer::core::BENCHMARK_CAPTURE ( UnaryEW  ,
IsInf__CPU_Float64__100000000  ,
100000000  ,
UnaryOpCode::IsInf  ,
Float64  ,
Device("CPU:0")   
) -> Unit(benchmark::kMillisecond)

◆ BENCHMARK_CAPTURE() [878/1019]

cloudViewer::core::BENCHMARK_CAPTURE ( UnaryEW  ,
IsNan__CPU_Float32__100  ,
100  ,
UnaryOpCode::IsNan  ,
Float32  ,
Device("CPU:0")   
) -> Unit(benchmark::kMillisecond)

◆ BENCHMARK_CAPTURE() [879/1019]

cloudViewer::core::BENCHMARK_CAPTURE ( UnaryEW  ,
IsNan__CPU_Float32__100000  ,
100000  ,
UnaryOpCode::IsNan  ,
Float32  ,
Device("CPU:0")   
) -> Unit(benchmark::kMillisecond)

◆ BENCHMARK_CAPTURE() [880/1019]

cloudViewer::core::BENCHMARK_CAPTURE ( UnaryEW  ,
IsNan__CPU_Float32__100000000  ,
100000000  ,
UnaryOpCode::IsNan  ,
Float32  ,
Device("CPU:0")   
) -> Unit(benchmark::kMillisecond)

◆ BENCHMARK_CAPTURE() [881/1019]

cloudViewer::core::BENCHMARK_CAPTURE ( UnaryEW  ,
IsNan__CPU_Float64__100  ,
100  ,
UnaryOpCode::IsNan  ,
Float64  ,
Device("CPU:0")   
) -> Unit(benchmark::kMillisecond)

◆ BENCHMARK_CAPTURE() [882/1019]

cloudViewer::core::BENCHMARK_CAPTURE ( UnaryEW  ,
IsNan__CPU_Float64__100000  ,
100000  ,
UnaryOpCode::IsNan  ,
Float64  ,
Device("CPU:0")   
) -> Unit(benchmark::kMillisecond)

◆ BENCHMARK_CAPTURE() [883/1019]

cloudViewer::core::BENCHMARK_CAPTURE ( UnaryEW  ,
IsNan__CPU_Float64__100000000  ,
100000000  ,
UnaryOpCode::IsNan  ,
Float64  ,
Device("CPU:0")   
) -> Unit(benchmark::kMillisecond)

◆ BENCHMARK_CAPTURE() [884/1019]

cloudViewer::core::BENCHMARK_CAPTURE ( UnaryEW  ,
LogicalNot__CPU_Bool__100  ,
100  ,
UnaryOpCode::LogicalNot  ,
Bool  ,
Device("CPU:0")   
) -> Unit(benchmark::kMillisecond)

◆ BENCHMARK_CAPTURE() [885/1019]

cloudViewer::core::BENCHMARK_CAPTURE ( UnaryEW  ,
LogicalNot__CPU_Bool__100000  ,
100000  ,
UnaryOpCode::LogicalNot  ,
Bool  ,
Device("CPU:0")   
) -> Unit(benchmark::kMillisecond)

◆ BENCHMARK_CAPTURE() [886/1019]

cloudViewer::core::BENCHMARK_CAPTURE ( UnaryEW  ,
LogicalNot__CPU_Bool__100000000  ,
100000000  ,
UnaryOpCode::LogicalNot  ,
Bool  ,
Device("CPU:0")   
) -> Unit(benchmark::kMillisecond)

◆ BENCHMARK_CAPTURE() [887/1019]

cloudViewer::core::BENCHMARK_CAPTURE ( UnaryEW  ,
LogicalNot__CPU_Float32__100  ,
100  ,
UnaryOpCode::LogicalNot  ,
Float32  ,
Device("CPU:0")   
) -> Unit(benchmark::kMillisecond)

◆ BENCHMARK_CAPTURE() [888/1019]

cloudViewer::core::BENCHMARK_CAPTURE ( UnaryEW  ,
LogicalNot__CPU_Float32__100000  ,
100000  ,
UnaryOpCode::LogicalNot  ,
Float32  ,
Device("CPU:0")   
) -> Unit(benchmark::kMillisecond)

◆ BENCHMARK_CAPTURE() [889/1019]

cloudViewer::core::BENCHMARK_CAPTURE ( UnaryEW  ,
LogicalNot__CPU_Float32__100000000  ,
100000000  ,
UnaryOpCode::LogicalNot  ,
Float32  ,
Device("CPU:0")   
) -> Unit(benchmark::kMillisecond)

◆ BENCHMARK_CAPTURE() [890/1019]

cloudViewer::core::BENCHMARK_CAPTURE ( UnaryEW  ,
LogicalNot__CPU_Float64__100  ,
100  ,
UnaryOpCode::LogicalNot  ,
Float64  ,
Device("CPU:0")   
) -> Unit(benchmark::kMillisecond)

◆ BENCHMARK_CAPTURE() [891/1019]

cloudViewer::core::BENCHMARK_CAPTURE ( UnaryEW  ,
LogicalNot__CPU_Float64__100000  ,
100000  ,
UnaryOpCode::LogicalNot  ,
Float64  ,
Device("CPU:0")   
) -> Unit(benchmark::kMillisecond)

◆ BENCHMARK_CAPTURE() [892/1019]

cloudViewer::core::BENCHMARK_CAPTURE ( UnaryEW  ,
LogicalNot__CPU_Float64__100000000  ,
100000000  ,
UnaryOpCode::LogicalNot  ,
Float64  ,
Device("CPU:0")   
) -> Unit(benchmark::kMillisecond)

◆ BENCHMARK_CAPTURE() [893/1019]

cloudViewer::core::BENCHMARK_CAPTURE ( UnaryEW  ,
LogicalNot__CPU_Int16__100  ,
100  ,
UnaryOpCode::LogicalNot  ,
Int16  ,
Device("CPU:0")   
) -> Unit(benchmark::kMillisecond)

◆ BENCHMARK_CAPTURE() [894/1019]

cloudViewer::core::BENCHMARK_CAPTURE ( UnaryEW  ,
LogicalNot__CPU_Int16__100000  ,
100000  ,
UnaryOpCode::LogicalNot  ,
Int16  ,
Device("CPU:0")   
) -> Unit(benchmark::kMillisecond)

◆ BENCHMARK_CAPTURE() [895/1019]

cloudViewer::core::BENCHMARK_CAPTURE ( UnaryEW  ,
LogicalNot__CPU_Int16__100000000  ,
100000000  ,
UnaryOpCode::LogicalNot  ,
Int16  ,
Device("CPU:0")   
) -> Unit(benchmark::kMillisecond)

◆ BENCHMARK_CAPTURE() [896/1019]

cloudViewer::core::BENCHMARK_CAPTURE ( UnaryEW  ,
LogicalNot__CPU_Int32__100  ,
100  ,
UnaryOpCode::LogicalNot  ,
Int32  ,
Device("CPU:0")   
) -> Unit(benchmark::kMillisecond)

◆ BENCHMARK_CAPTURE() [897/1019]

cloudViewer::core::BENCHMARK_CAPTURE ( UnaryEW  ,
LogicalNot__CPU_Int32__100000  ,
100000  ,
UnaryOpCode::LogicalNot  ,
Int32  ,
Device("CPU:0")   
) -> Unit(benchmark::kMillisecond)

◆ BENCHMARK_CAPTURE() [898/1019]

cloudViewer::core::BENCHMARK_CAPTURE ( UnaryEW  ,
LogicalNot__CPU_Int32__100000000  ,
100000000  ,
UnaryOpCode::LogicalNot  ,
Int32  ,
Device("CPU:0")   
) -> Unit(benchmark::kMillisecond)

◆ BENCHMARK_CAPTURE() [899/1019]

cloudViewer::core::BENCHMARK_CAPTURE ( UnaryEW  ,
LogicalNot__CPU_Int64__100  ,
100  ,
UnaryOpCode::LogicalNot  ,
Int64  ,
Device("CPU:0")   
) -> Unit(benchmark::kMillisecond)

◆ BENCHMARK_CAPTURE() [900/1019]

cloudViewer::core::BENCHMARK_CAPTURE ( UnaryEW  ,
LogicalNot__CPU_Int64__100000  ,
100000  ,
UnaryOpCode::LogicalNot  ,
Int64  ,
Device("CPU:0")   
) -> Unit(benchmark::kMillisecond)

◆ BENCHMARK_CAPTURE() [901/1019]

cloudViewer::core::BENCHMARK_CAPTURE ( UnaryEW  ,
LogicalNot__CPU_Int64__100000000  ,
100000000  ,
UnaryOpCode::LogicalNot  ,
Int64  ,
Device("CPU:0")   
) -> Unit(benchmark::kMillisecond)

◆ BENCHMARK_CAPTURE() [902/1019]

cloudViewer::core::BENCHMARK_CAPTURE ( UnaryEW  ,
LogicalNot__CPU_Int8__100  ,
100  ,
UnaryOpCode::LogicalNot  ,
Int8  ,
Device("CPU:0")   
) -> Unit(benchmark::kMillisecond)

◆ BENCHMARK_CAPTURE() [903/1019]

cloudViewer::core::BENCHMARK_CAPTURE ( UnaryEW  ,
LogicalNot__CPU_Int8__100000  ,
100000  ,
UnaryOpCode::LogicalNot  ,
Int8  ,
Device("CPU:0")   
) -> Unit(benchmark::kMillisecond)

◆ BENCHMARK_CAPTURE() [904/1019]

cloudViewer::core::BENCHMARK_CAPTURE ( UnaryEW  ,
LogicalNot__CPU_Int8__100000000  ,
100000000  ,
UnaryOpCode::LogicalNot  ,
Int8  ,
Device("CPU:0")   
) -> Unit(benchmark::kMillisecond)

◆ BENCHMARK_CAPTURE() [905/1019]

cloudViewer::core::BENCHMARK_CAPTURE ( UnaryEW  ,
LogicalNot__CPU_UInt16__100  ,
100  ,
UnaryOpCode::LogicalNot  ,
UInt16  ,
Device("CPU:0")   
) -> Unit(benchmark::kMillisecond)

◆ BENCHMARK_CAPTURE() [906/1019]

cloudViewer::core::BENCHMARK_CAPTURE ( UnaryEW  ,
LogicalNot__CPU_UInt16__100000  ,
100000  ,
UnaryOpCode::LogicalNot  ,
UInt16  ,
Device("CPU:0")   
) -> Unit(benchmark::kMillisecond)

◆ BENCHMARK_CAPTURE() [907/1019]

cloudViewer::core::BENCHMARK_CAPTURE ( UnaryEW  ,
LogicalNot__CPU_UInt16__100000000  ,
100000000  ,
UnaryOpCode::LogicalNot  ,
UInt16  ,
Device("CPU:0")   
) -> Unit(benchmark::kMillisecond)

◆ BENCHMARK_CAPTURE() [908/1019]

cloudViewer::core::BENCHMARK_CAPTURE ( UnaryEW  ,
LogicalNot__CPU_UInt32__100  ,
100  ,
UnaryOpCode::LogicalNot  ,
UInt32  ,
Device("CPU:0")   
) -> Unit(benchmark::kMillisecond)

◆ BENCHMARK_CAPTURE() [909/1019]

cloudViewer::core::BENCHMARK_CAPTURE ( UnaryEW  ,
LogicalNot__CPU_UInt32__100000  ,
100000  ,
UnaryOpCode::LogicalNot  ,
UInt32  ,
Device("CPU:0")   
) -> Unit(benchmark::kMillisecond)

◆ BENCHMARK_CAPTURE() [910/1019]

cloudViewer::core::BENCHMARK_CAPTURE ( UnaryEW  ,
LogicalNot__CPU_UInt32__100000000  ,
100000000  ,
UnaryOpCode::LogicalNot  ,
UInt32  ,
Device("CPU:0")   
) -> Unit(benchmark::kMillisecond)

◆ BENCHMARK_CAPTURE() [911/1019]

cloudViewer::core::BENCHMARK_CAPTURE ( UnaryEW  ,
LogicalNot__CPU_UInt64__100  ,
100  ,
UnaryOpCode::LogicalNot  ,
UInt64  ,
Device("CPU:0")   
) -> Unit(benchmark::kMillisecond)

◆ BENCHMARK_CAPTURE() [912/1019]

cloudViewer::core::BENCHMARK_CAPTURE ( UnaryEW  ,
LogicalNot__CPU_UInt64__100000  ,
100000  ,
UnaryOpCode::LogicalNot  ,
UInt64  ,
Device("CPU:0")   
) -> Unit(benchmark::kMillisecond)

◆ BENCHMARK_CAPTURE() [913/1019]

cloudViewer::core::BENCHMARK_CAPTURE ( UnaryEW  ,
LogicalNot__CPU_UInt64__100000000  ,
100000000  ,
UnaryOpCode::LogicalNot  ,
UInt64  ,
Device("CPU:0")   
) -> Unit(benchmark::kMillisecond)

◆ BENCHMARK_CAPTURE() [914/1019]

cloudViewer::core::BENCHMARK_CAPTURE ( UnaryEW  ,
LogicalNot__CPU_UInt8__100  ,
100  ,
UnaryOpCode::LogicalNot  ,
UInt8  ,
Device("CPU:0")   
) -> Unit(benchmark::kMillisecond)

◆ BENCHMARK_CAPTURE() [915/1019]

cloudViewer::core::BENCHMARK_CAPTURE ( UnaryEW  ,
LogicalNot__CPU_UInt8__100000  ,
100000  ,
UnaryOpCode::LogicalNot  ,
UInt8  ,
Device("CPU:0")   
) -> Unit(benchmark::kMillisecond)

◆ BENCHMARK_CAPTURE() [916/1019]

cloudViewer::core::BENCHMARK_CAPTURE ( UnaryEW  ,
LogicalNot__CPU_UInt8__100000000  ,
100000000  ,
UnaryOpCode::LogicalNot  ,
UInt8  ,
Device("CPU:0")   
) -> Unit(benchmark::kMillisecond)

◆ BENCHMARK_CAPTURE() [917/1019]

cloudViewer::core::BENCHMARK_CAPTURE ( UnaryEW  ,
Neg__CPU_Float32__100  ,
100  ,
UnaryOpCode::Neg  ,
Float32  ,
Device("CPU:0")   
) -> Unit(benchmark::kMillisecond)

◆ BENCHMARK_CAPTURE() [918/1019]

cloudViewer::core::BENCHMARK_CAPTURE ( UnaryEW  ,
Neg__CPU_Float32__100000  ,
100000  ,
UnaryOpCode::Neg  ,
Float32  ,
Device("CPU:0")   
) -> Unit(benchmark::kMillisecond)

◆ BENCHMARK_CAPTURE() [919/1019]

cloudViewer::core::BENCHMARK_CAPTURE ( UnaryEW  ,
Neg__CPU_Float32__100000000  ,
100000000  ,
UnaryOpCode::Neg  ,
Float32  ,
Device("CPU:0")   
) -> Unit(benchmark::kMillisecond)

◆ BENCHMARK_CAPTURE() [920/1019]

cloudViewer::core::BENCHMARK_CAPTURE ( UnaryEW  ,
Neg__CPU_Float64__100  ,
100  ,
UnaryOpCode::Neg  ,
Float64  ,
Device("CPU:0")   
) -> Unit(benchmark::kMillisecond)

◆ BENCHMARK_CAPTURE() [921/1019]

cloudViewer::core::BENCHMARK_CAPTURE ( UnaryEW  ,
Neg__CPU_Float64__100000  ,
100000  ,
UnaryOpCode::Neg  ,
Float64  ,
Device("CPU:0")   
) -> Unit(benchmark::kMillisecond)

◆ BENCHMARK_CAPTURE() [922/1019]

cloudViewer::core::BENCHMARK_CAPTURE ( UnaryEW  ,
Neg__CPU_Float64__100000000  ,
100000000  ,
UnaryOpCode::Neg  ,
Float64  ,
Device("CPU:0")   
) -> Unit(benchmark::kMillisecond)

◆ BENCHMARK_CAPTURE() [923/1019]

cloudViewer::core::BENCHMARK_CAPTURE ( UnaryEW  ,
Neg__CPU_Int16__100  ,
100  ,
UnaryOpCode::Neg  ,
Int16  ,
Device("CPU:0")   
) -> Unit(benchmark::kMillisecond)

◆ BENCHMARK_CAPTURE() [924/1019]

cloudViewer::core::BENCHMARK_CAPTURE ( UnaryEW  ,
Neg__CPU_Int16__100000  ,
100000  ,
UnaryOpCode::Neg  ,
Int16  ,
Device("CPU:0")   
) -> Unit(benchmark::kMillisecond)

◆ BENCHMARK_CAPTURE() [925/1019]

cloudViewer::core::BENCHMARK_CAPTURE ( UnaryEW  ,
Neg__CPU_Int16__100000000  ,
100000000  ,
UnaryOpCode::Neg  ,
Int16  ,
Device("CPU:0")   
) -> Unit(benchmark::kMillisecond)

◆ BENCHMARK_CAPTURE() [926/1019]

cloudViewer::core::BENCHMARK_CAPTURE ( UnaryEW  ,
Neg__CPU_Int32__100  ,
100  ,
UnaryOpCode::Neg  ,
Int32  ,
Device("CPU:0")   
) -> Unit(benchmark::kMillisecond)

◆ BENCHMARK_CAPTURE() [927/1019]

cloudViewer::core::BENCHMARK_CAPTURE ( UnaryEW  ,
Neg__CPU_Int32__100000  ,
100000  ,
UnaryOpCode::Neg  ,
Int32  ,
Device("CPU:0")   
) -> Unit(benchmark::kMillisecond)

◆ BENCHMARK_CAPTURE() [928/1019]

cloudViewer::core::BENCHMARK_CAPTURE ( UnaryEW  ,
Neg__CPU_Int32__100000000  ,
100000000  ,
UnaryOpCode::Neg  ,
Int32  ,
Device("CPU:0")   
) -> Unit(benchmark::kMillisecond)

◆ BENCHMARK_CAPTURE() [929/1019]

cloudViewer::core::BENCHMARK_CAPTURE ( UnaryEW  ,
Neg__CPU_Int64__100  ,
100  ,
UnaryOpCode::Neg  ,
Int64  ,
Device("CPU:0")   
) -> Unit(benchmark::kMillisecond)

◆ BENCHMARK_CAPTURE() [930/1019]

cloudViewer::core::BENCHMARK_CAPTURE ( UnaryEW  ,
Neg__CPU_Int64__100000  ,
100000  ,
UnaryOpCode::Neg  ,
Int64  ,
Device("CPU:0")   
) -> Unit(benchmark::kMillisecond)

◆ BENCHMARK_CAPTURE() [931/1019]

cloudViewer::core::BENCHMARK_CAPTURE ( UnaryEW  ,
Neg__CPU_Int64__100000000  ,
100000000  ,
UnaryOpCode::Neg  ,
Int64  ,
Device("CPU:0")   
) -> Unit(benchmark::kMillisecond)

◆ BENCHMARK_CAPTURE() [932/1019]

cloudViewer::core::BENCHMARK_CAPTURE ( UnaryEW  ,
Neg__CPU_Int8__100  ,
100  ,
UnaryOpCode::Neg  ,
Int8  ,
Device("CPU:0")   
) -> Unit(benchmark::kMillisecond)

◆ BENCHMARK_CAPTURE() [933/1019]

cloudViewer::core::BENCHMARK_CAPTURE ( UnaryEW  ,
Neg__CPU_Int8__100000  ,
100000  ,
UnaryOpCode::Neg  ,
Int8  ,
Device("CPU:0")   
) -> Unit(benchmark::kMillisecond)

◆ BENCHMARK_CAPTURE() [934/1019]

cloudViewer::core::BENCHMARK_CAPTURE ( UnaryEW  ,
Neg__CPU_Int8__100000000  ,
100000000  ,
UnaryOpCode::Neg  ,
Int8  ,
Device("CPU:0")   
) -> Unit(benchmark::kMillisecond)

◆ BENCHMARK_CAPTURE() [935/1019]

cloudViewer::core::BENCHMARK_CAPTURE ( UnaryEW  ,
Neg__CPU_UInt16__100  ,
100  ,
UnaryOpCode::Neg  ,
UInt16  ,
Device("CPU:0")   
) -> Unit(benchmark::kMillisecond)

◆ BENCHMARK_CAPTURE() [936/1019]

cloudViewer::core::BENCHMARK_CAPTURE ( UnaryEW  ,
Neg__CPU_UInt16__100000  ,
100000  ,
UnaryOpCode::Neg  ,
UInt16  ,
Device("CPU:0")   
) -> Unit(benchmark::kMillisecond)

◆ BENCHMARK_CAPTURE() [937/1019]

cloudViewer::core::BENCHMARK_CAPTURE ( UnaryEW  ,
Neg__CPU_UInt16__100000000  ,
100000000  ,
UnaryOpCode::Neg  ,
UInt16  ,
Device("CPU:0")   
) -> Unit(benchmark::kMillisecond)

◆ BENCHMARK_CAPTURE() [938/1019]

cloudViewer::core::BENCHMARK_CAPTURE ( UnaryEW  ,
Neg__CPU_UInt32__100  ,
100  ,
UnaryOpCode::Neg  ,
UInt32  ,
Device("CPU:0")   
) -> Unit(benchmark::kMillisecond)

◆ BENCHMARK_CAPTURE() [939/1019]

cloudViewer::core::BENCHMARK_CAPTURE ( UnaryEW  ,
Neg__CPU_UInt32__100000  ,
100000  ,
UnaryOpCode::Neg  ,
UInt32  ,
Device("CPU:0")   
) -> Unit(benchmark::kMillisecond)

◆ BENCHMARK_CAPTURE() [940/1019]

cloudViewer::core::BENCHMARK_CAPTURE ( UnaryEW  ,
Neg__CPU_UInt32__100000000  ,
100000000  ,
UnaryOpCode::Neg  ,
UInt32  ,
Device("CPU:0")   
) -> Unit(benchmark::kMillisecond)

◆ BENCHMARK_CAPTURE() [941/1019]

cloudViewer::core::BENCHMARK_CAPTURE ( UnaryEW  ,
Neg__CPU_UInt64__100  ,
100  ,
UnaryOpCode::Neg  ,
UInt64  ,
Device("CPU:0")   
) -> Unit(benchmark::kMillisecond)

◆ BENCHMARK_CAPTURE() [942/1019]

cloudViewer::core::BENCHMARK_CAPTURE ( UnaryEW  ,
Neg__CPU_UInt64__100000  ,
100000  ,
UnaryOpCode::Neg  ,
UInt64  ,
Device("CPU:0")   
) -> Unit(benchmark::kMillisecond)

◆ BENCHMARK_CAPTURE() [943/1019]

cloudViewer::core::BENCHMARK_CAPTURE ( UnaryEW  ,
Neg__CPU_UInt64__100000000  ,
100000000  ,
UnaryOpCode::Neg  ,
UInt64  ,
Device("CPU:0")   
) -> Unit(benchmark::kMillisecond)

◆ BENCHMARK_CAPTURE() [944/1019]

cloudViewer::core::BENCHMARK_CAPTURE ( UnaryEW  ,
Neg__CPU_UInt8__100  ,
100  ,
UnaryOpCode::Neg  ,
UInt8  ,
Device("CPU:0")   
) -> Unit(benchmark::kMillisecond)

◆ BENCHMARK_CAPTURE() [945/1019]

cloudViewer::core::BENCHMARK_CAPTURE ( UnaryEW  ,
Neg__CPU_UInt8__100000  ,
100000  ,
UnaryOpCode::Neg  ,
UInt8  ,
Device("CPU:0")   
) -> Unit(benchmark::kMillisecond)

◆ BENCHMARK_CAPTURE() [946/1019]

cloudViewer::core::BENCHMARK_CAPTURE ( UnaryEW  ,
Neg__CPU_UInt8__100000000  ,
100000000  ,
UnaryOpCode::Neg  ,
UInt8  ,
Device("CPU:0")   
) -> Unit(benchmark::kMillisecond)

◆ BENCHMARK_CAPTURE() [947/1019]

cloudViewer::core::BENCHMARK_CAPTURE ( UnaryEW  ,
Round__CPU_Float32__100  ,
100  ,
UnaryOpCode::Round  ,
Float32  ,
Device("CPU:0")   
) -> Unit(benchmark::kMillisecond)

◆ BENCHMARK_CAPTURE() [948/1019]

cloudViewer::core::BENCHMARK_CAPTURE ( UnaryEW  ,
Round__CPU_Float32__100000  ,
100000  ,
UnaryOpCode::Round  ,
Float32  ,
Device("CPU:0")   
) -> Unit(benchmark::kMillisecond)

◆ BENCHMARK_CAPTURE() [949/1019]

cloudViewer::core::BENCHMARK_CAPTURE ( UnaryEW  ,
Round__CPU_Float32__100000000  ,
100000000  ,
UnaryOpCode::Round  ,
Float32  ,
Device("CPU:0")   
) -> Unit(benchmark::kMillisecond)

◆ BENCHMARK_CAPTURE() [950/1019]

cloudViewer::core::BENCHMARK_CAPTURE ( UnaryEW  ,
Round__CPU_Float64__100  ,
100  ,
UnaryOpCode::Round  ,
Float64  ,
Device("CPU:0")   
) -> Unit(benchmark::kMillisecond)

◆ BENCHMARK_CAPTURE() [951/1019]

cloudViewer::core::BENCHMARK_CAPTURE ( UnaryEW  ,
Round__CPU_Float64__100000  ,
100000  ,
UnaryOpCode::Round  ,
Float64  ,
Device("CPU:0")   
) -> Unit(benchmark::kMillisecond)

◆ BENCHMARK_CAPTURE() [952/1019]

cloudViewer::core::BENCHMARK_CAPTURE ( UnaryEW  ,
Round__CPU_Float64__100000000  ,
100000000  ,
UnaryOpCode::Round  ,
Float64  ,
Device("CPU:0")   
) -> Unit(benchmark::kMillisecond)

◆ BENCHMARK_CAPTURE() [953/1019]

cloudViewer::core::BENCHMARK_CAPTURE ( UnaryEW  ,
Round__CPU_Int16__100  ,
100  ,
UnaryOpCode::Round  ,
Int16  ,
Device("CPU:0")   
) -> Unit(benchmark::kMillisecond)

◆ BENCHMARK_CAPTURE() [954/1019]

cloudViewer::core::BENCHMARK_CAPTURE ( UnaryEW  ,
Round__CPU_Int16__100000  ,
100000  ,
UnaryOpCode::Round  ,
Int16  ,
Device("CPU:0")   
) -> Unit(benchmark::kMillisecond)

◆ BENCHMARK_CAPTURE() [955/1019]

cloudViewer::core::BENCHMARK_CAPTURE ( UnaryEW  ,
Round__CPU_Int16__100000000  ,
100000000  ,
UnaryOpCode::Round  ,
Int16  ,
Device("CPU:0")   
) -> Unit(benchmark::kMillisecond)

◆ BENCHMARK_CAPTURE() [956/1019]

cloudViewer::core::BENCHMARK_CAPTURE ( UnaryEW  ,
Round__CPU_Int32__100  ,
100  ,
UnaryOpCode::Round  ,
Int32  ,
Device("CPU:0")   
) -> Unit(benchmark::kMillisecond)

◆ BENCHMARK_CAPTURE() [957/1019]

cloudViewer::core::BENCHMARK_CAPTURE ( UnaryEW  ,
Round__CPU_Int32__100000  ,
100000  ,
UnaryOpCode::Round  ,
Int32  ,
Device("CPU:0")   
) -> Unit(benchmark::kMillisecond)

◆ BENCHMARK_CAPTURE() [958/1019]

cloudViewer::core::BENCHMARK_CAPTURE ( UnaryEW  ,
Round__CPU_Int32__100000000  ,
100000000  ,
UnaryOpCode::Round  ,
Int32  ,
Device("CPU:0")   
) -> Unit(benchmark::kMillisecond)

◆ BENCHMARK_CAPTURE() [959/1019]

cloudViewer::core::BENCHMARK_CAPTURE ( UnaryEW  ,
Round__CPU_Int64__100  ,
100  ,
UnaryOpCode::Round  ,
Int64  ,
Device("CPU:0")   
) -> Unit(benchmark::kMillisecond)

◆ BENCHMARK_CAPTURE() [960/1019]

cloudViewer::core::BENCHMARK_CAPTURE ( UnaryEW  ,
Round__CPU_Int64__100000  ,
100000  ,
UnaryOpCode::Round  ,
Int64  ,
Device("CPU:0")   
) -> Unit(benchmark::kMillisecond)

◆ BENCHMARK_CAPTURE() [961/1019]

cloudViewer::core::BENCHMARK_CAPTURE ( UnaryEW  ,
Round__CPU_Int64__100000000  ,
100000000  ,
UnaryOpCode::Round  ,
Int64  ,
Device("CPU:0")   
) -> Unit(benchmark::kMillisecond)

◆ BENCHMARK_CAPTURE() [962/1019]

cloudViewer::core::BENCHMARK_CAPTURE ( UnaryEW  ,
Round__CPU_Int8__100  ,
100  ,
UnaryOpCode::Round  ,
Int8  ,
Device("CPU:0")   
) -> Unit(benchmark::kMillisecond)

◆ BENCHMARK_CAPTURE() [963/1019]

cloudViewer::core::BENCHMARK_CAPTURE ( UnaryEW  ,
Round__CPU_Int8__100000  ,
100000  ,
UnaryOpCode::Round  ,
Int8  ,
Device("CPU:0")   
) -> Unit(benchmark::kMillisecond)

◆ BENCHMARK_CAPTURE() [964/1019]

cloudViewer::core::BENCHMARK_CAPTURE ( UnaryEW  ,
Round__CPU_Int8__100000000  ,
100000000  ,
UnaryOpCode::Round  ,
Int8  ,
Device("CPU:0")   
) -> Unit(benchmark::kMillisecond)

◆ BENCHMARK_CAPTURE() [965/1019]

cloudViewer::core::BENCHMARK_CAPTURE ( UnaryEW  ,
Round__CPU_UInt16__100  ,
100  ,
UnaryOpCode::Round  ,
UInt16  ,
Device("CPU:0")   
) -> Unit(benchmark::kMillisecond)

◆ BENCHMARK_CAPTURE() [966/1019]

cloudViewer::core::BENCHMARK_CAPTURE ( UnaryEW  ,
Round__CPU_UInt16__100000  ,
100000  ,
UnaryOpCode::Round  ,
UInt16  ,
Device("CPU:0")   
) -> Unit(benchmark::kMillisecond)

◆ BENCHMARK_CAPTURE() [967/1019]

cloudViewer::core::BENCHMARK_CAPTURE ( UnaryEW  ,
Round__CPU_UInt16__100000000  ,
100000000  ,
UnaryOpCode::Round  ,
UInt16  ,
Device("CPU:0")   
) -> Unit(benchmark::kMillisecond)

◆ BENCHMARK_CAPTURE() [968/1019]

cloudViewer::core::BENCHMARK_CAPTURE ( UnaryEW  ,
Round__CPU_UInt32__100  ,
100  ,
UnaryOpCode::Round  ,
UInt32  ,
Device("CPU:0")   
) -> Unit(benchmark::kMillisecond)

◆ BENCHMARK_CAPTURE() [969/1019]

cloudViewer::core::BENCHMARK_CAPTURE ( UnaryEW  ,
Round__CPU_UInt32__100000  ,
100000  ,
UnaryOpCode::Round  ,
UInt32  ,
Device("CPU:0")   
) -> Unit(benchmark::kMillisecond)

◆ BENCHMARK_CAPTURE() [970/1019]

cloudViewer::core::BENCHMARK_CAPTURE ( UnaryEW  ,
Round__CPU_UInt32__100000000  ,
100000000  ,
UnaryOpCode::Round  ,
UInt32  ,
Device("CPU:0")   
) -> Unit(benchmark::kMillisecond)

◆ BENCHMARK_CAPTURE() [971/1019]

cloudViewer::core::BENCHMARK_CAPTURE ( UnaryEW  ,
Round__CPU_UInt64__100  ,
100  ,
UnaryOpCode::Round  ,
UInt64  ,
Device("CPU:0")   
) -> Unit(benchmark::kMillisecond)

◆ BENCHMARK_CAPTURE() [972/1019]

cloudViewer::core::BENCHMARK_CAPTURE ( UnaryEW  ,
Round__CPU_UInt64__100000  ,
100000  ,
UnaryOpCode::Round  ,
UInt64  ,
Device("CPU:0")   
) -> Unit(benchmark::kMillisecond)

◆ BENCHMARK_CAPTURE() [973/1019]

cloudViewer::core::BENCHMARK_CAPTURE ( UnaryEW  ,
Round__CPU_UInt64__100000000  ,
100000000  ,
UnaryOpCode::Round  ,
UInt64  ,
Device("CPU:0")   
) -> Unit(benchmark::kMillisecond)

◆ BENCHMARK_CAPTURE() [974/1019]

cloudViewer::core::BENCHMARK_CAPTURE ( UnaryEW  ,
Round__CPU_UInt8__100  ,
100  ,
UnaryOpCode::Round  ,
UInt8  ,
Device("CPU:0")   
) -> Unit(benchmark::kMillisecond)

◆ BENCHMARK_CAPTURE() [975/1019]

cloudViewer::core::BENCHMARK_CAPTURE ( UnaryEW  ,
Round__CPU_UInt8__100000  ,
100000  ,
UnaryOpCode::Round  ,
UInt8  ,
Device("CPU:0")   
) -> Unit(benchmark::kMillisecond)

◆ BENCHMARK_CAPTURE() [976/1019]

cloudViewer::core::BENCHMARK_CAPTURE ( UnaryEW  ,
Round__CPU_UInt8__100000000  ,
100000000  ,
UnaryOpCode::Round  ,
UInt8  ,
Device("CPU:0")   
) -> Unit(benchmark::kMillisecond)

◆ BENCHMARK_CAPTURE() [977/1019]

cloudViewer::core::BENCHMARK_CAPTURE ( UnaryEW  ,
Sin__CPU_Float32__100  ,
100  ,
UnaryOpCode::Sin  ,
Float32  ,
Device("CPU:0")   
) -> Unit(benchmark::kMillisecond)

◆ BENCHMARK_CAPTURE() [978/1019]

cloudViewer::core::BENCHMARK_CAPTURE ( UnaryEW  ,
Sin__CPU_Float32__100000  ,
100000  ,
UnaryOpCode::Sin  ,
Float32  ,
Device("CPU:0")   
) -> Unit(benchmark::kMillisecond)

◆ BENCHMARK_CAPTURE() [979/1019]

cloudViewer::core::BENCHMARK_CAPTURE ( UnaryEW  ,
Sin__CPU_Float32__100000000  ,
100000000  ,
UnaryOpCode::Sin  ,
Float32  ,
Device("CPU:0")   
) -> Unit(benchmark::kMillisecond)

◆ BENCHMARK_CAPTURE() [980/1019]

cloudViewer::core::BENCHMARK_CAPTURE ( UnaryEW  ,
Sin__CPU_Float64__100  ,
100  ,
UnaryOpCode::Sin  ,
Float64  ,
Device("CPU:0")   
) -> Unit(benchmark::kMillisecond)

◆ BENCHMARK_CAPTURE() [981/1019]

cloudViewer::core::BENCHMARK_CAPTURE ( UnaryEW  ,
Sin__CPU_Float64__100000  ,
100000  ,
UnaryOpCode::Sin  ,
Float64  ,
Device("CPU:0")   
) -> Unit(benchmark::kMillisecond)

◆ BENCHMARK_CAPTURE() [982/1019]

cloudViewer::core::BENCHMARK_CAPTURE ( UnaryEW  ,
Sin__CPU_Float64__100000000  ,
100000000  ,
UnaryOpCode::Sin  ,
Float64  ,
Device("CPU:0")   
) -> Unit(benchmark::kMillisecond)

◆ BENCHMARK_CAPTURE() [983/1019]

cloudViewer::core::BENCHMARK_CAPTURE ( UnaryEW  ,
Sqrt__CPU_Float32__100  ,
100  ,
UnaryOpCode::Sqrt  ,
Float32  ,
Device("CPU:0")   
) -> Unit(benchmark::kMillisecond)

◆ BENCHMARK_CAPTURE() [984/1019]

cloudViewer::core::BENCHMARK_CAPTURE ( UnaryEW  ,
Sqrt__CPU_Float32__100000  ,
100000  ,
UnaryOpCode::Sqrt  ,
Float32  ,
Device("CPU:0")   
) -> Unit(benchmark::kMillisecond)

◆ BENCHMARK_CAPTURE() [985/1019]

cloudViewer::core::BENCHMARK_CAPTURE ( UnaryEW  ,
Sqrt__CPU_Float32__100000000  ,
100000000  ,
UnaryOpCode::Sqrt  ,
Float32  ,
Device("CPU:0")   
) -> Unit(benchmark::kMillisecond)

◆ BENCHMARK_CAPTURE() [986/1019]

cloudViewer::core::BENCHMARK_CAPTURE ( UnaryEW  ,
Sqrt__CPU_Float64__100  ,
100  ,
UnaryOpCode::Sqrt  ,
Float64  ,
Device("CPU:0")   
) -> Unit(benchmark::kMillisecond)

◆ BENCHMARK_CAPTURE() [987/1019]

cloudViewer::core::BENCHMARK_CAPTURE ( UnaryEW  ,
Sqrt__CPU_Float64__100000  ,
100000  ,
UnaryOpCode::Sqrt  ,
Float64  ,
Device("CPU:0")   
) -> Unit(benchmark::kMillisecond)

◆ BENCHMARK_CAPTURE() [988/1019]

cloudViewer::core::BENCHMARK_CAPTURE ( UnaryEW  ,
Sqrt__CPU_Float64__100000000  ,
100000000  ,
UnaryOpCode::Sqrt  ,
Float64  ,
Device("CPU:0")   
) -> Unit(benchmark::kMillisecond)

◆ BENCHMARK_CAPTURE() [989/1019]

cloudViewer::core::BENCHMARK_CAPTURE ( UnaryEW  ,
Trunc__CPU_Float32__100  ,
100  ,
UnaryOpCode::Trunc  ,
Float32  ,
Device("CPU:0")   
) -> Unit(benchmark::kMillisecond)

◆ BENCHMARK_CAPTURE() [990/1019]

cloudViewer::core::BENCHMARK_CAPTURE ( UnaryEW  ,
Trunc__CPU_Float32__100000  ,
100000  ,
UnaryOpCode::Trunc  ,
Float32  ,
Device("CPU:0")   
) -> Unit(benchmark::kMillisecond)

◆ BENCHMARK_CAPTURE() [991/1019]

cloudViewer::core::BENCHMARK_CAPTURE ( UnaryEW  ,
Trunc__CPU_Float32__100000000  ,
100000000  ,
UnaryOpCode::Trunc  ,
Float32  ,
Device("CPU:0")   
) -> Unit(benchmark::kMillisecond)

◆ BENCHMARK_CAPTURE() [992/1019]

cloudViewer::core::BENCHMARK_CAPTURE ( UnaryEW  ,
Trunc__CPU_Float64__100  ,
100  ,
UnaryOpCode::Trunc  ,
Float64  ,
Device("CPU:0")   
) -> Unit(benchmark::kMillisecond)

◆ BENCHMARK_CAPTURE() [993/1019]

cloudViewer::core::BENCHMARK_CAPTURE ( UnaryEW  ,
Trunc__CPU_Float64__100000  ,
100000  ,
UnaryOpCode::Trunc  ,
Float64  ,
Device("CPU:0")   
) -> Unit(benchmark::kMillisecond)

◆ BENCHMARK_CAPTURE() [994/1019]

cloudViewer::core::BENCHMARK_CAPTURE ( UnaryEW  ,
Trunc__CPU_Float64__100000000  ,
100000000  ,
UnaryOpCode::Trunc  ,
Float64  ,
Device("CPU:0")   
) -> Unit(benchmark::kMillisecond)

◆ BENCHMARK_CAPTURE() [995/1019]

cloudViewer::core::BENCHMARK_CAPTURE ( UnaryEW  ,
Trunc__CPU_Int16__100  ,
100  ,
UnaryOpCode::Trunc  ,
Int16  ,
Device("CPU:0")   
) -> Unit(benchmark::kMillisecond)

◆ BENCHMARK_CAPTURE() [996/1019]

cloudViewer::core::BENCHMARK_CAPTURE ( UnaryEW  ,
Trunc__CPU_Int16__100000  ,
100000  ,
UnaryOpCode::Trunc  ,
Int16  ,
Device("CPU:0")   
) -> Unit(benchmark::kMillisecond)

◆ BENCHMARK_CAPTURE() [997/1019]

cloudViewer::core::BENCHMARK_CAPTURE ( UnaryEW  ,
Trunc__CPU_Int16__100000000  ,
100000000  ,
UnaryOpCode::Trunc  ,
Int16  ,
Device("CPU:0")   
) -> Unit(benchmark::kMillisecond)

◆ BENCHMARK_CAPTURE() [998/1019]

cloudViewer::core::BENCHMARK_CAPTURE ( UnaryEW  ,
Trunc__CPU_Int32__100  ,
100  ,
UnaryOpCode::Trunc  ,
Int32  ,
Device("CPU:0")   
) -> Unit(benchmark::kMillisecond)

◆ BENCHMARK_CAPTURE() [999/1019]

cloudViewer::core::BENCHMARK_CAPTURE ( UnaryEW  ,
Trunc__CPU_Int32__100000  ,
100000  ,
UnaryOpCode::Trunc  ,
Int32  ,
Device("CPU:0")   
) -> Unit(benchmark::kMillisecond)

◆ BENCHMARK_CAPTURE() [1000/1019]

cloudViewer::core::BENCHMARK_CAPTURE ( UnaryEW  ,
Trunc__CPU_Int32__100000000  ,
100000000  ,
UnaryOpCode::Trunc  ,
Int32  ,
Device("CPU:0")   
) -> Unit(benchmark::kMillisecond)

◆ BENCHMARK_CAPTURE() [1001/1019]

cloudViewer::core::BENCHMARK_CAPTURE ( UnaryEW  ,
Trunc__CPU_Int64__100  ,
100  ,
UnaryOpCode::Trunc  ,
Int64  ,
Device("CPU:0")   
) -> Unit(benchmark::kMillisecond)

◆ BENCHMARK_CAPTURE() [1002/1019]

cloudViewer::core::BENCHMARK_CAPTURE ( UnaryEW  ,
Trunc__CPU_Int64__100000  ,
100000  ,
UnaryOpCode::Trunc  ,
Int64  ,
Device("CPU:0")   
) -> Unit(benchmark::kMillisecond)

◆ BENCHMARK_CAPTURE() [1003/1019]

cloudViewer::core::BENCHMARK_CAPTURE ( UnaryEW  ,
Trunc__CPU_Int64__100000000  ,
100000000  ,
UnaryOpCode::Trunc  ,
Int64  ,
Device("CPU:0")   
) -> Unit(benchmark::kMillisecond)

◆ BENCHMARK_CAPTURE() [1004/1019]

cloudViewer::core::BENCHMARK_CAPTURE ( UnaryEW  ,
Trunc__CPU_Int8__100  ,
100  ,
UnaryOpCode::Trunc  ,
Int8  ,
Device("CPU:0")   
) -> Unit(benchmark::kMillisecond)

◆ BENCHMARK_CAPTURE() [1005/1019]

cloudViewer::core::BENCHMARK_CAPTURE ( UnaryEW  ,
Trunc__CPU_Int8__100000  ,
100000  ,
UnaryOpCode::Trunc  ,
Int8  ,
Device("CPU:0")   
) -> Unit(benchmark::kMillisecond)

◆ BENCHMARK_CAPTURE() [1006/1019]

cloudViewer::core::BENCHMARK_CAPTURE ( UnaryEW  ,
Trunc__CPU_Int8__100000000  ,
100000000  ,
UnaryOpCode::Trunc  ,
Int8  ,
Device("CPU:0")   
) -> Unit(benchmark::kMillisecond)

◆ BENCHMARK_CAPTURE() [1007/1019]

cloudViewer::core::BENCHMARK_CAPTURE ( UnaryEW  ,
Trunc__CPU_UInt16__100  ,
100  ,
UnaryOpCode::Trunc  ,
UInt16  ,
Device("CPU:0")   
) -> Unit(benchmark::kMillisecond)

◆ BENCHMARK_CAPTURE() [1008/1019]

cloudViewer::core::BENCHMARK_CAPTURE ( UnaryEW  ,
Trunc__CPU_UInt16__100000  ,
100000  ,
UnaryOpCode::Trunc  ,
UInt16  ,
Device("CPU:0")   
) -> Unit(benchmark::kMillisecond)

◆ BENCHMARK_CAPTURE() [1009/1019]

cloudViewer::core::BENCHMARK_CAPTURE ( UnaryEW  ,
Trunc__CPU_UInt16__100000000  ,
100000000  ,
UnaryOpCode::Trunc  ,
UInt16  ,
Device("CPU:0")   
) -> Unit(benchmark::kMillisecond)

◆ BENCHMARK_CAPTURE() [1010/1019]

cloudViewer::core::BENCHMARK_CAPTURE ( UnaryEW  ,
Trunc__CPU_UInt32__100  ,
100  ,
UnaryOpCode::Trunc  ,
UInt32  ,
Device("CPU:0")   
) -> Unit(benchmark::kMillisecond)

◆ BENCHMARK_CAPTURE() [1011/1019]

cloudViewer::core::BENCHMARK_CAPTURE ( UnaryEW  ,
Trunc__CPU_UInt32__100000  ,
100000  ,
UnaryOpCode::Trunc  ,
UInt32  ,
Device("CPU:0")   
) -> Unit(benchmark::kMillisecond)

◆ BENCHMARK_CAPTURE() [1012/1019]

cloudViewer::core::BENCHMARK_CAPTURE ( UnaryEW  ,
Trunc__CPU_UInt32__100000000  ,
100000000  ,
UnaryOpCode::Trunc  ,
UInt32  ,
Device("CPU:0")   
) -> Unit(benchmark::kMillisecond)

◆ BENCHMARK_CAPTURE() [1013/1019]

cloudViewer::core::BENCHMARK_CAPTURE ( UnaryEW  ,
Trunc__CPU_UInt64__100  ,
100  ,
UnaryOpCode::Trunc  ,
UInt64  ,
Device("CPU:0")   
) -> Unit(benchmark::kMillisecond)

◆ BENCHMARK_CAPTURE() [1014/1019]

cloudViewer::core::BENCHMARK_CAPTURE ( UnaryEW  ,
Trunc__CPU_UInt64__100000  ,
100000  ,
UnaryOpCode::Trunc  ,
UInt64  ,
Device("CPU:0")   
) -> Unit(benchmark::kMillisecond)

◆ BENCHMARK_CAPTURE() [1015/1019]

cloudViewer::core::BENCHMARK_CAPTURE ( UnaryEW  ,
Trunc__CPU_UInt64__100000000  ,
100000000  ,
UnaryOpCode::Trunc  ,
UInt64  ,
Device("CPU:0")   
) -> Unit(benchmark::kMillisecond)

◆ BENCHMARK_CAPTURE() [1016/1019]

cloudViewer::core::BENCHMARK_CAPTURE ( UnaryEW  ,
Trunc__CPU_UInt8__100  ,
100  ,
UnaryOpCode::Trunc  ,
UInt8  ,
Device("CPU:0")   
) -> Unit(benchmark::kMillisecond)

◆ BENCHMARK_CAPTURE() [1017/1019]

cloudViewer::core::BENCHMARK_CAPTURE ( UnaryEW  ,
Trunc__CPU_UInt8__100000  ,
100000  ,
UnaryOpCode::Trunc  ,
UInt8  ,
Device("CPU:0")   
) -> Unit(benchmark::kMillisecond)

◆ BENCHMARK_CAPTURE() [1018/1019]

cloudViewer::core::BENCHMARK_CAPTURE ( UnaryEW  ,
Trunc__CPU_UInt8__100000000  ,
100000000  ,
UnaryOpCode::Trunc  ,
UInt8  ,
Device("CPU:0")   
) -> Unit(benchmark::kMillisecond)

◆ BENCHMARK_CAPTURE() [1019/1019]

cloudViewer::core::BENCHMARK_CAPTURE ( Zeros  ,
CPU  ,
Device("CPU:0")   
) -> Unit(benchmark::kMillisecond)

◆ BinaryEW()

void cloudViewer::core::BinaryEW ( benchmark::State &  state,
int  size,
BinaryOpCode  op_code,
const Dtype dtype,
const Device device 
)

◆ BindTensorCreation()

template<typename func_t >
static void cloudViewer::core::BindTensorCreation ( py::module &  m,
py::class_< Tensor > &  tensor,
const std::string &  py_name,
func_t  cpp_func 
)
static

Definition at line 220 of file tensor.cpp.

References argument_docs, and cloudViewer::docstring::ClassMethodDocInject().

Referenced by pybind_core_tensor().

◆ BindTensorFullCreation()

template<typename T >
static void cloudViewer::core::BindTensorFullCreation ( py::module &  m,
py::class_< Tensor > &  tensor 
)
static

◆ BoolToTensor()

Tensor cloudViewer::core::BoolToTensor ( bool  scalar_value,
utility::optional< Dtype dtype = utility::nullopt,
utility::optional< Device device = utility::nullopt 
)

Convert scalar bool value to Tensor.

The default dtype is Bool, unless specified.

Definition at line 174 of file tensor_converter.cpp.

References Bool, cloudViewer::utility::optional< T >::has_value(), cloudViewer::t::geometry::kernel::image::To(), and cloudViewer::utility::optional< T >::value().

Referenced by pybind_core_tensor(), and PyHandleToTensor().

◆ capacity_in_bytes()

template<typename T , unsigned N>
size_t cloudViewer::core::capacity_in_bytes ( const SmallVector< T, N > &  X)
inline

Definition at line 1339 of file SmallVector.h.

References X.

◆ CastOptionalDtypeDevice()

static Tensor cloudViewer::core::CastOptionalDtypeDevice ( const Tensor t,
utility::optional< Dtype dtype,
utility::optional< Device device 
)
static

◆ CheckInput()

static void cloudViewer::core::CheckInput ( const Tensor A,
const int  diagonal 
)
static

◆ Concatenate()

Tensor cloudViewer::core::Concatenate ( const std::vector< Tensor > &  tensors,
const utility::optional< int64_t > &  axis = 0 
)

Concatenates the list of tensors in their order, along the given axis into a new tensor. All the tensors must have same data-type, device, and number of dimensions. All dimensions must be the same, except the dimension along the axis the tensors are to be concatenated. Using Concatenate for a single tensor, the tensor is split along its first dimension (length), and concatenated along the axis.

This is the same as NumPy's semantics:

Example:

Tensor a = Tensor::Init<int64_t>({{0, 1}, {2, 3}});
Tensor b = Tensor::Init<int64_t>({{4, 5}});
Tensor c = Tensor::Init<int64_t>({{6, 7}});
Tensor output = core::Concatenate({a, b, c}, 0);
// output:
// [[0 1],
// [2 3],
// [4 5],
// [6 7]]
// Tensor[shape={4, 2}, stride={2, 1}, Int64, CPU:0, 0x55555abc6b00]
a = core::Tensor::Init<float>(
{{{0, 1}, {2, 3}}, {{4, 5}, {6, 7}}, {{8, 9}, {10, 11}}}, device);
output = core::Concatenate({a}, 1);
// output:
// [[0, 1, 4, 5, 8, 9],
// [2, 3, 6, 7, 10, 11]]
// Tensor[shape={2, 6}, stride={6, 1}, Int64, CPU:0, 0x55555abc6b00]
Tensor Concatenate(const std::vector< Tensor > &tensors, const utility::optional< int64_t > &axis)
Concatenates the list of tensors in their order, along the given axis into a new tensor....
Parameters
tensorsVector of tensors to be concatenated. If only one tensor is present, the tensor is split along its first dimension (length), and concatenated along the axis.
axis[optional] The axis along which values are concatenated. [Default axis is 0].
Returns
A new tensor with the values of list of tensors concatenated in order, along the given axis.

Definition at line 79 of file TensorFunction.cpp.

References ConcatenateImpl(), cloudViewer::utility::optional< T >::has_value(), LogError, cloudViewer::core::Tensor::Reshape(), and cloudViewer::utility::optional< T >::value().

Referenced by Append(), cloudViewer::t::geometry::AxisAlignedBoundingBox::GetBoxPoints(), pybind_core_tensor_function(), and cloudViewer::t::io::ReadTriangleMeshUsingASSIMP().

◆ ConcatenateImpl()

◆ CountElemsPerBucketKernel()

◆ CountSlabsPerSuperblockKernel()

__global__ void cloudViewer::core::CountSlabsPerSuperblockKernel ( SlabNodeManagerImpl  impl,
uint32_t *  slabs_per_superblock 
)

◆ CPUResetHeap()

void cloudViewer::core::CPUResetHeap ( Tensor heap)

◆ CreateCPUHashBackend()

std::shared_ptr< DeviceHashBackend > cloudViewer::core::CreateCPUHashBackend ( int64_t  init_capacity,
const Dtype key_dtype,
const SizeVector key_element_shape,
const std::vector< Dtype > &  value_dtypes,
const std::vector< SizeVector > &  value_element_shapes,
const Device device,
const HashBackendType backend 
)

◆ CreateCUDAHashBackend()

std::shared_ptr<DeviceHashBackend> cloudViewer::core::CreateCUDAHashBackend ( int64_t  init_capacity,
const Dtype key_dtype,
const SizeVector key_element_shape,
const std::vector< Dtype > &  value_dtypes,
const std::vector< SizeVector > &  value_element_shapes,
const Device device,
const HashBackendType backend 
)

Referenced by CreateDeviceHashBackend().

◆ CreateDeviceHashBackend()

std::shared_ptr< DeviceHashBackend > cloudViewer::core::CreateDeviceHashBackend ( int64_t  init_capacity,
const Dtype key_dtype,
const SizeVector key_element_shape,
const std::vector< Dtype > &  value_dtypes,
const std::vector< SizeVector > &  value_element_shapes,
const Device device,
const HashBackendType backend 
)

Factory functions:

Definition at line 18 of file DeviceHashBackend.cpp.

References CreateCPUHashBackend(), CreateCUDAHashBackend(), cloudViewer::core::Device::IsCPU(), cloudViewer::core::Device::IsCUDA(), and LogError.

Referenced by cloudViewer::core::HashMap::Init().

◆ Det()

◆ DLDataTypeToDtype()

static Dtype cloudViewer::core::DLDataTypeToDtype ( const DLDataType dltype)
static

◆ DoubleToTensor()

Tensor cloudViewer::core::DoubleToTensor ( double  scalar_value,
utility::optional< Dtype dtype = utility::nullopt,
utility::optional< Device device = utility::nullopt 
)

Convert scalar double value to Tensor.

The default dtype is Float64, unless specified.

Definition at line 142 of file tensor_converter.cpp.

References Float64, cloudViewer::utility::optional< T >::has_value(), cloudViewer::t::geometry::kernel::image::To(), and cloudViewer::utility::optional< T >::value().

Referenced by pybind_core_tensor(), and PyHandleToTensor().

◆ DtypeToDLDataTypeCode()

static DLDataTypeCode cloudViewer::core::DtypeToDLDataTypeCode ( const Dtype dtype)
static

Definition at line 44 of file Tensor.cpp.

References Bool, Float32, Float64, Int16, Int32, Int64, Int8, kDLBool, kDLFloat, kDLInt, kDLUInt, LogError, UInt16, UInt32, UInt64, and UInt8.

◆ EraseKernelPass0()

template<typename Key , typename Hash , typename Eq >
__global__ void cloudViewer::core::EraseKernelPass0 ( SlabHashBackendImpl< Key, Hash, Eq >  impl,
const void *  input_keys,
buf_index_t output_buf_indices,
bool *  output_masks,
int64_t  count 
)

◆ EraseKernelPass1()

template<typename Key , typename Hash , typename Eq >
__global__ void cloudViewer::core::EraseKernelPass1 ( SlabHashBackendImpl< Key, Hash, Eq >  impl,
buf_index_t output_buf_indices,
bool *  output_masks,
int64_t  count 
)

◆ FindKernel()

template<typename Key , typename Hash , typename Eq >
__global__ void cloudViewer::core::FindKernel ( SlabHashBackendImpl< Key, Hash, Eq >  impl,
const void *  input_keys,
buf_index_t output_buf_indices,
bool *  output_masks,
int64_t  count 
)

◆ Free()

◆ gels_cpu()

template<typename scalar_t >
CLOUDVIEWER_CPU_LINALG_INT cloudViewer::core::gels_cpu ( int  matrix_layout,
char  trans,
CLOUDVIEWER_CPU_LINALG_INT  m,
CLOUDVIEWER_CPU_LINALG_INT  n,
CLOUDVIEWER_CPU_LINALG_INT  nrhs,
scalar_t *  A_data,
CLOUDVIEWER_CPU_LINALG_INT  lda,
scalar_t *  B_data,
CLOUDVIEWER_CPU_LINALG_INT  ldb 
)
inline

Definition at line 55 of file LapackWrapper.h.

References LogError.

◆ gels_cpu< double >()

template<>
CLOUDVIEWER_CPU_LINALG_INT cloudViewer::core::gels_cpu< double > ( int  layout,
char  trans,
CLOUDVIEWER_CPU_LINALG_INT  m,
CLOUDVIEWER_CPU_LINALG_INT  n,
CLOUDVIEWER_CPU_LINALG_INT  nrhs,
double *  A_data,
CLOUDVIEWER_CPU_LINALG_INT  lda,
double *  B_data,
CLOUDVIEWER_CPU_LINALG_INT  ldb 
)
inline

Definition at line 169 of file LapackWrapper.h.

◆ gels_cpu< float >()

template<>
CLOUDVIEWER_CPU_LINALG_INT cloudViewer::core::gels_cpu< float > ( int  layout,
char  trans,
CLOUDVIEWER_CPU_LINALG_INT  m,
CLOUDVIEWER_CPU_LINALG_INT  n,
CLOUDVIEWER_CPU_LINALG_INT  nrhs,
float *  A_data,
CLOUDVIEWER_CPU_LINALG_INT  lda,
float *  B_data,
CLOUDVIEWER_CPU_LINALG_INT  ldb 
)
inline

Definition at line 155 of file LapackWrapper.h.

◆ gemm_cpu()

template<typename scalar_t >
void cloudViewer::core::gemm_cpu ( CBLAS_LAYOUT  layout,
CBLAS_TRANSPOSE  trans_A,
CBLAS_TRANSPOSE  trans_B,
CLOUDVIEWER_CPU_LINALG_INT  m,
CLOUDVIEWER_CPU_LINALG_INT  n,
CLOUDVIEWER_CPU_LINALG_INT  k,
scalar_t  alpha,
const scalar_t *  A_data,
CLOUDVIEWER_CPU_LINALG_INT  lda,
const scalar_t *  B_data,
CLOUDVIEWER_CPU_LINALG_INT  ldb,
scalar_t  beta,
scalar_t *  C_data,
CLOUDVIEWER_CPU_LINALG_INT  ldc 
)
inline

Definition at line 19 of file BlasWrapper.h.

References LogError.

Referenced by AddMMCPU().

◆ gemm_cpu< double >()

template<>
void cloudViewer::core::gemm_cpu< double > ( CBLAS_LAYOUT  layout,
CBLAS_TRANSPOSE  trans_A,
CBLAS_TRANSPOSE  trans_B,
CLOUDVIEWER_CPU_LINALG_INT  m,
CLOUDVIEWER_CPU_LINALG_INT  n,
CLOUDVIEWER_CPU_LINALG_INT  k,
double  alpha,
const double *  A_data,
CLOUDVIEWER_CPU_LINALG_INT  lda,
const double *  B_data,
CLOUDVIEWER_CPU_LINALG_INT  ldb,
double  beta,
double *  C_data,
CLOUDVIEWER_CPU_LINALG_INT  ldc 
)
inline

Definition at line 56 of file BlasWrapper.h.

◆ gemm_cpu< float >()

template<>
void cloudViewer::core::gemm_cpu< float > ( CBLAS_LAYOUT  layout,
CBLAS_TRANSPOSE  trans_A,
CBLAS_TRANSPOSE  trans_B,
CLOUDVIEWER_CPU_LINALG_INT  m,
CLOUDVIEWER_CPU_LINALG_INT  n,
CLOUDVIEWER_CPU_LINALG_INT  k,
float  alpha,
const float *  A_data,
CLOUDVIEWER_CPU_LINALG_INT  lda,
const float *  B_data,
CLOUDVIEWER_CPU_LINALG_INT  ldb,
float  beta,
float *  C_data,
CLOUDVIEWER_CPU_LINALG_INT  ldc 
)
inline

Definition at line 37 of file BlasWrapper.h.

◆ gesv_cpu()

template<typename scalar_t >
CLOUDVIEWER_CPU_LINALG_INT cloudViewer::core::gesv_cpu ( int  layout,
CLOUDVIEWER_CPU_LINALG_INT  n,
CLOUDVIEWER_CPU_LINALG_INT  m,
scalar_t *  A_data,
CLOUDVIEWER_CPU_LINALG_INT  lda,
CLOUDVIEWER_CPU_LINALG_INT ipiv_data,
scalar_t *  B_data,
CLOUDVIEWER_CPU_LINALG_INT  ldb 
)
inline

Definition at line 41 of file LapackWrapper.h.

References LogError.

◆ gesv_cpu< double >()

template<>
CLOUDVIEWER_CPU_LINALG_INT cloudViewer::core::gesv_cpu< double > ( int  layout,
CLOUDVIEWER_CPU_LINALG_INT  n,
CLOUDVIEWER_CPU_LINALG_INT  m,
double *  A_data,
CLOUDVIEWER_CPU_LINALG_INT  lda,
CLOUDVIEWER_CPU_LINALG_INT ipiv_data,
double *  B_data,
CLOUDVIEWER_CPU_LINALG_INT  ldb 
)
inline

Definition at line 142 of file LapackWrapper.h.

◆ gesv_cpu< float >()

template<>
CLOUDVIEWER_CPU_LINALG_INT cloudViewer::core::gesv_cpu< float > ( int  layout,
CLOUDVIEWER_CPU_LINALG_INT  n,
CLOUDVIEWER_CPU_LINALG_INT  m,
float *  A_data,
CLOUDVIEWER_CPU_LINALG_INT  lda,
CLOUDVIEWER_CPU_LINALG_INT ipiv_data,
float *  B_data,
CLOUDVIEWER_CPU_LINALG_INT  ldb 
)
inline

Definition at line 129 of file LapackWrapper.h.

◆ gesvd_cpu()

template<typename scalar_t >
CLOUDVIEWER_CPU_LINALG_INT cloudViewer::core::gesvd_cpu ( int  matrix_layout,
char  jobu,
char  jobvt,
CLOUDVIEWER_CPU_LINALG_INT  m,
CLOUDVIEWER_CPU_LINALG_INT  n,
scalar_t *  A_data,
CLOUDVIEWER_CPU_LINALG_INT  lda,
scalar_t *  S_data,
scalar_t *  U_data,
CLOUDVIEWER_CPU_LINALG_INT  ldu,
scalar_t *  VT_data,
CLOUDVIEWER_CPU_LINALG_INT  ldvt,
scalar_t *  superb 
)
inline

Definition at line 69 of file LapackWrapper.h.

References LogError.

◆ gesvd_cpu< double >()

template<>
CLOUDVIEWER_CPU_LINALG_INT cloudViewer::core::gesvd_cpu< double > ( int  layout,
char  jobu,
char  jobvt,
CLOUDVIEWER_CPU_LINALG_INT  m,
CLOUDVIEWER_CPU_LINALG_INT  n,
double *  A_data,
CLOUDVIEWER_CPU_LINALG_INT  lda,
double *  S_data,
double *  U_data,
CLOUDVIEWER_CPU_LINALG_INT  ldu,
double *  VT_data,
CLOUDVIEWER_CPU_LINALG_INT  ldvt,
double *  superb 
)
inline

Definition at line 202 of file LapackWrapper.h.

◆ gesvd_cpu< float >()

template<>
CLOUDVIEWER_CPU_LINALG_INT cloudViewer::core::gesvd_cpu< float > ( int  layout,
char  jobu,
char  jobvt,
CLOUDVIEWER_CPU_LINALG_INT  m,
CLOUDVIEWER_CPU_LINALG_INT  n,
float *  A_data,
CLOUDVIEWER_CPU_LINALG_INT  lda,
float *  S_data,
float *  U_data,
CLOUDVIEWER_CPU_LINALG_INT  ldu,
float *  VT_data,
CLOUDVIEWER_CPU_LINALG_INT  ldvt,
float *  superb 
)
inline

Definition at line 183 of file LapackWrapper.h.

◆ GetActiveIndicesKernel()

◆ GetColPermutation()

static Tensor cloudViewer::core::GetColPermutation ( const Tensor ipiv,
int  number_of_indices,
int  number_of_rows 
)
static

◆ getNewCapacity()

template<class Size_T >
static size_t cloudViewer::core::getNewCapacity ( size_t  MinSize,
size_t  TSize,
size_t  OldCapacity 
)
static

Definition at line 104 of file SmallVector.cpp.

References max(), and report_size_overflow().

◆ getrf_cpu()

template<typename scalar_t >
CLOUDVIEWER_CPU_LINALG_INT cloudViewer::core::getrf_cpu ( int  layout,
CLOUDVIEWER_CPU_LINALG_INT  m,
CLOUDVIEWER_CPU_LINALG_INT  n,
scalar_t *  A_data,
CLOUDVIEWER_CPU_LINALG_INT  lda,
CLOUDVIEWER_CPU_LINALG_INT ipiv_data 
)
inline

Definition at line 18 of file LapackWrapper.h.

References LogError.

◆ getrf_cpu< double >()

Definition at line 98 of file LapackWrapper.h.

◆ getrf_cpu< float >()

Definition at line 87 of file LapackWrapper.h.

◆ getri_cpu()

template<typename scalar_t >
CLOUDVIEWER_CPU_LINALG_INT cloudViewer::core::getri_cpu ( int  layout,
CLOUDVIEWER_CPU_LINALG_INT  n,
scalar_t *  A_data,
CLOUDVIEWER_CPU_LINALG_INT  lda,
CLOUDVIEWER_CPU_LINALG_INT ipiv_data 
)
inline

Definition at line 30 of file LapackWrapper.h.

References LogError.

◆ getri_cpu< double >()

template<>
CLOUDVIEWER_CPU_LINALG_INT cloudViewer::core::getri_cpu< double > ( int  layout,
CLOUDVIEWER_CPU_LINALG_INT  n,
double *  A_data,
CLOUDVIEWER_CPU_LINALG_INT  lda,
CLOUDVIEWER_CPU_LINALG_INT ipiv_data 
)
inline

Definition at line 119 of file LapackWrapper.h.

◆ getri_cpu< float >()

template<>
CLOUDVIEWER_CPU_LINALG_INT cloudViewer::core::getri_cpu< float > ( int  layout,
CLOUDVIEWER_CPU_LINALG_INT  n,
float *  A_data,
CLOUDVIEWER_CPU_LINALG_INT  lda,
CLOUDVIEWER_CPU_LINALG_INT ipiv_data 
)
inline

Definition at line 109 of file LapackWrapper.h.

◆ HashClearInt()

void cloudViewer::core::HashClearInt ( benchmark::State &  state,
int  capacity,
int  duplicate_factor,
const Device device,
const HashBackendType backend 
)

◆ HashClearInt3()

void cloudViewer::core::HashClearInt3 ( benchmark::State &  state,
int  capacity,
int  duplicate_factor,
const Device device,
const HashBackendType backend 
)

◆ HashEraseInt()

void cloudViewer::core::HashEraseInt ( benchmark::State &  state,
int  capacity,
int  duplicate_factor,
const Device device,
const HashBackendType backend 
)

◆ HashEraseInt3()

void cloudViewer::core::HashEraseInt3 ( benchmark::State &  state,
int  capacity,
int  duplicate_factor,
const Device device,
const HashBackendType backend 
)

◆ HashFindInt()

void cloudViewer::core::HashFindInt ( benchmark::State &  state,
int  capacity,
int  duplicate_factor,
const Device device,
const HashBackendType backend 
)

◆ HashFindInt3()

void cloudViewer::core::HashFindInt3 ( benchmark::State &  state,
int  capacity,
int  duplicate_factor,
const Device device,
const HashBackendType backend 
)

◆ HashInsertInt()

void cloudViewer::core::HashInsertInt ( benchmark::State &  state,
int  capacity,
int  duplicate_factor,
const Device device,
const HashBackendType backend 
)

◆ HashInsertInt3()

void cloudViewer::core::HashInsertInt3 ( benchmark::State &  state,
int  capacity,
int  duplicate_factor,
const Device device,
const HashBackendType backend 
)

◆ HashReserveInt()

void cloudViewer::core::HashReserveInt ( benchmark::State &  state,
int  capacity,
int  duplicate_factor,
const Device device,
const HashBackendType backend 
)

◆ HashReserveInt3()

void cloudViewer::core::HashReserveInt3 ( benchmark::State &  state,
int  capacity,
int  duplicate_factor,
const Device device,
const HashBackendType backend 
)

◆ InsertKernelPass0()

template<typename Key , typename Hash , typename Eq >
__global__ void cloudViewer::core::InsertKernelPass0 ( SlabHashBackendImpl< Key, Hash, Eq >  impl,
const void *  input_keys,
buf_index_t output_buf_indices,
int  heap_counter_prev,
int64_t  count 
)

◆ InsertKernelPass1()

template<typename Key , typename Hash , typename Eq >
__global__ void cloudViewer::core::InsertKernelPass1 ( SlabHashBackendImpl< Key, Hash, Eq >  impl,
const void *  input_keys,
buf_index_t output_buf_indices,
bool *  output_masks,
int64_t  count 
)

◆ InsertKernelPass2()

template<typename Key , typename Hash , typename Eq , typename block_t >
__global__ void cloudViewer::core::InsertKernelPass2 ( SlabHashBackendImpl< Key, Hash, Eq >  impl,
const void *const *  input_values_soa,
buf_index_t output_buf_indices,
bool *  output_masks,
int64_t  count,
int64_t  n_values 
)

◆ IntToTensor()

Tensor cloudViewer::core::IntToTensor ( int64_t  scalar_value,
utility::optional< Dtype dtype = utility::nullopt,
utility::optional< Device device = utility::nullopt 
)

Convert scalar int value to Tensor.

The default dtype is Int64, unless specified.

Definition at line 158 of file tensor_converter.cpp.

References cloudViewer::utility::optional< T >::has_value(), Int64, cloudViewer::t::geometry::kernel::image::To(), and cloudViewer::utility::optional< T >::value().

Referenced by pybind_core_tensor(), and PyHandleToTensor().

◆ Inverse()

◆ InverseCPU() [1/2]

void cloudViewer::core::InverseCPU ( void *  A_data,
void *  ipiv_data,
[[maybe_unused] ] void *  output_data,
int64_t  n,
Dtype  dtype,
const Device device 
)

Referenced by Inverse().

◆ InverseCPU() [2/2]

void cloudViewer::core::InverseCPU ( void *  A_data,
void *  ipiv_data,
void *  output_data,
int64_t  n,
Dtype  dtype,
const Device device 
)

◆ InverseCUDA()

void cloudViewer::core::InverseCUDA ( void *  A_data,
void *  ipiv_data,
void *  output_data,
int64_t  n,
Dtype  dtype,
const Device device 
)

◆ InverseSYCL()

void cloudViewer::core::InverseSYCL ( void *  A_data,
void *  ipiv_data,
void *  output_data,
int64_t  n,
Dtype  dtype,
const Device device 
)

◆ LeastSquares()

◆ LeastSquaresCPU()

void cloudViewer::core::LeastSquaresCPU ( void *  A_data,
void *  B_data,
int64_t  m,
int64_t  n,
int64_t  k,
Dtype  dtype,
const Device device 
)

Definition at line 15 of file LeastSquaresCPU.cpp.

References DISPATCH_LINALG_DTYPE_TO_TEMPLATE, max(), and OPEN3D_LAPACK_CHECK().

Referenced by LeastSquares().

◆ LeastSquaresCUDA()

void cloudViewer::core::LeastSquaresCUDA ( void *  A_data,
void *  B_data,
int64_t  m,
int64_t  n,
int64_t  k,
Dtype  dtype,
const Device device 
)

◆ LeastSquaresSYCL()

void cloudViewer::core::LeastSquaresSYCL ( void *  A_data,
void *  B_data,
int64_t  m,
int64_t  n,
int64_t  k,
Dtype  dtype,
const Device device 
)

◆ LU()

void cloudViewer::core::LU ( const Tensor A,
Tensor permutation,
Tensor lower,
Tensor upper,
const bool  permute_l 
)

◆ LUCPU()

void cloudViewer::core::LUCPU ( void *  A_data,
void *  ipiv_data,
int64_t  rows,
int64_t  cols,
Dtype  dtype,
const Device device 
)

Definition at line 15 of file LUCPU.cpp.

References CLOUDVIEWER_CPU_LINALG_INT, DISPATCH_LINALG_DTYPE_TO_TEMPLATE, and OPEN3D_LAPACK_CHECK().

Referenced by LUIpiv().

◆ LUCUDA()

void cloudViewer::core::LUCUDA ( void *  A_data,
void *  ipiv_data,
int64_t  rows,
int64_t  cols,
Dtype  dtype,
const Device device 
)

◆ LUIpiv()

◆ LUSYCL()

void cloudViewer::core::LUSYCL ( void *  A_data,
void *  ipiv_data,
int64_t  m,
int64_t  n,
Dtype  dtype,
const Device device 
)

◆ make_pair()

template<typename First , typename Second >
CLOUDVIEWER_HOST_DEVICE Pair<First, Second> cloudViewer::core::make_pair ( const First &  _first,
const Second &  _second 
)

Definition at line 49 of file SlabTraits.h.

Referenced by cloudViewer::core::HashMap::Activate(), cloudViewer::visualization::rendering::FilamentScene::AddDirectionalLight(), cloudViewer::visualization::rendering::FilamentScene::AddPointLight(), cloudViewer::visualization::rendering::FilamentScene::AddSpotLight(), cloudViewer::t::geometry::BufferRadiusNeighbors(), flann::LshIndex< Distance >::buildIndexImpl(), cloudViewer::t::geometry::kernel::minimum_obb::ComputeMinimumOBBJylanki(), define_NormalDistribution(), cloudViewer::t::geometry::Image::Dilate(), cloudViewer::core::SlabHashBackendImpl< Key, Hash, Eq >::Erase(), cloudViewer::core::AdvancedIndexPreprocessor::ExpandToCommonShapeExceptZeroDim(), cloudViewer::t::geometry::Image::Filter(), cloudViewer::t::geometry::Image::FilterBilateral(), cloudViewer::t::geometry::Image::FilterGaussian(), cloudViewer::t::geometry::Image::FilterSobel(), cloudViewer::core::SlabHashBackendImpl< Key, Hash, Eq >::Find(), cloudViewer::core::HashMap::Find(), cloudViewer::core::HashSet::Find(), cloudViewer::t::io::RealSenseSensorConfig::get_dtype_channels(), getCentroid(), getCommonPtsIdx(), cloudViewer::camera::PinholeCameraIntrinsic::GetFocalLength(), getKNN(), cloudViewer::geometry::LineSet::GetLineCoordinate(), cloudViewer::camera::PinholeCameraIntrinsic::GetPrincipalPoint(), cloudViewer::t::geometry::VoxelBlockGrid::GetVoxelCoordinatesAndFlattenedIndices(), cloudViewer::core::HashSet::Insert(), cloudViewer::core::HashMap::Insert(), pybind_core_tensor(), cloudViewer::t::geometry::Image::Resize(), cloudViewer::core::shape_util::Restride(), cloudViewer::t::geometry::Image::RGBToGray(), cloudViewer::pipelines::color_map::RunNonRigidOptimizer(), cloudViewer::pipelines::color_map::RunRigidOptimizer(), cloudViewer::t::pipelines::slac::RunSLACOptimizerForFragments(), cloudViewer::core::nns::KnnIndex::SearchKnn(), cloudViewer::core::nns::NanoFlannIndex::SearchKnn(), cloudViewer::core::AdvancedIndexPreprocessor::ShuffleIndexedDimsToFront(), cloudViewer::t::pipelines::slac::VisualizeGridDeformation(), cloudViewer::t::pipelines::slac::VisualizePointCloudCorrespondences(), and cloudViewer::t::pipelines::slac::VisualizePointCloudDeformation().

◆ MakeMemoryManager()

std::shared_ptr<MemoryManagerDevice> cloudViewer::core::MakeMemoryManager ( const Device device,
const MemoryManagerBackend backend 
)

◆ MakeOperation() [1/2]

static std::function<Tensor(const Tensor&, const Tensor&)> cloudViewer::core::MakeOperation ( BinaryOpCode  op)
static

Definition at line 38 of file BinaryEW.cpp.

References Add, Div, Eq, Ge, Gt, Le, LogError, LogicalAnd, LogicalOr, cloudViewer::core::Tensor::LogicalXor(), LogicalXor, Lt, Mul, Neq, and Sub.

Referenced by BinaryEW(), and UnaryEW().

◆ MakeOperation() [2/2]

◆ Malloc()

void cloudViewer::core::Malloc ( benchmark::State &  state,
int  size,
const Device device,
const MemoryManagerBackend backend 
)

◆ Matmul()

◆ MatmulAB()

void cloudViewer::core::MatmulAB ( benchmark::State &  state,
const Device device 
)

◆ MatmulCPU()

void cloudViewer::core::MatmulCPU ( void *  A_data,
void *  B_data,
void *  C_data,
int64_t  m,
int64_t  k,
int64_t  n,
Dtype  dtype 
)

Definition at line 14 of file MatmulCPU.cpp.

References DISPATCH_LINALG_DTYPE_TO_TEMPLATE.

Referenced by Matmul().

◆ MatmulCUDA()

void cloudViewer::core::MatmulCUDA ( void *  A_data,
void *  B_data,
void *  C_data,
int64_t  m,
int64_t  k,
int64_t  n,
Dtype  dtype,
const Device device 
)

Definition at line 17 of file MatmulCUDA.cpp.

References DISPATCH_LINALG_DTYPE_TO_TEMPLATE, and Runtime::GetInstance().

Referenced by Matmul().

◆ MatmulSYCL()

void cloudViewer::core::MatmulSYCL ( void *  A_data,
void *  B_data,
void *  C_data,
int64_t  m,
int64_t  k,
int64_t  n,
Dtype  dtype,
const Device device 
)

◆ Maximum()

Tensor cloudViewer::core::Maximum ( const Tensor input,
const Tensor other 
)

Computes the element-wise maximum of input and other. The tensors must have same data type and device.

If input.GetShape() != other.GetShape(), then they will be broadcasted to a common shape (which becomes the shape of the output).

Parameters
inputThe input tensor.
otherThe second input tensor.

Definition at line 124 of file TensorFunction.cpp.

References AssertTensorDevice, AssertTensorDtype, cloudViewer::core::kernel::BinaryEW(), cloudViewer::core::shape_util::BroadcastedShape(), cloudViewer::core::Tensor::GetDevice(), cloudViewer::core::Tensor::GetDtype(), cloudViewer::core::Tensor::GetShape(), and cloudViewer::core::kernel::Maximum.

Referenced by ccColorScaleSelector::ccColorScaleSelector(), ecvTextureFileSelector::ecvTextureFileSelector(), cloudViewer::t::geometry::AxisAlignedBoundingBox::operator+=(), and pybind_core_tensor_function().

◆ Minimum()

Tensor cloudViewer::core::Minimum ( const Tensor input,
const Tensor other 
)

Computes the element-wise minimum of input and other. The tensors must have same data type and device.

If input.GetShape() != other.GetShape(), then they will be broadcasted to a common shape (which becomes the shape of the output).

Parameters
inputThe input tensor.
otherThe second input tensor.

Definition at line 136 of file TensorFunction.cpp.

References AssertTensorDevice, AssertTensorDtype, cloudViewer::core::kernel::BinaryEW(), cloudViewer::core::shape_util::BroadcastedShape(), cloudViewer::core::Tensor::GetDevice(), cloudViewer::core::Tensor::GetDtype(), cloudViewer::core::Tensor::GetShape(), and cloudViewer::core::kernel::Minimum.

Referenced by cloudViewer::t::geometry::PointCloud::FarthestPointDownSample(), cloudViewer::t::geometry::AxisAlignedBoundingBox::operator+=(), pybind_core_tensor_function(), StereogramDialog::StereogramDialog(), and ecvMeasurementTool::switchToToolUI().

◆ OPEN3D_LAPACK_CHECK()

void cloudViewer::core::OPEN3D_LAPACK_CHECK ( CLOUDVIEWER_CPU_LINALG_INT  info,
const std::string &  msg 
)
inline

Definition at line 36 of file LinalgUtils.h.

References LogError.

Referenced by InverseCPU(), LeastSquaresCPU(), LUCPU(), SolveCPU(), and SVDCPU().

◆ operator*()

template<typename T >
Tensor cloudViewer::core::operator* ( scalar_lhs,
const Tensor rhs 
)
inline

Definition at line 1427 of file Tensor.h.

◆ operator+()

template<typename T >
Tensor cloudViewer::core::operator+ ( scalar_lhs,
const Tensor rhs 
)
inline

Definition at line 1417 of file Tensor.h.

◆ operator-()

template<typename T >
Tensor cloudViewer::core::operator- ( scalar_lhs,
const Tensor rhs 
)
inline

◆ operator/()

template<typename T >
Tensor cloudViewer::core::operator/ ( scalar_lhs,
const Tensor rhs 
)
inline

◆ OutputToPLU()

static void cloudViewer::core::OutputToPLU ( const Tensor output,
Tensor permutation,
Tensor lower,
Tensor upper,
const Tensor ipiv,
const bool  permute_l 
)
static

◆ ParallelFor() [1/2]

template<typename func_t >
void cloudViewer::core::ParallelFor ( const Device device,
int64_t  n,
const func_t &  func 
)

Run a function in parallel on CPU or CUDA.

Parameters
deviceThe device for the parallel for loop to run on.
nThe number of workloads.
funcThe function to be executed in parallel. The function should take an int64_t workload index and returns void, i.e., void func(int64_t).
Note
This is optimized for uniform work items, i.e. where each call to func takes the same time.
If you use a lambda function, capture only the required variables instead of all to prevent accidental race conditions. If you want the kernel to be used on both CPU and CUDA, capture the variables by value.
This does not dispatch to SYCL, since SYCL has extra constraints:
  • Lambdas may capture by value only.
  • No function pointers / virtual functions. Auto dispatch to SYCL will enforce these conditions even on CPU devices. Use ParallelForSYCL instead.

Definition at line 111 of file ParallelFor.h.

References ParallelForCPU_().

Referenced by cloudViewer::core::kernel::ArangeCPU(), cloudViewer::t::pipelines::kernel::ComputeFPFHFeatureCPU(), cloudViewer::t::geometry::kernel::trianglemesh::ComputeTriangleAreasCPU(), cloudViewer::t::geometry::kernel::trianglemesh::ComputeTriangleNormalsCPU(), cloudViewer::core::kernel::CopyCPU(), cloudViewer::t::geometry::kernel::image::CreateNormalMapCPU(), cloudViewer::t::geometry::kernel::image::CreateVertexMapCPU(), cloudViewer::t::geometry::kernel::pointcloud::EstimateColorGradientsUsingHybridSearchCPU(), cloudViewer::t::geometry::kernel::pointcloud::EstimateColorGradientsUsingKNNSearchCPU(), cloudViewer::t::geometry::kernel::pointcloud::EstimateColorGradientsUsingRadiusSearchCPU(), cloudViewer::t::geometry::kernel::pointcloud::EstimateCovariancesUsingHybridSearchCPU(), cloudViewer::t::geometry::kernel::pointcloud::EstimateCovariancesUsingKNNSearchCPU(), cloudViewer::t::geometry::kernel::pointcloud::EstimateCovariancesUsingRadiusSearchCPU(), cloudViewer::t::geometry::kernel::pointcloud::EstimateNormalsFromCovariancesCPU(), cloudViewer::t::geometry::kernel::voxel_grid::EstimateRangeCPU(), cloudViewer::t::geometry::kernel::voxel_grid::ExtractPointCloudCPU(), cloudViewer::t::geometry::kernel::voxel_grid::ExtractTriangleMeshCPU(), cloudViewer::t::pipelines::kernel::FillInRigidAlignmentTermCPU(), cloudViewer::t::pipelines::kernel::FillInSLACAlignmentTermCPU(), cloudViewer::t::pipelines::kernel::FillInSLACRegularizerTermCPU(), cloudViewer::t::geometry::kernel::voxel_grid::GetVoxelCoordinatesAndFlattenedIndicesCPU(), cloudViewer::t::geometry::kernel::voxel_grid::IntegrateCPU(), cloudViewer::core::kernel::LaunchAdvancedIndexerKernel(), cloudViewer::core::kernel::LaunchBinaryEWKernel(), cloudViewer::core::eigen_converter::LaunchIndexFillKernel(), cloudViewer::core::kernel::LaunchUnaryEWKernel(), cloudViewer::t::geometry::kernel::pointcloud::NormalizeNormalsCPU(), cloudViewer::t::geometry::kernel::trianglemesh::NormalizeNormalsCPU(), cloudViewer::t::geometry::kernel::pointcloud::OrientNormalsToAlignWithDirectionCPU(), cloudViewer::t::geometry::kernel::pointcloud::OrientNormalsTowardsCameraLocationCPU(), ParallelForScalar(), ParallelForVectorized(), cloudViewer::t::geometry::kernel::voxel_grid::PointCloudTouchCPU(), cloudViewer::t::geometry::kernel::pointcloud::ProjectCPU(), cloudViewer::t::geometry::kernel::image::PyrDownDepthCPU(), cloudViewer::benchmarks::Rand(), cloudViewer::t::geometry::kernel::voxel_grid::RayCastCPU(), cloudViewer::t::io::ReadTriangleMeshUsingASSIMP(), and cloudViewer::t::io::DepthNoiseSimulator::Simulate().

◆ ParallelFor() [2/2]

template<typename vec_func_t , typename func_t >
void cloudViewer::core::ParallelFor ( const Device device,
int64_t  n,
const func_t &  func,
const vec_func_t &  vec_func 
)

Run a potentially vectorized function in parallel on CPU or CUDA.

Parameters
deviceThe device for the parallel for loop to run on.
nThe number of workloads.
funcThe function to be executed in parallel. The function should take an int64_t workload index and returns void, i.e., void func(int64_t).
vec_funcThe vectorized function to be executed in parallel. The function should be provided using the CLOUDVIEWER_VECTORIZED macro, e.g., CLOUDVIEWER_VECTORIZED(MyISPCKernel, some_used_variable).
Note
This is optimized for uniform work items, i.e. where each call to func takes the same time.
If you use a lambda function, capture only the required variables instead of all to prevent accidental race conditions. If you want the kernel to be used on both CPU and CUDA, capture the variables by value.

Example:

/* MyFile.cpp */
#ifdef BUILD_ISPC_MODULE
#include "MyFile_ispc.h"
#endif
std::vector<float> v(1000);
float fill_value = 42.0f;
core::Device("CPU:0"),
v.size(),
[&](int64_t idx) { v[idx] = fill_value; },
CLOUDVIEWER_VECTORIZED(MyFillKernel, v.data(), fill_value));
/* MyFile.ispc */
#include "cloudViewer/core/ParallelFor.isph"
static inline void MyFillFunction(int64_t idx,
float* uniform v,
uniform float fill_value) {
v[idx] = fill_value;
}
CLOUDVIEWER_EXPORT_VECTORIZED(MyFillKernel,
MyFillFunction,
float* uniform,
uniform float)
#define CLOUDVIEWER_VECTORIZED(ISPCKernel,...)
Definition: ParallelFor.h:228
void ParallelFor(const Device &device, int64_t n, const func_t &func)
Definition: ParallelFor.h:111

Definition at line 166 of file ParallelFor.h.

References cloudViewer::utility::EstimateMaxThreads(), and ParallelForCPU_().

◆ ParallelForCPU_()

template<typename func_t >
void cloudViewer::core::ParallelForCPU_ ( const Device device,
int64_t  n,
const func_t &  func 
)

Run a function in parallel on CPU.

Definition at line 76 of file ParallelFor.h.

References cloudViewer::core::Device::IsCPU(), LogError, and cloudViewer::core::Device::ToString().

Referenced by ParallelFor().

◆ ParallelForScalar()

void cloudViewer::core::ParallelForScalar ( benchmark::State &  state,
int  size 
)

Definition at line 18 of file ParallelFor.cpp.

References ParallelFor(), and size.

◆ ParallelForSYCL() [1/2]

template<typename Functor , typename... FuncArgs>
void cloudViewer::core::ParallelForSYCL ( const Device device,
Indexer  indexer,
FuncArgs...  func_args 
)

◆ ParallelForSYCL() [2/2]

template<typename Functor , typename... FuncArgs>
void cloudViewer::core::ParallelForSYCL ( const Device device,
int64_t  num_workloads,
FuncArgs...  func_args 
)

Run a function in parallel with SYCL.

TODO: Specify grid size based on device properties

Definition at line 45 of file ParallelForSYCL.h.

References cloudViewer::core::sy::SYCLContext::GetDefaultQueue(), cloudViewer::core::sy::SYCLContext::GetInstance(), cloudViewer::core::Device::IsSYCL(), LogError, and cloudViewer::core::Device::ToString().

◆ ParallelForVectorized()

void cloudViewer::core::ParallelForVectorized ( benchmark::State &  state,
int  size 
)

Definition at line 41 of file ParallelFor.cpp.

References CLOUDVIEWER_VECTORIZED, ParallelFor(), and size.

◆ PyArrayToTensor()

Tensor cloudViewer::core::PyArrayToTensor ( py::array  array,
bool  inplace 
)

Convert py::array (Numpy array) to Tensor.

You may use this helper function for importing data from Numpy.

Parameters
inplaceIf True, Tensor will directly use the underlying Numpy buffer. However, The data will become invalid once the Numpy variable is deallocated, the Tensor's data becomes invalid without notice. If False, the python buffer will be copied.

Definition at line 98 of file tensor_converter.cpp.

References cloudViewer::pybind_utils::ArrayFormatToDtype(), cloudViewer::core::Tensor::Clone(), and cloudViewer::core::SmallVectorBase< Size_T >::size().

Referenced by cloudViewer::ml::contrib::Iou3dCPU(), cloudViewer::ml::contrib::IouBevCPU(), pybind_core_tensor(), PyHandleToTensor(), PyListToTensor(), PyTupleToTensor(), cloudViewer::ml::contrib::Subsample(), cloudViewer::ml::contrib::SubsampleBatch(), and ToTensorKey().

◆ pybind_core()

◆ pybind_core_blob()

void cloudViewer::core::pybind_core_blob ( py::module &  m)

Definition at line 17 of file blob.cpp.

Referenced by pybind_core().

◆ pybind_core_device()

◆ pybind_core_dtype()

◆ pybind_core_hashmap()

◆ pybind_core_hashset()

◆ pybind_core_kernel()

void cloudViewer::core::pybind_core_kernel ( py::module &  m)

Definition at line 17 of file kernel.cpp.

References cloudViewer::core::kernel::TestLinalgIntegration().

Referenced by pybind_core().

◆ pybind_core_linalg()

void cloudViewer::core::pybind_core_linalg ( py::module &  m)

◆ pybind_core_scalar()

void cloudViewer::core::pybind_core_scalar ( py::module &  m)

Definition at line 15 of file scalar.cpp.

Referenced by pybind_core().

◆ pybind_core_size_vector()

void cloudViewer::core::pybind_core_size_vector ( py::module &  m)

Definition at line 16 of file size_vector.cpp.

References cloudViewer::core::DynamicSizeVector::ToString().

Referenced by pybind_core().

◆ pybind_core_tensor()

void cloudViewer::core::pybind_core_tensor ( py::module &  m)

Linalg operations.

Linalg operations.

Definition at line 296 of file tensor.cpp.

References cloudViewer::core::Tensor::Abs(), cloudViewer::core::Tensor::Abs_(), Add(), cloudViewer::core::Tensor::All(), cloudViewer::core::Tensor::Any(), cloudViewer::core::Tensor::Arange(), argument_docs, BIND_BINARY_OP_ALL_DTYPES_WITH_SCALAR, BIND_BINARY_R_OP_ALL_DTYPES, BIND_CLIP_SCALAR, BIND_REDUCTION_OP, BindTensorCreation(), BoolToTensor(), cloudViewer::core::Tensor::Ceil(), cloudViewer::docstring::ClassMethodDocInject(), cloudViewer::core::Tensor::Clone(), CONST_ARG, cloudViewer::core::Tensor::Contiguous(), copy, cloudViewer::core::Tensor::Cos(), cloudViewer::core::Tensor::Cos_(), DLManagedTensor::deleter, DLManagedTensorVersioned::deleter, cloudViewer::core::Tensor::Det(), cloudViewer::core::Tensor::Diag(), DLPACK_MAJOR_VERSION, DoubleToTensor(), cloudViewer::core::Tensor::Empty(), cloudViewer::core::Tensor::Exp(), cloudViewer::core::Tensor::Exp_(), cloudViewer::core::Tensor::Eye(), cloudViewer::core::Tensor::Flatten(), Float32, Float64, cloudViewer::core::Tensor::Floor(), cloudViewer::core::Tensor::FromDLPack(), cloudViewer::core::Tensor::FromDLPackVersioned(), cloudViewer::core::Tensor::GetBlob(), cloudViewer::core::Tensor::GetDevice(), cloudViewer::core::Tensor::GetDtype(), cloudViewer::core::Device::GetID(), cloudViewer::core::Tensor::GetLength(), cloudViewer::core::Device::GetType(), cloudViewer::utility::optional< T >::has_value(), Int64, IntToTensor(), cloudViewer::core::Tensor::Inverse(), cloudViewer::core::Device::IsAvailable(), cloudViewer::core::Tensor::IsContiguous(), cloudViewer::core::IsDevice::IsCPU(), cloudViewer::core::IsDevice::IsCUDA(), cloudViewer::core::Tensor::IsFinite(), cloudViewer::core::Tensor::IsInf(), cloudViewer::core::Tensor::IsNan(), cloudViewer::core::Tensor::IsNonZero(), kDLCPU, kDLCUDA, kDLCUDAHost, kDLCUDAManaged, kDLMetal, kDLOneAPI, kDLOpenCL, kDLROCM, kDLVPI, kDLVulkan, cloudViewer::core::Tensor::LeastSquares(), cloudViewer::core::Tensor::Load(), LogError, cloudViewer::core::Tensor::LogicalNot(), cloudViewer::core::Tensor::LogicalNot_(), LogWarning, cloudViewer::core::Tensor::LUIpiv(), DLPackVersion::major, make_pair(), cloudViewer::core::Tensor::Matmul(), cloudViewer::core::Tensor::Neg(), cloudViewer::core::Tensor::Neg_(), NON_CONST_ARG, cloudViewer::utility::nullopt, cloudViewer::core::Tensor::NumDims(), cloudViewer::core::Tensor::NumElements(), cloudViewer::core::Tensor::Ones(), PyArrayToTensor(), pybind_core_tensor_accessor(), PyListToTensor(), PyTupleToTensor(), cloudViewer::core::Tensor::Reshape(), cloudViewer::core::Tensor::Round(), cloudViewer::core::Tensor::Save(), cloudViewer::core::Tensor::Sin(), cloudViewer::core::Tensor::Sin_(), cloudViewer::core::Tensor::Solve(), cloudViewer::core::Tensor::Sqrt(), cloudViewer::core::Tensor::Sqrt_(), cloudViewer::core::Tensor::SVD(), cloudViewer::core::Tensor::T(), TensorToPyArray(), cloudViewer::core::Tensor::To(), cloudViewer::core::Device::ToString(), cloudViewer::core::Tensor::Tril(), cloudViewer::core::Tensor::Triu(), cloudViewer::core::Tensor::Triul(), cloudViewer::core::Tensor::Trunc(), cloudViewer::utility::optional< T >::value(), DLManagedTensorVersioned::version, and cloudViewer::core::Tensor::Zeros().

Referenced by pybind_core().

◆ pybind_core_tensor_accessor()

void cloudViewer::core::pybind_core_tensor_accessor ( py::class_< Tensor > &  t)

Definition at line 226 of file tensor_accessor.cpp.

References pybind_getitem(), and pybind_setitem().

Referenced by pybind_core_tensor().

◆ pybind_core_tensor_function()

void cloudViewer::core::pybind_core_tensor_function ( py::module &  m)

◆ pybind_core_tensorlist()

◆ pybind_cuda_utils()

void cloudViewer::core::pybind_cuda_utils ( py::module &  m)

◆ pybind_getitem()

static void cloudViewer::core::pybind_getitem ( py::class_< Tensor > &  tensor)
static

◆ pybind_setitem()

static void cloudViewer::core::pybind_setitem ( py::class_< Tensor > &  tensor)
static

◆ PyHandleToTensor()

Tensor cloudViewer::core::PyHandleToTensor ( const py::handle &  handle,
utility::optional< Dtype dtype = utility::nullopt,
utility::optional< Device device = utility::nullopt,
bool  force_copy = false 
)

Convert supported python types to Tensor.

Supported types: 1) int 2) float (double) 3) list 4) tuple 5) numpy.ndarray (value will be copied) 6) Tensor (value will be copied)

An exception will be thrown if the type is not supported.

Definition at line 189 of file tensor_converter.cpp.

References BoolToTensor(), CastOptionalDtypeDevice(), cloudViewer::core::Tensor::Clone(), DoubleToTensor(), IntToTensor(), LogError, PyArrayToTensor(), PyListToTensor(), and PyTupleToTensor().

Referenced by pybind11::detail::type_caster< cloudViewer::core::Tensor >::load(), and pybind_setitem().

◆ PyHandleToTensorKey()

static TensorKey cloudViewer::core::PyHandleToTensorKey ( const py::handle &  item)
static

Convert supported types to TensorKey. Supported types: 1) int 2) slice 3) list 4) tuple 5) numpy.ndarray 6) Tensor

Definition at line 90 of file tensor_accessor.cpp.

References LogError, and ToTensorKey().

Referenced by pybind_getitem(), and pybind_setitem().

◆ PyListToTensor()

Tensor cloudViewer::core::PyListToTensor ( const py::list &  list,
utility::optional< Dtype dtype = utility::nullopt,
utility::optional< Device device = utility::nullopt 
)

Convert py::list to Tensor.

Nested lists are supported, e.g. [[0, 1, 2], [3, 4, 5]] becomes a 2x3 tensor. For "ragged" list of invalid shapes, e.g. ((0, 1, 2, 3, 4, 5), (2, 3)), the np_array's dtype is "O", a proper exception will be thrown.

The dtype will be inferred from the value of the list.

Definition at line 124 of file tensor_converter.cpp.

References CastOptionalDtypeDevice(), and PyArrayToTensor().

Referenced by pybind_core_tensor(), and PyHandleToTensor().

◆ PyTupleToTensor()

Tensor cloudViewer::core::PyTupleToTensor ( const py::tuple &  tuple,
utility::optional< Dtype dtype = utility::nullopt,
utility::optional< Device device = utility::nullopt 
)

Convert py::tuple to Tensor.

Nested tuples are supported, e.g. ((0, 1, 2), (3, 4, 5)) becomes a 2x3 tensor. For "ragged" tuple of invalid shapes, e.g. ((0, 1, 2, 3, 4, 5), (2, 3)), the np_array's dtype is "O", a proper exception will be thrown.

The dtype will be inferred from the value of the tuple.

Definition at line 133 of file tensor_converter.cpp.

References CastOptionalDtypeDevice(), and PyArrayToTensor().

Referenced by pybind_core_tensor(), PyHandleToTensor(), and ToTensorKey().

◆ Reduction()

void cloudViewer::core::Reduction ( benchmark::State &  state,
const Device device 
)

◆ report_at_maximum_capacity()

static void cloudViewer::core::report_at_maximum_capacity ( size_t  MaxSize)
static

Report that this vector is already at maximum capacity. Throws std::length_error or calls report_fatal_error.

Definition at line 91 of file SmallVector.cpp.

References patch::to_string().

◆ report_size_overflow()

static void cloudViewer::core::report_size_overflow ( size_t  MinSize,
size_t  MaxSize 
)
static

Report that MinSize doesn't fit into this vector's size type. Throws std::length_error or calls report_fatal_error.

Definition at line 76 of file SmallVector.cpp.

References patch::to_string().

Referenced by getNewCapacity().

◆ safe_malloc()

void* cloudViewer::core::safe_malloc ( size_t  Sz)
inline

◆ safe_realloc()

void* cloudViewer::core::safe_realloc ( void *  Ptr,
size_t  Sz 
)
inline

Definition at line 70 of file SmallVector.h.

References safe_malloc().

Referenced by cloudViewer::core::SmallVectorBase< Size_T >::grow_pod().

◆ Solve()

◆ SolveCPU()

void cloudViewer::core::SolveCPU ( void *  A_data,
void *  B_data,
void *  ipiv_data,
int64_t  n,
int64_t  k,
Dtype  dtype,
const Device device 
)

Definition at line 15 of file SolveCPU.cpp.

References CLOUDVIEWER_CPU_LINALG_INT, DISPATCH_LINALG_DTYPE_TO_TEMPLATE, and OPEN3D_LAPACK_CHECK().

Referenced by Solve().

◆ SolveCUDA()

void cloudViewer::core::SolveCUDA ( void *  A_data,
void *  B_data,
void *  ipiv_data,
int64_t  n,
int64_t  k,
Dtype  dtype,
const Device device 
)

◆ SolveSYCL()

void cloudViewer::core::SolveSYCL ( void *  A_data,
void *  B_data,
void *  ipiv_data,
int64_t  n,
int64_t  k,
Dtype  dtype,
const Device device 
)

◆ STDGPUEraseKernel()

template<typename Key , typename Hash , typename Eq >
__global__ void cloudViewer::core::STDGPUEraseKernel ( InternalStdGPUHashBackend< Key, Hash, Eq >  map,
CUDAHashBackendBufferAccessor  buffer_accessor,
const Key *  input_keys,
buf_index_t output_buf_indices,
bool *  output_masks,
int64_t  count 
)

◆ STDGPUFindKernel()

template<typename Key , typename Hash , typename Eq >
__global__ void cloudViewer::core::STDGPUFindKernel ( InternalStdGPUHashBackend< Key, Hash, Eq >  map,
CUDAHashBackendBufferAccessor  buffer_accessor,
const Key *  input_keys,
buf_index_t output_buf_indices,
bool *  output_masks,
int64_t  count 
)

Definition at line 178 of file StdGPUHashBackend.h.

References count.

Referenced by cloudViewer::core::StdGPUHashBackend< Key, Hash, Eq >::Find().

◆ STDGPUInsertKernel()

template<typename Key , typename Hash , typename Eq , typename block_t >
__global__ void cloudViewer::core::STDGPUInsertKernel ( InternalStdGPUHashBackend< Key, Hash, Eq >  map,
CUDAHashBackendBufferAccessor  buffer_accessor,
const Key *  input_keys,
const void *const *  input_values_soa,
buf_index_t output_buf_indices,
bool *  output_masks,
int64_t  count,
int64_t  n_values 
)

◆ StringToDeviceId()

static int cloudViewer::core::StringToDeviceId ( const std::string &  type_colon_id)
static

Definition at line 47 of file Device.cpp.

References LogError, and cloudViewer::utility::SplitString().

◆ StringToDeviceType()

static Device::DeviceType cloudViewer::core::StringToDeviceType ( const std::string &  type_colon_id)
static

◆ SVD()

◆ SVDCPU()

void cloudViewer::core::SVDCPU ( const void *  A_data,
void *  U_data,
void *  S_data,
void *  VT_data,
void *  superb_data,
int64_t  m,
int64_t  n,
Dtype  dtype,
const Device device 
)

Definition at line 15 of file SVDCPU.cpp.

References DISPATCH_LINALG_DTYPE_TO_TEMPLATE, and OPEN3D_LAPACK_CHECK().

Referenced by SVD().

◆ SVDCUDA()

void cloudViewer::core::SVDCUDA ( const void *  A_data,
void *  U_data,
void *  S_data,
void *  VT_data,
void *  superb_data,
int64_t  m,
int64_t  n,
Dtype  dtype,
const Device device 
)

◆ SVDSYCL()

void cloudViewer::core::SVDSYCL ( const void *  A_data,
void *  U_data,
void *  S_data,
void *  VT_data,
int64_t  m,
int64_t  n,
Dtype  dtype,
const Device device 
)

◆ TensorToPyArray()

py::array cloudViewer::core::TensorToPyArray ( const Tensor tensor)

Convert Tensor class to py::array (Numpy array).

Convert Tensor to py::array (Numpy array). The python object holds a reference to the Tensor, and when it goes out of scope, the Tensor's reference counter will be decremented by 1.

You may use this helper function for exporting data to Numpy.

To expose a C++ buffer to python, we need to carefully manage the buffer ownership. You first need to allocate the memory in the heap (e.g. with new, malloc, avoid using containers that frees up memory when the C++ variable goes out of scope), then in pybind11, define a deleter function for py::array_t that deallocates the buffer. This deleater function will be called once the python reference count decreases to 0. See https://stackoverflow.com/a/44682603/1255535 for details. This approach is efficient since no memory copy is required.

Alternatively, you can create a Tensor with a copy of your data (so that your original buffer can be freed), and let TensorToPyArray generate a py::array that manages the buffer lifetime automatically. This is more convenient, but will require an extra copy.

Definition at line 36 of file tensor_converter.cpp.

References cloudViewer::core::Dtype::ByteSize(), cloudViewer::pybind_utils::DtypeToArrayFormat(), cloudViewer::core::Tensor::GetDataPtr(), cloudViewer::core::Tensor::GetDtype(), cloudViewer::core::Tensor::GetShape(), cloudViewer::core::Tensor::GetStrides(), cloudViewer::core::IsDevice::IsCPU(), and LogError.

Referenced by cloudViewer::ml::contrib::Iou3dCPU(), cloudViewer::ml::contrib::IouBevCPU(), pybind_core_tensor(), cloudViewer::ml::contrib::Subsample(), and cloudViewer::ml::contrib::SubsampleBatch().

◆ to_vector() [1/2]

template<unsigned Size, typename R >
SmallVector<ValueTypeFromRangeType<R>, Size> cloudViewer::core::to_vector ( R &&  Range)

Given a range of type R, iterate the entire range and return a SmallVector with elements of the vector. This is useful, for example, when you want to iterate a range and then sort the results.

Definition at line 1352 of file SmallVector.h.

◆ to_vector() [2/2]

template<typename R >
SmallVector<ValueTypeFromRangeType<R>, CalculateSmallVectorDefaultInlinedElements< ValueTypeFromRangeType<R> >::value> cloudViewer::core::to_vector ( R &&  Range)

Definition at line 1359 of file SmallVector.h.

◆ ToFlatVector()

template<typename T >
static std::vector<T> cloudViewer::core::ToFlatVector ( py::array_t< T, py::array::c_style|py::array::forcecast >  np_array)
static

Definition at line 212 of file tensor.cpp.

◆ ToTensorKey() [1/6]

static TensorKey cloudViewer::core::ToTensorKey ( const py::array &  key)
static

◆ ToTensorKey() [2/6]

static TensorKey cloudViewer::core::ToTensorKey ( const py::list &  key)
static

◆ ToTensorKey() [3/6]

static TensorKey cloudViewer::core::ToTensorKey ( const py::slice &  key)
static

Definition at line 28 of file tensor_accessor.cpp.

References None, and cloudViewer::core::TensorKey::Slice().

◆ ToTensorKey() [4/6]

static TensorKey cloudViewer::core::ToTensorKey ( const py::tuple &  key)
static

◆ ToTensorKey() [5/6]

static TensorKey cloudViewer::core::ToTensorKey ( const Tensor key_tensor)
static

◆ ToTensorKey() [6/6]

static TensorKey cloudViewer::core::ToTensorKey ( int  key)
static

◆ Tril()

◆ TrilCPU()

void cloudViewer::core::TrilCPU ( const Tensor A,
Tensor output,
const int  diagonal 
)

Definition at line 35 of file TriCPU.cpp.

References DISPATCH_DTYPE_TO_TEMPLATE, and cloudViewer::core::Tensor::GetDtype().

Referenced by Tril().

◆ TrilSYCL()

void cloudViewer::core::TrilSYCL ( const Tensor A,
Tensor output,
const int  diagonal 
)

◆ Triu()

◆ TriuCPU()

void cloudViewer::core::TriuCPU ( const Tensor A,
Tensor output,
const int  diagonal 
)

Definition at line 17 of file TriCPU.cpp.

References DISPATCH_DTYPE_TO_TEMPLATE, and cloudViewer::core::Tensor::GetDtype().

Referenced by Triu().

◆ Triul()

◆ TriulCPU()

void cloudViewer::core::TriulCPU ( const Tensor A,
Tensor upper,
Tensor lower,
const int  diagonal 
)

Definition at line 53 of file TriCPU.cpp.

References DISPATCH_DTYPE_TO_TEMPLATE, and cloudViewer::core::Tensor::GetDtype().

Referenced by Triul().

◆ TriulSYCL()

void cloudViewer::core::TriulSYCL ( const Tensor A,
Tensor upper,
Tensor lower,
const int  diagonal 
)

◆ TriuSYCL()

void cloudViewer::core::TriuSYCL ( const Tensor A,
Tensor output,
const int  diagonal 
)

◆ UnaryEW()

void cloudViewer::core::UnaryEW ( benchmark::State &  state,
int  size,
UnaryOpCode  op_code,
const Dtype dtype,
const Device device 
)

◆ Unit()

cloudViewer::core::Unit ( benchmark::kMillisecond  )

◆ Zeros()

void cloudViewer::core::Zeros ( benchmark::State &  state,
const Device device 
)

Variable Documentation

◆ argument_docs

const std::unordered_map< std::string, std::string > cloudViewer::core::argument_docs
Initial value:
= {
{"init_capacity", "Initial capacity of a hash container."},
{"key_dtype", "Data type for the input key tensor."},
{"key_element_shape",
"Element shape for the input key tensor. E.g. (3) for 3D "
"coordinate keys."},
{"value_dtype", "Data type for the input value tensor."},
{"value_dtypes", "List of data type for the input value tensors."},
{"value_element_shape",
"Element shape for the input value tensor. E.g. (1) for mapped "
"index."},
{"value_element_shapes",
"List of element shapes for the input value tensors. E.g. ((8,8,8,1), "
"(8,8,8,3)) for "
"mapped weights and RGB colors stored in 8^3 element arrays."},
{"device",
"Compute device to store and operate on the hash container."},
{"copy",
"If true, a new tensor is always created; if false, the copy is "
"avoided when the original tensor already has the targeted dtype."},
{"keys",
"Input keys stored in a tensor of shape (N, key_element_shape)."},
{"values",
"Input values stored in a tensor of shape (N, value_element_shape)."},
{"list_values",
"List of input values stored in tensors of corresponding shapes."},
{"capacity", "New capacity for rehashing."},
{"file_name", "File name of the corresponding .npz file."},
{"values_buffer_id", "Index of the value buffer tensor."},
{"device_id", "Target CUDA device ID."}}

Definition at line 22 of file hashmap.cpp.

Referenced by BindTensorCreation(), pybind_core_hashmap(), pybind_core_hashset(), and pybind_core_tensor().

◆ Bool

const Dtype cloudViewer::core::Bool = Dtype::Bool

Definition at line 52 of file Dtype.cpp.

Referenced by cloudViewer::core::Tensor::All(), cloudViewer::core::Tensor::Any(), cloudViewer::pybind_utils::ArrayFormatToDtype(), cloudViewer::core::kernel::BinaryEWCPU(), cloudViewer::core::kernel::BinaryEWSYCL(), BoolToTensor(), cloudViewer::t::geometry::PointCloud::ComputeBoundaryPoints(), cloudViewer::t::pipelines::registration::ComputeFPFHFeature(), cloudViewer::t::io::ConvertColorTensorToUint8(), cloudViewer::t::geometry::vtkutils::CreateVtkDataArrayFromTensor(), cloudViewer::t::geometry::npp::Dilate(), cloudViewer::t::geometry::Image::Dilate(), DLDataTypeToDtype(), cloudViewer::pybind_utils::DtypeToArrayFormat(), cloudViewer::t::io::DtypeToChar(), DtypeToDLDataTypeCode(), cloudViewer::t::geometry::vtkutils::DtypeToVtkType(), cloudViewer::core::Tensor::Eq(), cloudViewer::core::AdvancedIndexPreprocessor::ExpandBoolTensors(), cloudViewer::t::geometry::PointCloud::FarthestPointDownSample(), cloudViewer::core::Tensor::Ge(), cloudViewer::t::io::NumpyArray::GetDtype(), cloudViewer::t::geometry::AxisAlignedBoundingBox::GetPointIndicesWithinBoundingBox(), cloudViewer::t::geometry::OrientedBoundingBox::GetPointIndicesWithinBoundingBox(), cloudViewer::t::geometry::kernel::pointcloud::GetPointMaskWithinAABB(), cloudViewer::t::geometry::kernel::pointcloud::GetPointMaskWithinOBB(), cloudViewer::core::Tensor::Gt(), cloudViewer::core::Indexer::Indexer(), cloudViewer::core::Tensor::IndexGet(), cloudViewer::core::Tensor::IndexSet(), cloudViewer::core::Tensor::IsFinite(), cloudViewer::core::Tensor::IsInf(), cloudViewer::core::Tensor::IsNan(), cloudViewer::core::Tensor::Le(), cloudViewer::core::Tensor::LogicalAnd(), cloudViewer::core::Tensor::LogicalNot(), cloudViewer::core::Tensor::LogicalOr(), cloudViewer::core::Tensor::LogicalXor(), cloudViewer::core::Tensor::Lt(), cloudViewer::core::Tensor::Ne(), cloudViewer::core::HashMap::PrepareMasksOutput(), pybind_core_dtype(), cloudViewer::t::geometry::PointCloud::RemoveNonFinitePoints(), cloudViewer::t::geometry::PointCloud::RemoveStatisticalOutliers(), cloudViewer::t::geometry::TriangleMesh::RemoveUnreferencedVertices(), cloudViewer::t::geometry::Image::Resize(), cloudViewer::core::Tensor::ScalarPtrToString(), cloudViewer::t::geometry::TriangleMesh::SelectByIndex(), cloudViewer::t::geometry::PointCloud::SelectByIndex(), cloudViewer::t::geometry::TriangleMesh::SelectFacesByMask(), cloudViewer::t::geometry::Image::To(), ToTensorKey(), cloudViewer::core::kernel::UnaryEWCPU(), and cloudViewer::t::io::WriteImageToPNG().

◆ Float32

const Dtype cloudViewer::core::Float32 = Dtype::Float32

Definition at line 42 of file Dtype.cpp.

Referenced by AddMM(), cloudViewer::t::geometry::RaycastingScene::AddTriangles(), cloudViewer::pybind_utils::ArrayFormatToDtype(), cloudViewer::io::rpc::ArrayToTensor(), cloudViewer::t::geometry::AxisAlignedBoundingBox::AxisAlignedBoundingBox(), cloudViewer::t::geometry::TriangleMesh::BakeTriangleAttrTextures(), cloudViewer::t::geometry::TriangleMesh::BakeVertexAttrTextures(), cloudViewer::t::pipelines::registration::BenchmarkICP(), BindTensorFullCreation(), cloudViewer::t::geometry::RaycastingScene::CastRays(), cloudViewer::t::geometry::CheckColorTensor(), cloudViewer::t::geometry::CheckDepthTensor(), cloudViewer::t::geometry::TriangleMesh::ClipPlane(), cloudViewer::t::geometry::Image::ClipTransform(), cloudViewer::t::geometry::Image::ColorizeDepth(), cloudViewer::t::geometry::PointCloud::ComputeBoundaryPoints(), cloudViewer::t::geometry::RaycastingScene::ComputeClosestPoints(), cloudViewer::t::geometry::RaycastingScene::ComputeDistance(), cloudViewer::t::geometry::ComputeMetricsCommon(), cloudViewer::t::geometry::kernel::minimum_obb::ComputeMinimumOBBApprox(), cloudViewer::t::geometry::RaycastingScene::ComputeOccupancy(), cloudViewer::t::pipelines::kernel::odometry::ComputeOdometryInformationMatrix(), cloudViewer::t::pipelines::kernel::odometry::ComputeOdometryInformationMatrixCPU(), cloudViewer::t::pipelines::kernel::odometry::ComputeOdometryResultHybrid(), cloudViewer::t::pipelines::kernel::odometry::ComputeOdometryResultHybridCPU(), cloudViewer::t::pipelines::kernel::odometry::ComputeOdometryResultIntensity(), cloudViewer::t::pipelines::kernel::odometry::ComputeOdometryResultIntensityCPU(), cloudViewer::t::pipelines::kernel::odometry::ComputeOdometryResultPointToPlane(), cloudViewer::t::pipelines::kernel::odometry::ComputeOdometryResultPointToPlaneCPU(), cloudViewer::t::geometry::kernel::uvunwrapping::ComputeUVAtlas(), cloudViewer::visualization::rendering::TMeshBuffersBuilder::ConstructBuffers(), cloudViewer::t::pipelines::slac::ControlGrid::ControlGrid(), cloudViewer::t::io::ConvertColorTensorToUint8(), cloudViewer::t::geometry::TriangleMesh::CreateBox(), cloudViewer::t::geometry::LineSet::CreateCameraVisualization(), cloudViewer::t::geometry::AxisAlignedBoundingBox::CreateFromPoints(), cloudViewer::t::geometry::OrientedBoundingBox::CreateFromPoints(), cloudViewer::t::geometry::PointCloud::CreateFromRGBDImage(), cloudViewer::t::geometry::TriangleMesh::CreateIsosurfaces(), cloudViewer::t::geometry::Image::CreateNormalMap(), cloudViewer::t::geometry::RaycastingScene::CreateRaysPinhole(), cloudViewer::t::geometry::TriangleMesh::CreateText(), cloudViewer::t::pipelines::slac::CreateTPCDFromFile(), cloudViewer::t::geometry::Image::CreateVertexMap(), cloudViewer::t::geometry::vtkutils::CreateVtkImageDataFromTensor(), cloudViewer::t::geometry::vtkutils::CreateVtkPointsFromTensor(), cloudViewer::t::geometry::CropByOrientedBox(), cloudViewer::t::io::DepthNoiseSimulator::DepthNoiseSimulator(), cloudViewer::core::Tensor::Det(), Det(), cloudViewer::t::geometry::npp::Dilate(), cloudViewer::t::geometry::Image::Dilate(), DLDataTypeToDtype(), cloudViewer::pybind_utils::DtypeToArrayFormat(), cloudViewer::t::io::DtypeToChar(), DtypeToDLDataTypeCode(), cloudViewer::t::geometry::vtkutils::DtypeToVtkType(), cloudViewer::t::geometry::PointCloud::EstimateColorGradients(), cloudViewer::t::geometry::PointCloud::EstimateNormals(), cloudViewer::t::geometry::kernel::voxel_grid::EstimateRangeCPU(), cloudViewer::t::geometry::kernel::voxel_grid::ExtractPointCloudCPU(), cloudViewer::t::geometry::kernel::voxel_grid::ExtractTriangleMeshCPU(), cloudViewer::t::geometry::vtkutils::ExtrudeLinearPolyData(), cloudViewer::t::geometry::vtkutils::ExtrudeRotationPolyData(), cloudViewer::t::pipelines::kernel::FillInRigidAlignmentTerm(), cloudViewer::t::pipelines::slac::FillInRigidAlignmentTerm(), cloudViewer::t::pipelines::kernel::FillInRigidAlignmentTermCPU(), cloudViewer::t::pipelines::kernel::FillInSLACAlignmentTerm(), cloudViewer::t::pipelines::slac::FillInSLACAlignmentTerm(), cloudViewer::t::pipelines::kernel::FillInSLACRegularizerTerm(), cloudViewer::t::geometry::npp::Filter(), cloudViewer::t::geometry::Image::Filter(), cloudViewer::t::geometry::ipp::Filter(), cloudViewer::t::geometry::npp::FilterBilateral(), cloudViewer::t::geometry::Image::FilterBilateral(), cloudViewer::t::geometry::npp::FilterGaussian(), cloudViewer::t::geometry::Image::FilterGaussian(), cloudViewer::t::geometry::npp::FilterSobel(), cloudViewer::t::geometry::Image::FilterSobel(), cloudViewer::core::nns::FixedRadiusIndex::FixedRadiusIndex(), cloudViewer::t::geometry::TriangleMesh::FromLegacy(), cloudViewer::t::geometry::AxisAlignedBoundingBox::FromLegacy(), cloudViewer::t::geometry::Image::FromLegacy(), cloudViewer::t::geometry::LineSet::FromLegacy(), cloudViewer::t::geometry::OrientedBoundingBox::FromLegacy(), cloudViewer::t::geometry::FromLegacyPointCloud(), cloudViewer::t::io::NumpyArray::GetDtype(), cloudViewer::t::pipelines::slac::ControlGrid::GetInitPositions(), cloudViewer::t::geometry::AxisAlignedBoundingBox::GetPointIndicesWithinBoundingBox(), cloudViewer::t::geometry::OrientedBoundingBox::GetPointIndicesWithinBoundingBox(), cloudViewer::t::geometry::VoxelBlockGrid::GetVoxelCoordinatesAndFlattenedIndices(), cloudViewer::t::geometry::kernel::voxel_grid::IntegrateCPU(), cloudViewer::core::Tensor::Inverse(), Inverse(), cloudViewer::ml::contrib::Iou3dCPU(), cloudViewer::ml::contrib::IouBevCPU(), cloudViewer::core::Tensor::IsFinite(), cloudViewer::core::Tensor::IsInf(), cloudViewer::core::Tensor::IsNan(), LeastSquares(), cloudViewer::core::Tensor::LeastSquares(), cloudViewer::t::geometry::RaycastingScene::ListIntersections(), cloudViewer::core::Tensor::LU(), LU(), cloudViewer::core::Tensor::LUIpiv(), LUIpiv(), Matmul(), MatmulAB(), cloudViewer::core::Tensor::Mean(), cloudViewer::t::geometry::OrientedBoundingBox::OrientedBoundingBox(), cloudViewer::t::io::PackColorsToFloat(), cloudViewer::t::geometry::LineSet::PaintUniformColor(), cloudViewer::t::geometry::PointCloud::PaintUniformColor(), cloudViewer::t::pipelines::slac::ControlGrid::Parameterize(), cloudViewer::t::geometry::kernel::pcapartition::PCAPartition(), cloudViewer::t::pipelines::kernel::PoseToTransformation(), cloudViewer::t::geometry::TriangleMesh::ProjectImagesToAlbedo(), cloudViewer::t::geometry::PointCloud::ProjectToDepthImage(), cloudViewer::t::geometry::PointCloud::ProjectToRGBDImage(), cloudViewer::t::geometry::pybind_boundingvolume(), pybind_core_dtype(), pybind_core_tensor(), cloudViewer::t::geometry::pybind_image(), cloudViewer::t::geometry::pybind_lineset(), cloudViewer::t::geometry::pybind_pointcloud(), cloudViewer::io::pybind_rpc(), cloudViewer::t::geometry::pybind_trianglemesh(), cloudViewer::t::geometry::Image::PyrDownDepth(), cloudViewer::t::io::ReadPointCloudFromPLY(), cloudViewer::t::io::ReadPointCloudFromPTS(), cloudViewer::t::io::ReadPointCloudFromSPLAT(), cloudViewer::t::io::ReadPointCloudFromTXT(), cloudViewer::t::geometry::ipp::Remap(), cloudViewer::t::geometry::npp::Resize(), cloudViewer::t::geometry::Image::Resize(), cloudViewer::t::pipelines::odometry::RGBDOdometryMultiScaleHybrid(), cloudViewer::t::pipelines::odometry::RGBDOdometryMultiScaleIntensity(), cloudViewer::t::geometry::Image::RGBToGray(), cloudViewer::t::geometry::npp::RGBToGray(), cloudViewer::t::geometry::OrientedBoundingBox::Rotate(), cloudViewer::t::pipelines::kernel::RtToTransformation(), cloudViewer::t::pipelines::slac::RunRigidOptimizerForFragments(), cloudViewer::t::pipelines::slac::RunSLACOptimizerForFragments(), cloudViewer::t::geometry::TriangleMesh::SamplePointsUniformly(), cloudViewer::t::geometry::kernel::trianglemesh::SamplePointsUniformlyCPU(), cloudViewer::t::geometry::VoxelBlockGrid::Save(), cloudViewer::t::geometry::AxisAlignedBoundingBox::Scale(), cloudViewer::t::geometry::OrientedBoundingBox::Scale(), cloudViewer::t::geometry::OrientedBoundingBox::SetCenter(), cloudViewer::t::geometry::OrientedBoundingBox::SetExtent(), cloudViewer::t::geometry::AxisAlignedBoundingBox::SetMaxBound(), cloudViewer::io::rpc::SetMeshData(), cloudViewer::t::geometry::AxisAlignedBoundingBox::SetMinBound(), cloudViewer::t::io::SetPCDHeaderFieldTypeAndSizeFromDtype(), cloudViewer::t::geometry::OrientedBoundingBox::SetRotation(), cloudViewer::core::nns::NanoFlannIndex::SetTensorData(), cloudViewer::core::nns::KnnIndex::SetTensorData(), cloudViewer::core::nns::FixedRadiusIndex::SetTensorData(), cloudViewer::t::io::DepthNoiseSimulator::Simulate(), cloudViewer::t::geometry::TriangleMesh::SlicePlane(), Solve(), cloudViewer::core::Tensor::Solve(), cloudViewer::ml::contrib::Subsample(), cloudViewer::ml::contrib::SubsampleBatch(), cloudViewer::core::Tensor::SVD(), SVD(), cloudViewer::t::pipelines::slam::Model::SynthesizeModelFrame(), cloudViewer::visualization::rendering::TGaussianSplatBuffersBuilder::TGaussianSplatBuffersBuilder(), cloudViewer::visualization::rendering::TLineSetBuffersBuilder::TLineSetBuffersBuilder(), cloudViewer::visualization::rendering::TMeshBuffersBuilder::TMeshBuffersBuilder(), cloudViewer::t::geometry::Image::To(), cloudViewer::t::geometry::kernel::image::ToCPU(), cloudViewer::t::geometry::Image::ToLegacy(), cloudViewer::t::geometry::PointCloud::ToLegacy(), cloudViewer::t::geometry::ToLegacyPointCloud(), cloudViewer::t::pipelines::slac::ControlGrid::Touch(), cloudViewer::visualization::rendering::TPointCloudBuffersBuilder::TPointCloudBuffersBuilder(), cloudViewer::t::geometry::OrientedBoundingBox::Transform(), cloudViewer::t::pipelines::kernel::TransformationToPose(), cloudViewer::t::geometry::AxisAlignedBoundingBox::Translate(), cloudViewer::t::geometry::OrientedBoundingBox::Translate(), cloudViewer::core::kernel::UnaryEW(), cloudViewer::t::geometry::kernel::pointcloud::UnprojectCPU(), cloudViewer::t::pipelines::slac::UpdatePoses(), cloudViewer::t::geometry::PointCloud::VoxelDownSample(), cloudViewer::t::io::WritePCDData(), cloudViewer::t::io::WritePointCloudToPTS(), cloudViewer::t::io::WritePointCloudToSPLAT(), and Zeros().

◆ Float64

const Dtype cloudViewer::core::Float64 = Dtype::Float64

Definition at line 43 of file Dtype.cpp.

Referenced by AddMM(), cloudViewer::pybind_utils::ArrayFormatToDtype(), cloudViewer::io::rpc::ArrayToTensor(), cloudViewer::t::pipelines::registration::AssertInputMultiScaleICP(), cloudViewer::t::geometry::AxisAlignedBoundingBox::AxisAlignedBoundingBox(), cloudViewer::t::geometry::TriangleMesh::ClipPlane(), cloudViewer::t::geometry::PointCloud::ComputeBoundaryPoints(), cloudViewer::t::geometry::PointCloud::ComputeConvexHull(), cloudViewer::t::pipelines::kernel::ComputeInformationMatrix(), cloudViewer::t::pipelines::kernel::ComputeInformationMatrixCPU(), cloudViewer::t::pipelines::kernel::odometry::ComputeOdometryInformationMatrix(), cloudViewer::t::pipelines::kernel::odometry::ComputeOdometryInformationMatrixCPU(), cloudViewer::t::pipelines::kernel::odometry::ComputeOdometryResultHybrid(), cloudViewer::t::pipelines::kernel::odometry::ComputeOdometryResultIntensity(), cloudViewer::t::pipelines::odometry::ComputeOdometryResultPointToPlane(), cloudViewer::t::pipelines::kernel::odometry::ComputeOdometryResultPointToPlane(), cloudViewer::t::pipelines::kernel::ComputePosePointToPlane(), cloudViewer::t::pipelines::registration::ComputeRegistrationResult(), cloudViewer::t::pipelines::registration::TransformationEstimationPointToPoint::ComputeRMSE(), cloudViewer::t::pipelines::registration::TransformationEstimationPointToPlane::ComputeRMSE(), cloudViewer::t::pipelines::registration::TransformationEstimationForColoredICP::ComputeRMSE(), cloudViewer::t::pipelines::registration::TransformationEstimationForDopplerICP::ComputeRMSE(), cloudViewer::t::pipelines::kernel::ComputeRtPointToPoint(), cloudViewer::t::io::ConvertColorTensorToUint8(), cloudViewer::t::geometry::TriangleMesh::CreateBox(), cloudViewer::t::geometry::PointCloud::CreateFromDepthImage(), cloudViewer::t::geometry::AxisAlignedBoundingBox::CreateFromPoints(), cloudViewer::t::geometry::OrientedBoundingBox::CreateFromPoints(), cloudViewer::t::geometry::TriangleMesh::CreateIsosurfaces(), cloudViewer::t::geometry::RaycastingScene::CreateRaysPinhole(), cloudViewer::t::geometry::TriangleMesh::CreateText(), cloudViewer::t::geometry::kernel::image::CreateVertexMap(), cloudViewer::t::geometry::kernel::image::CreateVertexMapCPU(), cloudViewer::t::geometry::vtkutils::CreateVtkImageDataFromTensor(), cloudViewer::t::geometry::vtkutils::CreateVtkPointsFromTensor(), cloudViewer::t::pipelines::kernel::DecodeAndSolve6x6(), cloudViewer::core::Tensor::Det(), Det(), DLDataTypeToDtype(), cloudViewer::t::pipelines::registration::DoSingleScaleICPIterations(), DoubleToTensor(), cloudViewer::pybind_utils::DtypeToArrayFormat(), cloudViewer::t::io::DtypeToChar(), DtypeToDLDataTypeCode(), cloudViewer::t::geometry::vtkutils::DtypeToVtkType(), cloudViewer::t::geometry::PointCloud::EstimateColorGradients(), cloudViewer::t::geometry::PointCloud::EstimateNormals(), cloudViewer::t::geometry::kernel::voxel_grid::EstimateRange(), cloudViewer::t::geometry::vtkutils::ExtrudeLinearPolyData(), cloudViewer::t::geometry::vtkutils::ExtrudeRotationPolyData(), cloudViewer::core::nns::FixedRadiusIndex::FixedRadiusIndex(), cloudViewer::t::geometry::TriangleMesh::FromLegacy(), cloudViewer::t::geometry::AxisAlignedBoundingBox::FromLegacy(), cloudViewer::t::geometry::LineSet::FromLegacy(), cloudViewer::t::geometry::OrientedBoundingBox::FromLegacy(), cloudViewer::t::io::NumpyArray::GetDtype(), cloudViewer::t::geometry::AxisAlignedBoundingBox::GetMaxExtent(), cloudViewer::t::geometry::AxisAlignedBoundingBox::GetPointIndicesWithinBoundingBox(), cloudViewer::t::geometry::OrientedBoundingBox::GetPointIndicesWithinBoundingBox(), cloudViewer::t::geometry::TriangleMesh::GetSurfaceArea(), cloudViewer::t::geometry::AxisAlignedBoundingBox::GetXPercentage(), cloudViewer::t::geometry::AxisAlignedBoundingBox::GetYPercentage(), cloudViewer::t::geometry::AxisAlignedBoundingBox::GetZPercentage(), cloudViewer::core::Tensor::Inverse(), Inverse(), cloudViewer::t::geometry::InverseTransformation(), cloudViewer::core::Tensor::IsClose(), cloudViewer::core::Tensor::IsFinite(), cloudViewer::core::Tensor::IsInf(), cloudViewer::core::Tensor::IsNan(), LeastSquares(), cloudViewer::core::Tensor::LeastSquares(), cloudViewer::core::Tensor::LU(), LU(), cloudViewer::core::Tensor::LUIpiv(), LUIpiv(), Matmul(), cloudViewer::core::Tensor::Mean(), cloudViewer::t::pipelines::registration::MultiScaleICP(), cloudViewer::t::geometry::OrientedBoundingBox::OrientedBoundingBox(), cloudViewer::t::geometry::LineSet::PaintUniformColor(), cloudViewer::t::geometry::PointCloud::PaintUniformColor(), cloudViewer::t::geometry::kernel::pcapartition::PCAPartition(), cloudViewer::t::pipelines::kernel::PoseToTransformation(), cloudViewer::t::geometry::kernel::pointcloud::Project(), pybind_core_dtype(), pybind_core_tensor(), cloudViewer::t::pipelines::odometry::pybind_odometry(), cloudViewer::t::pipelines::registration::pybind_registration_class(), cloudViewer::t::pipelines::slam::pybind_slam(), cloudViewer::t::io::ReadPointCloudFromXYZI(), cloudViewer::t::geometry::PointCloud::RemoveStatisticalOutliers(), cloudViewer::t::pipelines::odometry::RGBDOdometryMultiScale(), cloudViewer::t::geometry::OrientedBoundingBox::Rotate(), cloudViewer::t::pipelines::kernel::RtToTransformation(), cloudViewer::t::geometry::AxisAlignedBoundingBox::Scale(), cloudViewer::t::geometry::OrientedBoundingBox::Scale(), cloudViewer::t::geometry::PointCloud::SegmentPlane(), cloudViewer::t::geometry::OrientedBoundingBox::SetCenter(), cloudViewer::t::geometry::AxisAlignedBoundingBox::SetColor(), cloudViewer::t::geometry::OrientedBoundingBox::SetColor(), cloudViewer::t::geometry::OrientedBoundingBox::SetExtent(), cloudViewer::t::geometry::AxisAlignedBoundingBox::SetMaxBound(), cloudViewer::io::rpc::SetMeshData(), cloudViewer::t::geometry::AxisAlignedBoundingBox::SetMinBound(), cloudViewer::t::io::SetPCDHeaderFieldTypeAndSizeFromDtype(), cloudViewer::t::geometry::OrientedBoundingBox::SetRotation(), cloudViewer::core::nns::NanoFlannIndex::SetTensorData(), cloudViewer::core::nns::KnnIndex::SetTensorData(), cloudViewer::core::nns::FixedRadiusIndex::SetTensorData(), cloudViewer::t::geometry::TriangleMesh::SlicePlane(), Solve(), cloudViewer::core::Tensor::Solve(), cloudViewer::core::Tensor::SVD(), SVD(), cloudViewer::core::eigen_converter::TensorToEigenVectorNxVector(), cloudViewer::t::geometry::Image::To(), cloudViewer::t::geometry::kernel::image::ToCPU(), cloudViewer::t::geometry::PointCloud::ToLegacy(), cloudViewer::t::pipelines::slam::Model::TrackFrameToModel(), cloudViewer::t::geometry::OrientedBoundingBox::Transform(), cloudViewer::t::pipelines::kernel::TransformationToPose(), cloudViewer::t::geometry::kernel::TransformIndexer::TransformIndexer(), cloudViewer::t::geometry::AxisAlignedBoundingBox::Translate(), cloudViewer::t::geometry::OrientedBoundingBox::Translate(), cloudViewer::core::kernel::UnaryEW(), cloudViewer::t::geometry::kernel::pointcloud::Unproject(), cloudViewer::t::geometry::AxisAlignedBoundingBox::Volume(), and cloudViewer::t::geometry::OrientedBoundingBox::Volume().

◆ Int16

◆ Int32

const Dtype cloudViewer::core::Int32 = Dtype::Int32

Definition at line 46 of file Dtype.cpp.

Referenced by cloudViewer::pybind_utils::ArrayFormatToDtype(), cloudViewer::io::rpc::ArrayToTensor(), cloudViewer::t::geometry::BufferRadiusNeighbors(), cloudViewer::t::geometry::TriangleMesh::ClipPlane(), cloudViewer::t::geometry::PointCloud::ComputeBoundaryPoints(), cloudViewer::t::geometry::PointCloud::ComputeConvexHull(), cloudViewer::t::pipelines::kernel::ComputeFPFHFeature(), cloudViewer::t::pipelines::registration::ComputeFPFHFeature(), cloudViewer::t::pipelines::slac::ControlGrid::ControlGrid(), cloudViewer::t::geometry::TriangleMesh::CreateBox(), cloudViewer::t::geometry::TriangleMesh::CreateText(), cloudViewer::t::geometry::vtkutils::CreateVtkCellArrayFromTensor(), cloudViewer::t::geometry::Image::Dilate(), DLDataTypeToDtype(), cloudViewer::pybind_utils::DtypeToArrayFormat(), cloudViewer::t::io::DtypeToChar(), DtypeToDLDataTypeCode(), cloudViewer::t::geometry::vtkutils::DtypeToVtkType(), cloudViewer::core::StdGPUHashBackend< Key, Hash, Eq >::Erase(), cloudViewer::t::geometry::kernel::pointcloud::EstimateColorGradientsUsingHybridSearchCPU(), cloudViewer::t::geometry::kernel::pointcloud::EstimateColorGradientsUsingKNNSearchCPU(), cloudViewer::t::geometry::kernel::pointcloud::EstimateColorGradientsUsingRadiusSearchCPU(), cloudViewer::t::geometry::kernel::pointcloud::EstimateCovariancesUsingHybridSearchCPU(), cloudViewer::t::geometry::kernel::pointcloud::EstimateCovariancesUsingKNNSearchCPU(), cloudViewer::t::geometry::kernel::pointcloud::EstimateCovariancesUsingRadiusSearchCPU(), cloudViewer::t::geometry::kernel::voxel_grid::EstimateRangeCPU(), cloudViewer::t::geometry::kernel::voxel_grid::ExtractPointCloudCPU(), cloudViewer::t::geometry::VoxelBlockGrid::ExtractTriangleMesh(), cloudViewer::t::geometry::kernel::voxel_grid::ExtractTriangleMeshCPU(), cloudViewer::t::geometry::vtkutils::ExtrudeLinearPolyData(), cloudViewer::t::geometry::vtkutils::ExtrudeRotationPolyData(), cloudViewer::core::nns::FixedRadiusIndex::FixedRadiusIndex(), cloudViewer::t::geometry::TriangleMesh::FromLegacy(), cloudViewer::t::geometry::LineSet::FromLegacy(), GetColPermutation(), cloudViewer::t::io::NumpyArray::GetDtype(), cloudViewer::t::pipelines::slac::ControlGrid::GetNeighborGridMap(), cloudViewer::t::geometry::VoxelBlockGrid::GetUniqueBlockCoordinates(), HashClearInt(), HashClearInt3(), HashEraseInt(), HashEraseInt3(), HashFindInt(), HashFindInt3(), HashInsertInt(), HashInsertInt3(), HashReserveInt(), HashReserveInt3(), Inverse(), cloudViewer::ml::contrib::KnnSearch(), LUIpiv(), cloudViewer::t::pipelines::slac::ControlGrid::Parameterize(), cloudViewer::t::geometry::kernel::pcapartition::PCAPartition(), cloudViewer::t::geometry::kernel::voxel_grid::PointCloudTouchCPU(), cloudViewer::core::HashMap::PrepareIndicesOutput(), pybind_core_dtype(), cloudViewer::io::pybind_rpc(), cloudViewer::ml::contrib::RadiusSearch(), cloudViewer::t::geometry::PointCloud::RemoveDuplicatedPoints(), cloudViewer::t::geometry::VoxelBlockGrid::Save(), cloudViewer::io::rpc::SetMeshData(), cloudViewer::t::io::SetPCDHeaderFieldTypeAndSizeFromDtype(), cloudViewer::core::nns::NanoFlannIndex::SetTensorData(), cloudViewer::core::nns::KnnIndex::SetTensorData(), cloudViewer::core::nns::FixedRadiusIndex::SetTensorData(), cloudViewer::t::geometry::TriangleMesh::SlicePlane(), Solve(), cloudViewer::ml::contrib::Subsample(), cloudViewer::ml::contrib::SubsampleBatch(), cloudViewer::core::eigen_converter::TensorToEigenVectorNxVector(), cloudViewer::t::geometry::Image::To(), cloudViewer::t::geometry::kernel::image::ToCPU(), cloudViewer::t::pipelines::slac::ControlGrid::Touch(), cloudViewer::t::geometry::kernel::pointcloud::UnprojectCPU(), and cloudViewer::t::geometry::VoxelBlockGrid::VoxelBlockGrid().

◆ Int64

const Dtype cloudViewer::core::Int64 = Dtype::Int64

Definition at line 47 of file Dtype.cpp.

Referenced by cloudViewer::core::Tensor::ArgMax(), cloudViewer::core::Tensor::ArgMin(), cloudViewer::pybind_utils::ArrayFormatToDtype(), cloudViewer::io::rpc::ArrayToTensor(), cloudViewer::t::pipelines::registration::AssertValidCorrespondences(), cloudViewer::t::geometry::TriangleMesh::BakeTriangleAttrTextures(), cloudViewer::t::geometry::BufferRadiusNeighbors(), cloudViewer::t::geometry::TriangleMesh::ClipPlane(), cloudViewer::t::pipelines::slac::ControlGrid::Compactify(), cloudViewer::t::pipelines::kernel::ComputeFPFHFeature(), cloudViewer::t::pipelines::registration::ComputeFPFHFeature(), cloudViewer::t::pipelines::kernel::ComputeFPFHFeatureCPU(), cloudViewer::t::pipelines::registration::ComputeRegistrationResult(), cloudViewer::t::pipelines::registration::TransformationEstimationForColoredICP::ComputeRMSE(), cloudViewer::t::pipelines::kernel::ComputeRtPointToPoint(), cloudViewer::t::geometry::kernel::trianglemesh::ComputeTriangleAreasCPU(), cloudViewer::t::geometry::kernel::trianglemesh::ComputeTriangleNormalsCPU(), cloudViewer::t::geometry::kernel::uvunwrapping::ComputeUVAtlas(), cloudViewer::t::geometry::kernel::trianglemesh::ComputeVertexNormalsCPU(), cloudViewer::visualization::rendering::TMeshBuffersBuilder::ConstructBuffers(), cloudViewer::t::pipelines::slac::ConvertCorrespondencesTargetIndexedToCx2Form(), cloudViewer::t::geometry::TriangleMesh::CreateBox(), cloudViewer::t::geometry::TriangleMesh::CreateText(), cloudViewer::t::geometry::vtkutils::CreateVtkCellArrayFromTensor(), cloudViewer::t::pipelines::slac::ControlGrid::Deform(), DLDataTypeToDtype(), cloudViewer::pybind_utils::DtypeToArrayFormat(), cloudViewer::t::io::DtypeToChar(), DtypeToDLDataTypeCode(), cloudViewer::t::geometry::vtkutils::DtypeToVtkType(), cloudViewer::t::geometry::VoxelBlockGrid::ExtractTriangleMesh(), cloudViewer::t::geometry::vtkutils::ExtrudeLinearPolyData(), cloudViewer::t::geometry::vtkutils::ExtrudeRotationPolyData(), cloudViewer::t::pipelines::kernel::FillInRigidAlignmentTermCPU(), cloudViewer::core::nns::FixedRadiusIndex::FixedRadiusIndex(), cloudViewer::t::geometry::TriangleMesh::FromLegacy(), cloudViewer::t::geometry::LineSet::FromLegacy(), GetColPermutation(), cloudViewer::t::pipelines::slac::GetCorrespondenceSetForPointCloudPair(), cloudViewer::t::io::NumpyArray::GetDtype(), cloudViewer::t::pipelines::registration::GetInformationMatrix(), cloudViewer::core::Tensor::GetItem(), cloudViewer::t::geometry::Image::GetMaxBound(), cloudViewer::t::geometry::RGBDImage::GetMaxBound(), cloudViewer::t::geometry::Image::GetMinBound(), cloudViewer::t::geometry::RGBDImage::GetMinBound(), cloudViewer::t::pipelines::slac::ControlGrid::GetNeighborGridMap(), cloudViewer::t::geometry::VoxelBlockGrid::GetVoxelCoordinates(), cloudViewer::t::geometry::VoxelBlockGrid::GetVoxelCoordinatesAndFlattenedIndices(), cloudViewer::t::geometry::VoxelBlockGrid::GetVoxelIndices(), cloudViewer::core::Tensor::IndexAdd_(), IntToTensor(), Inverse(), LUIpiv(), cloudViewer::core::kernel::NonZeroSYCL(), cloudViewer::t::pipelines::slac::ControlGrid::Parameterize(), pybind_core_dtype(), cloudViewer::core::nns::pybind_core_nns(), pybind_core_tensor(), cloudViewer::t::geometry::pybind_lineset(), cloudViewer::t::geometry::pybind_trianglemesh(), cloudViewer::ml::contrib::RadiusSearch(), cloudViewer::t::geometry::PointCloud::RandomDownSample(), Reduction(), cloudViewer::t::geometry::PointCloud::RemoveDuplicatedPoints(), cloudViewer::t::geometry::TriangleMesh::RemoveUnreferencedVertices(), cloudViewer::core::HashMap::Reserve(), cloudViewer::core::AdvancedIndexPreprocessor::RunPreprocess(), cloudViewer::t::pipelines::slac::RunSLACOptimizerForFragments(), cloudViewer::t::geometry::VoxelBlockGrid::Save(), cloudViewer::core::nns::FixedRadiusIndex::SearchHybrid(), cloudViewer::core::nns::KnnIndex::SearchKnn(), cloudViewer::core::nns::NanoFlannIndex::SearchKnn(), cloudViewer::core::nns::NanoFlannIndex::SearchRadius(), cloudViewer::core::nns::FixedRadiusIndex::SearchRadius(), cloudViewer::t::geometry::PointCloud::SegmentPlane(), cloudViewer::t::geometry::SelectByIndex(), cloudViewer::t::geometry::TriangleMesh::SelectByIndex(), cloudViewer::t::geometry::PointCloud::SelectByIndex(), cloudViewer::core::Tensor::SetItem(), cloudViewer::io::rpc::SetMeshData(), cloudViewer::t::io::SetPCDHeaderFieldTypeAndSizeFromDtype(), cloudViewer::core::nns::NanoFlannIndex::SetTensorData(), cloudViewer::core::nns::KnnIndex::SetTensorData(), cloudViewer::core::nns::FixedRadiusIndex::SetTensorData(), cloudViewer::t::geometry::TriangleMesh::SlicePlane(), Solve(), cloudViewer::core::HashMap::To(), cloudViewer::t::geometry::kernel::image::ToCPU(), ToTensorKey(), cloudViewer::t::pipelines::slac::VisualizePointCloudDeformation(), cloudViewer::t::pipelines::slac::VisualizePointCloudEmbedding(), cloudViewer::t::geometry::PointCloud::VoxelDownSample(), and cloudViewer::t::io::WriteHashMap().

◆ Int8

◆ kBitmapsPerSuperBlock

constexpr uint32_t cloudViewer::core::kBitmapsPerSuperBlock
staticconstexpr
Initial value:
=
static constexpr uint32_t kBlocksPerSuperBlock
Definition: SlabMacros.h:38
static constexpr uint32_t kSlabsPerBlock
Definition: SlabMacros.h:40

Definition at line 52 of file SlabMacros.h.

◆ kBlockMaskBits

constexpr uint32_t cloudViewer::core::kBlockMaskBits = 10
staticconstexpr

Definition at line 62 of file SlabMacros.h.

Referenced by cloudViewer::core::SlabNodeManagerImpl::WarpAllocate().

◆ kBlocksPerSuperBlock

constexpr uint32_t cloudViewer::core::kBlocksPerSuperBlock = 4
staticconstexpr

◆ kBlocksPerSuperBlockInBits

constexpr uint32_t cloudViewer::core::kBlocksPerSuperBlockInBits = 2
staticconstexpr

Definition at line 39 of file SlabMacros.h.

◆ kEmptyNodeAddr

◆ kEmptySlabAddr

◆ kHeadSlabAddr

◆ kMaxKeyByteSize

constexpr uint32_t cloudViewer::core::kMaxKeyByteSize = 32
staticconstexpr

Definition at line 43 of file SlabMacros.h.

◆ kNextSlabPtrLaneId

◆ kNodePtrLanesMask

constexpr uint32_t cloudViewer::core::kNodePtrLanesMask = 0x7FFFFFFF
staticconstexpr

◆ kNotFoundFlag

constexpr uint32_t cloudViewer::core::kNotFoundFlag = 0xFFFFFFFF
staticconstexpr

Definition at line 76 of file SlabMacros.h.

Referenced by cloudViewer::core::SlabNodeManagerImpl::WarpAllocate().

◆ kNullAddr

constexpr uint32_t cloudViewer::core::kNullAddr = 0xFFFFFFFF
staticconstexpr

◆ kSlabMaskBits

constexpr uint32_t cloudViewer::core::kSlabMaskBits = 5
staticconstexpr

Definition at line 63 of file SlabMacros.h.

Referenced by cloudViewer::core::SlabNodeManagerImpl::WarpAllocate().

◆ kSlabsPerBlock

◆ kSuperBlockMaskBits

constexpr uint32_t cloudViewer::core::kSuperBlockMaskBits = 27
staticconstexpr

Definition at line 61 of file SlabMacros.h.

Referenced by cloudViewer::core::SlabNodeManagerImpl::WarpAllocate().

◆ kSuperBlocks

constexpr uint32_t cloudViewer::core::kSuperBlocks = 32
staticconstexpr

◆ kSyncLanesMask

◆ kThreadsPerBlock

◆ kUIntsPerBlock

constexpr uint32_t cloudViewer::core::kUIntsPerBlock = kSlabsPerBlock * kWarpSize
staticconstexpr

Definition at line 49 of file SlabMacros.h.

◆ kUIntsPerSuperBlock

◆ kWarpSize

◆ MAX_DIMS

◆ MAX_INPUTS

constexpr int64_t cloudViewer::core::MAX_INPUTS = 5
staticconstexpr

Definition at line 42 of file Indexer.h.

Referenced by cloudViewer::core::Indexer::Indexer().

◆ MAX_OUTPUTS

constexpr int64_t cloudViewer::core::MAX_OUTPUTS = 2
staticconstexpr

Definition at line 46 of file Indexer.h.

Referenced by cloudViewer::core::Indexer::Indexer().

◆ None

◆ UInt16

const Dtype cloudViewer::core::UInt16 = Dtype::UInt16

Definition at line 49 of file Dtype.cpp.

Referenced by cloudViewer::pybind_utils::ArrayFormatToDtype(), cloudViewer::io::rpc::ArrayToTensor(), cloudViewer::t::geometry::CheckDepthTensor(), cloudViewer::t::geometry::Image::ClipTransform(), cloudViewer::t::geometry::Image::ColorizeDepth(), cloudViewer::t::geometry::npp::Dilate(), cloudViewer::t::geometry::Image::Dilate(), DLDataTypeToDtype(), cloudViewer::pybind_utils::DtypeToArrayFormat(), cloudViewer::t::io::DtypeToChar(), DtypeToDLDataTypeCode(), cloudViewer::t::geometry::vtkutils::DtypeToVtkType(), cloudViewer::t::geometry::npp::Filter(), cloudViewer::t::geometry::Image::Filter(), cloudViewer::t::geometry::npp::FilterBilateral(), cloudViewer::t::geometry::Image::FilterBilateral(), cloudViewer::t::geometry::Image::FilterGaussian(), cloudViewer::t::geometry::Image::FromLegacy(), cloudViewer::t::io::RealSenseSensorConfig::get_dtype_channels(), cloudViewer::t::io::NumpyArray::GetDtype(), cloudViewer::t::io::RealSenseSensorConfig::GetPixelDtypes(), pybind_core_dtype(), cloudViewer::t::io::ReadImageFromPNG(), cloudViewer::t::geometry::npp::Resize(), cloudViewer::t::geometry::Image::Resize(), cloudViewer::t::geometry::Image::RGBToGray(), cloudViewer::t::geometry::npp::RGBToGray(), cloudViewer::t::geometry::TriangleMesh::SamplePointsUniformly(), cloudViewer::t::io::SetPCDHeaderFieldTypeAndSizeFromDtype(), cloudViewer::t::io::SetPNGImageFromImage(), cloudViewer::t::io::DepthNoiseSimulator::Simulate(), cloudViewer::t::geometry::Image::To(), cloudViewer::t::geometry::kernel::image::ToCPU(), cloudViewer::t::geometry::Image::ToLegacy(), cloudViewer::t::geometry::PointCloud::ToLegacy(), cloudViewer::t::io::WriteImageToPNG(), and cloudViewer::t::io::WriteImageToPNGInMemory().

◆ UInt32

◆ UInt64

◆ UInt8

const Dtype cloudViewer::core::UInt8 = Dtype::UInt8

Definition at line 48 of file Dtype.cpp.

Referenced by cloudViewer::pybind_utils::ArrayFormatToDtype(), cloudViewer::io::rpc::ArrayToTensor(), cloudViewer::t::geometry::CheckColorTensor(), cloudViewer::t::geometry::Image::ColorizeDepth(), cloudViewer::t::io::ConvertColorTensorToUint8(), cloudViewer::t::geometry::vtkutils::CreateVtkImageDataFromTensor(), cloudViewer::t::geometry::ipp::Dilate(), cloudViewer::t::geometry::npp::Dilate(), cloudViewer::t::geometry::Image::Dilate(), DLDataTypeToDtype(), cloudViewer::pybind_utils::DtypeToArrayFormat(), cloudViewer::t::io::DtypeToChar(), DtypeToDLDataTypeCode(), cloudViewer::t::geometry::vtkutils::DtypeToVtkType(), cloudViewer::t::geometry::npp::Filter(), cloudViewer::t::geometry::Image::Filter(), cloudViewer::t::geometry::npp::FilterBilateral(), cloudViewer::t::geometry::Image::FilterBilateral(), cloudViewer::t::geometry::Image::FilterGaussian(), cloudViewer::t::geometry::npp::FilterSobel(), cloudViewer::t::geometry::Image::FilterSobel(), cloudViewer::t::geometry::Image::FromLegacy(), cloudViewer::t::io::RealSenseSensorConfig::get_dtype_channels(), cloudViewer::t::io::NumpyArray::GetDtype(), cloudViewer::t::io::RealSenseSensorConfig::GetPixelDtypes(), cloudViewer::t::geometry::TriangleMesh::ProjectImagesToAlbedo(), pybind_core_dtype(), cloudViewer::t::io::ReadImageFromJPG(), cloudViewer::t::io::ReadImageFromPNG(), cloudViewer::t::io::ReadPCDData(), cloudViewer::t::io::ReadPointCloudFromPTS(), cloudViewer::visualization::rendering::FilamentRenderer::RequestReadPixels(), cloudViewer::t::geometry::npp::Resize(), cloudViewer::t::geometry::Image::Resize(), cloudViewer::t::geometry::Image::RGBToGray(), cloudViewer::t::geometry::npp::RGBToGray(), cloudViewer::t::geometry::TriangleMesh::SamplePointsUniformly(), cloudViewer::t::io::SetPCDHeaderFieldTypeAndSizeFromDtype(), cloudViewer::visualization::rendering::TLineSetBuffersBuilder::TLineSetBuffersBuilder(), cloudViewer::visualization::rendering::TMeshBuffersBuilder::TMeshBuffersBuilder(), cloudViewer::t::geometry::Image::To(), cloudViewer::t::geometry::kernel::image::ToCPU(), cloudViewer::t::geometry::Image::ToLegacy(), cloudViewer::t::geometry::PointCloud::ToLegacy(), cloudViewer::visualization::rendering::TPointCloudBuffersBuilder::TPointCloudBuffersBuilder(), cloudViewer::t::io::WriteImageToJPG(), cloudViewer::t::io::WriteImageToPNG(), and cloudViewer::t::io::WriteImageToPNGInMemory().

◆ Undefined