![]() |
ACloudViewer
3.9.4
A Modern Library for 3D Data Processing
|
Namespaces | |
| cuda | |
| eigen_converter | |
| kernel | |
| linalg | |
| nns | |
| shape_util | |
| sy | |
| tensor_check | |
| tensor_init | |
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< DeviceHashBackend > | 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) |
| 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< DeviceHashBackend > | 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) |
| std::shared_ptr< DeviceHashBackend > | 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) |
| 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< MemoryManagerDevice > | MakeMemoryManager (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 |
| using cloudViewer::core::buf_index_t = typedef uint32_t |
Definition at line 44 of file HashBackendBuffer.h.
| 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.
| 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.
|
strong |
| Enumerator | |
|---|---|
| Add | |
| Sub | |
| Mul | |
| Div | |
| LogicalAnd | |
| LogicalOr | |
| LogicalXor | |
| Gt | |
| Ge | |
| Lt | |
| Le | |
| Eq | |
| Neq | |
Definition at line 22 of file BinaryEW.cpp.
|
strong |
|
strong |
|
strong |
| Enumerator | |
|---|---|
| Direct | |
| Cached | |
Definition at line 17 of file MemoryManager.cpp.
|
strong |
| Enumerator | |
|---|---|
| Sqrt | |
| Sin | |
| Cos | |
| Neg | |
| Exp | |
| Abs | |
| IsNan | |
| IsInf | |
| IsFinite | |
| Floor | |
| Ceil | |
| Round | |
| Trunc | |
| LogicalNot | |
Definition at line 23 of file UnaryEW.cpp.
| void cloudViewer::core::AddMM | ( | const Tensor & | A, |
| const Tensor & | B, | ||
| Tensor & | C, | ||
| double | alpha, | ||
| double | beta | ||
| ) |
Computes matrix multiplication C = alpha * A @ B + beta * C. If matrix A is a (n x m) tensor, and B is a (m x p) tensor, C should have a shape (n x p). alpha and beta are scaling factors on matrix-matrix multiplication and the added matrix input respectively.
Definition at line 17 of file AddMM.cpp.
References AddMMCPU(), AddMMCUDA(), AddMMSYCL(), AssertTensorDevice, AssertTensorDtype, cloudViewer::core::Tensor::Contiguous(), Float32, Float64, cloudViewer::core::Tensor::GetDataPtr(), cloudViewer::core::Tensor::GetDevice(), cloudViewer::core::Tensor::GetDtype(), cloudViewer::core::Tensor::GetShape(), cloudViewer::core::Tensor::GetStride(), cloudViewer::core::Tensor::IsContiguous(), cloudViewer::core::Device::IsCUDA(), cloudViewer::core::Device::IsSYCL(), LogError, cloudViewer::core::SmallVectorBase< Size_T >::size(), cloudViewer::core::Tensor::T(), cloudViewer::core::Tensor::To(), and cloudViewer::core::Dtype::ToString().
Referenced by pybind_core_linalg().
| 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().
| 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().
| 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 | ||
| ) |
Definition at line 20 of file AddMMSYCL.cpp.
References DISPATCH_LINALG_DTYPE_TO_TEMPLATE, cloudViewer::core::sy::SYCLContext::GetDefaultQueue(), and cloudViewer::core::sy::SYCLContext::GetInstance().
Referenced by AddMM().
| 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:
| self | Values are appended to a copy of this tensor. |
| other | Values 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. |
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().
|
static |
Asserts that the tensor list is resizable.
Definition at line 18 of file TensorList.cpp.
References cloudViewer::core::TensorList::IsResizable(), and LogError.
Referenced by cloudViewer::core::TensorList::Clear(), cloudViewer::core::TensorList::Extend(), cloudViewer::core::TensorList::PushBack(), and cloudViewer::core::TensorList::Resize().
|
inline |
Definition at line 1436 of file Tensor.h.
References cloudViewer::core::Tensor::GetDevice(), cloudViewer::core::Device::IsSYCL(), and LogError.
Referenced by cloudViewer::core::nns::NearestNeighborSearch::NearestNeighborSearch().
|
inline |
|
inline |
| cloudViewer::core::BENCHMARK_CAPTURE | ( | BinaryEW | , |
| Add__CPU_Float32__100 | , | ||
| 100 | , | ||
| BinaryOpCode::Add | , | ||
| Float32 | , | ||
| Device("CPU:0") | |||
| ) | -> Unit(benchmark::kMillisecond) |
| cloudViewer::core::BENCHMARK_CAPTURE | ( | BinaryEW | , |
| Add__CPU_Float32__100000 | , | ||
| 100000 | , | ||
| BinaryOpCode::Add | , | ||
| Float32 | , | ||
| Device("CPU:0") | |||
| ) | -> Unit(benchmark::kMillisecond) |
| cloudViewer::core::BENCHMARK_CAPTURE | ( | BinaryEW | , |
| Add__CPU_Float32__100000000 | , | ||
| 100000000 | , | ||
| BinaryOpCode::Add | , | ||
| Float32 | , | ||
| Device("CPU:0") | |||
| ) | -> Unit(benchmark::kMillisecond) |
| cloudViewer::core::BENCHMARK_CAPTURE | ( | BinaryEW | , |
| Add__CPU_Float64__100 | , | ||
| 100 | , | ||
| BinaryOpCode::Add | , | ||
| Float64 | , | ||
| Device("CPU:0") | |||
| ) | -> Unit(benchmark::kMillisecond) |
| cloudViewer::core::BENCHMARK_CAPTURE | ( | BinaryEW | , |
| Add__CPU_Float64__100000 | , | ||
| 100000 | , | ||
| BinaryOpCode::Add | , | ||
| Float64 | , | ||
| Device("CPU:0") | |||
| ) | -> Unit(benchmark::kMillisecond) |
| cloudViewer::core::BENCHMARK_CAPTURE | ( | BinaryEW | , |
| Add__CPU_Float64__100000000 | , | ||
| 100000000 | , | ||
| BinaryOpCode::Add | , | ||
| Float64 | , | ||
| Device("CPU:0") | |||
| ) | -> Unit(benchmark::kMillisecond) |
| cloudViewer::core::BENCHMARK_CAPTURE | ( | BinaryEW | , |
| Add__CPU_Int16__100 | , | ||
| 100 | , | ||
| BinaryOpCode::Add | , | ||
| Int16 | , | ||
| Device("CPU:0") | |||
| ) | -> Unit(benchmark::kMillisecond) |
| cloudViewer::core::BENCHMARK_CAPTURE | ( | BinaryEW | , |
| Add__CPU_Int16__100000 | , | ||
| 100000 | , | ||
| BinaryOpCode::Add | , | ||
| Int16 | , | ||
| Device("CPU:0") | |||
| ) | -> Unit(benchmark::kMillisecond) |
| cloudViewer::core::BENCHMARK_CAPTURE | ( | BinaryEW | , |
| Add__CPU_Int16__100000000 | , | ||
| 100000000 | , | ||
| BinaryOpCode::Add | , | ||
| Int16 | , | ||
| Device("CPU:0") | |||
| ) | -> Unit(benchmark::kMillisecond) |
| cloudViewer::core::BENCHMARK_CAPTURE | ( | BinaryEW | , |
| Add__CPU_Int32__100 | , | ||
| 100 | , | ||
| BinaryOpCode::Add | , | ||
| Int32 | , | ||
| Device("CPU:0") | |||
| ) | -> Unit(benchmark::kMillisecond) |
| cloudViewer::core::BENCHMARK_CAPTURE | ( | BinaryEW | , |
| Add__CPU_Int32__100000 | , | ||
| 100000 | , | ||
| BinaryOpCode::Add | , | ||
| Int32 | , | ||
| Device("CPU:0") | |||
| ) | -> Unit(benchmark::kMillisecond) |
| cloudViewer::core::BENCHMARK_CAPTURE | ( | BinaryEW | , |
| Add__CPU_Int32__100000000 | , | ||
| 100000000 | , | ||
| BinaryOpCode::Add | , | ||
| Int32 | , | ||
| Device("CPU:0") | |||
| ) | -> Unit(benchmark::kMillisecond) |
| cloudViewer::core::BENCHMARK_CAPTURE | ( | BinaryEW | , |
| Add__CPU_Int64__100 | , | ||
| 100 | , | ||
| BinaryOpCode::Add | , | ||
| Int64 | , | ||
| Device("CPU:0") | |||
| ) | -> Unit(benchmark::kMillisecond) |
| cloudViewer::core::BENCHMARK_CAPTURE | ( | BinaryEW | , |
| Add__CPU_Int64__100000 | , | ||
| 100000 | , | ||
| BinaryOpCode::Add | , | ||
| Int64 | , | ||
| Device("CPU:0") | |||
| ) | -> Unit(benchmark::kMillisecond) |
| cloudViewer::core::BENCHMARK_CAPTURE | ( | BinaryEW | , |
| Add__CPU_Int64__100000000 | , | ||
| 100000000 | , | ||
| BinaryOpCode::Add | , | ||
| Int64 | , | ||
| Device("CPU:0") | |||
| ) | -> Unit(benchmark::kMillisecond) |
| cloudViewer::core::BENCHMARK_CAPTURE | ( | BinaryEW | , |
| Add__CPU_Int8__100 | , | ||
| 100 | , | ||
| BinaryOpCode::Add | , | ||
| Int8 | , | ||
| Device("CPU:0") | |||
| ) | -> Unit(benchmark::kMillisecond) |
| cloudViewer::core::BENCHMARK_CAPTURE | ( | BinaryEW | , |
| Add__CPU_Int8__100000 | , | ||
| 100000 | , | ||
| BinaryOpCode::Add | , | ||
| Int8 | , | ||
| Device("CPU:0") | |||
| ) | -> Unit(benchmark::kMillisecond) |
| cloudViewer::core::BENCHMARK_CAPTURE | ( | BinaryEW | , |
| Add__CPU_Int8__100000000 | , | ||
| 100000000 | , | ||
| BinaryOpCode::Add | , | ||
| Int8 | , | ||
| Device("CPU:0") | |||
| ) | -> Unit(benchmark::kMillisecond) |
| cloudViewer::core::BENCHMARK_CAPTURE | ( | BinaryEW | , |
| Add__CPU_UInt16__100 | , | ||
| 100 | , | ||
| BinaryOpCode::Add | , | ||
| UInt16 | , | ||
| Device("CPU:0") | |||
| ) | -> Unit(benchmark::kMillisecond) |
| cloudViewer::core::BENCHMARK_CAPTURE | ( | BinaryEW | , |
| Add__CPU_UInt16__100000 | , | ||
| 100000 | , | ||
| BinaryOpCode::Add | , | ||
| UInt16 | , | ||
| Device("CPU:0") | |||
| ) | -> Unit(benchmark::kMillisecond) |
| cloudViewer::core::BENCHMARK_CAPTURE | ( | BinaryEW | , |
| Add__CPU_UInt16__100000000 | , | ||
| 100000000 | , | ||
| BinaryOpCode::Add | , | ||
| UInt16 | , | ||
| Device("CPU:0") | |||
| ) | -> Unit(benchmark::kMillisecond) |
| cloudViewer::core::BENCHMARK_CAPTURE | ( | BinaryEW | , |
| Add__CPU_UInt32__100 | , | ||
| 100 | , | ||
| BinaryOpCode::Add | , | ||
| UInt32 | , | ||
| Device("CPU:0") | |||
| ) | -> Unit(benchmark::kMillisecond) |
| cloudViewer::core::BENCHMARK_CAPTURE | ( | BinaryEW | , |
| Add__CPU_UInt32__100000 | , | ||
| 100000 | , | ||
| BinaryOpCode::Add | , | ||
| UInt32 | , | ||
| Device("CPU:0") | |||
| ) | -> Unit(benchmark::kMillisecond) |
| cloudViewer::core::BENCHMARK_CAPTURE | ( | BinaryEW | , |
| Add__CPU_UInt32__100000000 | , | ||
| 100000000 | , | ||
| BinaryOpCode::Add | , | ||
| UInt32 | , | ||
| Device("CPU:0") | |||
| ) | -> Unit(benchmark::kMillisecond) |
| cloudViewer::core::BENCHMARK_CAPTURE | ( | BinaryEW | , |
| Add__CPU_UInt64__100 | , | ||
| 100 | , | ||
| BinaryOpCode::Add | , | ||
| UInt64 | , | ||
| Device("CPU:0") | |||
| ) | -> Unit(benchmark::kMillisecond) |
| cloudViewer::core::BENCHMARK_CAPTURE | ( | BinaryEW | , |
| Add__CPU_UInt64__100000 | , | ||
| 100000 | , | ||
| BinaryOpCode::Add | , | ||
| UInt64 | , | ||
| Device("CPU:0") | |||
| ) | -> Unit(benchmark::kMillisecond) |
| cloudViewer::core::BENCHMARK_CAPTURE | ( | BinaryEW | , |
| Add__CPU_UInt64__100000000 | , | ||
| 100000000 | , | ||
| BinaryOpCode::Add | , | ||
| UInt64 | , | ||
| Device("CPU:0") | |||
| ) | -> Unit(benchmark::kMillisecond) |
| cloudViewer::core::BENCHMARK_CAPTURE | ( | BinaryEW | , |
| Add__CPU_UInt8__100 | , | ||
| 100 | , | ||
| BinaryOpCode::Add | , | ||
| UInt8 | , | ||
| Device("CPU:0") | |||
| ) | -> Unit(benchmark::kMillisecond) |
| cloudViewer::core::BENCHMARK_CAPTURE | ( | BinaryEW | , |
| Add__CPU_UInt8__100000 | , | ||
| 100000 | , | ||
| BinaryOpCode::Add | , | ||
| UInt8 | , | ||
| Device("CPU:0") | |||
| ) | -> Unit(benchmark::kMillisecond) |
| cloudViewer::core::BENCHMARK_CAPTURE | ( | BinaryEW | , |
| Add__CPU_UInt8__100000000 | , | ||
| 100000000 | , | ||
| BinaryOpCode::Add | , | ||
| UInt8 | , | ||
| Device("CPU:0") | |||
| ) | -> Unit(benchmark::kMillisecond) |
| cloudViewer::core::BENCHMARK_CAPTURE | ( | BinaryEW | , |
| Div__CPU_Float32__100 | , | ||
| 100 | , | ||
| BinaryOpCode::Div | , | ||
| Float32 | , | ||
| Device("CPU:0") | |||
| ) | -> Unit(benchmark::kMillisecond) |
| cloudViewer::core::BENCHMARK_CAPTURE | ( | BinaryEW | , |
| Div__CPU_Float32__100000 | , | ||
| 100000 | , | ||
| BinaryOpCode::Div | , | ||
| Float32 | , | ||
| Device("CPU:0") | |||
| ) | -> Unit(benchmark::kMillisecond) |
| cloudViewer::core::BENCHMARK_CAPTURE | ( | BinaryEW | , |
| Div__CPU_Float32__100000000 | , | ||
| 100000000 | , | ||
| BinaryOpCode::Div | , | ||
| Float32 | , | ||
| Device("CPU:0") | |||
| ) | -> Unit(benchmark::kMillisecond) |
| cloudViewer::core::BENCHMARK_CAPTURE | ( | BinaryEW | , |
| Div__CPU_Float64__100 | , | ||
| 100 | , | ||
| BinaryOpCode::Div | , | ||
| Float64 | , | ||
| Device("CPU:0") | |||
| ) | -> Unit(benchmark::kMillisecond) |
| cloudViewer::core::BENCHMARK_CAPTURE | ( | BinaryEW | , |
| Div__CPU_Float64__100000 | , | ||
| 100000 | , | ||
| BinaryOpCode::Div | , | ||
| Float64 | , | ||
| Device("CPU:0") | |||
| ) | -> Unit(benchmark::kMillisecond) |
| cloudViewer::core::BENCHMARK_CAPTURE | ( | BinaryEW | , |
| Div__CPU_Float64__100000000 | , | ||
| 100000000 | , | ||
| BinaryOpCode::Div | , | ||
| Float64 | , | ||
| Device("CPU:0") | |||
| ) | -> Unit(benchmark::kMillisecond) |
| cloudViewer::core::BENCHMARK_CAPTURE | ( | BinaryEW | , |
| Div__CPU_Int16__100 | , | ||
| 100 | , | ||
| BinaryOpCode::Div | , | ||
| Int16 | , | ||
| Device("CPU:0") | |||
| ) | -> Unit(benchmark::kMillisecond) |
| cloudViewer::core::BENCHMARK_CAPTURE | ( | BinaryEW | , |
| Div__CPU_Int16__100000 | , | ||
| 100000 | , | ||
| BinaryOpCode::Div | , | ||
| Int16 | , | ||
| Device("CPU:0") | |||
| ) | -> Unit(benchmark::kMillisecond) |
| cloudViewer::core::BENCHMARK_CAPTURE | ( | BinaryEW | , |
| Div__CPU_Int16__100000000 | , | ||
| 100000000 | , | ||
| BinaryOpCode::Div | , | ||
| Int16 | , | ||
| Device("CPU:0") | |||
| ) | -> Unit(benchmark::kMillisecond) |
| cloudViewer::core::BENCHMARK_CAPTURE | ( | BinaryEW | , |
| Div__CPU_Int32__100 | , | ||
| 100 | , | ||
| BinaryOpCode::Div | , | ||
| Int32 | , | ||
| Device("CPU:0") | |||
| ) | -> Unit(benchmark::kMillisecond) |
| cloudViewer::core::BENCHMARK_CAPTURE | ( | BinaryEW | , |
| Div__CPU_Int32__100000 | , | ||
| 100000 | , | ||
| BinaryOpCode::Div | , | ||
| Int32 | , | ||
| Device("CPU:0") | |||
| ) | -> Unit(benchmark::kMillisecond) |
| cloudViewer::core::BENCHMARK_CAPTURE | ( | BinaryEW | , |
| Div__CPU_Int32__100000000 | , | ||
| 100000000 | , | ||
| BinaryOpCode::Div | , | ||
| Int32 | , | ||
| Device("CPU:0") | |||
| ) | -> Unit(benchmark::kMillisecond) |
| cloudViewer::core::BENCHMARK_CAPTURE | ( | BinaryEW | , |
| Div__CPU_Int64__100 | , | ||
| 100 | , | ||
| BinaryOpCode::Div | , | ||
| Int64 | , | ||
| Device("CPU:0") | |||
| ) | -> Unit(benchmark::kMillisecond) |
| cloudViewer::core::BENCHMARK_CAPTURE | ( | BinaryEW | , |
| Div__CPU_Int64__100000 | , | ||
| 100000 | , | ||
| BinaryOpCode::Div | , | ||
| Int64 | , | ||
| Device("CPU:0") | |||
| ) | -> Unit(benchmark::kMillisecond) |
| cloudViewer::core::BENCHMARK_CAPTURE | ( | BinaryEW | , |
| Div__CPU_Int64__100000000 | , | ||
| 100000000 | , | ||
| BinaryOpCode::Div | , | ||
| Int64 | , | ||
| Device("CPU:0") | |||
| ) | -> Unit(benchmark::kMillisecond) |
| cloudViewer::core::BENCHMARK_CAPTURE | ( | BinaryEW | , |
| Div__CPU_Int8__100 | , | ||
| 100 | , | ||
| BinaryOpCode::Div | , | ||
| Int8 | , | ||
| Device("CPU:0") | |||
| ) | -> Unit(benchmark::kMillisecond) |
| cloudViewer::core::BENCHMARK_CAPTURE | ( | BinaryEW | , |
| Div__CPU_Int8__100000 | , | ||
| 100000 | , | ||
| BinaryOpCode::Div | , | ||
| Int8 | , | ||
| Device("CPU:0") | |||
| ) | -> Unit(benchmark::kMillisecond) |
| cloudViewer::core::BENCHMARK_CAPTURE | ( | BinaryEW | , |
| Div__CPU_Int8__100000000 | , | ||
| 100000000 | , | ||
| BinaryOpCode::Div | , | ||
| Int8 | , | ||
| Device("CPU:0") | |||
| ) | -> Unit(benchmark::kMillisecond) |
| cloudViewer::core::BENCHMARK_CAPTURE | ( | BinaryEW | , |
| Div__CPU_UInt16__100 | , | ||
| 100 | , | ||
| BinaryOpCode::Div | , | ||
| UInt16 | , | ||
| Device("CPU:0") | |||
| ) | -> Unit(benchmark::kMillisecond) |
| cloudViewer::core::BENCHMARK_CAPTURE | ( | BinaryEW | , |
| Div__CPU_UInt16__100000 | , | ||
| 100000 | , | ||
| BinaryOpCode::Div | , | ||
| UInt16 | , | ||
| Device("CPU:0") | |||
| ) | -> Unit(benchmark::kMillisecond) |
| cloudViewer::core::BENCHMARK_CAPTURE | ( | BinaryEW | , |
| Div__CPU_UInt16__100000000 | , | ||
| 100000000 | , | ||
| BinaryOpCode::Div | , | ||
| UInt16 | , | ||
| Device("CPU:0") | |||
| ) | -> Unit(benchmark::kMillisecond) |
| cloudViewer::core::BENCHMARK_CAPTURE | ( | BinaryEW | , |
| Div__CPU_UInt32__100 | , | ||
| 100 | , | ||
| BinaryOpCode::Div | , | ||
| UInt32 | , | ||
| Device("CPU:0") | |||
| ) | -> Unit(benchmark::kMillisecond) |
| cloudViewer::core::BENCHMARK_CAPTURE | ( | BinaryEW | , |
| Div__CPU_UInt32__100000 | , | ||
| 100000 | , | ||
| BinaryOpCode::Div | , | ||
| UInt32 | , | ||
| Device("CPU:0") | |||
| ) | -> Unit(benchmark::kMillisecond) |
| cloudViewer::core::BENCHMARK_CAPTURE | ( | BinaryEW | , |
| Div__CPU_UInt32__100000000 | , | ||
| 100000000 | , | ||
| BinaryOpCode::Div | , | ||
| UInt32 | , | ||
| Device("CPU:0") | |||
| ) | -> Unit(benchmark::kMillisecond) |
| cloudViewer::core::BENCHMARK_CAPTURE | ( | BinaryEW | , |
| Div__CPU_UInt64__100 | , | ||
| 100 | , | ||
| BinaryOpCode::Div | , | ||
| UInt64 | , | ||
| Device("CPU:0") | |||
| ) | -> Unit(benchmark::kMillisecond) |
| cloudViewer::core::BENCHMARK_CAPTURE | ( | BinaryEW | , |
| Div__CPU_UInt64__100000 | , | ||
| 100000 | , | ||
| BinaryOpCode::Div | , | ||
| UInt64 | , | ||
| Device("CPU:0") | |||
| ) | -> Unit(benchmark::kMillisecond) |
| cloudViewer::core::BENCHMARK_CAPTURE | ( | BinaryEW | , |
| Div__CPU_UInt64__100000000 | , | ||
| 100000000 | , | ||
| BinaryOpCode::Div | , | ||
| UInt64 | , | ||
| Device("CPU:0") | |||
| ) | -> Unit(benchmark::kMillisecond) |
| cloudViewer::core::BENCHMARK_CAPTURE | ( | BinaryEW | , |
| Div__CPU_UInt8__100 | , | ||
| 100 | , | ||
| BinaryOpCode::Div | , | ||
| UInt8 | , | ||
| Device("CPU:0") | |||
| ) | -> Unit(benchmark::kMillisecond) |
| cloudViewer::core::BENCHMARK_CAPTURE | ( | BinaryEW | , |
| Div__CPU_UInt8__100000 | , | ||
| 100000 | , | ||
| BinaryOpCode::Div | , | ||
| UInt8 | , | ||
| Device("CPU:0") | |||
| ) | -> Unit(benchmark::kMillisecond) |
| cloudViewer::core::BENCHMARK_CAPTURE | ( | BinaryEW | , |
| Div__CPU_UInt8__100000000 | , | ||
| 100000000 | , | ||
| BinaryOpCode::Div | , | ||
| UInt8 | , | ||
| Device("CPU:0") | |||
| ) | -> Unit(benchmark::kMillisecond) |
| cloudViewer::core::BENCHMARK_CAPTURE | ( | BinaryEW | , |
| Eq__CPU_Bool__100 | , | ||
| 100 | , | ||
| BinaryOpCode::Eq | , | ||
| Bool | , | ||
| Device("CPU:0") | |||
| ) | -> Unit(benchmark::kMillisecond) |
| cloudViewer::core::BENCHMARK_CAPTURE | ( | BinaryEW | , |
| Eq__CPU_Bool__100000 | , | ||
| 100000 | , | ||
| BinaryOpCode::Eq | , | ||
| Bool | , | ||
| Device("CPU:0") | |||
| ) | -> Unit(benchmark::kMillisecond) |
| cloudViewer::core::BENCHMARK_CAPTURE | ( | BinaryEW | , |
| Eq__CPU_Bool__100000000 | , | ||
| 100000000 | , | ||
| BinaryOpCode::Eq | , | ||
| Bool | , | ||
| Device("CPU:0") | |||
| ) | -> Unit(benchmark::kMillisecond) |
| cloudViewer::core::BENCHMARK_CAPTURE | ( | BinaryEW | , |
| Eq__CPU_Float32__100 | , | ||
| 100 | , | ||
| BinaryOpCode::Eq | , | ||
| Float32 | , | ||
| Device("CPU:0") | |||
| ) | -> Unit(benchmark::kMillisecond) |
| cloudViewer::core::BENCHMARK_CAPTURE | ( | BinaryEW | , |
| Eq__CPU_Float32__100000 | , | ||
| 100000 | , | ||
| BinaryOpCode::Eq | , | ||
| Float32 | , | ||
| Device("CPU:0") | |||
| ) | -> Unit(benchmark::kMillisecond) |
| cloudViewer::core::BENCHMARK_CAPTURE | ( | BinaryEW | , |
| Eq__CPU_Float32__100000000 | , | ||
| 100000000 | , | ||
| BinaryOpCode::Eq | , | ||
| Float32 | , | ||
| Device("CPU:0") | |||
| ) | -> Unit(benchmark::kMillisecond) |
| cloudViewer::core::BENCHMARK_CAPTURE | ( | BinaryEW | , |
| Eq__CPU_Float64__100 | , | ||
| 100 | , | ||
| BinaryOpCode::Eq | , | ||
| Float64 | , | ||
| Device("CPU:0") | |||
| ) | -> Unit(benchmark::kMillisecond) |
| cloudViewer::core::BENCHMARK_CAPTURE | ( | BinaryEW | , |
| Eq__CPU_Float64__100000 | , | ||
| 100000 | , | ||
| BinaryOpCode::Eq | , | ||
| Float64 | , | ||
| Device("CPU:0") | |||
| ) | -> Unit(benchmark::kMillisecond) |
| cloudViewer::core::BENCHMARK_CAPTURE | ( | BinaryEW | , |
| Eq__CPU_Float64__100000000 | , | ||
| 100000000 | , | ||
| BinaryOpCode::Eq | , | ||
| Float64 | , | ||
| Device("CPU:0") | |||
| ) | -> Unit(benchmark::kMillisecond) |
| cloudViewer::core::BENCHMARK_CAPTURE | ( | BinaryEW | , |
| Eq__CPU_Int16__100 | , | ||
| 100 | , | ||
| BinaryOpCode::Eq | , | ||
| Int16 | , | ||
| Device("CPU:0") | |||
| ) | -> Unit(benchmark::kMillisecond) |
| cloudViewer::core::BENCHMARK_CAPTURE | ( | BinaryEW | , |
| Eq__CPU_Int16__100000 | , | ||
| 100000 | , | ||
| BinaryOpCode::Eq | , | ||
| Int16 | , | ||
| Device("CPU:0") | |||
| ) | -> Unit(benchmark::kMillisecond) |
| cloudViewer::core::BENCHMARK_CAPTURE | ( | BinaryEW | , |
| Eq__CPU_Int16__100000000 | , | ||
| 100000000 | , | ||
| BinaryOpCode::Eq | , | ||
| Int16 | , | ||
| Device("CPU:0") | |||
| ) | -> Unit(benchmark::kMillisecond) |
| cloudViewer::core::BENCHMARK_CAPTURE | ( | BinaryEW | , |
| Eq__CPU_Int32__100 | , | ||
| 100 | , | ||
| BinaryOpCode::Eq | , | ||
| Int32 | , | ||
| Device("CPU:0") | |||
| ) | -> Unit(benchmark::kMillisecond) |
| cloudViewer::core::BENCHMARK_CAPTURE | ( | BinaryEW | , |
| Eq__CPU_Int32__100000 | , | ||
| 100000 | , | ||
| BinaryOpCode::Eq | , | ||
| Int32 | , | ||
| Device("CPU:0") | |||
| ) | -> Unit(benchmark::kMillisecond) |
| cloudViewer::core::BENCHMARK_CAPTURE | ( | BinaryEW | , |
| Eq__CPU_Int32__100000000 | , | ||
| 100000000 | , | ||
| BinaryOpCode::Eq | , | ||
| Int32 | , | ||
| Device("CPU:0") | |||
| ) | -> Unit(benchmark::kMillisecond) |
| cloudViewer::core::BENCHMARK_CAPTURE | ( | BinaryEW | , |
| Eq__CPU_Int64__100 | , | ||
| 100 | , | ||
| BinaryOpCode::Eq | , | ||
| Int64 | , | ||
| Device("CPU:0") | |||
| ) | -> Unit(benchmark::kMillisecond) |
| cloudViewer::core::BENCHMARK_CAPTURE | ( | BinaryEW | , |
| Eq__CPU_Int64__100000 | , | ||
| 100000 | , | ||
| BinaryOpCode::Eq | , | ||
| Int64 | , | ||
| Device("CPU:0") | |||
| ) | -> Unit(benchmark::kMillisecond) |
| cloudViewer::core::BENCHMARK_CAPTURE | ( | BinaryEW | , |
| Eq__CPU_Int64__100000000 | , | ||
| 100000000 | , | ||
| BinaryOpCode::Eq | , | ||
| Int64 | , | ||
| Device("CPU:0") | |||
| ) | -> Unit(benchmark::kMillisecond) |
| cloudViewer::core::BENCHMARK_CAPTURE | ( | BinaryEW | , |
| Eq__CPU_Int8__100 | , | ||
| 100 | , | ||
| BinaryOpCode::Eq | , | ||
| Int8 | , | ||
| Device("CPU:0") | |||
| ) | -> Unit(benchmark::kMillisecond) |
| cloudViewer::core::BENCHMARK_CAPTURE | ( | BinaryEW | , |
| Eq__CPU_Int8__100000 | , | ||
| 100000 | , | ||
| BinaryOpCode::Eq | , | ||
| Int8 | , | ||
| Device("CPU:0") | |||
| ) | -> Unit(benchmark::kMillisecond) |
| cloudViewer::core::BENCHMARK_CAPTURE | ( | BinaryEW | , |
| Eq__CPU_Int8__100000000 | , | ||
| 100000000 | , | ||
| BinaryOpCode::Eq | , | ||
| Int8 | , | ||
| Device("CPU:0") | |||
| ) | -> Unit(benchmark::kMillisecond) |
| cloudViewer::core::BENCHMARK_CAPTURE | ( | BinaryEW | , |
| Eq__CPU_UInt16__100 | , | ||
| 100 | , | ||
| BinaryOpCode::Eq | , | ||
| UInt16 | , | ||
| Device("CPU:0") | |||
| ) | -> Unit(benchmark::kMillisecond) |
| cloudViewer::core::BENCHMARK_CAPTURE | ( | BinaryEW | , |
| Eq__CPU_UInt16__100000 | , | ||
| 100000 | , | ||
| BinaryOpCode::Eq | , | ||
| UInt16 | , | ||
| Device("CPU:0") | |||
| ) | -> Unit(benchmark::kMillisecond) |
| cloudViewer::core::BENCHMARK_CAPTURE | ( | BinaryEW | , |
| Eq__CPU_UInt16__100000000 | , | ||
| 100000000 | , | ||
| BinaryOpCode::Eq | , | ||
| UInt16 | , | ||
| Device("CPU:0") | |||
| ) | -> Unit(benchmark::kMillisecond) |
| cloudViewer::core::BENCHMARK_CAPTURE | ( | BinaryEW | , |
| Eq__CPU_UInt32__100 | , | ||
| 100 | , | ||
| BinaryOpCode::Eq | , | ||
| UInt32 | , | ||
| Device("CPU:0") | |||
| ) | -> Unit(benchmark::kMillisecond) |
| cloudViewer::core::BENCHMARK_CAPTURE | ( | BinaryEW | , |
| Eq__CPU_UInt32__100000 | , | ||
| 100000 | , | ||
| BinaryOpCode::Eq | , | ||
| UInt32 | , | ||
| Device("CPU:0") | |||
| ) | -> Unit(benchmark::kMillisecond) |
| cloudViewer::core::BENCHMARK_CAPTURE | ( | BinaryEW | , |
| Eq__CPU_UInt32__100000000 | , | ||
| 100000000 | , | ||
| BinaryOpCode::Eq | , | ||
| UInt32 | , | ||
| Device("CPU:0") | |||
| ) | -> Unit(benchmark::kMillisecond) |
| cloudViewer::core::BENCHMARK_CAPTURE | ( | BinaryEW | , |
| Eq__CPU_UInt64__100 | , | ||
| 100 | , | ||
| BinaryOpCode::Eq | , | ||
| UInt64 | , | ||
| Device("CPU:0") | |||
| ) | -> Unit(benchmark::kMillisecond) |
| cloudViewer::core::BENCHMARK_CAPTURE | ( | BinaryEW | , |
| Eq__CPU_UInt64__100000 | , | ||
| 100000 | , | ||
| BinaryOpCode::Eq | , | ||
| UInt64 | , | ||
| Device("CPU:0") | |||
| ) | -> Unit(benchmark::kMillisecond) |
| cloudViewer::core::BENCHMARK_CAPTURE | ( | BinaryEW | , |
| Eq__CPU_UInt64__100000000 | , | ||
| 100000000 | , | ||
| BinaryOpCode::Eq | , | ||
| UInt64 | , | ||
| Device("CPU:0") | |||
| ) | -> Unit(benchmark::kMillisecond) |
| cloudViewer::core::BENCHMARK_CAPTURE | ( | BinaryEW | , |
| Eq__CPU_UInt8__100 | , | ||
| 100 | , | ||
| BinaryOpCode::Eq | , | ||
| UInt8 | , | ||
| Device("CPU:0") | |||
| ) | -> Unit(benchmark::kMillisecond) |
| cloudViewer::core::BENCHMARK_CAPTURE | ( | BinaryEW | , |
| Eq__CPU_UInt8__100000 | , | ||
| 100000 | , | ||
| BinaryOpCode::Eq | , | ||
| UInt8 | , | ||
| Device("CPU:0") | |||
| ) | -> Unit(benchmark::kMillisecond) |
| cloudViewer::core::BENCHMARK_CAPTURE | ( | BinaryEW | , |
| Eq__CPU_UInt8__100000000 | , | ||
| 100000000 | , | ||
| BinaryOpCode::Eq | , | ||
| UInt8 | , | ||
| Device("CPU:0") | |||
| ) | -> Unit(benchmark::kMillisecond) |
| cloudViewer::core::BENCHMARK_CAPTURE | ( | BinaryEW | , |
| Ge__CPU_Bool__100 | , | ||
| 100 | , | ||
| BinaryOpCode::Ge | , | ||
| Bool | , | ||
| Device("CPU:0") | |||
| ) | -> Unit(benchmark::kMillisecond) |
| cloudViewer::core::BENCHMARK_CAPTURE | ( | BinaryEW | , |
| Ge__CPU_Bool__100000 | , | ||
| 100000 | , | ||
| BinaryOpCode::Ge | , | ||
| Bool | , | ||
| Device("CPU:0") | |||
| ) | -> Unit(benchmark::kMillisecond) |
| cloudViewer::core::BENCHMARK_CAPTURE | ( | BinaryEW | , |
| Ge__CPU_Bool__100000000 | , | ||
| 100000000 | , | ||
| BinaryOpCode::Ge | , | ||
| Bool | , | ||
| Device("CPU:0") | |||
| ) | -> Unit(benchmark::kMillisecond) |
| cloudViewer::core::BENCHMARK_CAPTURE | ( | BinaryEW | , |
| Ge__CPU_Float32__100 | , | ||
| 100 | , | ||
| BinaryOpCode::Ge | , | ||
| Float32 | , | ||
| Device("CPU:0") | |||
| ) | -> Unit(benchmark::kMillisecond) |
| cloudViewer::core::BENCHMARK_CAPTURE | ( | BinaryEW | , |
| Ge__CPU_Float32__100000 | , | ||
| 100000 | , | ||
| BinaryOpCode::Ge | , | ||
| Float32 | , | ||
| Device("CPU:0") | |||
| ) | -> Unit(benchmark::kMillisecond) |
| cloudViewer::core::BENCHMARK_CAPTURE | ( | BinaryEW | , |
| Ge__CPU_Float32__100000000 | , | ||
| 100000000 | , | ||
| BinaryOpCode::Ge | , | ||
| Float32 | , | ||
| Device("CPU:0") | |||
| ) | -> Unit(benchmark::kMillisecond) |
| cloudViewer::core::BENCHMARK_CAPTURE | ( | BinaryEW | , |
| Ge__CPU_Float64__100 | , | ||
| 100 | , | ||
| BinaryOpCode::Ge | , | ||
| Float64 | , | ||
| Device("CPU:0") | |||
| ) | -> Unit(benchmark::kMillisecond) |
| cloudViewer::core::BENCHMARK_CAPTURE | ( | BinaryEW | , |
| Ge__CPU_Float64__100000 | , | ||
| 100000 | , | ||
| BinaryOpCode::Ge | , | ||
| Float64 | , | ||
| Device("CPU:0") | |||
| ) | -> Unit(benchmark::kMillisecond) |
| cloudViewer::core::BENCHMARK_CAPTURE | ( | BinaryEW | , |
| Ge__CPU_Float64__100000000 | , | ||
| 100000000 | , | ||
| BinaryOpCode::Ge | , | ||
| Float64 | , | ||
| Device("CPU:0") | |||
| ) | -> Unit(benchmark::kMillisecond) |
| cloudViewer::core::BENCHMARK_CAPTURE | ( | BinaryEW | , |
| Ge__CPU_Int16__100 | , | ||
| 100 | , | ||
| BinaryOpCode::Ge | , | ||
| Int16 | , | ||
| Device("CPU:0") | |||
| ) | -> Unit(benchmark::kMillisecond) |
| cloudViewer::core::BENCHMARK_CAPTURE | ( | BinaryEW | , |
| Ge__CPU_Int16__100000 | , | ||
| 100000 | , | ||
| BinaryOpCode::Ge | , | ||
| Int16 | , | ||
| Device("CPU:0") | |||
| ) | -> Unit(benchmark::kMillisecond) |
| cloudViewer::core::BENCHMARK_CAPTURE | ( | BinaryEW | , |
| Ge__CPU_Int16__100000000 | , | ||
| 100000000 | , | ||
| BinaryOpCode::Ge | , | ||
| Int16 | , | ||
| Device("CPU:0") | |||
| ) | -> Unit(benchmark::kMillisecond) |
| cloudViewer::core::BENCHMARK_CAPTURE | ( | BinaryEW | , |
| Ge__CPU_Int32__100 | , | ||
| 100 | , | ||
| BinaryOpCode::Ge | , | ||
| Int32 | , | ||
| Device("CPU:0") | |||
| ) | -> Unit(benchmark::kMillisecond) |
| cloudViewer::core::BENCHMARK_CAPTURE | ( | BinaryEW | , |
| Ge__CPU_Int32__100000 | , | ||
| 100000 | , | ||
| BinaryOpCode::Ge | , | ||
| Int32 | , | ||
| Device("CPU:0") | |||
| ) | -> Unit(benchmark::kMillisecond) |
| cloudViewer::core::BENCHMARK_CAPTURE | ( | BinaryEW | , |
| Ge__CPU_Int32__100000000 | , | ||
| 100000000 | , | ||
| BinaryOpCode::Ge | , | ||
| Int32 | , | ||
| Device("CPU:0") | |||
| ) | -> Unit(benchmark::kMillisecond) |
| cloudViewer::core::BENCHMARK_CAPTURE | ( | BinaryEW | , |
| Ge__CPU_Int64__100 | , | ||
| 100 | , | ||
| BinaryOpCode::Ge | , | ||
| Int64 | , | ||
| Device("CPU:0") | |||
| ) | -> Unit(benchmark::kMillisecond) |
| cloudViewer::core::BENCHMARK_CAPTURE | ( | BinaryEW | , |
| Ge__CPU_Int64__100000 | , | ||
| 100000 | , | ||
| BinaryOpCode::Ge | , | ||
| Int64 | , | ||
| Device("CPU:0") | |||
| ) | -> Unit(benchmark::kMillisecond) |
| cloudViewer::core::BENCHMARK_CAPTURE | ( | BinaryEW | , |
| Ge__CPU_Int64__100000000 | , | ||
| 100000000 | , | ||
| BinaryOpCode::Ge | , | ||
| Int64 | , | ||
| Device("CPU:0") | |||
| ) | -> Unit(benchmark::kMillisecond) |
| cloudViewer::core::BENCHMARK_CAPTURE | ( | BinaryEW | , |
| Ge__CPU_Int8__100 | , | ||
| 100 | , | ||
| BinaryOpCode::Ge | , | ||
| Int8 | , | ||
| Device("CPU:0") | |||
| ) | -> Unit(benchmark::kMillisecond) |
| cloudViewer::core::BENCHMARK_CAPTURE | ( | BinaryEW | , |
| Ge__CPU_Int8__100000 | , | ||
| 100000 | , | ||
| BinaryOpCode::Ge | , | ||
| Int8 | , | ||
| Device("CPU:0") | |||
| ) | -> Unit(benchmark::kMillisecond) |
| cloudViewer::core::BENCHMARK_CAPTURE | ( | BinaryEW | , |
| Ge__CPU_Int8__100000000 | , | ||
| 100000000 | , | ||
| BinaryOpCode::Ge | , | ||
| Int8 | , | ||
| Device("CPU:0") | |||
| ) | -> Unit(benchmark::kMillisecond) |
| cloudViewer::core::BENCHMARK_CAPTURE | ( | BinaryEW | , |
| Ge__CPU_UInt16__100 | , | ||
| 100 | , | ||
| BinaryOpCode::Ge | , | ||
| UInt16 | , | ||
| Device("CPU:0") | |||
| ) | -> Unit(benchmark::kMillisecond) |
| cloudViewer::core::BENCHMARK_CAPTURE | ( | BinaryEW | , |
| Ge__CPU_UInt16__100000 | , | ||
| 100000 | , | ||
| BinaryOpCode::Ge | , | ||
| UInt16 | , | ||
| Device("CPU:0") | |||
| ) | -> Unit(benchmark::kMillisecond) |
| cloudViewer::core::BENCHMARK_CAPTURE | ( | BinaryEW | , |
| Ge__CPU_UInt16__100000000 | , | ||
| 100000000 | , | ||
| BinaryOpCode::Ge | , | ||
| UInt16 | , | ||
| Device("CPU:0") | |||
| ) | -> Unit(benchmark::kMillisecond) |
| cloudViewer::core::BENCHMARK_CAPTURE | ( | BinaryEW | , |
| Ge__CPU_UInt32__100 | , | ||
| 100 | , | ||
| BinaryOpCode::Ge | , | ||
| UInt32 | , | ||
| Device("CPU:0") | |||
| ) | -> Unit(benchmark::kMillisecond) |
| cloudViewer::core::BENCHMARK_CAPTURE | ( | BinaryEW | , |
| Ge__CPU_UInt32__100000 | , | ||
| 100000 | , | ||
| BinaryOpCode::Ge | , | ||
| UInt32 | , | ||
| Device("CPU:0") | |||
| ) | -> Unit(benchmark::kMillisecond) |
| cloudViewer::core::BENCHMARK_CAPTURE | ( | BinaryEW | , |
| Ge__CPU_UInt32__100000000 | , | ||
| 100000000 | , | ||
| BinaryOpCode::Ge | , | ||
| UInt32 | , | ||
| Device("CPU:0") | |||
| ) | -> Unit(benchmark::kMillisecond) |
| cloudViewer::core::BENCHMARK_CAPTURE | ( | BinaryEW | , |
| Ge__CPU_UInt64__100 | , | ||
| 100 | , | ||
| BinaryOpCode::Ge | , | ||
| UInt64 | , | ||
| Device("CPU:0") | |||
| ) | -> Unit(benchmark::kMillisecond) |
| cloudViewer::core::BENCHMARK_CAPTURE | ( | BinaryEW | , |
| Ge__CPU_UInt64__100000 | , | ||
| 100000 | , | ||
| BinaryOpCode::Ge | , | ||
| UInt64 | , | ||
| Device("CPU:0") | |||
| ) | -> Unit(benchmark::kMillisecond) |
| cloudViewer::core::BENCHMARK_CAPTURE | ( | BinaryEW | , |
| Ge__CPU_UInt64__100000000 | , | ||
| 100000000 | , | ||
| BinaryOpCode::Ge | , | ||
| UInt64 | , | ||
| Device("CPU:0") | |||
| ) | -> Unit(benchmark::kMillisecond) |
| cloudViewer::core::BENCHMARK_CAPTURE | ( | BinaryEW | , |
| Ge__CPU_UInt8__100 | , | ||
| 100 | , | ||
| BinaryOpCode::Ge | , | ||
| UInt8 | , | ||
| Device("CPU:0") | |||
| ) | -> Unit(benchmark::kMillisecond) |
| cloudViewer::core::BENCHMARK_CAPTURE | ( | BinaryEW | , |
| Ge__CPU_UInt8__100000 | , | ||
| 100000 | , | ||
| BinaryOpCode::Ge | , | ||
| UInt8 | , | ||
| Device("CPU:0") | |||
| ) | -> Unit(benchmark::kMillisecond) |
| cloudViewer::core::BENCHMARK_CAPTURE | ( | BinaryEW | , |
| Ge__CPU_UInt8__100000000 | , | ||
| 100000000 | , | ||
| BinaryOpCode::Ge | , | ||
| UInt8 | , | ||
| Device("CPU:0") | |||
| ) | -> Unit(benchmark::kMillisecond) |
| cloudViewer::core::BENCHMARK_CAPTURE | ( | BinaryEW | , |
| Gt__CPU_Bool__100 | , | ||
| 100 | , | ||
| BinaryOpCode::Gt | , | ||
| Bool | , | ||
| Device("CPU:0") | |||
| ) | -> Unit(benchmark::kMillisecond) |
| cloudViewer::core::BENCHMARK_CAPTURE | ( | BinaryEW | , |
| Gt__CPU_Bool__100000 | , | ||
| 100000 | , | ||
| BinaryOpCode::Gt | , | ||
| Bool | , | ||
| Device("CPU:0") | |||
| ) | -> Unit(benchmark::kMillisecond) |
| cloudViewer::core::BENCHMARK_CAPTURE | ( | BinaryEW | , |
| Gt__CPU_Bool__100000000 | , | ||
| 100000000 | , | ||
| BinaryOpCode::Gt | , | ||
| Bool | , | ||
| Device("CPU:0") | |||
| ) | -> Unit(benchmark::kMillisecond) |
| cloudViewer::core::BENCHMARK_CAPTURE | ( | BinaryEW | , |
| Gt__CPU_Float32__100 | , | ||
| 100 | , | ||
| BinaryOpCode::Gt | , | ||
| Float32 | , | ||
| Device("CPU:0") | |||
| ) | -> Unit(benchmark::kMillisecond) |
| cloudViewer::core::BENCHMARK_CAPTURE | ( | BinaryEW | , |
| Gt__CPU_Float32__100000 | , | ||
| 100000 | , | ||
| BinaryOpCode::Gt | , | ||
| Float32 | , | ||
| Device("CPU:0") | |||
| ) | -> Unit(benchmark::kMillisecond) |
| cloudViewer::core::BENCHMARK_CAPTURE | ( | BinaryEW | , |
| Gt__CPU_Float32__100000000 | , | ||
| 100000000 | , | ||
| BinaryOpCode::Gt | , | ||
| Float32 | , | ||
| Device("CPU:0") | |||
| ) | -> Unit(benchmark::kMillisecond) |
| cloudViewer::core::BENCHMARK_CAPTURE | ( | BinaryEW | , |
| Gt__CPU_Float64__100 | , | ||
| 100 | , | ||
| BinaryOpCode::Gt | , | ||
| Float64 | , | ||
| Device("CPU:0") | |||
| ) | -> Unit(benchmark::kMillisecond) |
| cloudViewer::core::BENCHMARK_CAPTURE | ( | BinaryEW | , |
| Gt__CPU_Float64__100000 | , | ||
| 100000 | , | ||
| BinaryOpCode::Gt | , | ||
| Float64 | , | ||
| Device("CPU:0") | |||
| ) | -> Unit(benchmark::kMillisecond) |
| cloudViewer::core::BENCHMARK_CAPTURE | ( | BinaryEW | , |
| Gt__CPU_Float64__100000000 | , | ||
| 100000000 | , | ||
| BinaryOpCode::Gt | , | ||
| Float64 | , | ||
| Device("CPU:0") | |||
| ) | -> Unit(benchmark::kMillisecond) |
| cloudViewer::core::BENCHMARK_CAPTURE | ( | BinaryEW | , |
| Gt__CPU_Int16__100 | , | ||
| 100 | , | ||
| BinaryOpCode::Gt | , | ||
| Int16 | , | ||
| Device("CPU:0") | |||
| ) | -> Unit(benchmark::kMillisecond) |
| cloudViewer::core::BENCHMARK_CAPTURE | ( | BinaryEW | , |
| Gt__CPU_Int16__100000 | , | ||
| 100000 | , | ||
| BinaryOpCode::Gt | , | ||
| Int16 | , | ||
| Device("CPU:0") | |||
| ) | -> Unit(benchmark::kMillisecond) |
| cloudViewer::core::BENCHMARK_CAPTURE | ( | BinaryEW | , |
| Gt__CPU_Int16__100000000 | , | ||
| 100000000 | , | ||
| BinaryOpCode::Gt | , | ||
| Int16 | , | ||
| Device("CPU:0") | |||
| ) | -> Unit(benchmark::kMillisecond) |
| cloudViewer::core::BENCHMARK_CAPTURE | ( | BinaryEW | , |
| Gt__CPU_Int32__100 | , | ||
| 100 | , | ||
| BinaryOpCode::Gt | , | ||
| Int32 | , | ||
| Device("CPU:0") | |||
| ) | -> Unit(benchmark::kMillisecond) |
| cloudViewer::core::BENCHMARK_CAPTURE | ( | BinaryEW | , |
| Gt__CPU_Int32__100000 | , | ||
| 100000 | , | ||
| BinaryOpCode::Gt | , | ||
| Int32 | , | ||
| Device("CPU:0") | |||
| ) | -> Unit(benchmark::kMillisecond) |
| cloudViewer::core::BENCHMARK_CAPTURE | ( | BinaryEW | , |
| Gt__CPU_Int32__100000000 | , | ||
| 100000000 | , | ||
| BinaryOpCode::Gt | , | ||
| Int32 | , | ||
| Device("CPU:0") | |||
| ) | -> Unit(benchmark::kMillisecond) |
| cloudViewer::core::BENCHMARK_CAPTURE | ( | BinaryEW | , |
| Gt__CPU_Int64__100 | , | ||
| 100 | , | ||
| BinaryOpCode::Gt | , | ||
| Int64 | , | ||
| Device("CPU:0") | |||
| ) | -> Unit(benchmark::kMillisecond) |
| cloudViewer::core::BENCHMARK_CAPTURE | ( | BinaryEW | , |
| Gt__CPU_Int64__100000 | , | ||
| 100000 | , | ||
| BinaryOpCode::Gt | , | ||
| Int64 | , | ||
| Device("CPU:0") | |||
| ) | -> Unit(benchmark::kMillisecond) |
| cloudViewer::core::BENCHMARK_CAPTURE | ( | BinaryEW | , |
| Gt__CPU_Int64__100000000 | , | ||
| 100000000 | , | ||
| BinaryOpCode::Gt | , | ||
| Int64 | , | ||
| Device("CPU:0") | |||
| ) | -> Unit(benchmark::kMillisecond) |
| cloudViewer::core::BENCHMARK_CAPTURE | ( | BinaryEW | , |
| Gt__CPU_Int8__100 | , | ||
| 100 | , | ||
| BinaryOpCode::Gt | , | ||
| Int8 | , | ||
| Device("CPU:0") | |||
| ) | -> Unit(benchmark::kMillisecond) |
| cloudViewer::core::BENCHMARK_CAPTURE | ( | BinaryEW | , |
| Gt__CPU_Int8__100000 | , | ||
| 100000 | , | ||
| BinaryOpCode::Gt | , | ||
| Int8 | , | ||
| Device("CPU:0") | |||
| ) | -> Unit(benchmark::kMillisecond) |
| cloudViewer::core::BENCHMARK_CAPTURE | ( | BinaryEW | , |
| Gt__CPU_Int8__100000000 | , | ||
| 100000000 | , | ||
| BinaryOpCode::Gt | , | ||
| Int8 | , | ||
| Device("CPU:0") | |||
| ) | -> Unit(benchmark::kMillisecond) |
| cloudViewer::core::BENCHMARK_CAPTURE | ( | BinaryEW | , |
| Gt__CPU_UInt16__100 | , | ||
| 100 | , | ||
| BinaryOpCode::Gt | , | ||
| UInt16 | , | ||
| Device("CPU:0") | |||
| ) | -> Unit(benchmark::kMillisecond) |
| cloudViewer::core::BENCHMARK_CAPTURE | ( | BinaryEW | , |
| Gt__CPU_UInt16__100000 | , | ||
| 100000 | , | ||
| BinaryOpCode::Gt | , | ||
| UInt16 | , | ||
| Device("CPU:0") | |||
| ) | -> Unit(benchmark::kMillisecond) |
| cloudViewer::core::BENCHMARK_CAPTURE | ( | BinaryEW | , |
| Gt__CPU_UInt16__100000000 | , | ||
| 100000000 | , | ||
| BinaryOpCode::Gt | , | ||
| UInt16 | , | ||
| Device("CPU:0") | |||
| ) | -> Unit(benchmark::kMillisecond) |
| cloudViewer::core::BENCHMARK_CAPTURE | ( | BinaryEW | , |
| Gt__CPU_UInt32__100 | , | ||
| 100 | , | ||
| BinaryOpCode::Gt | , | ||
| UInt32 | , | ||
| Device("CPU:0") | |||
| ) | -> Unit(benchmark::kMillisecond) |
| cloudViewer::core::BENCHMARK_CAPTURE | ( | BinaryEW | , |
| Gt__CPU_UInt32__100000 | , | ||
| 100000 | , | ||
| BinaryOpCode::Gt | , | ||
| UInt32 | , | ||
| Device("CPU:0") | |||
| ) | -> Unit(benchmark::kMillisecond) |
| cloudViewer::core::BENCHMARK_CAPTURE | ( | BinaryEW | , |
| Gt__CPU_UInt32__100000000 | , | ||
| 100000000 | , | ||
| BinaryOpCode::Gt | , | ||
| UInt32 | , | ||
| Device("CPU:0") | |||
| ) | -> Unit(benchmark::kMillisecond) |
| cloudViewer::core::BENCHMARK_CAPTURE | ( | BinaryEW | , |
| Gt__CPU_UInt64__100 | , | ||
| 100 | , | ||
| BinaryOpCode::Gt | , | ||
| UInt64 | , | ||
| Device("CPU:0") | |||
| ) | -> Unit(benchmark::kMillisecond) |
| cloudViewer::core::BENCHMARK_CAPTURE | ( | BinaryEW | , |
| Gt__CPU_UInt64__100000 | , | ||
| 100000 | , | ||
| BinaryOpCode::Gt | , | ||
| UInt64 | , | ||
| Device("CPU:0") | |||
| ) | -> Unit(benchmark::kMillisecond) |
| cloudViewer::core::BENCHMARK_CAPTURE | ( | BinaryEW | , |
| Gt__CPU_UInt64__100000000 | , | ||
| 100000000 | , | ||
| BinaryOpCode::Gt | , | ||
| UInt64 | , | ||
| Device("CPU:0") | |||
| ) | -> Unit(benchmark::kMillisecond) |
| cloudViewer::core::BENCHMARK_CAPTURE | ( | BinaryEW | , |
| Gt__CPU_UInt8__100 | , | ||
| 100 | , | ||
| BinaryOpCode::Gt | , | ||
| UInt8 | , | ||
| Device("CPU:0") | |||
| ) | -> Unit(benchmark::kMillisecond) |
| cloudViewer::core::BENCHMARK_CAPTURE | ( | BinaryEW | , |
| Gt__CPU_UInt8__100000 | , | ||
| 100000 | , | ||
| BinaryOpCode::Gt | , | ||
| UInt8 | , | ||
| Device("CPU:0") | |||
| ) | -> Unit(benchmark::kMillisecond) |
| cloudViewer::core::BENCHMARK_CAPTURE | ( | BinaryEW | , |
| Gt__CPU_UInt8__100000000 | , | ||
| 100000000 | , | ||
| BinaryOpCode::Gt | , | ||
| UInt8 | , | ||
| Device("CPU:0") | |||
| ) | -> Unit(benchmark::kMillisecond) |
| cloudViewer::core::BENCHMARK_CAPTURE | ( | BinaryEW | , |
| Le__CPU_Bool__100 | , | ||
| 100 | , | ||
| BinaryOpCode::Le | , | ||
| Bool | , | ||
| Device("CPU:0") | |||
| ) | -> Unit(benchmark::kMillisecond) |
| cloudViewer::core::BENCHMARK_CAPTURE | ( | BinaryEW | , |
| Le__CPU_Bool__100000 | , | ||
| 100000 | , | ||
| BinaryOpCode::Le | , | ||
| Bool | , | ||
| Device("CPU:0") | |||
| ) | -> Unit(benchmark::kMillisecond) |
| cloudViewer::core::BENCHMARK_CAPTURE | ( | BinaryEW | , |
| Le__CPU_Bool__100000000 | , | ||
| 100000000 | , | ||
| BinaryOpCode::Le | , | ||
| Bool | , | ||
| Device("CPU:0") | |||
| ) | -> Unit(benchmark::kMillisecond) |
| cloudViewer::core::BENCHMARK_CAPTURE | ( | BinaryEW | , |
| Le__CPU_Float32__100 | , | ||
| 100 | , | ||
| BinaryOpCode::Le | , | ||
| Float32 | , | ||
| Device("CPU:0") | |||
| ) | -> Unit(benchmark::kMillisecond) |
| cloudViewer::core::BENCHMARK_CAPTURE | ( | BinaryEW | , |
| Le__CPU_Float32__100000 | , | ||
| 100000 | , | ||
| BinaryOpCode::Le | , | ||
| Float32 | , | ||
| Device("CPU:0") | |||
| ) | -> Unit(benchmark::kMillisecond) |
| cloudViewer::core::BENCHMARK_CAPTURE | ( | BinaryEW | , |
| Le__CPU_Float32__100000000 | , | ||
| 100000000 | , | ||
| BinaryOpCode::Le | , | ||
| Float32 | , | ||
| Device("CPU:0") | |||
| ) | -> Unit(benchmark::kMillisecond) |
| cloudViewer::core::BENCHMARK_CAPTURE | ( | BinaryEW | , |
| Le__CPU_Float64__100 | , | ||
| 100 | , | ||
| BinaryOpCode::Le | , | ||
| Float64 | , | ||
| Device("CPU:0") | |||
| ) | -> Unit(benchmark::kMillisecond) |
| cloudViewer::core::BENCHMARK_CAPTURE | ( | BinaryEW | , |
| Le__CPU_Float64__100000 | , | ||
| 100000 | , | ||
| BinaryOpCode::Le | , | ||
| Float64 | , | ||
| Device("CPU:0") | |||
| ) | -> Unit(benchmark::kMillisecond) |
| cloudViewer::core::BENCHMARK_CAPTURE | ( | BinaryEW | , |
| Le__CPU_Float64__100000000 | , | ||
| 100000000 | , | ||
| BinaryOpCode::Le | , | ||
| Float64 | , | ||
| Device("CPU:0") | |||
| ) | -> Unit(benchmark::kMillisecond) |
| cloudViewer::core::BENCHMARK_CAPTURE | ( | BinaryEW | , |
| Le__CPU_Int16__100 | , | ||
| 100 | , | ||
| BinaryOpCode::Le | , | ||
| Int16 | , | ||
| Device("CPU:0") | |||
| ) | -> Unit(benchmark::kMillisecond) |
| cloudViewer::core::BENCHMARK_CAPTURE | ( | BinaryEW | , |
| Le__CPU_Int16__100000 | , | ||
| 100000 | , | ||
| BinaryOpCode::Le | , | ||
| Int16 | , | ||
| Device("CPU:0") | |||
| ) | -> Unit(benchmark::kMillisecond) |
| cloudViewer::core::BENCHMARK_CAPTURE | ( | BinaryEW | , |
| Le__CPU_Int16__100000000 | , | ||
| 100000000 | , | ||
| BinaryOpCode::Le | , | ||
| Int16 | , | ||
| Device("CPU:0") | |||
| ) | -> Unit(benchmark::kMillisecond) |
| cloudViewer::core::BENCHMARK_CAPTURE | ( | BinaryEW | , |
| Le__CPU_Int32__100 | , | ||
| 100 | , | ||
| BinaryOpCode::Le | , | ||
| Int32 | , | ||
| Device("CPU:0") | |||
| ) | -> Unit(benchmark::kMillisecond) |
| cloudViewer::core::BENCHMARK_CAPTURE | ( | BinaryEW | , |
| Le__CPU_Int32__100000 | , | ||
| 100000 | , | ||
| BinaryOpCode::Le | , | ||
| Int32 | , | ||
| Device("CPU:0") | |||
| ) | -> Unit(benchmark::kMillisecond) |
| cloudViewer::core::BENCHMARK_CAPTURE | ( | BinaryEW | , |
| Le__CPU_Int32__100000000 | , | ||
| 100000000 | , | ||
| BinaryOpCode::Le | , | ||
| Int32 | , | ||
| Device("CPU:0") | |||
| ) | -> Unit(benchmark::kMillisecond) |
| cloudViewer::core::BENCHMARK_CAPTURE | ( | BinaryEW | , |
| Le__CPU_Int64__100 | , | ||
| 100 | , | ||
| BinaryOpCode::Le | , | ||
| Int64 | , | ||
| Device("CPU:0") | |||
| ) | -> Unit(benchmark::kMillisecond) |
| cloudViewer::core::BENCHMARK_CAPTURE | ( | BinaryEW | , |
| Le__CPU_Int64__100000 | , | ||
| 100000 | , | ||
| BinaryOpCode::Le | , | ||
| Int64 | , | ||
| Device("CPU:0") | |||
| ) | -> Unit(benchmark::kMillisecond) |
| cloudViewer::core::BENCHMARK_CAPTURE | ( | BinaryEW | , |
| Le__CPU_Int64__100000000 | , | ||
| 100000000 | , | ||
| BinaryOpCode::Le | , | ||
| Int64 | , | ||
| Device("CPU:0") | |||
| ) | -> Unit(benchmark::kMillisecond) |
| cloudViewer::core::BENCHMARK_CAPTURE | ( | BinaryEW | , |
| Le__CPU_Int8__100 | , | ||
| 100 | , | ||
| BinaryOpCode::Le | , | ||
| Int8 | , | ||
| Device("CPU:0") | |||
| ) | -> Unit(benchmark::kMillisecond) |
| cloudViewer::core::BENCHMARK_CAPTURE | ( | BinaryEW | , |
| Le__CPU_Int8__100000 | , | ||
| 100000 | , | ||
| BinaryOpCode::Le | , | ||
| Int8 | , | ||
| Device("CPU:0") | |||
| ) | -> Unit(benchmark::kMillisecond) |
| cloudViewer::core::BENCHMARK_CAPTURE | ( | BinaryEW | , |
| Le__CPU_Int8__100000000 | , | ||
| 100000000 | , | ||
| BinaryOpCode::Le | , | ||
| Int8 | , | ||
| Device("CPU:0") | |||
| ) | -> Unit(benchmark::kMillisecond) |
| cloudViewer::core::BENCHMARK_CAPTURE | ( | BinaryEW | , |
| Le__CPU_UInt16__100 | , | ||
| 100 | , | ||
| BinaryOpCode::Le | , | ||
| UInt16 | , | ||
| Device("CPU:0") | |||
| ) | -> Unit(benchmark::kMillisecond) |
| cloudViewer::core::BENCHMARK_CAPTURE | ( | BinaryEW | , |
| Le__CPU_UInt16__100000 | , | ||
| 100000 | , | ||
| BinaryOpCode::Le | , | ||
| UInt16 | , | ||
| Device("CPU:0") | |||
| ) | -> Unit(benchmark::kMillisecond) |
| cloudViewer::core::BENCHMARK_CAPTURE | ( | BinaryEW | , |
| Le__CPU_UInt16__100000000 | , | ||
| 100000000 | , | ||
| BinaryOpCode::Le | , | ||
| UInt16 | , | ||
| Device("CPU:0") | |||
| ) | -> Unit(benchmark::kMillisecond) |
| cloudViewer::core::BENCHMARK_CAPTURE | ( | BinaryEW | , |
| Le__CPU_UInt32__100 | , | ||
| 100 | , | ||
| BinaryOpCode::Le | , | ||
| UInt32 | , | ||
| Device("CPU:0") | |||
| ) | -> Unit(benchmark::kMillisecond) |
| cloudViewer::core::BENCHMARK_CAPTURE | ( | BinaryEW | , |
| Le__CPU_UInt32__100000 | , | ||
| 100000 | , | ||
| BinaryOpCode::Le | , | ||
| UInt32 | , | ||
| Device("CPU:0") | |||
| ) | -> Unit(benchmark::kMillisecond) |
| cloudViewer::core::BENCHMARK_CAPTURE | ( | BinaryEW | , |
| Le__CPU_UInt32__100000000 | , | ||
| 100000000 | , | ||
| BinaryOpCode::Le | , | ||
| UInt32 | , | ||
| Device("CPU:0") | |||
| ) | -> Unit(benchmark::kMillisecond) |
| cloudViewer::core::BENCHMARK_CAPTURE | ( | BinaryEW | , |
| Le__CPU_UInt64__100 | , | ||
| 100 | , | ||
| BinaryOpCode::Le | , | ||
| UInt64 | , | ||
| Device("CPU:0") | |||
| ) | -> Unit(benchmark::kMillisecond) |
| cloudViewer::core::BENCHMARK_CAPTURE | ( | BinaryEW | , |
| Le__CPU_UInt64__100000 | , | ||
| 100000 | , | ||
| BinaryOpCode::Le | , | ||
| UInt64 | , | ||
| Device("CPU:0") | |||
| ) | -> Unit(benchmark::kMillisecond) |
| cloudViewer::core::BENCHMARK_CAPTURE | ( | BinaryEW | , |
| Le__CPU_UInt64__100000000 | , | ||
| 100000000 | , | ||
| BinaryOpCode::Le | , | ||
| UInt64 | , | ||
| Device("CPU:0") | |||
| ) | -> Unit(benchmark::kMillisecond) |
| cloudViewer::core::BENCHMARK_CAPTURE | ( | BinaryEW | , |
| Le__CPU_UInt8__100 | , | ||
| 100 | , | ||
| BinaryOpCode::Le | , | ||
| UInt8 | , | ||
| Device("CPU:0") | |||
| ) | -> Unit(benchmark::kMillisecond) |
| cloudViewer::core::BENCHMARK_CAPTURE | ( | BinaryEW | , |
| Le__CPU_UInt8__100000 | , | ||
| 100000 | , | ||
| BinaryOpCode::Le | , | ||
| UInt8 | , | ||
| Device("CPU:0") | |||
| ) | -> Unit(benchmark::kMillisecond) |
| cloudViewer::core::BENCHMARK_CAPTURE | ( | BinaryEW | , |
| Le__CPU_UInt8__100000000 | , | ||
| 100000000 | , | ||
| BinaryOpCode::Le | , | ||
| UInt8 | , | ||
| Device("CPU:0") | |||
| ) | -> Unit(benchmark::kMillisecond) |
| cloudViewer::core::BENCHMARK_CAPTURE | ( | BinaryEW | , |
| LogicalAnd__CPU_Bool__100 | , | ||
| 100 | , | ||
| BinaryOpCode::LogicalAnd | , | ||
| Bool | , | ||
| Device("CPU:0") | |||
| ) | -> Unit(benchmark::kMillisecond) |
| cloudViewer::core::BENCHMARK_CAPTURE | ( | BinaryEW | , |
| LogicalAnd__CPU_Bool__100000 | , | ||
| 100000 | , | ||
| BinaryOpCode::LogicalAnd | , | ||
| Bool | , | ||
| Device("CPU:0") | |||
| ) | -> Unit(benchmark::kMillisecond) |
| cloudViewer::core::BENCHMARK_CAPTURE | ( | BinaryEW | , |
| LogicalAnd__CPU_Bool__100000000 | , | ||
| 100000000 | , | ||
| BinaryOpCode::LogicalAnd | , | ||
| Bool | , | ||
| Device("CPU:0") | |||
| ) | -> Unit(benchmark::kMillisecond) |
| cloudViewer::core::BENCHMARK_CAPTURE | ( | BinaryEW | , |
| LogicalAnd__CPU_Float32__100 | , | ||
| 100 | , | ||
| BinaryOpCode::LogicalAnd | , | ||
| Float32 | , | ||
| Device("CPU:0") | |||
| ) | -> Unit(benchmark::kMillisecond) |
| cloudViewer::core::BENCHMARK_CAPTURE | ( | BinaryEW | , |
| LogicalAnd__CPU_Float32__100000 | , | ||
| 100000 | , | ||
| BinaryOpCode::LogicalAnd | , | ||
| Float32 | , | ||
| Device("CPU:0") | |||
| ) | -> Unit(benchmark::kMillisecond) |
| cloudViewer::core::BENCHMARK_CAPTURE | ( | BinaryEW | , |
| LogicalAnd__CPU_Float32__100000000 | , | ||
| 100000000 | , | ||
| BinaryOpCode::LogicalAnd | , | ||
| Float32 | , | ||
| Device("CPU:0") | |||
| ) | -> Unit(benchmark::kMillisecond) |
| cloudViewer::core::BENCHMARK_CAPTURE | ( | BinaryEW | , |
| LogicalAnd__CPU_Float64__100 | , | ||
| 100 | , | ||
| BinaryOpCode::LogicalAnd | , | ||
| Float64 | , | ||
| Device("CPU:0") | |||
| ) | -> Unit(benchmark::kMillisecond) |
| cloudViewer::core::BENCHMARK_CAPTURE | ( | BinaryEW | , |
| LogicalAnd__CPU_Float64__100000 | , | ||
| 100000 | , | ||
| BinaryOpCode::LogicalAnd | , | ||
| Float64 | , | ||
| Device("CPU:0") | |||
| ) | -> Unit(benchmark::kMillisecond) |
| cloudViewer::core::BENCHMARK_CAPTURE | ( | BinaryEW | , |
| LogicalAnd__CPU_Float64__100000000 | , | ||
| 100000000 | , | ||
| BinaryOpCode::LogicalAnd | , | ||
| Float64 | , | ||
| Device("CPU:0") | |||
| ) | -> Unit(benchmark::kMillisecond) |
| cloudViewer::core::BENCHMARK_CAPTURE | ( | BinaryEW | , |
| LogicalAnd__CPU_Int16__100 | , | ||
| 100 | , | ||
| BinaryOpCode::LogicalAnd | , | ||
| Int16 | , | ||
| Device("CPU:0") | |||
| ) | -> Unit(benchmark::kMillisecond) |
| cloudViewer::core::BENCHMARK_CAPTURE | ( | BinaryEW | , |
| LogicalAnd__CPU_Int16__100000 | , | ||
| 100000 | , | ||
| BinaryOpCode::LogicalAnd | , | ||
| Int16 | , | ||
| Device("CPU:0") | |||
| ) | -> Unit(benchmark::kMillisecond) |
| cloudViewer::core::BENCHMARK_CAPTURE | ( | BinaryEW | , |
| LogicalAnd__CPU_Int16__100000000 | , | ||
| 100000000 | , | ||
| BinaryOpCode::LogicalAnd | , | ||
| Int16 | , | ||
| Device("CPU:0") | |||
| ) | -> Unit(benchmark::kMillisecond) |
| cloudViewer::core::BENCHMARK_CAPTURE | ( | BinaryEW | , |
| LogicalAnd__CPU_Int32__100 | , | ||
| 100 | , | ||
| BinaryOpCode::LogicalAnd | , | ||
| Int32 | , | ||
| Device("CPU:0") | |||
| ) | -> Unit(benchmark::kMillisecond) |
| cloudViewer::core::BENCHMARK_CAPTURE | ( | BinaryEW | , |
| LogicalAnd__CPU_Int32__100000 | , | ||
| 100000 | , | ||
| BinaryOpCode::LogicalAnd | , | ||
| Int32 | , | ||
| Device("CPU:0") | |||
| ) | -> Unit(benchmark::kMillisecond) |
| cloudViewer::core::BENCHMARK_CAPTURE | ( | BinaryEW | , |
| LogicalAnd__CPU_Int32__100000000 | , | ||
| 100000000 | , | ||
| BinaryOpCode::LogicalAnd | , | ||
| Int32 | , | ||
| Device("CPU:0") | |||
| ) | -> Unit(benchmark::kMillisecond) |
| cloudViewer::core::BENCHMARK_CAPTURE | ( | BinaryEW | , |
| LogicalAnd__CPU_Int64__100 | , | ||
| 100 | , | ||
| BinaryOpCode::LogicalAnd | , | ||
| Int64 | , | ||
| Device("CPU:0") | |||
| ) | -> Unit(benchmark::kMillisecond) |
| cloudViewer::core::BENCHMARK_CAPTURE | ( | BinaryEW | , |
| LogicalAnd__CPU_Int64__100000 | , | ||
| 100000 | , | ||
| BinaryOpCode::LogicalAnd | , | ||
| Int64 | , | ||
| Device("CPU:0") | |||
| ) | -> Unit(benchmark::kMillisecond) |
| cloudViewer::core::BENCHMARK_CAPTURE | ( | BinaryEW | , |
| LogicalAnd__CPU_Int64__100000000 | , | ||
| 100000000 | , | ||
| BinaryOpCode::LogicalAnd | , | ||
| Int64 | , | ||
| Device("CPU:0") | |||
| ) | -> Unit(benchmark::kMillisecond) |
| cloudViewer::core::BENCHMARK_CAPTURE | ( | BinaryEW | , |
| LogicalAnd__CPU_Int8__100 | , | ||
| 100 | , | ||
| BinaryOpCode::LogicalAnd | , | ||
| Int8 | , | ||
| Device("CPU:0") | |||
| ) | -> Unit(benchmark::kMillisecond) |
| cloudViewer::core::BENCHMARK_CAPTURE | ( | BinaryEW | , |
| LogicalAnd__CPU_Int8__100000 | , | ||
| 100000 | , | ||
| BinaryOpCode::LogicalAnd | , | ||
| Int8 | , | ||
| Device("CPU:0") | |||
| ) | -> Unit(benchmark::kMillisecond) |
| cloudViewer::core::BENCHMARK_CAPTURE | ( | BinaryEW | , |
| LogicalAnd__CPU_Int8__100000000 | , | ||
| 100000000 | , | ||
| BinaryOpCode::LogicalAnd | , | ||
| Int8 | , | ||
| Device("CPU:0") | |||
| ) | -> Unit(benchmark::kMillisecond) |
| cloudViewer::core::BENCHMARK_CAPTURE | ( | BinaryEW | , |
| LogicalAnd__CPU_UInt16__100 | , | ||
| 100 | , | ||
| BinaryOpCode::LogicalAnd | , | ||
| UInt16 | , | ||
| Device("CPU:0") | |||
| ) | -> Unit(benchmark::kMillisecond) |
| cloudViewer::core::BENCHMARK_CAPTURE | ( | BinaryEW | , |
| LogicalAnd__CPU_UInt16__100000 | , | ||
| 100000 | , | ||
| BinaryOpCode::LogicalAnd | , | ||
| UInt16 | , | ||
| Device("CPU:0") | |||
| ) | -> Unit(benchmark::kMillisecond) |
| cloudViewer::core::BENCHMARK_CAPTURE | ( | BinaryEW | , |
| LogicalAnd__CPU_UInt16__100000000 | , | ||
| 100000000 | , | ||
| BinaryOpCode::LogicalAnd | , | ||
| UInt16 | , | ||
| Device("CPU:0") | |||
| ) | -> Unit(benchmark::kMillisecond) |
| cloudViewer::core::BENCHMARK_CAPTURE | ( | BinaryEW | , |
| LogicalAnd__CPU_UInt32__100 | , | ||
| 100 | , | ||
| BinaryOpCode::LogicalAnd | , | ||
| UInt32 | , | ||
| Device("CPU:0") | |||
| ) | -> Unit(benchmark::kMillisecond) |
| cloudViewer::core::BENCHMARK_CAPTURE | ( | BinaryEW | , |
| LogicalAnd__CPU_UInt32__100000 | , | ||
| 100000 | , | ||
| BinaryOpCode::LogicalAnd | , | ||
| UInt32 | , | ||
| Device("CPU:0") | |||
| ) | -> Unit(benchmark::kMillisecond) |
| cloudViewer::core::BENCHMARK_CAPTURE | ( | BinaryEW | , |
| LogicalAnd__CPU_UInt32__100000000 | , | ||
| 100000000 | , | ||
| BinaryOpCode::LogicalAnd | , | ||
| UInt32 | , | ||
| Device("CPU:0") | |||
| ) | -> Unit(benchmark::kMillisecond) |
| cloudViewer::core::BENCHMARK_CAPTURE | ( | BinaryEW | , |
| LogicalAnd__CPU_UInt64__100 | , | ||
| 100 | , | ||
| BinaryOpCode::LogicalAnd | , | ||
| UInt64 | , | ||
| Device("CPU:0") | |||
| ) | -> Unit(benchmark::kMillisecond) |
| cloudViewer::core::BENCHMARK_CAPTURE | ( | BinaryEW | , |
| LogicalAnd__CPU_UInt64__100000 | , | ||
| 100000 | , | ||
| BinaryOpCode::LogicalAnd | , | ||
| UInt64 | , | ||
| Device("CPU:0") | |||
| ) | -> Unit(benchmark::kMillisecond) |
| cloudViewer::core::BENCHMARK_CAPTURE | ( | BinaryEW | , |
| LogicalAnd__CPU_UInt64__100000000 | , | ||
| 100000000 | , | ||
| BinaryOpCode::LogicalAnd | , | ||
| UInt64 | , | ||
| Device("CPU:0") | |||
| ) | -> Unit(benchmark::kMillisecond) |
| cloudViewer::core::BENCHMARK_CAPTURE | ( | BinaryEW | , |
| LogicalAnd__CPU_UInt8__100 | , | ||
| 100 | , | ||
| BinaryOpCode::LogicalAnd | , | ||
| UInt8 | , | ||
| Device("CPU:0") | |||
| ) | -> Unit(benchmark::kMillisecond) |
| cloudViewer::core::BENCHMARK_CAPTURE | ( | BinaryEW | , |
| LogicalAnd__CPU_UInt8__100000 | , | ||
| 100000 | , | ||
| BinaryOpCode::LogicalAnd | , | ||
| UInt8 | , | ||
| Device("CPU:0") | |||
| ) | -> Unit(benchmark::kMillisecond) |
| cloudViewer::core::BENCHMARK_CAPTURE | ( | BinaryEW | , |
| LogicalAnd__CPU_UInt8__100000000 | , | ||
| 100000000 | , | ||
| BinaryOpCode::LogicalAnd | , | ||
| UInt8 | , | ||
| Device("CPU:0") | |||
| ) | -> Unit(benchmark::kMillisecond) |
| cloudViewer::core::BENCHMARK_CAPTURE | ( | BinaryEW | , |
| LogicalOr__CPU_Bool__100 | , | ||
| 100 | , | ||
| BinaryOpCode::LogicalOr | , | ||
| Bool | , | ||
| Device("CPU:0") | |||
| ) | -> Unit(benchmark::kMillisecond) |
| cloudViewer::core::BENCHMARK_CAPTURE | ( | BinaryEW | , |
| LogicalOr__CPU_Bool__100000 | , | ||
| 100000 | , | ||
| BinaryOpCode::LogicalOr | , | ||
| Bool | , | ||
| Device("CPU:0") | |||
| ) | -> Unit(benchmark::kMillisecond) |
| cloudViewer::core::BENCHMARK_CAPTURE | ( | BinaryEW | , |
| LogicalOr__CPU_Bool__100000000 | , | ||
| 100000000 | , | ||
| BinaryOpCode::LogicalOr | , | ||
| Bool | , | ||
| Device("CPU:0") | |||
| ) | -> Unit(benchmark::kMillisecond) |
| cloudViewer::core::BENCHMARK_CAPTURE | ( | BinaryEW | , |
| LogicalOr__CPU_Float32__100 | , | ||
| 100 | , | ||
| BinaryOpCode::LogicalOr | , | ||
| Float32 | , | ||
| Device("CPU:0") | |||
| ) | -> Unit(benchmark::kMillisecond) |
| cloudViewer::core::BENCHMARK_CAPTURE | ( | BinaryEW | , |
| LogicalOr__CPU_Float32__100000 | , | ||
| 100000 | , | ||
| BinaryOpCode::LogicalOr | , | ||
| Float32 | , | ||
| Device("CPU:0") | |||
| ) | -> Unit(benchmark::kMillisecond) |
| cloudViewer::core::BENCHMARK_CAPTURE | ( | BinaryEW | , |
| LogicalOr__CPU_Float32__100000000 | , | ||
| 100000000 | , | ||
| BinaryOpCode::LogicalOr | , | ||
| Float32 | , | ||
| Device("CPU:0") | |||
| ) | -> Unit(benchmark::kMillisecond) |
| cloudViewer::core::BENCHMARK_CAPTURE | ( | BinaryEW | , |
| LogicalOr__CPU_Float64__100 | , | ||
| 100 | , | ||
| BinaryOpCode::LogicalOr | , | ||
| Float64 | , | ||
| Device("CPU:0") | |||
| ) | -> Unit(benchmark::kMillisecond) |
| cloudViewer::core::BENCHMARK_CAPTURE | ( | BinaryEW | , |
| LogicalOr__CPU_Float64__100000 | , | ||
| 100000 | , | ||
| BinaryOpCode::LogicalOr | , | ||
| Float64 | , | ||
| Device("CPU:0") | |||
| ) | -> Unit(benchmark::kMillisecond) |
| cloudViewer::core::BENCHMARK_CAPTURE | ( | BinaryEW | , |
| LogicalOr__CPU_Float64__100000000 | , | ||
| 100000000 | , | ||
| BinaryOpCode::LogicalOr | , | ||
| Float64 | , | ||
| Device("CPU:0") | |||
| ) | -> Unit(benchmark::kMillisecond) |
| cloudViewer::core::BENCHMARK_CAPTURE | ( | BinaryEW | , |
| LogicalOr__CPU_Int16__100 | , | ||
| 100 | , | ||
| BinaryOpCode::LogicalOr | , | ||
| Int16 | , | ||
| Device("CPU:0") | |||
| ) | -> Unit(benchmark::kMillisecond) |
| cloudViewer::core::BENCHMARK_CAPTURE | ( | BinaryEW | , |
| LogicalOr__CPU_Int16__100000 | , | ||
| 100000 | , | ||
| BinaryOpCode::LogicalOr | , | ||
| Int16 | , | ||
| Device("CPU:0") | |||
| ) | -> Unit(benchmark::kMillisecond) |
| cloudViewer::core::BENCHMARK_CAPTURE | ( | BinaryEW | , |
| LogicalOr__CPU_Int16__100000000 | , | ||
| 100000000 | , | ||
| BinaryOpCode::LogicalOr | , | ||
| Int16 | , | ||
| Device("CPU:0") | |||
| ) | -> Unit(benchmark::kMillisecond) |
| cloudViewer::core::BENCHMARK_CAPTURE | ( | BinaryEW | , |
| LogicalOr__CPU_Int32__100 | , | ||
| 100 | , | ||
| BinaryOpCode::LogicalOr | , | ||
| Int32 | , | ||
| Device("CPU:0") | |||
| ) | -> Unit(benchmark::kMillisecond) |
| cloudViewer::core::BENCHMARK_CAPTURE | ( | BinaryEW | , |
| LogicalOr__CPU_Int32__100000 | , | ||
| 100000 | , | ||
| BinaryOpCode::LogicalOr | , | ||
| Int32 | , | ||
| Device("CPU:0") | |||
| ) | -> Unit(benchmark::kMillisecond) |
| cloudViewer::core::BENCHMARK_CAPTURE | ( | BinaryEW | , |
| LogicalOr__CPU_Int32__100000000 | , | ||
| 100000000 | , | ||
| BinaryOpCode::LogicalOr | , | ||
| Int32 | , | ||
| Device("CPU:0") | |||
| ) | -> Unit(benchmark::kMillisecond) |
| cloudViewer::core::BENCHMARK_CAPTURE | ( | BinaryEW | , |
| LogicalOr__CPU_Int64__100 | , | ||
| 100 | , | ||
| BinaryOpCode::LogicalOr | , | ||
| Int64 | , | ||
| Device("CPU:0") | |||
| ) | -> Unit(benchmark::kMillisecond) |
| cloudViewer::core::BENCHMARK_CAPTURE | ( | BinaryEW | , |
| LogicalOr__CPU_Int64__100000 | , | ||
| 100000 | , | ||
| BinaryOpCode::LogicalOr | , | ||
| Int64 | , | ||
| Device("CPU:0") | |||
| ) | -> Unit(benchmark::kMillisecond) |
| cloudViewer::core::BENCHMARK_CAPTURE | ( | BinaryEW | , |
| LogicalOr__CPU_Int64__100000000 | , | ||
| 100000000 | , | ||
| BinaryOpCode::LogicalOr | , | ||
| Int64 | , | ||
| Device("CPU:0") | |||
| ) | -> Unit(benchmark::kMillisecond) |
| cloudViewer::core::BENCHMARK_CAPTURE | ( | BinaryEW | , |
| LogicalOr__CPU_Int8__100 | , | ||
| 100 | , | ||
| BinaryOpCode::LogicalOr | , | ||
| Int8 | , | ||
| Device("CPU:0") | |||
| ) | -> Unit(benchmark::kMillisecond) |
| cloudViewer::core::BENCHMARK_CAPTURE | ( | BinaryEW | , |
| LogicalOr__CPU_Int8__100000 | , | ||
| 100000 | , | ||
| BinaryOpCode::LogicalOr | , | ||
| Int8 | , | ||
| Device("CPU:0") | |||
| ) | -> Unit(benchmark::kMillisecond) |
| cloudViewer::core::BENCHMARK_CAPTURE | ( | BinaryEW | , |
| LogicalOr__CPU_Int8__100000000 | , | ||
| 100000000 | , | ||
| BinaryOpCode::LogicalOr | , | ||
| Int8 | , | ||
| Device("CPU:0") | |||
| ) | -> Unit(benchmark::kMillisecond) |
| cloudViewer::core::BENCHMARK_CAPTURE | ( | BinaryEW | , |
| LogicalOr__CPU_UInt16__100 | , | ||
| 100 | , | ||
| BinaryOpCode::LogicalOr | , | ||
| UInt16 | , | ||
| Device("CPU:0") | |||
| ) | -> Unit(benchmark::kMillisecond) |
| cloudViewer::core::BENCHMARK_CAPTURE | ( | BinaryEW | , |
| LogicalOr__CPU_UInt16__100000 | , | ||
| 100000 | , | ||
| BinaryOpCode::LogicalOr | , | ||
| UInt16 | , | ||
| Device("CPU:0") | |||
| ) | -> Unit(benchmark::kMillisecond) |
| cloudViewer::core::BENCHMARK_CAPTURE | ( | BinaryEW | , |
| LogicalOr__CPU_UInt16__100000000 | , | ||
| 100000000 | , | ||
| BinaryOpCode::LogicalOr | , | ||
| UInt16 | , | ||
| Device("CPU:0") | |||
| ) | -> Unit(benchmark::kMillisecond) |
| cloudViewer::core::BENCHMARK_CAPTURE | ( | BinaryEW | , |
| LogicalOr__CPU_UInt32__100 | , | ||
| 100 | , | ||
| BinaryOpCode::LogicalOr | , | ||
| UInt32 | , | ||
| Device("CPU:0") | |||
| ) | -> Unit(benchmark::kMillisecond) |
| cloudViewer::core::BENCHMARK_CAPTURE | ( | BinaryEW | , |
| LogicalOr__CPU_UInt32__100000 | , | ||
| 100000 | , | ||
| BinaryOpCode::LogicalOr | , | ||
| UInt32 | , | ||
| Device("CPU:0") | |||
| ) | -> Unit(benchmark::kMillisecond) |
| cloudViewer::core::BENCHMARK_CAPTURE | ( | BinaryEW | , |
| LogicalOr__CPU_UInt32__100000000 | , | ||
| 100000000 | , | ||
| BinaryOpCode::LogicalOr | , | ||
| UInt32 | , | ||
| Device("CPU:0") | |||
| ) | -> Unit(benchmark::kMillisecond) |
| cloudViewer::core::BENCHMARK_CAPTURE | ( | BinaryEW | , |
| LogicalOr__CPU_UInt64__100 | , | ||
| 100 | , | ||
| BinaryOpCode::LogicalOr | , | ||
| UInt64 | , | ||
| Device("CPU:0") | |||
| ) | -> Unit(benchmark::kMillisecond) |
| cloudViewer::core::BENCHMARK_CAPTURE | ( | BinaryEW | , |
| LogicalOr__CPU_UInt64__100000 | , | ||
| 100000 | , | ||
| BinaryOpCode::LogicalOr | , | ||
| UInt64 | , | ||
| Device("CPU:0") | |||
| ) | -> Unit(benchmark::kMillisecond) |
| cloudViewer::core::BENCHMARK_CAPTURE | ( | BinaryEW | , |
| LogicalOr__CPU_UInt64__100000000 | , | ||
| 100000000 | , | ||
| BinaryOpCode::LogicalOr | , | ||
| UInt64 | , | ||
| Device("CPU:0") | |||
| ) | -> Unit(benchmark::kMillisecond) |
| cloudViewer::core::BENCHMARK_CAPTURE | ( | BinaryEW | , |
| LogicalOr__CPU_UInt8__100 | , | ||
| 100 | , | ||
| BinaryOpCode::LogicalOr | , | ||
| UInt8 | , | ||
| Device("CPU:0") | |||
| ) | -> Unit(benchmark::kMillisecond) |
| cloudViewer::core::BENCHMARK_CAPTURE | ( | BinaryEW | , |
| LogicalOr__CPU_UInt8__100000 | , | ||
| 100000 | , | ||
| BinaryOpCode::LogicalOr | , | ||
| UInt8 | , | ||
| Device("CPU:0") | |||
| ) | -> Unit(benchmark::kMillisecond) |
| cloudViewer::core::BENCHMARK_CAPTURE | ( | BinaryEW | , |
| LogicalOr__CPU_UInt8__100000000 | , | ||
| 100000000 | , | ||
| BinaryOpCode::LogicalOr | , | ||
| UInt8 | , | ||
| Device("CPU:0") | |||
| ) | -> Unit(benchmark::kMillisecond) |
| cloudViewer::core::BENCHMARK_CAPTURE | ( | BinaryEW | , |
| LogicalXor__CPU_Bool__100 | , | ||
| 100 | , | ||
| BinaryOpCode::LogicalXor | , | ||
| Bool | , | ||
| Device("CPU:0") | |||
| ) | -> Unit(benchmark::kMillisecond) |
| cloudViewer::core::BENCHMARK_CAPTURE | ( | BinaryEW | , |
| LogicalXor__CPU_Bool__100000 | , | ||
| 100000 | , | ||
| BinaryOpCode::LogicalXor | , | ||
| Bool | , | ||
| Device("CPU:0") | |||
| ) | -> Unit(benchmark::kMillisecond) |
| cloudViewer::core::BENCHMARK_CAPTURE | ( | BinaryEW | , |
| LogicalXor__CPU_Bool__100000000 | , | ||
| 100000000 | , | ||
| BinaryOpCode::LogicalXor | , | ||
| Bool | , | ||
| Device("CPU:0") | |||
| ) | -> Unit(benchmark::kMillisecond) |
| cloudViewer::core::BENCHMARK_CAPTURE | ( | BinaryEW | , |
| LogicalXor__CPU_Float32__100 | , | ||
| 100 | , | ||
| BinaryOpCode::LogicalXor | , | ||
| Float32 | , | ||
| Device("CPU:0") | |||
| ) | -> Unit(benchmark::kMillisecond) |
| cloudViewer::core::BENCHMARK_CAPTURE | ( | BinaryEW | , |
| LogicalXor__CPU_Float32__100000 | , | ||
| 100000 | , | ||
| BinaryOpCode::LogicalXor | , | ||
| Float32 | , | ||
| Device("CPU:0") | |||
| ) | -> Unit(benchmark::kMillisecond) |
| cloudViewer::core::BENCHMARK_CAPTURE | ( | BinaryEW | , |
| LogicalXor__CPU_Float32__100000000 | , | ||
| 100000000 | , | ||
| BinaryOpCode::LogicalXor | , | ||
| Float32 | , | ||
| Device("CPU:0") | |||
| ) | -> Unit(benchmark::kMillisecond) |
| cloudViewer::core::BENCHMARK_CAPTURE | ( | BinaryEW | , |
| LogicalXor__CPU_Float64__100 | , | ||
| 100 | , | ||
| BinaryOpCode::LogicalXor | , | ||
| Float64 | , | ||
| Device("CPU:0") | |||
| ) | -> Unit(benchmark::kMillisecond) |
| cloudViewer::core::BENCHMARK_CAPTURE | ( | BinaryEW | , |
| LogicalXor__CPU_Float64__100000 | , | ||
| 100000 | , | ||
| BinaryOpCode::LogicalXor | , | ||
| Float64 | , | ||
| Device("CPU:0") | |||
| ) | -> Unit(benchmark::kMillisecond) |
| cloudViewer::core::BENCHMARK_CAPTURE | ( | BinaryEW | , |
| LogicalXor__CPU_Float64__100000000 | , | ||
| 100000000 | , | ||
| BinaryOpCode::LogicalXor | , | ||
| Float64 | , | ||
| Device("CPU:0") | |||
| ) | -> Unit(benchmark::kMillisecond) |
| cloudViewer::core::BENCHMARK_CAPTURE | ( | BinaryEW | , |
| LogicalXor__CPU_Int16__100 | , | ||
| 100 | , | ||
| BinaryOpCode::LogicalXor | , | ||
| Int16 | , | ||
| Device("CPU:0") | |||
| ) | -> Unit(benchmark::kMillisecond) |
| cloudViewer::core::BENCHMARK_CAPTURE | ( | BinaryEW | , |
| LogicalXor__CPU_Int16__100000 | , | ||
| 100000 | , | ||
| BinaryOpCode::LogicalXor | , | ||
| Int16 | , | ||
| Device("CPU:0") | |||
| ) | -> Unit(benchmark::kMillisecond) |
| cloudViewer::core::BENCHMARK_CAPTURE | ( | BinaryEW | , |
| LogicalXor__CPU_Int16__100000000 | , | ||
| 100000000 | , | ||
| BinaryOpCode::LogicalXor | , | ||
| Int16 | , | ||
| Device("CPU:0") | |||
| ) | -> Unit(benchmark::kMillisecond) |
| cloudViewer::core::BENCHMARK_CAPTURE | ( | BinaryEW | , |
| LogicalXor__CPU_Int32__100 | , | ||
| 100 | , | ||
| BinaryOpCode::LogicalXor | , | ||
| Int32 | , | ||
| Device("CPU:0") | |||
| ) | -> Unit(benchmark::kMillisecond) |
| cloudViewer::core::BENCHMARK_CAPTURE | ( | BinaryEW | , |
| LogicalXor__CPU_Int32__100000 | , | ||
| 100000 | , | ||
| BinaryOpCode::LogicalXor | , | ||
| Int32 | , | ||
| Device("CPU:0") | |||
| ) | -> Unit(benchmark::kMillisecond) |
| cloudViewer::core::BENCHMARK_CAPTURE | ( | BinaryEW | , |
| LogicalXor__CPU_Int32__100000000 | , | ||
| 100000000 | , | ||
| BinaryOpCode::LogicalXor | , | ||
| Int32 | , | ||
| Device("CPU:0") | |||
| ) | -> Unit(benchmark::kMillisecond) |
| cloudViewer::core::BENCHMARK_CAPTURE | ( | BinaryEW | , |
| LogicalXor__CPU_Int64__100 | , | ||
| 100 | , | ||
| BinaryOpCode::LogicalXor | , | ||
| Int64 | , | ||
| Device("CPU:0") | |||
| ) | -> Unit(benchmark::kMillisecond) |
| cloudViewer::core::BENCHMARK_CAPTURE | ( | BinaryEW | , |
| LogicalXor__CPU_Int64__100000 | , | ||
| 100000 | , | ||
| BinaryOpCode::LogicalXor | , | ||
| Int64 | , | ||
| Device("CPU:0") | |||
| ) | -> Unit(benchmark::kMillisecond) |
| cloudViewer::core::BENCHMARK_CAPTURE | ( | BinaryEW | , |
| LogicalXor__CPU_Int64__100000000 | , | ||
| 100000000 | , | ||
| BinaryOpCode::LogicalXor | , | ||
| Int64 | , | ||
| Device("CPU:0") | |||
| ) | -> Unit(benchmark::kMillisecond) |
| cloudViewer::core::BENCHMARK_CAPTURE | ( | BinaryEW | , |
| LogicalXor__CPU_Int8__100 | , | ||
| 100 | , | ||
| BinaryOpCode::LogicalXor | , | ||
| Int8 | , | ||
| Device("CPU:0") | |||
| ) | -> Unit(benchmark::kMillisecond) |
| cloudViewer::core::BENCHMARK_CAPTURE | ( | BinaryEW | , |
| LogicalXor__CPU_Int8__100000 | , | ||
| 100000 | , | ||
| BinaryOpCode::LogicalXor | , | ||
| Int8 | , | ||
| Device("CPU:0") | |||
| ) | -> Unit(benchmark::kMillisecond) |
| cloudViewer::core::BENCHMARK_CAPTURE | ( | BinaryEW | , |
| LogicalXor__CPU_Int8__100000000 | , | ||
| 100000000 | , | ||
| BinaryOpCode::LogicalXor | , | ||
| Int8 | , | ||
| Device("CPU:0") | |||
| ) | -> Unit(benchmark::kMillisecond) |
| cloudViewer::core::BENCHMARK_CAPTURE | ( | BinaryEW | , |
| LogicalXor__CPU_UInt16__100 | , | ||
| 100 | , | ||
| BinaryOpCode::LogicalXor | , | ||
| UInt16 | , | ||
| Device("CPU:0") | |||
| ) | -> Unit(benchmark::kMillisecond) |
| cloudViewer::core::BENCHMARK_CAPTURE | ( | BinaryEW | , |
| LogicalXor__CPU_UInt16__100000 | , | ||
| 100000 | , | ||
| BinaryOpCode::LogicalXor | , | ||
| UInt16 | , | ||
| Device("CPU:0") | |||
| ) | -> Unit(benchmark::kMillisecond) |
| cloudViewer::core::BENCHMARK_CAPTURE | ( | BinaryEW | , |
| LogicalXor__CPU_UInt16__100000000 | , | ||
| 100000000 | , | ||
| BinaryOpCode::LogicalXor | , | ||
| UInt16 | , | ||
| Device("CPU:0") | |||
| ) | -> Unit(benchmark::kMillisecond) |
| cloudViewer::core::BENCHMARK_CAPTURE | ( | BinaryEW | , |
| LogicalXor__CPU_UInt32__100 | , | ||
| 100 | , | ||
| BinaryOpCode::LogicalXor | , | ||
| UInt32 | , | ||
| Device("CPU:0") | |||
| ) | -> Unit(benchmark::kMillisecond) |
| cloudViewer::core::BENCHMARK_CAPTURE | ( | BinaryEW | , |
| LogicalXor__CPU_UInt32__100000 | , | ||
| 100000 | , | ||
| BinaryOpCode::LogicalXor | , | ||
| UInt32 | , | ||
| Device("CPU:0") | |||
| ) | -> Unit(benchmark::kMillisecond) |
| cloudViewer::core::BENCHMARK_CAPTURE | ( | BinaryEW | , |
| LogicalXor__CPU_UInt32__100000000 | , | ||
| 100000000 | , | ||
| BinaryOpCode::LogicalXor | , | ||
| UInt32 | , | ||
| Device("CPU:0") | |||
| ) | -> Unit(benchmark::kMillisecond) |
| cloudViewer::core::BENCHMARK_CAPTURE | ( | BinaryEW | , |
| LogicalXor__CPU_UInt64__100 | , | ||
| 100 | , | ||
| BinaryOpCode::LogicalXor | , | ||
| UInt64 | , | ||
| Device("CPU:0") | |||
| ) | -> Unit(benchmark::kMillisecond) |
| cloudViewer::core::BENCHMARK_CAPTURE | ( | BinaryEW | , |
| LogicalXor__CPU_UInt64__100000 | , | ||
| 100000 | , | ||
| BinaryOpCode::LogicalXor | , | ||
| UInt64 | , | ||
| Device("CPU:0") | |||
| ) | -> Unit(benchmark::kMillisecond) |
| cloudViewer::core::BENCHMARK_CAPTURE | ( | BinaryEW | , |
| LogicalXor__CPU_UInt64__100000000 | , | ||
| 100000000 | , | ||
| BinaryOpCode::LogicalXor | , | ||
| UInt64 | , | ||
| Device("CPU:0") | |||
| ) | -> Unit(benchmark::kMillisecond) |
| cloudViewer::core::BENCHMARK_CAPTURE | ( | BinaryEW | , |
| LogicalXor__CPU_UInt8__100 | , | ||
| 100 | , | ||
| BinaryOpCode::LogicalXor | , | ||
| UInt8 | , | ||
| Device("CPU:0") | |||
| ) | -> Unit(benchmark::kMillisecond) |
| cloudViewer::core::BENCHMARK_CAPTURE | ( | BinaryEW | , |
| LogicalXor__CPU_UInt8__100000 | , | ||
| 100000 | , | ||
| BinaryOpCode::LogicalXor | , | ||
| UInt8 | , | ||
| Device("CPU:0") | |||
| ) | -> Unit(benchmark::kMillisecond) |
| cloudViewer::core::BENCHMARK_CAPTURE | ( | BinaryEW | , |
| LogicalXor__CPU_UInt8__100000000 | , | ||
| 100000000 | , | ||
| BinaryOpCode::LogicalXor | , | ||
| UInt8 | , | ||
| Device("CPU:0") | |||
| ) | -> Unit(benchmark::kMillisecond) |
| cloudViewer::core::BENCHMARK_CAPTURE | ( | BinaryEW | , |
| Lt__CPU_Bool__100 | , | ||
| 100 | , | ||
| BinaryOpCode::Lt | , | ||
| Bool | , | ||
| Device("CPU:0") | |||
| ) | -> Unit(benchmark::kMillisecond) |
| cloudViewer::core::BENCHMARK_CAPTURE | ( | BinaryEW | , |
| Lt__CPU_Bool__100000 | , | ||
| 100000 | , | ||
| BinaryOpCode::Lt | , | ||
| Bool | , | ||
| Device("CPU:0") | |||
| ) | -> Unit(benchmark::kMillisecond) |
| cloudViewer::core::BENCHMARK_CAPTURE | ( | BinaryEW | , |
| Lt__CPU_Bool__100000000 | , | ||
| 100000000 | , | ||
| BinaryOpCode::Lt | , | ||
| Bool | , | ||
| Device("CPU:0") | |||
| ) | -> Unit(benchmark::kMillisecond) |
| cloudViewer::core::BENCHMARK_CAPTURE | ( | BinaryEW | , |
| Lt__CPU_Float32__100 | , | ||
| 100 | , | ||
| BinaryOpCode::Lt | , | ||
| Float32 | , | ||
| Device("CPU:0") | |||
| ) | -> Unit(benchmark::kMillisecond) |
| cloudViewer::core::BENCHMARK_CAPTURE | ( | BinaryEW | , |
| Lt__CPU_Float32__100000 | , | ||
| 100000 | , | ||
| BinaryOpCode::Lt | , | ||
| Float32 | , | ||
| Device("CPU:0") | |||
| ) | -> Unit(benchmark::kMillisecond) |
| cloudViewer::core::BENCHMARK_CAPTURE | ( | BinaryEW | , |
| Lt__CPU_Float32__100000000 | , | ||
| 100000000 | , | ||
| BinaryOpCode::Lt | , | ||
| Float32 | , | ||
| Device("CPU:0") | |||
| ) | -> Unit(benchmark::kMillisecond) |
| cloudViewer::core::BENCHMARK_CAPTURE | ( | BinaryEW | , |
| Lt__CPU_Float64__100 | , | ||
| 100 | , | ||
| BinaryOpCode::Lt | , | ||
| Float64 | , | ||
| Device("CPU:0") | |||
| ) | -> Unit(benchmark::kMillisecond) |
| cloudViewer::core::BENCHMARK_CAPTURE | ( | BinaryEW | , |
| Lt__CPU_Float64__100000 | , | ||
| 100000 | , | ||
| BinaryOpCode::Lt | , | ||
| Float64 | , | ||
| Device("CPU:0") | |||
| ) | -> Unit(benchmark::kMillisecond) |
| cloudViewer::core::BENCHMARK_CAPTURE | ( | BinaryEW | , |
| Lt__CPU_Float64__100000000 | , | ||
| 100000000 | , | ||
| BinaryOpCode::Lt | , | ||
| Float64 | , | ||
| Device("CPU:0") | |||
| ) | -> Unit(benchmark::kMillisecond) |
| cloudViewer::core::BENCHMARK_CAPTURE | ( | BinaryEW | , |
| Lt__CPU_Int16__100 | , | ||
| 100 | , | ||
| BinaryOpCode::Lt | , | ||
| Int16 | , | ||
| Device("CPU:0") | |||
| ) | -> Unit(benchmark::kMillisecond) |
| cloudViewer::core::BENCHMARK_CAPTURE | ( | BinaryEW | , |
| Lt__CPU_Int16__100000 | , | ||
| 100000 | , | ||
| BinaryOpCode::Lt | , | ||
| Int16 | , | ||
| Device("CPU:0") | |||
| ) | -> Unit(benchmark::kMillisecond) |
| cloudViewer::core::BENCHMARK_CAPTURE | ( | BinaryEW | , |
| Lt__CPU_Int16__100000000 | , | ||
| 100000000 | , | ||
| BinaryOpCode::Lt | , | ||
| Int16 | , | ||
| Device("CPU:0") | |||
| ) | -> Unit(benchmark::kMillisecond) |
| cloudViewer::core::BENCHMARK_CAPTURE | ( | BinaryEW | , |
| Lt__CPU_Int32__100 | , | ||
| 100 | , | ||
| BinaryOpCode::Lt | , | ||
| Int32 | , | ||
| Device("CPU:0") | |||
| ) | -> Unit(benchmark::kMillisecond) |
| cloudViewer::core::BENCHMARK_CAPTURE | ( | BinaryEW | , |
| Lt__CPU_Int32__100000 | , | ||
| 100000 | , | ||
| BinaryOpCode::Lt | , | ||
| Int32 | , | ||
| Device("CPU:0") | |||
| ) | -> Unit(benchmark::kMillisecond) |
| cloudViewer::core::BENCHMARK_CAPTURE | ( | BinaryEW | , |
| Lt__CPU_Int32__100000000 | , | ||
| 100000000 | , | ||
| BinaryOpCode::Lt | , | ||
| Int32 | , | ||
| Device("CPU:0") | |||
| ) | -> Unit(benchmark::kMillisecond) |
| cloudViewer::core::BENCHMARK_CAPTURE | ( | BinaryEW | , |
| Lt__CPU_Int64__100 | , | ||
| 100 | , | ||
| BinaryOpCode::Lt | , | ||
| Int64 | , | ||
| Device("CPU:0") | |||
| ) | -> Unit(benchmark::kMillisecond) |
| cloudViewer::core::BENCHMARK_CAPTURE | ( | BinaryEW | , |
| Lt__CPU_Int64__100000 | , | ||
| 100000 | , | ||
| BinaryOpCode::Lt | , | ||
| Int64 | , | ||
| Device("CPU:0") | |||
| ) | -> Unit(benchmark::kMillisecond) |
| cloudViewer::core::BENCHMARK_CAPTURE | ( | BinaryEW | , |
| Lt__CPU_Int64__100000000 | , | ||
| 100000000 | , | ||
| BinaryOpCode::Lt | , | ||
| Int64 | , | ||
| Device("CPU:0") | |||
| ) | -> Unit(benchmark::kMillisecond) |
| cloudViewer::core::BENCHMARK_CAPTURE | ( | BinaryEW | , |
| Lt__CPU_Int8__100 | , | ||
| 100 | , | ||
| BinaryOpCode::Lt | , | ||
| Int8 | , | ||
| Device("CPU:0") | |||
| ) | -> Unit(benchmark::kMillisecond) |
| cloudViewer::core::BENCHMARK_CAPTURE | ( | BinaryEW | , |
| Lt__CPU_Int8__100000 | , | ||
| 100000 | , | ||
| BinaryOpCode::Lt | , | ||
| Int8 | , | ||
| Device("CPU:0") | |||
| ) | -> Unit(benchmark::kMillisecond) |
| cloudViewer::core::BENCHMARK_CAPTURE | ( | BinaryEW | , |
| Lt__CPU_Int8__100000000 | , | ||
| 100000000 | , | ||
| BinaryOpCode::Lt | , | ||
| Int8 | , | ||
| Device("CPU:0") | |||
| ) | -> Unit(benchmark::kMillisecond) |
| cloudViewer::core::BENCHMARK_CAPTURE | ( | BinaryEW | , |
| Lt__CPU_UInt16__100 | , | ||
| 100 | , | ||
| BinaryOpCode::Lt | , | ||
| UInt16 | , | ||
| Device("CPU:0") | |||
| ) | -> Unit(benchmark::kMillisecond) |
| cloudViewer::core::BENCHMARK_CAPTURE | ( | BinaryEW | , |
| Lt__CPU_UInt16__100000 | , | ||
| 100000 | , | ||
| BinaryOpCode::Lt | , | ||
| UInt16 | , | ||
| Device("CPU:0") | |||
| ) | -> Unit(benchmark::kMillisecond) |
| cloudViewer::core::BENCHMARK_CAPTURE | ( | BinaryEW | , |
| Lt__CPU_UInt16__100000000 | , | ||
| 100000000 | , | ||
| BinaryOpCode::Lt | , | ||
| UInt16 | , | ||
| Device("CPU:0") | |||
| ) | -> Unit(benchmark::kMillisecond) |
| cloudViewer::core::BENCHMARK_CAPTURE | ( | BinaryEW | , |
| Lt__CPU_UInt32__100 | , | ||
| 100 | , | ||
| BinaryOpCode::Lt | , | ||
| UInt32 | , | ||
| Device("CPU:0") | |||
| ) | -> Unit(benchmark::kMillisecond) |
| cloudViewer::core::BENCHMARK_CAPTURE | ( | BinaryEW | , |
| Lt__CPU_UInt32__100000 | , | ||
| 100000 | , | ||
| BinaryOpCode::Lt | , | ||
| UInt32 | , | ||
| Device("CPU:0") | |||
| ) | -> Unit(benchmark::kMillisecond) |
| cloudViewer::core::BENCHMARK_CAPTURE | ( | BinaryEW | , |
| Lt__CPU_UInt32__100000000 | , | ||
| 100000000 | , | ||
| BinaryOpCode::Lt | , | ||
| UInt32 | , | ||
| Device("CPU:0") | |||
| ) | -> Unit(benchmark::kMillisecond) |
| cloudViewer::core::BENCHMARK_CAPTURE | ( | BinaryEW | , |
| Lt__CPU_UInt64__100 | , | ||
| 100 | , | ||
| BinaryOpCode::Lt | , | ||
| UInt64 | , | ||
| Device("CPU:0") | |||
| ) | -> Unit(benchmark::kMillisecond) |
| cloudViewer::core::BENCHMARK_CAPTURE | ( | BinaryEW | , |
| Lt__CPU_UInt64__100000 | , | ||
| 100000 | , | ||
| BinaryOpCode::Lt | , | ||
| UInt64 | , | ||
| Device("CPU:0") | |||
| ) | -> Unit(benchmark::kMillisecond) |
| cloudViewer::core::BENCHMARK_CAPTURE | ( | BinaryEW | , |
| Lt__CPU_UInt64__100000000 | , | ||
| 100000000 | , | ||
| BinaryOpCode::Lt | , | ||
| UInt64 | , | ||
| Device("CPU:0") | |||
| ) | -> Unit(benchmark::kMillisecond) |
| cloudViewer::core::BENCHMARK_CAPTURE | ( | BinaryEW | , |
| Lt__CPU_UInt8__100 | , | ||
| 100 | , | ||
| BinaryOpCode::Lt | , | ||
| UInt8 | , | ||
| Device("CPU:0") | |||
| ) | -> Unit(benchmark::kMillisecond) |
| cloudViewer::core::BENCHMARK_CAPTURE | ( | BinaryEW | , |
| Lt__CPU_UInt8__100000 | , | ||
| 100000 | , | ||
| BinaryOpCode::Lt | , | ||
| UInt8 | , | ||
| Device("CPU:0") | |||
| ) | -> Unit(benchmark::kMillisecond) |
| cloudViewer::core::BENCHMARK_CAPTURE | ( | BinaryEW | , |
| Lt__CPU_UInt8__100000000 | , | ||
| 100000000 | , | ||
| BinaryOpCode::Lt | , | ||
| UInt8 | , | ||
| Device("CPU:0") | |||
| ) | -> Unit(benchmark::kMillisecond) |
| cloudViewer::core::BENCHMARK_CAPTURE | ( | BinaryEW | , |
| Mul__CPU_Float32__100 | , | ||
| 100 | , | ||
| BinaryOpCode::Mul | , | ||
| Float32 | , | ||
| Device("CPU:0") | |||
| ) | -> Unit(benchmark::kMillisecond) |
| cloudViewer::core::BENCHMARK_CAPTURE | ( | BinaryEW | , |
| Mul__CPU_Float32__100000 | , | ||
| 100000 | , | ||
| BinaryOpCode::Mul | , | ||
| Float32 | , | ||
| Device("CPU:0") | |||
| ) | -> Unit(benchmark::kMillisecond) |
| cloudViewer::core::BENCHMARK_CAPTURE | ( | BinaryEW | , |
| Mul__CPU_Float32__100000000 | , | ||
| 100000000 | , | ||
| BinaryOpCode::Mul | , | ||
| Float32 | , | ||
| Device("CPU:0") | |||
| ) | -> Unit(benchmark::kMillisecond) |
| cloudViewer::core::BENCHMARK_CAPTURE | ( | BinaryEW | , |
| Mul__CPU_Float64__100 | , | ||
| 100 | , | ||
| BinaryOpCode::Mul | , | ||
| Float64 | , | ||
| Device("CPU:0") | |||
| ) | -> Unit(benchmark::kMillisecond) |
| cloudViewer::core::BENCHMARK_CAPTURE | ( | BinaryEW | , |
| Mul__CPU_Float64__100000 | , | ||
| 100000 | , | ||
| BinaryOpCode::Mul | , | ||
| Float64 | , | ||
| Device("CPU:0") | |||
| ) | -> Unit(benchmark::kMillisecond) |
| cloudViewer::core::BENCHMARK_CAPTURE | ( | BinaryEW | , |
| Mul__CPU_Float64__100000000 | , | ||
| 100000000 | , | ||
| BinaryOpCode::Mul | , | ||
| Float64 | , | ||
| Device("CPU:0") | |||
| ) | -> Unit(benchmark::kMillisecond) |
| cloudViewer::core::BENCHMARK_CAPTURE | ( | BinaryEW | , |
| Mul__CPU_Int16__100 | , | ||
| 100 | , | ||
| BinaryOpCode::Mul | , | ||
| Int16 | , | ||
| Device("CPU:0") | |||
| ) | -> Unit(benchmark::kMillisecond) |
| cloudViewer::core::BENCHMARK_CAPTURE | ( | BinaryEW | , |
| Mul__CPU_Int16__100000 | , | ||
| 100000 | , | ||
| BinaryOpCode::Mul | , | ||
| Int16 | , | ||
| Device("CPU:0") | |||
| ) | -> Unit(benchmark::kMillisecond) |
| cloudViewer::core::BENCHMARK_CAPTURE | ( | BinaryEW | , |
| Mul__CPU_Int16__100000000 | , | ||
| 100000000 | , | ||
| BinaryOpCode::Mul | , | ||
| Int16 | , | ||
| Device("CPU:0") | |||
| ) | -> Unit(benchmark::kMillisecond) |
| cloudViewer::core::BENCHMARK_CAPTURE | ( | BinaryEW | , |
| Mul__CPU_Int32__100 | , | ||
| 100 | , | ||
| BinaryOpCode::Mul | , | ||
| Int32 | , | ||
| Device("CPU:0") | |||
| ) | -> Unit(benchmark::kMillisecond) |
| cloudViewer::core::BENCHMARK_CAPTURE | ( | BinaryEW | , |
| Mul__CPU_Int32__100000 | , | ||
| 100000 | , | ||
| BinaryOpCode::Mul | , | ||
| Int32 | , | ||
| Device("CPU:0") | |||
| ) | -> Unit(benchmark::kMillisecond) |
| cloudViewer::core::BENCHMARK_CAPTURE | ( | BinaryEW | , |
| Mul__CPU_Int32__100000000 | , | ||
| 100000000 | , | ||
| BinaryOpCode::Mul | , | ||
| Int32 | , | ||
| Device("CPU:0") | |||
| ) | -> Unit(benchmark::kMillisecond) |
| cloudViewer::core::BENCHMARK_CAPTURE | ( | BinaryEW | , |
| Mul__CPU_Int64__100 | , | ||
| 100 | , | ||
| BinaryOpCode::Mul | , | ||
| Int64 | , | ||
| Device("CPU:0") | |||
| ) | -> Unit(benchmark::kMillisecond) |
| cloudViewer::core::BENCHMARK_CAPTURE | ( | BinaryEW | , |
| Mul__CPU_Int64__100000 | , | ||
| 100000 | , | ||
| BinaryOpCode::Mul | , | ||
| Int64 | , | ||
| Device("CPU:0") | |||
| ) | -> Unit(benchmark::kMillisecond) |
| cloudViewer::core::BENCHMARK_CAPTURE | ( | BinaryEW | , |
| Mul__CPU_Int64__100000000 | , | ||
| 100000000 | , | ||
| BinaryOpCode::Mul | , | ||
| Int64 | , | ||
| Device("CPU:0") | |||
| ) | -> Unit(benchmark::kMillisecond) |
| cloudViewer::core::BENCHMARK_CAPTURE | ( | BinaryEW | , |
| Mul__CPU_Int8__100 | , | ||
| 100 | , | ||
| BinaryOpCode::Mul | , | ||
| Int8 | , | ||
| Device("CPU:0") | |||
| ) | -> Unit(benchmark::kMillisecond) |
| cloudViewer::core::BENCHMARK_CAPTURE | ( | BinaryEW | , |
| Mul__CPU_Int8__100000 | , | ||
| 100000 | , | ||
| BinaryOpCode::Mul | , | ||
| Int8 | , | ||
| Device("CPU:0") | |||
| ) | -> Unit(benchmark::kMillisecond) |
| cloudViewer::core::BENCHMARK_CAPTURE | ( | BinaryEW | , |
| Mul__CPU_Int8__100000000 | , | ||
| 100000000 | , | ||
| BinaryOpCode::Mul | , | ||
| Int8 | , | ||
| Device("CPU:0") | |||
| ) | -> Unit(benchmark::kMillisecond) |
| cloudViewer::core::BENCHMARK_CAPTURE | ( | BinaryEW | , |
| Mul__CPU_UInt16__100 | , | ||
| 100 | , | ||
| BinaryOpCode::Mul | , | ||
| UInt16 | , | ||
| Device("CPU:0") | |||
| ) | -> Unit(benchmark::kMillisecond) |
| cloudViewer::core::BENCHMARK_CAPTURE | ( | BinaryEW | , |
| Mul__CPU_UInt16__100000 | , | ||
| 100000 | , | ||
| BinaryOpCode::Mul | , | ||
| UInt16 | , | ||
| Device("CPU:0") | |||
| ) | -> Unit(benchmark::kMillisecond) |
| cloudViewer::core::BENCHMARK_CAPTURE | ( | BinaryEW | , |
| Mul__CPU_UInt16__100000000 | , | ||
| 100000000 | , | ||
| BinaryOpCode::Mul | , | ||
| UInt16 | , | ||
| Device("CPU:0") | |||
| ) | -> Unit(benchmark::kMillisecond) |
| cloudViewer::core::BENCHMARK_CAPTURE | ( | BinaryEW | , |
| Mul__CPU_UInt32__100 | , | ||
| 100 | , | ||
| BinaryOpCode::Mul | , | ||
| UInt32 | , | ||
| Device("CPU:0") | |||
| ) | -> Unit(benchmark::kMillisecond) |
| cloudViewer::core::BENCHMARK_CAPTURE | ( | BinaryEW | , |
| Mul__CPU_UInt32__100000 | , | ||
| 100000 | , | ||
| BinaryOpCode::Mul | , | ||
| UInt32 | , | ||
| Device("CPU:0") | |||
| ) | -> Unit(benchmark::kMillisecond) |
| cloudViewer::core::BENCHMARK_CAPTURE | ( | BinaryEW | , |
| Mul__CPU_UInt32__100000000 | , | ||
| 100000000 | , | ||
| BinaryOpCode::Mul | , | ||
| UInt32 | , | ||
| Device("CPU:0") | |||
| ) | -> Unit(benchmark::kMillisecond) |
| cloudViewer::core::BENCHMARK_CAPTURE | ( | BinaryEW | , |
| Mul__CPU_UInt64__100 | , | ||
| 100 | , | ||
| BinaryOpCode::Mul | , | ||
| UInt64 | , | ||
| Device("CPU:0") | |||
| ) | -> Unit(benchmark::kMillisecond) |
| cloudViewer::core::BENCHMARK_CAPTURE | ( | BinaryEW | , |
| Mul__CPU_UInt64__100000 | , | ||
| 100000 | , | ||
| BinaryOpCode::Mul | , | ||
| UInt64 | , | ||
| Device("CPU:0") | |||
| ) | -> Unit(benchmark::kMillisecond) |
| cloudViewer::core::BENCHMARK_CAPTURE | ( | BinaryEW | , |
| Mul__CPU_UInt64__100000000 | , | ||
| 100000000 | , | ||
| BinaryOpCode::Mul | , | ||
| UInt64 | , | ||
| Device("CPU:0") | |||
| ) | -> Unit(benchmark::kMillisecond) |
| cloudViewer::core::BENCHMARK_CAPTURE | ( | BinaryEW | , |
| Mul__CPU_UInt8__100 | , | ||
| 100 | , | ||
| BinaryOpCode::Mul | , | ||
| UInt8 | , | ||
| Device("CPU:0") | |||
| ) | -> Unit(benchmark::kMillisecond) |
| cloudViewer::core::BENCHMARK_CAPTURE | ( | BinaryEW | , |
| Mul__CPU_UInt8__100000 | , | ||
| 100000 | , | ||
| BinaryOpCode::Mul | , | ||
| UInt8 | , | ||
| Device("CPU:0") | |||
| ) | -> Unit(benchmark::kMillisecond) |
| cloudViewer::core::BENCHMARK_CAPTURE | ( | BinaryEW | , |
| Mul__CPU_UInt8__100000000 | , | ||
| 100000000 | , | ||
| BinaryOpCode::Mul | , | ||
| UInt8 | , | ||
| Device("CPU:0") | |||
| ) | -> Unit(benchmark::kMillisecond) |
| cloudViewer::core::BENCHMARK_CAPTURE | ( | BinaryEW | , |
| Neq__CPU_Bool__100 | , | ||
| 100 | , | ||
| BinaryOpCode::Neq | , | ||
| Bool | , | ||
| Device("CPU:0") | |||
| ) | -> Unit(benchmark::kMillisecond) |
| cloudViewer::core::BENCHMARK_CAPTURE | ( | BinaryEW | , |
| Neq__CPU_Bool__100000 | , | ||
| 100000 | , | ||
| BinaryOpCode::Neq | , | ||
| Bool | , | ||
| Device("CPU:0") | |||
| ) | -> Unit(benchmark::kMillisecond) |
| cloudViewer::core::BENCHMARK_CAPTURE | ( | BinaryEW | , |
| Neq__CPU_Bool__100000000 | , | ||
| 100000000 | , | ||
| BinaryOpCode::Neq | , | ||
| Bool | , | ||
| Device("CPU:0") | |||
| ) | -> Unit(benchmark::kMillisecond) |
| cloudViewer::core::BENCHMARK_CAPTURE | ( | BinaryEW | , |
| Neq__CPU_Float32__100 | , | ||
| 100 | , | ||
| BinaryOpCode::Neq | , | ||
| Float32 | , | ||
| Device("CPU:0") | |||
| ) | -> Unit(benchmark::kMillisecond) |
| cloudViewer::core::BENCHMARK_CAPTURE | ( | BinaryEW | , |
| Neq__CPU_Float32__100000 | , | ||
| 100000 | , | ||
| BinaryOpCode::Neq | , | ||
| Float32 | , | ||
| Device("CPU:0") | |||
| ) | -> Unit(benchmark::kMillisecond) |
| cloudViewer::core::BENCHMARK_CAPTURE | ( | BinaryEW | , |
| Neq__CPU_Float32__100000000 | , | ||
| 100000000 | , | ||
| BinaryOpCode::Neq | , | ||
| Float32 | , | ||
| Device("CPU:0") | |||
| ) | -> Unit(benchmark::kMillisecond) |
| cloudViewer::core::BENCHMARK_CAPTURE | ( | BinaryEW | , |
| Neq__CPU_Float64__100 | , | ||
| 100 | , | ||
| BinaryOpCode::Neq | , | ||
| Float64 | , | ||
| Device("CPU:0") | |||
| ) | -> Unit(benchmark::kMillisecond) |
| cloudViewer::core::BENCHMARK_CAPTURE | ( | BinaryEW | , |
| Neq__CPU_Float64__100000 | , | ||
| 100000 | , | ||
| BinaryOpCode::Neq | , | ||
| Float64 | , | ||
| Device("CPU:0") | |||
| ) | -> Unit(benchmark::kMillisecond) |
| cloudViewer::core::BENCHMARK_CAPTURE | ( | BinaryEW | , |
| Neq__CPU_Float64__100000000 | , | ||
| 100000000 | , | ||
| BinaryOpCode::Neq | , | ||
| Float64 | , | ||
| Device("CPU:0") | |||
| ) | -> Unit(benchmark::kMillisecond) |
| cloudViewer::core::BENCHMARK_CAPTURE | ( | BinaryEW | , |
| Neq__CPU_Int16__100 | , | ||
| 100 | , | ||
| BinaryOpCode::Neq | , | ||
| Int16 | , | ||
| Device("CPU:0") | |||
| ) | -> Unit(benchmark::kMillisecond) |
| cloudViewer::core::BENCHMARK_CAPTURE | ( | BinaryEW | , |
| Neq__CPU_Int16__100000 | , | ||
| 100000 | , | ||
| BinaryOpCode::Neq | , | ||
| Int16 | , | ||
| Device("CPU:0") | |||
| ) | -> Unit(benchmark::kMillisecond) |
| cloudViewer::core::BENCHMARK_CAPTURE | ( | BinaryEW | , |
| Neq__CPU_Int16__100000000 | , | ||
| 100000000 | , | ||
| BinaryOpCode::Neq | , | ||
| Int16 | , | ||
| Device("CPU:0") | |||
| ) | -> Unit(benchmark::kMillisecond) |
| cloudViewer::core::BENCHMARK_CAPTURE | ( | BinaryEW | , |
| Neq__CPU_Int32__100 | , | ||
| 100 | , | ||
| BinaryOpCode::Neq | , | ||
| Int32 | , | ||
| Device("CPU:0") | |||
| ) | -> Unit(benchmark::kMillisecond) |
| cloudViewer::core::BENCHMARK_CAPTURE | ( | BinaryEW | , |
| Neq__CPU_Int32__100000 | , | ||
| 100000 | , | ||
| BinaryOpCode::Neq | , | ||
| Int32 | , | ||
| Device("CPU:0") | |||
| ) | -> Unit(benchmark::kMillisecond) |
| cloudViewer::core::BENCHMARK_CAPTURE | ( | BinaryEW | , |
| Neq__CPU_Int32__100000000 | , | ||
| 100000000 | , | ||
| BinaryOpCode::Neq | , | ||
| Int32 | , | ||
| Device("CPU:0") | |||
| ) | -> Unit(benchmark::kMillisecond) |
| cloudViewer::core::BENCHMARK_CAPTURE | ( | BinaryEW | , |
| Neq__CPU_Int64__100 | , | ||
| 100 | , | ||
| BinaryOpCode::Neq | , | ||
| Int64 | , | ||
| Device("CPU:0") | |||
| ) | -> Unit(benchmark::kMillisecond) |
| cloudViewer::core::BENCHMARK_CAPTURE | ( | BinaryEW | , |
| Neq__CPU_Int64__100000 | , | ||
| 100000 | , | ||
| BinaryOpCode::Neq | , | ||
| Int64 | , | ||
| Device("CPU:0") | |||
| ) | -> Unit(benchmark::kMillisecond) |
| cloudViewer::core::BENCHMARK_CAPTURE | ( | BinaryEW | , |
| Neq__CPU_Int64__100000000 | , | ||
| 100000000 | , | ||
| BinaryOpCode::Neq | , | ||
| Int64 | , | ||
| Device("CPU:0") | |||
| ) | -> Unit(benchmark::kMillisecond) |
| cloudViewer::core::BENCHMARK_CAPTURE | ( | BinaryEW | , |
| Neq__CPU_Int8__100 | , | ||
| 100 | , | ||
| BinaryOpCode::Neq | , | ||
| Int8 | , | ||
| Device("CPU:0") | |||
| ) | -> Unit(benchmark::kMillisecond) |
| cloudViewer::core::BENCHMARK_CAPTURE | ( | BinaryEW | , |
| Neq__CPU_Int8__100000 | , | ||
| 100000 | , | ||
| BinaryOpCode::Neq | , | ||
| Int8 | , | ||
| Device("CPU:0") | |||
| ) | -> Unit(benchmark::kMillisecond) |
| cloudViewer::core::BENCHMARK_CAPTURE | ( | BinaryEW | , |
| Neq__CPU_Int8__100000000 | , | ||
| 100000000 | , | ||
| BinaryOpCode::Neq | , | ||
| Int8 | , | ||
| Device("CPU:0") | |||
| ) | -> Unit(benchmark::kMillisecond) |
| cloudViewer::core::BENCHMARK_CAPTURE | ( | BinaryEW | , |
| Neq__CPU_UInt16__100 | , | ||
| 100 | , | ||
| BinaryOpCode::Neq | , | ||
| UInt16 | , | ||
| Device("CPU:0") | |||
| ) | -> Unit(benchmark::kMillisecond) |
| cloudViewer::core::BENCHMARK_CAPTURE | ( | BinaryEW | , |
| Neq__CPU_UInt16__100000 | , | ||
| 100000 | , | ||
| BinaryOpCode::Neq | , | ||
| UInt16 | , | ||
| Device("CPU:0") | |||
| ) | -> Unit(benchmark::kMillisecond) |
| cloudViewer::core::BENCHMARK_CAPTURE | ( | BinaryEW | , |
| Neq__CPU_UInt16__100000000 | , | ||
| 100000000 | , | ||
| BinaryOpCode::Neq | , | ||
| UInt16 | , | ||
| Device("CPU:0") | |||
| ) | -> Unit(benchmark::kMillisecond) |
| cloudViewer::core::BENCHMARK_CAPTURE | ( | BinaryEW | , |
| Neq__CPU_UInt32__100 | , | ||
| 100 | , | ||
| BinaryOpCode::Neq | , | ||
| UInt32 | , | ||
| Device("CPU:0") | |||
| ) | -> Unit(benchmark::kMillisecond) |
| cloudViewer::core::BENCHMARK_CAPTURE | ( | BinaryEW | , |
| Neq__CPU_UInt32__100000 | , | ||
| 100000 | , | ||
| BinaryOpCode::Neq | , | ||
| UInt32 | , | ||
| Device("CPU:0") | |||
| ) | -> Unit(benchmark::kMillisecond) |
| cloudViewer::core::BENCHMARK_CAPTURE | ( | BinaryEW | , |
| Neq__CPU_UInt32__100000000 | , | ||
| 100000000 | , | ||
| BinaryOpCode::Neq | , | ||
| UInt32 | , | ||
| Device("CPU:0") | |||
| ) | -> Unit(benchmark::kMillisecond) |
| cloudViewer::core::BENCHMARK_CAPTURE | ( | BinaryEW | , |
| Neq__CPU_UInt64__100 | , | ||
| 100 | , | ||
| BinaryOpCode::Neq | , | ||
| UInt64 | , | ||
| Device("CPU:0") | |||
| ) | -> Unit(benchmark::kMillisecond) |
| cloudViewer::core::BENCHMARK_CAPTURE | ( | BinaryEW | , |
| Neq__CPU_UInt64__100000 | , | ||
| 100000 | , | ||
| BinaryOpCode::Neq | , | ||
| UInt64 | , | ||
| Device("CPU:0") | |||
| ) | -> Unit(benchmark::kMillisecond) |
| cloudViewer::core::BENCHMARK_CAPTURE | ( | BinaryEW | , |
| Neq__CPU_UInt64__100000000 | , | ||
| 100000000 | , | ||
| BinaryOpCode::Neq | , | ||
| UInt64 | , | ||
| Device("CPU:0") | |||
| ) | -> Unit(benchmark::kMillisecond) |
| cloudViewer::core::BENCHMARK_CAPTURE | ( | BinaryEW | , |
| Neq__CPU_UInt8__100 | , | ||
| 100 | , | ||
| BinaryOpCode::Neq | , | ||
| UInt8 | , | ||
| Device("CPU:0") | |||
| ) | -> Unit(benchmark::kMillisecond) |
| cloudViewer::core::BENCHMARK_CAPTURE | ( | BinaryEW | , |
| Neq__CPU_UInt8__100000 | , | ||
| 100000 | , | ||
| BinaryOpCode::Neq | , | ||
| UInt8 | , | ||
| Device("CPU:0") | |||
| ) | -> Unit(benchmark::kMillisecond) |
| cloudViewer::core::BENCHMARK_CAPTURE | ( | BinaryEW | , |
| Neq__CPU_UInt8__100000000 | , | ||
| 100000000 | , | ||
| BinaryOpCode::Neq | , | ||
| UInt8 | , | ||
| Device("CPU:0") | |||
| ) | -> Unit(benchmark::kMillisecond) |
| cloudViewer::core::BENCHMARK_CAPTURE | ( | BinaryEW | , |
| Sub__CPU_Float32__100 | , | ||
| 100 | , | ||
| BinaryOpCode::Sub | , | ||
| Float32 | , | ||
| Device("CPU:0") | |||
| ) | -> Unit(benchmark::kMillisecond) |
| cloudViewer::core::BENCHMARK_CAPTURE | ( | BinaryEW | , |
| Sub__CPU_Float32__100000 | , | ||
| 100000 | , | ||
| BinaryOpCode::Sub | , | ||
| Float32 | , | ||
| Device("CPU:0") | |||
| ) | -> Unit(benchmark::kMillisecond) |
| cloudViewer::core::BENCHMARK_CAPTURE | ( | BinaryEW | , |
| Sub__CPU_Float32__100000000 | , | ||
| 100000000 | , | ||
| BinaryOpCode::Sub | , | ||
| Float32 | , | ||
| Device("CPU:0") | |||
| ) | -> Unit(benchmark::kMillisecond) |
| cloudViewer::core::BENCHMARK_CAPTURE | ( | BinaryEW | , |
| Sub__CPU_Float64__100 | , | ||
| 100 | , | ||
| BinaryOpCode::Sub | , | ||
| Float64 | , | ||
| Device("CPU:0") | |||
| ) | -> Unit(benchmark::kMillisecond) |
| cloudViewer::core::BENCHMARK_CAPTURE | ( | BinaryEW | , |
| Sub__CPU_Float64__100000 | , | ||
| 100000 | , | ||
| BinaryOpCode::Sub | , | ||
| Float64 | , | ||
| Device("CPU:0") | |||
| ) | -> Unit(benchmark::kMillisecond) |
| cloudViewer::core::BENCHMARK_CAPTURE | ( | BinaryEW | , |
| Sub__CPU_Float64__100000000 | , | ||
| 100000000 | , | ||
| BinaryOpCode::Sub | , | ||
| Float64 | , | ||
| Device("CPU:0") | |||
| ) | -> Unit(benchmark::kMillisecond) |
| cloudViewer::core::BENCHMARK_CAPTURE | ( | BinaryEW | , |
| Sub__CPU_Int16__100 | , | ||
| 100 | , | ||
| BinaryOpCode::Sub | , | ||
| Int16 | , | ||
| Device("CPU:0") | |||
| ) | -> Unit(benchmark::kMillisecond) |
| cloudViewer::core::BENCHMARK_CAPTURE | ( | BinaryEW | , |
| Sub__CPU_Int16__100000 | , | ||
| 100000 | , | ||
| BinaryOpCode::Sub | , | ||
| Int16 | , | ||
| Device("CPU:0") | |||
| ) | -> Unit(benchmark::kMillisecond) |
| cloudViewer::core::BENCHMARK_CAPTURE | ( | BinaryEW | , |
| Sub__CPU_Int16__100000000 | , | ||
| 100000000 | , | ||
| BinaryOpCode::Sub | , | ||
| Int16 | , | ||
| Device("CPU:0") | |||
| ) | -> Unit(benchmark::kMillisecond) |
| cloudViewer::core::BENCHMARK_CAPTURE | ( | BinaryEW | , |
| Sub__CPU_Int32__100 | , | ||
| 100 | , | ||
| BinaryOpCode::Sub | , | ||
| Int32 | , | ||
| Device("CPU:0") | |||
| ) | -> Unit(benchmark::kMillisecond) |
| cloudViewer::core::BENCHMARK_CAPTURE | ( | BinaryEW | , |
| Sub__CPU_Int32__100000 | , | ||
| 100000 | , | ||
| BinaryOpCode::Sub | , | ||
| Int32 | , | ||
| Device("CPU:0") | |||
| ) | -> Unit(benchmark::kMillisecond) |
| cloudViewer::core::BENCHMARK_CAPTURE | ( | BinaryEW | , |
| Sub__CPU_Int32__100000000 | , | ||
| 100000000 | , | ||
| BinaryOpCode::Sub | , | ||
| Int32 | , | ||
| Device("CPU:0") | |||
| ) | -> Unit(benchmark::kMillisecond) |
| cloudViewer::core::BENCHMARK_CAPTURE | ( | BinaryEW | , |
| Sub__CPU_Int64__100 | , | ||
| 100 | , | ||
| BinaryOpCode::Sub | , | ||
| Int64 | , | ||
| Device("CPU:0") | |||
| ) | -> Unit(benchmark::kMillisecond) |
| cloudViewer::core::BENCHMARK_CAPTURE | ( | BinaryEW | , |
| Sub__CPU_Int64__100000 | , | ||
| 100000 | , | ||
| BinaryOpCode::Sub | , | ||
| Int64 | , | ||
| Device("CPU:0") | |||
| ) | -> Unit(benchmark::kMillisecond) |
| cloudViewer::core::BENCHMARK_CAPTURE | ( | BinaryEW | , |
| Sub__CPU_Int64__100000000 | , | ||
| 100000000 | , | ||
| BinaryOpCode::Sub | , | ||
| Int64 | , | ||
| Device("CPU:0") | |||
| ) | -> Unit(benchmark::kMillisecond) |
| cloudViewer::core::BENCHMARK_CAPTURE | ( | BinaryEW | , |
| Sub__CPU_Int8__100 | , | ||
| 100 | , | ||
| BinaryOpCode::Sub | , | ||
| Int8 | , | ||
| Device("CPU:0") | |||
| ) | -> Unit(benchmark::kMillisecond) |
| cloudViewer::core::BENCHMARK_CAPTURE | ( | BinaryEW | , |
| Sub__CPU_Int8__100000 | , | ||
| 100000 | , | ||
| BinaryOpCode::Sub | , | ||
| Int8 | , | ||
| Device("CPU:0") | |||
| ) | -> Unit(benchmark::kMillisecond) |
| cloudViewer::core::BENCHMARK_CAPTURE | ( | BinaryEW | , |
| Sub__CPU_Int8__100000000 | , | ||
| 100000000 | , | ||
| BinaryOpCode::Sub | , | ||
| Int8 | , | ||
| Device("CPU:0") | |||
| ) | -> Unit(benchmark::kMillisecond) |
| cloudViewer::core::BENCHMARK_CAPTURE | ( | BinaryEW | , |
| Sub__CPU_UInt16__100 | , | ||
| 100 | , | ||
| BinaryOpCode::Sub | , | ||
| UInt16 | , | ||
| Device("CPU:0") | |||
| ) | -> Unit(benchmark::kMillisecond) |
| cloudViewer::core::BENCHMARK_CAPTURE | ( | BinaryEW | , |
| Sub__CPU_UInt16__100000 | , | ||
| 100000 | , | ||
| BinaryOpCode::Sub | , | ||
| UInt16 | , | ||
| Device("CPU:0") | |||
| ) | -> Unit(benchmark::kMillisecond) |
| cloudViewer::core::BENCHMARK_CAPTURE | ( | BinaryEW | , |
| Sub__CPU_UInt16__100000000 | , | ||
| 100000000 | , | ||
| BinaryOpCode::Sub | , | ||
| UInt16 | , | ||
| Device("CPU:0") | |||
| ) | -> Unit(benchmark::kMillisecond) |
| cloudViewer::core::BENCHMARK_CAPTURE | ( | BinaryEW | , |
| Sub__CPU_UInt32__100 | , | ||
| 100 | , | ||
| BinaryOpCode::Sub | , | ||
| UInt32 | , | ||
| Device("CPU:0") | |||
| ) | -> Unit(benchmark::kMillisecond) |
| cloudViewer::core::BENCHMARK_CAPTURE | ( | BinaryEW | , |
| Sub__CPU_UInt32__100000 | , | ||
| 100000 | , | ||
| BinaryOpCode::Sub | , | ||
| UInt32 | , | ||
| Device("CPU:0") | |||
| ) | -> Unit(benchmark::kMillisecond) |
| cloudViewer::core::BENCHMARK_CAPTURE | ( | BinaryEW | , |
| Sub__CPU_UInt32__100000000 | , | ||
| 100000000 | , | ||
| BinaryOpCode::Sub | , | ||
| UInt32 | , | ||
| Device("CPU:0") | |||
| ) | -> Unit(benchmark::kMillisecond) |
| cloudViewer::core::BENCHMARK_CAPTURE | ( | BinaryEW | , |
| Sub__CPU_UInt64__100 | , | ||
| 100 | , | ||
| BinaryOpCode::Sub | , | ||
| UInt64 | , | ||
| Device("CPU:0") | |||
| ) | -> Unit(benchmark::kMillisecond) |
| cloudViewer::core::BENCHMARK_CAPTURE | ( | BinaryEW | , |
| Sub__CPU_UInt64__100000 | , | ||
| 100000 | , | ||
| BinaryOpCode::Sub | , | ||
| UInt64 | , | ||
| Device("CPU:0") | |||
| ) | -> Unit(benchmark::kMillisecond) |
| cloudViewer::core::BENCHMARK_CAPTURE | ( | BinaryEW | , |
| Sub__CPU_UInt64__100000000 | , | ||
| 100000000 | , | ||
| BinaryOpCode::Sub | , | ||
| UInt64 | , | ||
| Device("CPU:0") | |||
| ) | -> Unit(benchmark::kMillisecond) |
| cloudViewer::core::BENCHMARK_CAPTURE | ( | BinaryEW | , |
| Sub__CPU_UInt8__100 | , | ||
| 100 | , | ||
| BinaryOpCode::Sub | , | ||
| UInt8 | , | ||
| Device("CPU:0") | |||
| ) | -> Unit(benchmark::kMillisecond) |
| cloudViewer::core::BENCHMARK_CAPTURE | ( | BinaryEW | , |
| Sub__CPU_UInt8__100000 | , | ||
| 100000 | , | ||
| BinaryOpCode::Sub | , | ||
| UInt8 | , | ||
| Device("CPU:0") | |||
| ) | -> Unit(benchmark::kMillisecond) |
| cloudViewer::core::BENCHMARK_CAPTURE | ( | BinaryEW | , |
| Sub__CPU_UInt8__100000000 | , | ||
| 100000000 | , | ||
| BinaryOpCode::Sub | , | ||
| UInt8 | , | ||
| Device("CPU:0") | |||
| ) | -> Unit(benchmark::kMillisecond) |
| cloudViewer::core::BENCHMARK_CAPTURE | ( | Free | , |
| MemoryManagerBackend::Cached_1000000000_CPU | , | ||
| 1000000000 | , | ||
| Device("CPU:0") | , | ||
| MemoryManagerBackend::Cached | |||
| ) | -> Unit(benchmark::kMicrosecond) |
| cloudViewer::core::BENCHMARK_CAPTURE | ( | Free | , |
| MemoryManagerBackend::Cached_100000000_CPU | , | ||
| 100000000 | , | ||
| Device("CPU:0") | , | ||
| MemoryManagerBackend::Cached | |||
| ) | -> Unit(benchmark::kMicrosecond) |
| cloudViewer::core::BENCHMARK_CAPTURE | ( | Free | , |
| MemoryManagerBackend::Cached_10000000_CPU | , | ||
| 10000000 | , | ||
| Device("CPU:0") | , | ||
| MemoryManagerBackend::Cached | |||
| ) | -> Unit(benchmark::kMicrosecond) |
| cloudViewer::core::BENCHMARK_CAPTURE | ( | Free | , |
| MemoryManagerBackend::Cached_1000000_CPU | , | ||
| 1000000 | , | ||
| Device("CPU:0") | , | ||
| MemoryManagerBackend::Cached | |||
| ) | -> Unit(benchmark::kMicrosecond) |
| cloudViewer::core::BENCHMARK_CAPTURE | ( | Free | , |
| MemoryManagerBackend::Cached_100000_CPU | , | ||
| 100000 | , | ||
| Device("CPU:0") | , | ||
| MemoryManagerBackend::Cached | |||
| ) | -> Unit(benchmark::kMicrosecond) |
| cloudViewer::core::BENCHMARK_CAPTURE | ( | Free | , |
| MemoryManagerBackend::Cached_10000_CPU | , | ||
| 10000 | , | ||
| Device("CPU:0") | , | ||
| MemoryManagerBackend::Cached | |||
| ) | -> Unit(benchmark::kMicrosecond) |
| cloudViewer::core::BENCHMARK_CAPTURE | ( | Free | , |
| MemoryManagerBackend::Cached_1000_CPU | , | ||
| 1000 | , | ||
| Device("CPU:0") | , | ||
| MemoryManagerBackend::Cached | |||
| ) | -> Unit(benchmark::kMicrosecond) |
| cloudViewer::core::BENCHMARK_CAPTURE | ( | Free | , |
| MemoryManagerBackend::Cached_100_CPU | , | ||
| 100 | , | ||
| Device("CPU:0") | , | ||
| MemoryManagerBackend::Cached | |||
| ) | -> Unit(benchmark::kMicrosecond) |
| cloudViewer::core::BENCHMARK_CAPTURE | ( | Free | , |
| MemoryManagerBackend::Direct_1000000000_CPU | , | ||
| 1000000000 | , | ||
| Device("CPU:0") | , | ||
| MemoryManagerBackend::Direct | |||
| ) | -> Unit(benchmark::kMicrosecond) |
| cloudViewer::core::BENCHMARK_CAPTURE | ( | Free | , |
| MemoryManagerBackend::Direct_100000000_CPU | , | ||
| 100000000 | , | ||
| Device("CPU:0") | , | ||
| MemoryManagerBackend::Direct | |||
| ) | -> Unit(benchmark::kMicrosecond) |
| cloudViewer::core::BENCHMARK_CAPTURE | ( | Free | , |
| MemoryManagerBackend::Direct_10000000_CPU | , | ||
| 10000000 | , | ||
| Device("CPU:0") | , | ||
| MemoryManagerBackend::Direct | |||
| ) | -> Unit(benchmark::kMicrosecond) |
| cloudViewer::core::BENCHMARK_CAPTURE | ( | Free | , |
| MemoryManagerBackend::Direct_1000000_CPU | , | ||
| 1000000 | , | ||
| Device("CPU:0") | , | ||
| MemoryManagerBackend::Direct | |||
| ) | -> Unit(benchmark::kMicrosecond) |
| cloudViewer::core::BENCHMARK_CAPTURE | ( | Free | , |
| MemoryManagerBackend::Direct_100000_CPU | , | ||
| 100000 | , | ||
| Device("CPU:0") | , | ||
| MemoryManagerBackend::Direct | |||
| ) | -> Unit(benchmark::kMicrosecond) |
| cloudViewer::core::BENCHMARK_CAPTURE | ( | Free | , |
| MemoryManagerBackend::Direct_10000_CPU | , | ||
| 10000 | , | ||
| Device("CPU:0") | , | ||
| MemoryManagerBackend::Direct | |||
| ) | -> Unit(benchmark::kMicrosecond) |
| cloudViewer::core::BENCHMARK_CAPTURE | ( | Free | , |
| MemoryManagerBackend::Direct_1000_CPU | , | ||
| 1000 | , | ||
| Device("CPU:0") | , | ||
| MemoryManagerBackend::Direct | |||
| ) | -> Unit(benchmark::kMicrosecond) |
| cloudViewer::core::BENCHMARK_CAPTURE | ( | Free | , |
| MemoryManagerBackend::Direct_100_CPU | , | ||
| 100 | , | ||
| Device("CPU:0") | , | ||
| MemoryManagerBackend::Direct | |||
| ) | -> Unit(benchmark::kMicrosecond) |
| cloudViewer::core::BENCHMARK_CAPTURE | ( | HashClearInt | , |
| HashBackendType::TBB_1000000_1 | , | ||
| 1000000 | , | ||
| 1 | , | ||
| Device("CPU:0") | , | ||
| HashBackendType::TBB | |||
| ) | -> Unit(benchmark::kMillisecond) |
| cloudViewer::core::BENCHMARK_CAPTURE | ( | HashClearInt | , |
| HashBackendType::TBB_1000000_16 | , | ||
| 1000000 | , | ||
| 16 | , | ||
| Device("CPU:0") | , | ||
| HashBackendType::TBB | |||
| ) | -> Unit(benchmark::kMillisecond) |
| cloudViewer::core::BENCHMARK_CAPTURE | ( | HashClearInt | , |
| HashBackendType::TBB_1000000_2 | , | ||
| 1000000 | , | ||
| 2 | , | ||
| Device("CPU:0") | , | ||
| HashBackendType::TBB | |||
| ) | -> Unit(benchmark::kMillisecond) |
| cloudViewer::core::BENCHMARK_CAPTURE | ( | HashClearInt | , |
| HashBackendType::TBB_1000000_32 | , | ||
| 1000000 | , | ||
| 32 | , | ||
| Device("CPU:0") | , | ||
| HashBackendType::TBB | |||
| ) | -> Unit(benchmark::kMillisecond) |
| cloudViewer::core::BENCHMARK_CAPTURE | ( | HashClearInt | , |
| HashBackendType::TBB_1000000_4 | , | ||
| 1000000 | , | ||
| 4 | , | ||
| Device("CPU:0") | , | ||
| HashBackendType::TBB | |||
| ) | -> Unit(benchmark::kMillisecond) |
| cloudViewer::core::BENCHMARK_CAPTURE | ( | HashClearInt | , |
| HashBackendType::TBB_1000000_8 | , | ||
| 1000000 | , | ||
| 8 | , | ||
| Device("CPU:0") | , | ||
| HashBackendType::TBB | |||
| ) | -> Unit(benchmark::kMillisecond) |
| cloudViewer::core::BENCHMARK_CAPTURE | ( | HashClearInt | , |
| HashBackendType::TBB_100000_1 | , | ||
| 100000 | , | ||
| 1 | , | ||
| Device("CPU:0") | , | ||
| HashBackendType::TBB | |||
| ) | -> Unit(benchmark::kMillisecond) |
| cloudViewer::core::BENCHMARK_CAPTURE | ( | HashClearInt | , |
| HashBackendType::TBB_100000_16 | , | ||
| 100000 | , | ||
| 16 | , | ||
| Device("CPU:0") | , | ||
| HashBackendType::TBB | |||
| ) | -> Unit(benchmark::kMillisecond) |
| cloudViewer::core::BENCHMARK_CAPTURE | ( | HashClearInt | , |
| HashBackendType::TBB_100000_2 | , | ||
| 100000 | , | ||
| 2 | , | ||
| Device("CPU:0") | , | ||
| HashBackendType::TBB | |||
| ) | -> Unit(benchmark::kMillisecond) |
| cloudViewer::core::BENCHMARK_CAPTURE | ( | HashClearInt | , |
| HashBackendType::TBB_100000_32 | , | ||
| 100000 | , | ||
| 32 | , | ||
| Device("CPU:0") | , | ||
| HashBackendType::TBB | |||
| ) | -> Unit(benchmark::kMillisecond) |
| cloudViewer::core::BENCHMARK_CAPTURE | ( | HashClearInt | , |
| HashBackendType::TBB_100000_4 | , | ||
| 100000 | , | ||
| 4 | , | ||
| Device("CPU:0") | , | ||
| HashBackendType::TBB | |||
| ) | -> Unit(benchmark::kMillisecond) |
| cloudViewer::core::BENCHMARK_CAPTURE | ( | HashClearInt | , |
| HashBackendType::TBB_100000_8 | , | ||
| 100000 | , | ||
| 8 | , | ||
| Device("CPU:0") | , | ||
| HashBackendType::TBB | |||
| ) | -> Unit(benchmark::kMillisecond) |
| cloudViewer::core::BENCHMARK_CAPTURE | ( | HashClearInt | , |
| HashBackendType::TBB_10000_1 | , | ||
| 10000 | , | ||
| 1 | , | ||
| Device("CPU:0") | , | ||
| HashBackendType::TBB | |||
| ) | -> Unit(benchmark::kMillisecond) |
| cloudViewer::core::BENCHMARK_CAPTURE | ( | HashClearInt | , |
| HashBackendType::TBB_10000_16 | , | ||
| 10000 | , | ||
| 16 | , | ||
| Device("CPU:0") | , | ||
| HashBackendType::TBB | |||
| ) | -> Unit(benchmark::kMillisecond) |
| cloudViewer::core::BENCHMARK_CAPTURE | ( | HashClearInt | , |
| HashBackendType::TBB_10000_2 | , | ||
| 10000 | , | ||
| 2 | , | ||
| Device("CPU:0") | , | ||
| HashBackendType::TBB | |||
| ) | -> Unit(benchmark::kMillisecond) |
| cloudViewer::core::BENCHMARK_CAPTURE | ( | HashClearInt | , |
| HashBackendType::TBB_10000_32 | , | ||
| 10000 | , | ||
| 32 | , | ||
| Device("CPU:0") | , | ||
| HashBackendType::TBB | |||
| ) | -> Unit(benchmark::kMillisecond) |
| cloudViewer::core::BENCHMARK_CAPTURE | ( | HashClearInt | , |
| HashBackendType::TBB_10000_4 | , | ||
| 10000 | , | ||
| 4 | , | ||
| Device("CPU:0") | , | ||
| HashBackendType::TBB | |||
| ) | -> Unit(benchmark::kMillisecond) |
| cloudViewer::core::BENCHMARK_CAPTURE | ( | HashClearInt | , |
| HashBackendType::TBB_10000_8 | , | ||
| 10000 | , | ||
| 8 | , | ||
| Device("CPU:0") | , | ||
| HashBackendType::TBB | |||
| ) | -> Unit(benchmark::kMillisecond) |
| cloudViewer::core::BENCHMARK_CAPTURE | ( | HashClearInt | , |
| HashBackendType::TBB_1000_1 | , | ||
| 1000 | , | ||
| 1 | , | ||
| Device("CPU:0") | , | ||
| HashBackendType::TBB | |||
| ) | -> Unit(benchmark::kMillisecond) |
| cloudViewer::core::BENCHMARK_CAPTURE | ( | HashClearInt | , |
| HashBackendType::TBB_1000_16 | , | ||
| 1000 | , | ||
| 16 | , | ||
| Device("CPU:0") | , | ||
| HashBackendType::TBB | |||
| ) | -> Unit(benchmark::kMillisecond) |
| cloudViewer::core::BENCHMARK_CAPTURE | ( | HashClearInt | , |
| HashBackendType::TBB_1000_2 | , | ||
| 1000 | , | ||
| 2 | , | ||
| Device("CPU:0") | , | ||
| HashBackendType::TBB | |||
| ) | -> Unit(benchmark::kMillisecond) |
| cloudViewer::core::BENCHMARK_CAPTURE | ( | HashClearInt | , |
| HashBackendType::TBB_1000_32 | , | ||
| 1000 | , | ||
| 32 | , | ||
| Device("CPU:0") | , | ||
| HashBackendType::TBB | |||
| ) | -> Unit(benchmark::kMillisecond) |
| cloudViewer::core::BENCHMARK_CAPTURE | ( | HashClearInt | , |
| HashBackendType::TBB_1000_4 | , | ||
| 1000 | , | ||
| 4 | , | ||
| Device("CPU:0") | , | ||
| HashBackendType::TBB | |||
| ) | -> Unit(benchmark::kMillisecond) |
| cloudViewer::core::BENCHMARK_CAPTURE | ( | HashClearInt | , |
| HashBackendType::TBB_1000_8 | , | ||
| 1000 | , | ||
| 8 | , | ||
| Device("CPU:0") | , | ||
| HashBackendType::TBB | |||
| ) | -> Unit(benchmark::kMillisecond) |
| cloudViewer::core::BENCHMARK_CAPTURE | ( | HashClearInt | , |
| HashBackendType::TBB_100_1 | , | ||
| 100 | , | ||
| 1 | , | ||
| Device("CPU:0") | , | ||
| HashBackendType::TBB | |||
| ) | -> Unit(benchmark::kMillisecond) |
| cloudViewer::core::BENCHMARK_CAPTURE | ( | HashClearInt | , |
| HashBackendType::TBB_100_16 | , | ||
| 100 | , | ||
| 16 | , | ||
| Device("CPU:0") | , | ||
| HashBackendType::TBB | |||
| ) | -> Unit(benchmark::kMillisecond) |
| cloudViewer::core::BENCHMARK_CAPTURE | ( | HashClearInt | , |
| HashBackendType::TBB_100_2 | , | ||
| 100 | , | ||
| 2 | , | ||
| Device("CPU:0") | , | ||
| HashBackendType::TBB | |||
| ) | -> Unit(benchmark::kMillisecond) |
| cloudViewer::core::BENCHMARK_CAPTURE | ( | HashClearInt | , |
| HashBackendType::TBB_100_32 | , | ||
| 100 | , | ||
| 32 | , | ||
| Device("CPU:0") | , | ||
| HashBackendType::TBB | |||
| ) | -> Unit(benchmark::kMillisecond) |
| cloudViewer::core::BENCHMARK_CAPTURE | ( | HashClearInt | , |
| HashBackendType::TBB_100_4 | , | ||
| 100 | , | ||
| 4 | , | ||
| Device("CPU:0") | , | ||
| HashBackendType::TBB | |||
| ) | -> Unit(benchmark::kMillisecond) |
| cloudViewer::core::BENCHMARK_CAPTURE | ( | HashClearInt | , |
| HashBackendType::TBB_100_8 | , | ||
| 100 | , | ||
| 8 | , | ||
| Device("CPU:0") | , | ||
| HashBackendType::TBB | |||
| ) | -> Unit(benchmark::kMillisecond) |
| cloudViewer::core::BENCHMARK_CAPTURE | ( | HashClearInt3 | , |
| HashBackendType::TBB_1000000_1 | , | ||
| 1000000 | , | ||
| 1 | , | ||
| Device("CPU:0") | , | ||
| HashBackendType::TBB | |||
| ) | -> Unit(benchmark::kMillisecond) |
| cloudViewer::core::BENCHMARK_CAPTURE | ( | HashClearInt3 | , |
| HashBackendType::TBB_1000000_16 | , | ||
| 1000000 | , | ||
| 16 | , | ||
| Device("CPU:0") | , | ||
| HashBackendType::TBB | |||
| ) | -> Unit(benchmark::kMillisecond) |
| cloudViewer::core::BENCHMARK_CAPTURE | ( | HashClearInt3 | , |
| HashBackendType::TBB_1000000_2 | , | ||
| 1000000 | , | ||
| 2 | , | ||
| Device("CPU:0") | , | ||
| HashBackendType::TBB | |||
| ) | -> Unit(benchmark::kMillisecond) |
| cloudViewer::core::BENCHMARK_CAPTURE | ( | HashClearInt3 | , |
| HashBackendType::TBB_1000000_32 | , | ||
| 1000000 | , | ||
| 32 | , | ||
| Device("CPU:0") | , | ||
| HashBackendType::TBB | |||
| ) | -> Unit(benchmark::kMillisecond) |
| cloudViewer::core::BENCHMARK_CAPTURE | ( | HashClearInt3 | , |
| HashBackendType::TBB_1000000_4 | , | ||
| 1000000 | , | ||
| 4 | , | ||
| Device("CPU:0") | , | ||
| HashBackendType::TBB | |||
| ) | -> Unit(benchmark::kMillisecond) |
| cloudViewer::core::BENCHMARK_CAPTURE | ( | HashClearInt3 | , |
| HashBackendType::TBB_1000000_8 | , | ||
| 1000000 | , | ||
| 8 | , | ||
| Device("CPU:0") | , | ||
| HashBackendType::TBB | |||
| ) | -> Unit(benchmark::kMillisecond) |
| cloudViewer::core::BENCHMARK_CAPTURE | ( | HashClearInt3 | , |
| HashBackendType::TBB_100000_1 | , | ||
| 100000 | , | ||
| 1 | , | ||
| Device("CPU:0") | , | ||
| HashBackendType::TBB | |||
| ) | -> Unit(benchmark::kMillisecond) |
| cloudViewer::core::BENCHMARK_CAPTURE | ( | HashClearInt3 | , |
| HashBackendType::TBB_100000_16 | , | ||
| 100000 | , | ||
| 16 | , | ||
| Device("CPU:0") | , | ||
| HashBackendType::TBB | |||
| ) | -> Unit(benchmark::kMillisecond) |
| cloudViewer::core::BENCHMARK_CAPTURE | ( | HashClearInt3 | , |
| HashBackendType::TBB_100000_2 | , | ||
| 100000 | , | ||
| 2 | , | ||
| Device("CPU:0") | , | ||
| HashBackendType::TBB | |||
| ) | -> Unit(benchmark::kMillisecond) |
| cloudViewer::core::BENCHMARK_CAPTURE | ( | HashClearInt3 | , |
| HashBackendType::TBB_100000_32 | , | ||
| 100000 | , | ||
| 32 | , | ||
| Device("CPU:0") | , | ||
| HashBackendType::TBB | |||
| ) | -> Unit(benchmark::kMillisecond) |
| cloudViewer::core::BENCHMARK_CAPTURE | ( | HashClearInt3 | , |
| HashBackendType::TBB_100000_4 | , | ||
| 100000 | , | ||
| 4 | , | ||
| Device("CPU:0") | , | ||
| HashBackendType::TBB | |||
| ) | -> Unit(benchmark::kMillisecond) |
| cloudViewer::core::BENCHMARK_CAPTURE | ( | HashClearInt3 | , |
| HashBackendType::TBB_100000_8 | , | ||
| 100000 | , | ||
| 8 | , | ||
| Device("CPU:0") | , | ||
| HashBackendType::TBB | |||
| ) | -> Unit(benchmark::kMillisecond) |
| cloudViewer::core::BENCHMARK_CAPTURE | ( | HashClearInt3 | , |
| HashBackendType::TBB_10000_1 | , | ||
| 10000 | , | ||
| 1 | , | ||
| Device("CPU:0") | , | ||
| HashBackendType::TBB | |||
| ) | -> Unit(benchmark::kMillisecond) |
| cloudViewer::core::BENCHMARK_CAPTURE | ( | HashClearInt3 | , |
| HashBackendType::TBB_10000_16 | , | ||
| 10000 | , | ||
| 16 | , | ||
| Device("CPU:0") | , | ||
| HashBackendType::TBB | |||
| ) | -> Unit(benchmark::kMillisecond) |
| cloudViewer::core::BENCHMARK_CAPTURE | ( | HashClearInt3 | , |
| HashBackendType::TBB_10000_2 | , | ||
| 10000 | , | ||
| 2 | , | ||
| Device("CPU:0") | , | ||
| HashBackendType::TBB | |||
| ) | -> Unit(benchmark::kMillisecond) |
| cloudViewer::core::BENCHMARK_CAPTURE | ( | HashClearInt3 | , |
| HashBackendType::TBB_10000_32 | , | ||
| 10000 | , | ||
| 32 | , | ||
| Device("CPU:0") | , | ||
| HashBackendType::TBB | |||
| ) | -> Unit(benchmark::kMillisecond) |
| cloudViewer::core::BENCHMARK_CAPTURE | ( | HashClearInt3 | , |
| HashBackendType::TBB_10000_4 | , | ||
| 10000 | , | ||
| 4 | , | ||
| Device("CPU:0") | , | ||
| HashBackendType::TBB | |||
| ) | -> Unit(benchmark::kMillisecond) |
| cloudViewer::core::BENCHMARK_CAPTURE | ( | HashClearInt3 | , |
| HashBackendType::TBB_10000_8 | , | ||
| 10000 | , | ||
| 8 | , | ||
| Device("CPU:0") | , | ||
| HashBackendType::TBB | |||
| ) | -> Unit(benchmark::kMillisecond) |
| cloudViewer::core::BENCHMARK_CAPTURE | ( | HashClearInt3 | , |
| HashBackendType::TBB_1000_1 | , | ||
| 1000 | , | ||
| 1 | , | ||
| Device("CPU:0") | , | ||
| HashBackendType::TBB | |||
| ) | -> Unit(benchmark::kMillisecond) |
| cloudViewer::core::BENCHMARK_CAPTURE | ( | HashClearInt3 | , |
| HashBackendType::TBB_1000_16 | , | ||
| 1000 | , | ||
| 16 | , | ||
| Device("CPU:0") | , | ||
| HashBackendType::TBB | |||
| ) | -> Unit(benchmark::kMillisecond) |
| cloudViewer::core::BENCHMARK_CAPTURE | ( | HashClearInt3 | , |
| HashBackendType::TBB_1000_2 | , | ||
| 1000 | , | ||
| 2 | , | ||
| Device("CPU:0") | , | ||
| HashBackendType::TBB | |||
| ) | -> Unit(benchmark::kMillisecond) |
| cloudViewer::core::BENCHMARK_CAPTURE | ( | HashClearInt3 | , |
| HashBackendType::TBB_1000_32 | , | ||
| 1000 | , | ||
| 32 | , | ||
| Device("CPU:0") | , | ||
| HashBackendType::TBB | |||
| ) | -> Unit(benchmark::kMillisecond) |
| cloudViewer::core::BENCHMARK_CAPTURE | ( | HashClearInt3 | , |
| HashBackendType::TBB_1000_4 | , | ||
| 1000 | , | ||
| 4 | , | ||
| Device("CPU:0") | , | ||
| HashBackendType::TBB | |||
| ) | -> Unit(benchmark::kMillisecond) |
| cloudViewer::core::BENCHMARK_CAPTURE | ( | HashClearInt3 | , |
| HashBackendType::TBB_1000_8 | , | ||
| 1000 | , | ||
| 8 | , | ||
| Device("CPU:0") | , | ||
| HashBackendType::TBB | |||
| ) | -> Unit(benchmark::kMillisecond) |
| cloudViewer::core::BENCHMARK_CAPTURE | ( | HashClearInt3 | , |
| HashBackendType::TBB_100_1 | , | ||
| 100 | , | ||
| 1 | , | ||
| Device("CPU:0") | , | ||
| HashBackendType::TBB | |||
| ) | -> Unit(benchmark::kMillisecond) |
| cloudViewer::core::BENCHMARK_CAPTURE | ( | HashClearInt3 | , |
| HashBackendType::TBB_100_16 | , | ||
| 100 | , | ||
| 16 | , | ||
| Device("CPU:0") | , | ||
| HashBackendType::TBB | |||
| ) | -> Unit(benchmark::kMillisecond) |
| cloudViewer::core::BENCHMARK_CAPTURE | ( | HashClearInt3 | , |
| HashBackendType::TBB_100_2 | , | ||
| 100 | , | ||
| 2 | , | ||
| Device("CPU:0") | , | ||
| HashBackendType::TBB | |||
| ) | -> Unit(benchmark::kMillisecond) |
| cloudViewer::core::BENCHMARK_CAPTURE | ( | HashClearInt3 | , |
| HashBackendType::TBB_100_32 | , | ||
| 100 | , | ||
| 32 | , | ||
| Device("CPU:0") | , | ||
| HashBackendType::TBB | |||
| ) | -> Unit(benchmark::kMillisecond) |
| cloudViewer::core::BENCHMARK_CAPTURE | ( | HashClearInt3 | , |
| HashBackendType::TBB_100_4 | , | ||
| 100 | , | ||
| 4 | , | ||
| Device("CPU:0") | , | ||
| HashBackendType::TBB | |||
| ) | -> Unit(benchmark::kMillisecond) |
| cloudViewer::core::BENCHMARK_CAPTURE | ( | HashClearInt3 | , |
| HashBackendType::TBB_100_8 | , | ||
| 100 | , | ||
| 8 | , | ||
| Device("CPU:0") | , | ||
| HashBackendType::TBB | |||
| ) | -> Unit(benchmark::kMillisecond) |
| cloudViewer::core::BENCHMARK_CAPTURE | ( | HashEraseInt | , |
| HashBackendType::TBB_1000000_1 | , | ||
| 1000000 | , | ||
| 1 | , | ||
| Device("CPU:0") | , | ||
| HashBackendType::TBB | |||
| ) | -> Unit(benchmark::kMillisecond) |
| cloudViewer::core::BENCHMARK_CAPTURE | ( | HashEraseInt | , |
| HashBackendType::TBB_1000000_16 | , | ||
| 1000000 | , | ||
| 16 | , | ||
| Device("CPU:0") | , | ||
| HashBackendType::TBB | |||
| ) | -> Unit(benchmark::kMillisecond) |
| cloudViewer::core::BENCHMARK_CAPTURE | ( | HashEraseInt | , |
| HashBackendType::TBB_1000000_2 | , | ||
| 1000000 | , | ||
| 2 | , | ||
| Device("CPU:0") | , | ||
| HashBackendType::TBB | |||
| ) | -> Unit(benchmark::kMillisecond) |
| cloudViewer::core::BENCHMARK_CAPTURE | ( | HashEraseInt | , |
| HashBackendType::TBB_1000000_32 | , | ||
| 1000000 | , | ||
| 32 | , | ||
| Device("CPU:0") | , | ||
| HashBackendType::TBB | |||
| ) | -> Unit(benchmark::kMillisecond) |
| cloudViewer::core::BENCHMARK_CAPTURE | ( | HashEraseInt | , |
| HashBackendType::TBB_1000000_4 | , | ||
| 1000000 | , | ||
| 4 | , | ||
| Device("CPU:0") | , | ||
| HashBackendType::TBB | |||
| ) | -> Unit(benchmark::kMillisecond) |
| cloudViewer::core::BENCHMARK_CAPTURE | ( | HashEraseInt | , |
| HashBackendType::TBB_1000000_8 | , | ||
| 1000000 | , | ||
| 8 | , | ||
| Device("CPU:0") | , | ||
| HashBackendType::TBB | |||
| ) | -> Unit(benchmark::kMillisecond) |
| cloudViewer::core::BENCHMARK_CAPTURE | ( | HashEraseInt | , |
| HashBackendType::TBB_100000_1 | , | ||
| 100000 | , | ||
| 1 | , | ||
| Device("CPU:0") | , | ||
| HashBackendType::TBB | |||
| ) | -> Unit(benchmark::kMillisecond) |
| cloudViewer::core::BENCHMARK_CAPTURE | ( | HashEraseInt | , |
| HashBackendType::TBB_100000_16 | , | ||
| 100000 | , | ||
| 16 | , | ||
| Device("CPU:0") | , | ||
| HashBackendType::TBB | |||
| ) | -> Unit(benchmark::kMillisecond) |
| cloudViewer::core::BENCHMARK_CAPTURE | ( | HashEraseInt | , |
| HashBackendType::TBB_100000_2 | , | ||
| 100000 | , | ||
| 2 | , | ||
| Device("CPU:0") | , | ||
| HashBackendType::TBB | |||
| ) | -> Unit(benchmark::kMillisecond) |
| cloudViewer::core::BENCHMARK_CAPTURE | ( | HashEraseInt | , |
| HashBackendType::TBB_100000_32 | , | ||
| 100000 | , | ||
| 32 | , | ||
| Device("CPU:0") | , | ||
| HashBackendType::TBB | |||
| ) | -> Unit(benchmark::kMillisecond) |
| cloudViewer::core::BENCHMARK_CAPTURE | ( | HashEraseInt | , |
| HashBackendType::TBB_100000_4 | , | ||
| 100000 | , | ||
| 4 | , | ||
| Device("CPU:0") | , | ||
| HashBackendType::TBB | |||
| ) | -> Unit(benchmark::kMillisecond) |
| cloudViewer::core::BENCHMARK_CAPTURE | ( | HashEraseInt | , |
| HashBackendType::TBB_100000_8 | , | ||
| 100000 | , | ||
| 8 | , | ||
| Device("CPU:0") | , | ||
| HashBackendType::TBB | |||
| ) | -> Unit(benchmark::kMillisecond) |
| cloudViewer::core::BENCHMARK_CAPTURE | ( | HashEraseInt | , |
| HashBackendType::TBB_10000_1 | , | ||
| 10000 | , | ||
| 1 | , | ||
| Device("CPU:0") | , | ||
| HashBackendType::TBB | |||
| ) | -> Unit(benchmark::kMillisecond) |
| cloudViewer::core::BENCHMARK_CAPTURE | ( | HashEraseInt | , |
| HashBackendType::TBB_10000_16 | , | ||
| 10000 | , | ||
| 16 | , | ||
| Device("CPU:0") | , | ||
| HashBackendType::TBB | |||
| ) | -> Unit(benchmark::kMillisecond) |
| cloudViewer::core::BENCHMARK_CAPTURE | ( | HashEraseInt | , |
| HashBackendType::TBB_10000_2 | , | ||
| 10000 | , | ||
| 2 | , | ||
| Device("CPU:0") | , | ||
| HashBackendType::TBB | |||
| ) | -> Unit(benchmark::kMillisecond) |
| cloudViewer::core::BENCHMARK_CAPTURE | ( | HashEraseInt | , |
| HashBackendType::TBB_10000_32 | , | ||
| 10000 | , | ||
| 32 | , | ||
| Device("CPU:0") | , | ||
| HashBackendType::TBB | |||
| ) | -> Unit(benchmark::kMillisecond) |
| cloudViewer::core::BENCHMARK_CAPTURE | ( | HashEraseInt | , |
| HashBackendType::TBB_10000_4 | , | ||
| 10000 | , | ||
| 4 | , | ||
| Device("CPU:0") | , | ||
| HashBackendType::TBB | |||
| ) | -> Unit(benchmark::kMillisecond) |
| cloudViewer::core::BENCHMARK_CAPTURE | ( | HashEraseInt | , |
| HashBackendType::TBB_10000_8 | , | ||
| 10000 | , | ||
| 8 | , | ||
| Device("CPU:0") | , | ||
| HashBackendType::TBB | |||
| ) | -> Unit(benchmark::kMillisecond) |
| cloudViewer::core::BENCHMARK_CAPTURE | ( | HashEraseInt | , |
| HashBackendType::TBB_1000_1 | , | ||
| 1000 | , | ||
| 1 | , | ||
| Device("CPU:0") | , | ||
| HashBackendType::TBB | |||
| ) | -> Unit(benchmark::kMillisecond) |
| cloudViewer::core::BENCHMARK_CAPTURE | ( | HashEraseInt | , |
| HashBackendType::TBB_1000_16 | , | ||
| 1000 | , | ||
| 16 | , | ||
| Device("CPU:0") | , | ||
| HashBackendType::TBB | |||
| ) | -> Unit(benchmark::kMillisecond) |
| cloudViewer::core::BENCHMARK_CAPTURE | ( | HashEraseInt | , |
| HashBackendType::TBB_1000_2 | , | ||
| 1000 | , | ||
| 2 | , | ||
| Device("CPU:0") | , | ||
| HashBackendType::TBB | |||
| ) | -> Unit(benchmark::kMillisecond) |
| cloudViewer::core::BENCHMARK_CAPTURE | ( | HashEraseInt | , |
| HashBackendType::TBB_1000_32 | , | ||
| 1000 | , | ||
| 32 | , | ||
| Device("CPU:0") | , | ||
| HashBackendType::TBB | |||
| ) | -> Unit(benchmark::kMillisecond) |
| cloudViewer::core::BENCHMARK_CAPTURE | ( | HashEraseInt | , |
| HashBackendType::TBB_1000_4 | , | ||
| 1000 | , | ||
| 4 | , | ||
| Device("CPU:0") | , | ||
| HashBackendType::TBB | |||
| ) | -> Unit(benchmark::kMillisecond) |
| cloudViewer::core::BENCHMARK_CAPTURE | ( | HashEraseInt | , |
| HashBackendType::TBB_1000_8 | , | ||
| 1000 | , | ||
| 8 | , | ||
| Device("CPU:0") | , | ||
| HashBackendType::TBB | |||
| ) | -> Unit(benchmark::kMillisecond) |
| cloudViewer::core::BENCHMARK_CAPTURE | ( | HashEraseInt | , |
| HashBackendType::TBB_100_1 | , | ||
| 100 | , | ||
| 1 | , | ||
| Device("CPU:0") | , | ||
| HashBackendType::TBB | |||
| ) | -> Unit(benchmark::kMillisecond) |
| cloudViewer::core::BENCHMARK_CAPTURE | ( | HashEraseInt | , |
| HashBackendType::TBB_100_16 | , | ||
| 100 | , | ||
| 16 | , | ||
| Device("CPU:0") | , | ||
| HashBackendType::TBB | |||
| ) | -> Unit(benchmark::kMillisecond) |
| cloudViewer::core::BENCHMARK_CAPTURE | ( | HashEraseInt | , |
| HashBackendType::TBB_100_2 | , | ||
| 100 | , | ||
| 2 | , | ||
| Device("CPU:0") | , | ||
| HashBackendType::TBB | |||
| ) | -> Unit(benchmark::kMillisecond) |
| cloudViewer::core::BENCHMARK_CAPTURE | ( | HashEraseInt | , |
| HashBackendType::TBB_100_32 | , | ||
| 100 | , | ||
| 32 | , | ||
| Device("CPU:0") | , | ||
| HashBackendType::TBB | |||
| ) | -> Unit(benchmark::kMillisecond) |
| cloudViewer::core::BENCHMARK_CAPTURE | ( | HashEraseInt | , |
| HashBackendType::TBB_100_4 | , | ||
| 100 | , | ||
| 4 | , | ||
| Device("CPU:0") | , | ||
| HashBackendType::TBB | |||
| ) | -> Unit(benchmark::kMillisecond) |
| cloudViewer::core::BENCHMARK_CAPTURE | ( | HashEraseInt | , |
| HashBackendType::TBB_100_8 | , | ||
| 100 | , | ||
| 8 | , | ||
| Device("CPU:0") | , | ||
| HashBackendType::TBB | |||
| ) | -> Unit(benchmark::kMillisecond) |
| cloudViewer::core::BENCHMARK_CAPTURE | ( | HashEraseInt3 | , |
| HashBackendType::TBB_1000000_1 | , | ||
| 1000000 | , | ||
| 1 | , | ||
| Device("CPU:0") | , | ||
| HashBackendType::TBB | |||
| ) | -> Unit(benchmark::kMillisecond) |
| cloudViewer::core::BENCHMARK_CAPTURE | ( | HashEraseInt3 | , |
| HashBackendType::TBB_1000000_16 | , | ||
| 1000000 | , | ||
| 16 | , | ||
| Device("CPU:0") | , | ||
| HashBackendType::TBB | |||
| ) | -> Unit(benchmark::kMillisecond) |
| cloudViewer::core::BENCHMARK_CAPTURE | ( | HashEraseInt3 | , |
| HashBackendType::TBB_1000000_2 | , | ||
| 1000000 | , | ||
| 2 | , | ||
| Device("CPU:0") | , | ||
| HashBackendType::TBB | |||
| ) | -> Unit(benchmark::kMillisecond) |
| cloudViewer::core::BENCHMARK_CAPTURE | ( | HashEraseInt3 | , |
| HashBackendType::TBB_1000000_32 | , | ||
| 1000000 | , | ||
| 32 | , | ||
| Device("CPU:0") | , | ||
| HashBackendType::TBB | |||
| ) | -> Unit(benchmark::kMillisecond) |
| cloudViewer::core::BENCHMARK_CAPTURE | ( | HashEraseInt3 | , |
| HashBackendType::TBB_1000000_4 | , | ||
| 1000000 | , | ||
| 4 | , | ||
| Device("CPU:0") | , | ||
| HashBackendType::TBB | |||
| ) | -> Unit(benchmark::kMillisecond) |
| cloudViewer::core::BENCHMARK_CAPTURE | ( | HashEraseInt3 | , |
| HashBackendType::TBB_1000000_8 | , | ||
| 1000000 | , | ||
| 8 | , | ||
| Device("CPU:0") | , | ||
| HashBackendType::TBB | |||
| ) | -> Unit(benchmark::kMillisecond) |
| cloudViewer::core::BENCHMARK_CAPTURE | ( | HashEraseInt3 | , |
| HashBackendType::TBB_100000_1 | , | ||
| 100000 | , | ||
| 1 | , | ||
| Device("CPU:0") | , | ||
| HashBackendType::TBB | |||
| ) | -> Unit(benchmark::kMillisecond) |
| cloudViewer::core::BENCHMARK_CAPTURE | ( | HashEraseInt3 | , |
| HashBackendType::TBB_100000_16 | , | ||
| 100000 | , | ||
| 16 | , | ||
| Device("CPU:0") | , | ||
| HashBackendType::TBB | |||
| ) | -> Unit(benchmark::kMillisecond) |
| cloudViewer::core::BENCHMARK_CAPTURE | ( | HashEraseInt3 | , |
| HashBackendType::TBB_100000_2 | , | ||
| 100000 | , | ||
| 2 | , | ||
| Device("CPU:0") | , | ||
| HashBackendType::TBB | |||
| ) | -> Unit(benchmark::kMillisecond) |
| cloudViewer::core::BENCHMARK_CAPTURE | ( | HashEraseInt3 | , |
| HashBackendType::TBB_100000_32 | , | ||
| 100000 | , | ||
| 32 | , | ||
| Device("CPU:0") | , | ||
| HashBackendType::TBB | |||
| ) | -> Unit(benchmark::kMillisecond) |
| cloudViewer::core::BENCHMARK_CAPTURE | ( | HashEraseInt3 | , |
| HashBackendType::TBB_100000_4 | , | ||
| 100000 | , | ||
| 4 | , | ||
| Device("CPU:0") | , | ||
| HashBackendType::TBB | |||
| ) | -> Unit(benchmark::kMillisecond) |
| cloudViewer::core::BENCHMARK_CAPTURE | ( | HashEraseInt3 | , |
| HashBackendType::TBB_100000_8 | , | ||
| 100000 | , | ||
| 8 | , | ||
| Device("CPU:0") | , | ||
| HashBackendType::TBB | |||
| ) | -> Unit(benchmark::kMillisecond) |
| cloudViewer::core::BENCHMARK_CAPTURE | ( | HashEraseInt3 | , |
| HashBackendType::TBB_10000_1 | , | ||
| 10000 | , | ||
| 1 | , | ||
| Device("CPU:0") | , | ||
| HashBackendType::TBB | |||
| ) | -> Unit(benchmark::kMillisecond) |
| cloudViewer::core::BENCHMARK_CAPTURE | ( | HashEraseInt3 | , |
| HashBackendType::TBB_10000_16 | , | ||
| 10000 | , | ||
| 16 | , | ||
| Device("CPU:0") | , | ||
| HashBackendType::TBB | |||
| ) | -> Unit(benchmark::kMillisecond) |
| cloudViewer::core::BENCHMARK_CAPTURE | ( | HashEraseInt3 | , |
| HashBackendType::TBB_10000_2 | , | ||
| 10000 | , | ||
| 2 | , | ||
| Device("CPU:0") | , | ||
| HashBackendType::TBB | |||
| ) | -> Unit(benchmark::kMillisecond) |
| cloudViewer::core::BENCHMARK_CAPTURE | ( | HashEraseInt3 | , |
| HashBackendType::TBB_10000_32 | , | ||
| 10000 | , | ||
| 32 | , | ||
| Device("CPU:0") | , | ||
| HashBackendType::TBB | |||
| ) | -> Unit(benchmark::kMillisecond) |
| cloudViewer::core::BENCHMARK_CAPTURE | ( | HashEraseInt3 | , |
| HashBackendType::TBB_10000_4 | , | ||
| 10000 | , | ||
| 4 | , | ||
| Device("CPU:0") | , | ||
| HashBackendType::TBB | |||
| ) | -> Unit(benchmark::kMillisecond) |
| cloudViewer::core::BENCHMARK_CAPTURE | ( | HashEraseInt3 | , |
| HashBackendType::TBB_10000_8 | , | ||
| 10000 | , | ||
| 8 | , | ||
| Device("CPU:0") | , | ||
| HashBackendType::TBB | |||
| ) | -> Unit(benchmark::kMillisecond) |
| cloudViewer::core::BENCHMARK_CAPTURE | ( | HashEraseInt3 | , |
| HashBackendType::TBB_1000_1 | , | ||
| 1000 | , | ||
| 1 | , | ||
| Device("CPU:0") | , | ||
| HashBackendType::TBB | |||
| ) | -> Unit(benchmark::kMillisecond) |
| cloudViewer::core::BENCHMARK_CAPTURE | ( | HashEraseInt3 | , |
| HashBackendType::TBB_1000_16 | , | ||
| 1000 | , | ||
| 16 | , | ||
| Device("CPU:0") | , | ||
| HashBackendType::TBB | |||
| ) | -> Unit(benchmark::kMillisecond) |
| cloudViewer::core::BENCHMARK_CAPTURE | ( | HashEraseInt3 | , |
| HashBackendType::TBB_1000_2 | , | ||
| 1000 | , | ||
| 2 | , | ||
| Device("CPU:0") | , | ||
| HashBackendType::TBB | |||
| ) | -> Unit(benchmark::kMillisecond) |
| cloudViewer::core::BENCHMARK_CAPTURE | ( | HashEraseInt3 | , |
| HashBackendType::TBB_1000_32 | , | ||
| 1000 | , | ||
| 32 | , | ||
| Device("CPU:0") | , | ||
| HashBackendType::TBB | |||
| ) | -> Unit(benchmark::kMillisecond) |
| cloudViewer::core::BENCHMARK_CAPTURE | ( | HashEraseInt3 | , |
| HashBackendType::TBB_1000_4 | , | ||
| 1000 | , | ||
| 4 | , | ||
| Device("CPU:0") | , | ||
| HashBackendType::TBB | |||
| ) | -> Unit(benchmark::kMillisecond) |
| cloudViewer::core::BENCHMARK_CAPTURE | ( | HashEraseInt3 | , |
| HashBackendType::TBB_1000_8 | , | ||
| 1000 | , | ||
| 8 | , | ||
| Device("CPU:0") | , | ||
| HashBackendType::TBB | |||
| ) | -> Unit(benchmark::kMillisecond) |
| cloudViewer::core::BENCHMARK_CAPTURE | ( | HashEraseInt3 | , |
| HashBackendType::TBB_100_1 | , | ||
| 100 | , | ||
| 1 | , | ||
| Device("CPU:0") | , | ||
| HashBackendType::TBB | |||
| ) | -> Unit(benchmark::kMillisecond) |
| cloudViewer::core::BENCHMARK_CAPTURE | ( | HashEraseInt3 | , |
| HashBackendType::TBB_100_16 | , | ||
| 100 | , | ||
| 16 | , | ||
| Device("CPU:0") | , | ||
| HashBackendType::TBB | |||
| ) | -> Unit(benchmark::kMillisecond) |
| cloudViewer::core::BENCHMARK_CAPTURE | ( | HashEraseInt3 | , |
| HashBackendType::TBB_100_2 | , | ||
| 100 | , | ||
| 2 | , | ||
| Device("CPU:0") | , | ||
| HashBackendType::TBB | |||
| ) | -> Unit(benchmark::kMillisecond) |
| cloudViewer::core::BENCHMARK_CAPTURE | ( | HashEraseInt3 | , |
| HashBackendType::TBB_100_32 | , | ||
| 100 | , | ||
| 32 | , | ||
| Device("CPU:0") | , | ||
| HashBackendType::TBB | |||
| ) | -> Unit(benchmark::kMillisecond) |
| cloudViewer::core::BENCHMARK_CAPTURE | ( | HashEraseInt3 | , |
| HashBackendType::TBB_100_4 | , | ||
| 100 | , | ||
| 4 | , | ||
| Device("CPU:0") | , | ||
| HashBackendType::TBB | |||
| ) | -> Unit(benchmark::kMillisecond) |
| cloudViewer::core::BENCHMARK_CAPTURE | ( | HashEraseInt3 | , |
| HashBackendType::TBB_100_8 | , | ||
| 100 | , | ||
| 8 | , | ||
| Device("CPU:0") | , | ||
| HashBackendType::TBB | |||
| ) | -> Unit(benchmark::kMillisecond) |
| cloudViewer::core::BENCHMARK_CAPTURE | ( | HashFindInt | , |
| HashBackendType::TBB_1000000_1 | , | ||
| 1000000 | , | ||
| 1 | , | ||
| Device("CPU:0") | , | ||
| HashBackendType::TBB | |||
| ) | -> Unit(benchmark::kMillisecond) |
| cloudViewer::core::BENCHMARK_CAPTURE | ( | HashFindInt | , |
| HashBackendType::TBB_1000000_16 | , | ||
| 1000000 | , | ||
| 16 | , | ||
| Device("CPU:0") | , | ||
| HashBackendType::TBB | |||
| ) | -> Unit(benchmark::kMillisecond) |
| cloudViewer::core::BENCHMARK_CAPTURE | ( | HashFindInt | , |
| HashBackendType::TBB_1000000_2 | , | ||
| 1000000 | , | ||
| 2 | , | ||
| Device("CPU:0") | , | ||
| HashBackendType::TBB | |||
| ) | -> Unit(benchmark::kMillisecond) |
| cloudViewer::core::BENCHMARK_CAPTURE | ( | HashFindInt | , |
| HashBackendType::TBB_1000000_32 | , | ||
| 1000000 | , | ||
| 32 | , | ||
| Device("CPU:0") | , | ||
| HashBackendType::TBB | |||
| ) | -> Unit(benchmark::kMillisecond) |
| cloudViewer::core::BENCHMARK_CAPTURE | ( | HashFindInt | , |
| HashBackendType::TBB_1000000_4 | , | ||
| 1000000 | , | ||
| 4 | , | ||
| Device("CPU:0") | , | ||
| HashBackendType::TBB | |||
| ) | -> Unit(benchmark::kMillisecond) |
| cloudViewer::core::BENCHMARK_CAPTURE | ( | HashFindInt | , |
| HashBackendType::TBB_1000000_8 | , | ||
| 1000000 | , | ||
| 8 | , | ||
| Device("CPU:0") | , | ||
| HashBackendType::TBB | |||
| ) | -> Unit(benchmark::kMillisecond) |
| cloudViewer::core::BENCHMARK_CAPTURE | ( | HashFindInt | , |
| HashBackendType::TBB_100000_1 | , | ||
| 100000 | , | ||
| 1 | , | ||
| Device("CPU:0") | , | ||
| HashBackendType::TBB | |||
| ) | -> Unit(benchmark::kMillisecond) |
| cloudViewer::core::BENCHMARK_CAPTURE | ( | HashFindInt | , |
| HashBackendType::TBB_100000_16 | , | ||
| 100000 | , | ||
| 16 | , | ||
| Device("CPU:0") | , | ||
| HashBackendType::TBB | |||
| ) | -> Unit(benchmark::kMillisecond) |
| cloudViewer::core::BENCHMARK_CAPTURE | ( | HashFindInt | , |
| HashBackendType::TBB_100000_2 | , | ||
| 100000 | , | ||
| 2 | , | ||
| Device("CPU:0") | , | ||
| HashBackendType::TBB | |||
| ) | -> Unit(benchmark::kMillisecond) |
| cloudViewer::core::BENCHMARK_CAPTURE | ( | HashFindInt | , |
| HashBackendType::TBB_100000_32 | , | ||
| 100000 | , | ||
| 32 | , | ||
| Device("CPU:0") | , | ||
| HashBackendType::TBB | |||
| ) | -> Unit(benchmark::kMillisecond) |
| cloudViewer::core::BENCHMARK_CAPTURE | ( | HashFindInt | , |
| HashBackendType::TBB_100000_4 | , | ||
| 100000 | , | ||
| 4 | , | ||
| Device("CPU:0") | , | ||
| HashBackendType::TBB | |||
| ) | -> Unit(benchmark::kMillisecond) |
| cloudViewer::core::BENCHMARK_CAPTURE | ( | HashFindInt | , |
| HashBackendType::TBB_100000_8 | , | ||
| 100000 | , | ||
| 8 | , | ||
| Device("CPU:0") | , | ||
| HashBackendType::TBB | |||
| ) | -> Unit(benchmark::kMillisecond) |
| cloudViewer::core::BENCHMARK_CAPTURE | ( | HashFindInt | , |
| HashBackendType::TBB_10000_1 | , | ||
| 10000 | , | ||
| 1 | , | ||
| Device("CPU:0") | , | ||
| HashBackendType::TBB | |||
| ) | -> Unit(benchmark::kMillisecond) |
| cloudViewer::core::BENCHMARK_CAPTURE | ( | HashFindInt | , |
| HashBackendType::TBB_10000_16 | , | ||
| 10000 | , | ||
| 16 | , | ||
| Device("CPU:0") | , | ||
| HashBackendType::TBB | |||
| ) | -> Unit(benchmark::kMillisecond) |
| cloudViewer::core::BENCHMARK_CAPTURE | ( | HashFindInt | , |
| HashBackendType::TBB_10000_2 | , | ||
| 10000 | , | ||
| 2 | , | ||
| Device("CPU:0") | , | ||
| HashBackendType::TBB | |||
| ) | -> Unit(benchmark::kMillisecond) |
| cloudViewer::core::BENCHMARK_CAPTURE | ( | HashFindInt | , |
| HashBackendType::TBB_10000_32 | , | ||
| 10000 | , | ||
| 32 | , | ||
| Device("CPU:0") | , | ||
| HashBackendType::TBB | |||
| ) | -> Unit(benchmark::kMillisecond) |
| cloudViewer::core::BENCHMARK_CAPTURE | ( | HashFindInt | , |
| HashBackendType::TBB_10000_4 | , | ||
| 10000 | , | ||
| 4 | , | ||
| Device("CPU:0") | , | ||
| HashBackendType::TBB | |||
| ) | -> Unit(benchmark::kMillisecond) |
| cloudViewer::core::BENCHMARK_CAPTURE | ( | HashFindInt | , |
| HashBackendType::TBB_10000_8 | , | ||
| 10000 | , | ||
| 8 | , | ||
| Device("CPU:0") | , | ||
| HashBackendType::TBB | |||
| ) | -> Unit(benchmark::kMillisecond) |
| cloudViewer::core::BENCHMARK_CAPTURE | ( | HashFindInt | , |
| HashBackendType::TBB_1000_1 | , | ||
| 1000 | , | ||
| 1 | , | ||
| Device("CPU:0") | , | ||
| HashBackendType::TBB | |||
| ) | -> Unit(benchmark::kMillisecond) |
| cloudViewer::core::BENCHMARK_CAPTURE | ( | HashFindInt | , |
| HashBackendType::TBB_1000_16 | , | ||
| 1000 | , | ||
| 16 | , | ||
| Device("CPU:0") | , | ||
| HashBackendType::TBB | |||
| ) | -> Unit(benchmark::kMillisecond) |
| cloudViewer::core::BENCHMARK_CAPTURE | ( | HashFindInt | , |
| HashBackendType::TBB_1000_2 | , | ||
| 1000 | , | ||
| 2 | , | ||
| Device("CPU:0") | , | ||
| HashBackendType::TBB | |||
| ) | -> Unit(benchmark::kMillisecond) |
| cloudViewer::core::BENCHMARK_CAPTURE | ( | HashFindInt | , |
| HashBackendType::TBB_1000_32 | , | ||
| 1000 | , | ||
| 32 | , | ||
| Device("CPU:0") | , | ||
| HashBackendType::TBB | |||
| ) | -> Unit(benchmark::kMillisecond) |
| cloudViewer::core::BENCHMARK_CAPTURE | ( | HashFindInt | , |
| HashBackendType::TBB_1000_4 | , | ||
| 1000 | , | ||
| 4 | , | ||
| Device("CPU:0") | , | ||
| HashBackendType::TBB | |||
| ) | -> Unit(benchmark::kMillisecond) |
| cloudViewer::core::BENCHMARK_CAPTURE | ( | HashFindInt | , |
| HashBackendType::TBB_1000_8 | , | ||
| 1000 | , | ||
| 8 | , | ||
| Device("CPU:0") | , | ||
| HashBackendType::TBB | |||
| ) | -> Unit(benchmark::kMillisecond) |
| cloudViewer::core::BENCHMARK_CAPTURE | ( | HashFindInt | , |
| HashBackendType::TBB_100_1 | , | ||
| 100 | , | ||
| 1 | , | ||
| Device("CPU:0") | , | ||
| HashBackendType::TBB | |||
| ) | -> Unit(benchmark::kMillisecond) |
| cloudViewer::core::BENCHMARK_CAPTURE | ( | HashFindInt | , |
| HashBackendType::TBB_100_16 | , | ||
| 100 | , | ||
| 16 | , | ||
| Device("CPU:0") | , | ||
| HashBackendType::TBB | |||
| ) | -> Unit(benchmark::kMillisecond) |
| cloudViewer::core::BENCHMARK_CAPTURE | ( | HashFindInt | , |
| HashBackendType::TBB_100_2 | , | ||
| 100 | , | ||
| 2 | , | ||
| Device("CPU:0") | , | ||
| HashBackendType::TBB | |||
| ) | -> Unit(benchmark::kMillisecond) |
| cloudViewer::core::BENCHMARK_CAPTURE | ( | HashFindInt | , |
| HashBackendType::TBB_100_32 | , | ||
| 100 | , | ||
| 32 | , | ||
| Device("CPU:0") | , | ||
| HashBackendType::TBB | |||
| ) | -> Unit(benchmark::kMillisecond) |
| cloudViewer::core::BENCHMARK_CAPTURE | ( | HashFindInt | , |
| HashBackendType::TBB_100_4 | , | ||
| 100 | , | ||
| 4 | , | ||
| Device("CPU:0") | , | ||
| HashBackendType::TBB | |||
| ) | -> Unit(benchmark::kMillisecond) |
| cloudViewer::core::BENCHMARK_CAPTURE | ( | HashFindInt | , |
| HashBackendType::TBB_100_8 | , | ||
| 100 | , | ||
| 8 | , | ||
| Device("CPU:0") | , | ||
| HashBackendType::TBB | |||
| ) | -> Unit(benchmark::kMillisecond) |
| cloudViewer::core::BENCHMARK_CAPTURE | ( | HashFindInt3 | , |
| HashBackendType::TBB_1000000_1 | , | ||
| 1000000 | , | ||
| 1 | , | ||
| Device("CPU:0") | , | ||
| HashBackendType::TBB | |||
| ) | -> Unit(benchmark::kMillisecond) |
| cloudViewer::core::BENCHMARK_CAPTURE | ( | HashFindInt3 | , |
| HashBackendType::TBB_1000000_16 | , | ||
| 1000000 | , | ||
| 16 | , | ||
| Device("CPU:0") | , | ||
| HashBackendType::TBB | |||
| ) | -> Unit(benchmark::kMillisecond) |
| cloudViewer::core::BENCHMARK_CAPTURE | ( | HashFindInt3 | , |
| HashBackendType::TBB_1000000_2 | , | ||
| 1000000 | , | ||
| 2 | , | ||
| Device("CPU:0") | , | ||
| HashBackendType::TBB | |||
| ) | -> Unit(benchmark::kMillisecond) |
| cloudViewer::core::BENCHMARK_CAPTURE | ( | HashFindInt3 | , |
| HashBackendType::TBB_1000000_32 | , | ||
| 1000000 | , | ||
| 32 | , | ||
| Device("CPU:0") | , | ||
| HashBackendType::TBB | |||
| ) | -> Unit(benchmark::kMillisecond) |
| cloudViewer::core::BENCHMARK_CAPTURE | ( | HashFindInt3 | , |
| HashBackendType::TBB_1000000_4 | , | ||
| 1000000 | , | ||
| 4 | , | ||
| Device("CPU:0") | , | ||
| HashBackendType::TBB | |||
| ) | -> Unit(benchmark::kMillisecond) |
| cloudViewer::core::BENCHMARK_CAPTURE | ( | HashFindInt3 | , |
| HashBackendType::TBB_1000000_8 | , | ||
| 1000000 | , | ||
| 8 | , | ||
| Device("CPU:0") | , | ||
| HashBackendType::TBB | |||
| ) | -> Unit(benchmark::kMillisecond) |
| cloudViewer::core::BENCHMARK_CAPTURE | ( | HashFindInt3 | , |
| HashBackendType::TBB_100000_1 | , | ||
| 100000 | , | ||
| 1 | , | ||
| Device("CPU:0") | , | ||
| HashBackendType::TBB | |||
| ) | -> Unit(benchmark::kMillisecond) |
| cloudViewer::core::BENCHMARK_CAPTURE | ( | HashFindInt3 | , |
| HashBackendType::TBB_100000_16 | , | ||
| 100000 | , | ||
| 16 | , | ||
| Device("CPU:0") | , | ||
| HashBackendType::TBB | |||
| ) | -> Unit(benchmark::kMillisecond) |
| cloudViewer::core::BENCHMARK_CAPTURE | ( | HashFindInt3 | , |
| HashBackendType::TBB_100000_2 | , | ||
| 100000 | , | ||
| 2 | , | ||
| Device("CPU:0") | , | ||
| HashBackendType::TBB | |||
| ) | -> Unit(benchmark::kMillisecond) |
| cloudViewer::core::BENCHMARK_CAPTURE | ( | HashFindInt3 | , |
| HashBackendType::TBB_100000_32 | , | ||
| 100000 | , | ||
| 32 | , | ||
| Device("CPU:0") | , | ||
| HashBackendType::TBB | |||
| ) | -> Unit(benchmark::kMillisecond) |
| cloudViewer::core::BENCHMARK_CAPTURE | ( | HashFindInt3 | , |
| HashBackendType::TBB_100000_4 | , | ||
| 100000 | , | ||
| 4 | , | ||
| Device("CPU:0") | , | ||
| HashBackendType::TBB | |||
| ) | -> Unit(benchmark::kMillisecond) |
| cloudViewer::core::BENCHMARK_CAPTURE | ( | HashFindInt3 | , |
| HashBackendType::TBB_100000_8 | , | ||
| 100000 | , | ||
| 8 | , | ||
| Device("CPU:0") | , | ||
| HashBackendType::TBB | |||
| ) | -> Unit(benchmark::kMillisecond) |
| cloudViewer::core::BENCHMARK_CAPTURE | ( | HashFindInt3 | , |
| HashBackendType::TBB_10000_1 | , | ||
| 10000 | , | ||
| 1 | , | ||
| Device("CPU:0") | , | ||
| HashBackendType::TBB | |||
| ) | -> Unit(benchmark::kMillisecond) |
| cloudViewer::core::BENCHMARK_CAPTURE | ( | HashFindInt3 | , |
| HashBackendType::TBB_10000_16 | , | ||
| 10000 | , | ||
| 16 | , | ||
| Device("CPU:0") | , | ||
| HashBackendType::TBB | |||
| ) | -> Unit(benchmark::kMillisecond) |
| cloudViewer::core::BENCHMARK_CAPTURE | ( | HashFindInt3 | , |
| HashBackendType::TBB_10000_2 | , | ||
| 10000 | , | ||
| 2 | , | ||
| Device("CPU:0") | , | ||
| HashBackendType::TBB | |||
| ) | -> Unit(benchmark::kMillisecond) |
| cloudViewer::core::BENCHMARK_CAPTURE | ( | HashFindInt3 | , |
| HashBackendType::TBB_10000_32 | , | ||
| 10000 | , | ||
| 32 | , | ||
| Device("CPU:0") | , | ||
| HashBackendType::TBB | |||
| ) | -> Unit(benchmark::kMillisecond) |
| cloudViewer::core::BENCHMARK_CAPTURE | ( | HashFindInt3 | , |
| HashBackendType::TBB_10000_4 | , | ||
| 10000 | , | ||
| 4 | , | ||
| Device("CPU:0") | , | ||
| HashBackendType::TBB | |||
| ) | -> Unit(benchmark::kMillisecond) |
| cloudViewer::core::BENCHMARK_CAPTURE | ( | HashFindInt3 | , |
| HashBackendType::TBB_10000_8 | , | ||
| 10000 | , | ||
| 8 | , | ||
| Device("CPU:0") | , | ||
| HashBackendType::TBB | |||
| ) | -> Unit(benchmark::kMillisecond) |
| cloudViewer::core::BENCHMARK_CAPTURE | ( | HashFindInt3 | , |
| HashBackendType::TBB_1000_1 | , | ||
| 1000 | , | ||
| 1 | , | ||
| Device("CPU:0") | , | ||
| HashBackendType::TBB | |||
| ) | -> Unit(benchmark::kMillisecond) |
| cloudViewer::core::BENCHMARK_CAPTURE | ( | HashFindInt3 | , |
| HashBackendType::TBB_1000_16 | , | ||
| 1000 | , | ||
| 16 | , | ||
| Device("CPU:0") | , | ||
| HashBackendType::TBB | |||
| ) | -> Unit(benchmark::kMillisecond) |
| cloudViewer::core::BENCHMARK_CAPTURE | ( | HashFindInt3 | , |
| HashBackendType::TBB_1000_2 | , | ||
| 1000 | , | ||
| 2 | , | ||
| Device("CPU:0") | , | ||
| HashBackendType::TBB | |||
| ) | -> Unit(benchmark::kMillisecond) |
| cloudViewer::core::BENCHMARK_CAPTURE | ( | HashFindInt3 | , |
| HashBackendType::TBB_1000_32 | , | ||
| 1000 | , | ||
| 32 | , | ||
| Device("CPU:0") | , | ||
| HashBackendType::TBB | |||
| ) | -> Unit(benchmark::kMillisecond) |
| cloudViewer::core::BENCHMARK_CAPTURE | ( | HashFindInt3 | , |
| HashBackendType::TBB_1000_4 | , | ||
| 1000 | , | ||
| 4 | , | ||
| Device("CPU:0") | , | ||
| HashBackendType::TBB | |||
| ) | -> Unit(benchmark::kMillisecond) |
| cloudViewer::core::BENCHMARK_CAPTURE | ( | HashFindInt3 | , |
| HashBackendType::TBB_1000_8 | , | ||
| 1000 | , | ||
| 8 | , | ||
| Device("CPU:0") | , | ||
| HashBackendType::TBB | |||
| ) | -> Unit(benchmark::kMillisecond) |
| cloudViewer::core::BENCHMARK_CAPTURE | ( | HashFindInt3 | , |
| HashBackendType::TBB_100_1 | , | ||
| 100 | , | ||
| 1 | , | ||
| Device("CPU:0") | , | ||
| HashBackendType::TBB | |||
| ) | -> Unit(benchmark::kMillisecond) |
| cloudViewer::core::BENCHMARK_CAPTURE | ( | HashFindInt3 | , |
| HashBackendType::TBB_100_16 | , | ||
| 100 | , | ||
| 16 | , | ||
| Device("CPU:0") | , | ||
| HashBackendType::TBB | |||
| ) | -> Unit(benchmark::kMillisecond) |
| cloudViewer::core::BENCHMARK_CAPTURE | ( | HashFindInt3 | , |
| HashBackendType::TBB_100_2 | , | ||
| 100 | , | ||
| 2 | , | ||
| Device("CPU:0") | , | ||
| HashBackendType::TBB | |||
| ) | -> Unit(benchmark::kMillisecond) |
| cloudViewer::core::BENCHMARK_CAPTURE | ( | HashFindInt3 | , |
| HashBackendType::TBB_100_32 | , | ||
| 100 | , | ||
| 32 | , | ||
| Device("CPU:0") | , | ||
| HashBackendType::TBB | |||
| ) | -> Unit(benchmark::kMillisecond) |
| cloudViewer::core::BENCHMARK_CAPTURE | ( | HashFindInt3 | , |
| HashBackendType::TBB_100_4 | , | ||
| 100 | , | ||
| 4 | , | ||
| Device("CPU:0") | , | ||
| HashBackendType::TBB | |||
| ) | -> Unit(benchmark::kMillisecond) |
| cloudViewer::core::BENCHMARK_CAPTURE | ( | HashFindInt3 | , |
| HashBackendType::TBB_100_8 | , | ||
| 100 | , | ||
| 8 | , | ||
| Device("CPU:0") | , | ||
| HashBackendType::TBB | |||
| ) | -> Unit(benchmark::kMillisecond) |
| cloudViewer::core::BENCHMARK_CAPTURE | ( | HashInsertInt | , |
| HashBackendType::TBB_1000000_1 | , | ||
| 1000000 | , | ||
| 1 | , | ||
| Device("CPU:0") | , | ||
| HashBackendType::TBB | |||
| ) | -> Unit(benchmark::kMillisecond) |
| cloudViewer::core::BENCHMARK_CAPTURE | ( | HashInsertInt | , |
| HashBackendType::TBB_1000000_16 | , | ||
| 1000000 | , | ||
| 16 | , | ||
| Device("CPU:0") | , | ||
| HashBackendType::TBB | |||
| ) | -> Unit(benchmark::kMillisecond) |
| cloudViewer::core::BENCHMARK_CAPTURE | ( | HashInsertInt | , |
| HashBackendType::TBB_1000000_2 | , | ||
| 1000000 | , | ||
| 2 | , | ||
| Device("CPU:0") | , | ||
| HashBackendType::TBB | |||
| ) | -> Unit(benchmark::kMillisecond) |
| cloudViewer::core::BENCHMARK_CAPTURE | ( | HashInsertInt | , |
| HashBackendType::TBB_1000000_32 | , | ||
| 1000000 | , | ||
| 32 | , | ||
| Device("CPU:0") | , | ||
| HashBackendType::TBB | |||
| ) | -> Unit(benchmark::kMillisecond) |
| cloudViewer::core::BENCHMARK_CAPTURE | ( | HashInsertInt | , |
| HashBackendType::TBB_1000000_4 | , | ||
| 1000000 | , | ||
| 4 | , | ||
| Device("CPU:0") | , | ||
| HashBackendType::TBB | |||
| ) | -> Unit(benchmark::kMillisecond) |
| cloudViewer::core::BENCHMARK_CAPTURE | ( | HashInsertInt | , |
| HashBackendType::TBB_1000000_8 | , | ||
| 1000000 | , | ||
| 8 | , | ||
| Device("CPU:0") | , | ||
| HashBackendType::TBB | |||
| ) | -> Unit(benchmark::kMillisecond) |
| cloudViewer::core::BENCHMARK_CAPTURE | ( | HashInsertInt | , |
| HashBackendType::TBB_100000_1 | , | ||
| 100000 | , | ||
| 1 | , | ||
| Device("CPU:0") | , | ||
| HashBackendType::TBB | |||
| ) | -> Unit(benchmark::kMillisecond) |
| cloudViewer::core::BENCHMARK_CAPTURE | ( | HashInsertInt | , |
| HashBackendType::TBB_100000_16 | , | ||
| 100000 | , | ||
| 16 | , | ||
| Device("CPU:0") | , | ||
| HashBackendType::TBB | |||
| ) | -> Unit(benchmark::kMillisecond) |
| cloudViewer::core::BENCHMARK_CAPTURE | ( | HashInsertInt | , |
| HashBackendType::TBB_100000_2 | , | ||
| 100000 | , | ||
| 2 | , | ||
| Device("CPU:0") | , | ||
| HashBackendType::TBB | |||
| ) | -> Unit(benchmark::kMillisecond) |
| cloudViewer::core::BENCHMARK_CAPTURE | ( | HashInsertInt | , |
| HashBackendType::TBB_100000_32 | , | ||
| 100000 | , | ||
| 32 | , | ||
| Device("CPU:0") | , | ||
| HashBackendType::TBB | |||
| ) | -> Unit(benchmark::kMillisecond) |
| cloudViewer::core::BENCHMARK_CAPTURE | ( | HashInsertInt | , |
| HashBackendType::TBB_100000_4 | , | ||
| 100000 | , | ||
| 4 | , | ||
| Device("CPU:0") | , | ||
| HashBackendType::TBB | |||
| ) | -> Unit(benchmark::kMillisecond) |
| cloudViewer::core::BENCHMARK_CAPTURE | ( | HashInsertInt | , |
| HashBackendType::TBB_100000_8 | , | ||
| 100000 | , | ||
| 8 | , | ||
| Device("CPU:0") | , | ||
| HashBackendType::TBB | |||
| ) | -> Unit(benchmark::kMillisecond) |
| cloudViewer::core::BENCHMARK_CAPTURE | ( | HashInsertInt | , |
| HashBackendType::TBB_10000_1 | , | ||
| 10000 | , | ||
| 1 | , | ||
| Device("CPU:0") | , | ||
| HashBackendType::TBB | |||
| ) | -> Unit(benchmark::kMillisecond) |
| cloudViewer::core::BENCHMARK_CAPTURE | ( | HashInsertInt | , |
| HashBackendType::TBB_10000_16 | , | ||
| 10000 | , | ||
| 16 | , | ||
| Device("CPU:0") | , | ||
| HashBackendType::TBB | |||
| ) | -> Unit(benchmark::kMillisecond) |
| cloudViewer::core::BENCHMARK_CAPTURE | ( | HashInsertInt | , |
| HashBackendType::TBB_10000_2 | , | ||
| 10000 | , | ||
| 2 | , | ||
| Device("CPU:0") | , | ||
| HashBackendType::TBB | |||
| ) | -> Unit(benchmark::kMillisecond) |
| cloudViewer::core::BENCHMARK_CAPTURE | ( | HashInsertInt | , |
| HashBackendType::TBB_10000_32 | , | ||
| 10000 | , | ||
| 32 | , | ||
| Device("CPU:0") | , | ||
| HashBackendType::TBB | |||
| ) | -> Unit(benchmark::kMillisecond) |
| cloudViewer::core::BENCHMARK_CAPTURE | ( | HashInsertInt | , |
| HashBackendType::TBB_10000_4 | , | ||
| 10000 | , | ||
| 4 | , | ||
| Device("CPU:0") | , | ||
| HashBackendType::TBB | |||
| ) | -> Unit(benchmark::kMillisecond) |
| cloudViewer::core::BENCHMARK_CAPTURE | ( | HashInsertInt | , |
| HashBackendType::TBB_10000_8 | , | ||
| 10000 | , | ||
| 8 | , | ||
| Device("CPU:0") | , | ||
| HashBackendType::TBB | |||
| ) | -> Unit(benchmark::kMillisecond) |
| cloudViewer::core::BENCHMARK_CAPTURE | ( | HashInsertInt | , |
| HashBackendType::TBB_1000_1 | , | ||
| 1000 | , | ||
| 1 | , | ||
| Device("CPU:0") | , | ||
| HashBackendType::TBB | |||
| ) | -> Unit(benchmark::kMillisecond) |
| cloudViewer::core::BENCHMARK_CAPTURE | ( | HashInsertInt | , |
| HashBackendType::TBB_1000_16 | , | ||
| 1000 | , | ||
| 16 | , | ||
| Device("CPU:0") | , | ||
| HashBackendType::TBB | |||
| ) | -> Unit(benchmark::kMillisecond) |
| cloudViewer::core::BENCHMARK_CAPTURE | ( | HashInsertInt | , |
| HashBackendType::TBB_1000_2 | , | ||
| 1000 | , | ||
| 2 | , | ||
| Device("CPU:0") | , | ||
| HashBackendType::TBB | |||
| ) | -> Unit(benchmark::kMillisecond) |
| cloudViewer::core::BENCHMARK_CAPTURE | ( | HashInsertInt | , |
| HashBackendType::TBB_1000_32 | , | ||
| 1000 | , | ||
| 32 | , | ||
| Device("CPU:0") | , | ||
| HashBackendType::TBB | |||
| ) | -> Unit(benchmark::kMillisecond) |
| cloudViewer::core::BENCHMARK_CAPTURE | ( | HashInsertInt | , |
| HashBackendType::TBB_1000_4 | , | ||
| 1000 | , | ||
| 4 | , | ||
| Device("CPU:0") | , | ||
| HashBackendType::TBB | |||
| ) | -> Unit(benchmark::kMillisecond) |
| cloudViewer::core::BENCHMARK_CAPTURE | ( | HashInsertInt | , |
| HashBackendType::TBB_1000_8 | , | ||
| 1000 | , | ||
| 8 | , | ||
| Device("CPU:0") | , | ||
| HashBackendType::TBB | |||
| ) | -> Unit(benchmark::kMillisecond) |
| cloudViewer::core::BENCHMARK_CAPTURE | ( | HashInsertInt | , |
| HashBackendType::TBB_100_1 | , | ||
| 100 | , | ||
| 1 | , | ||
| Device("CPU:0") | , | ||
| HashBackendType::TBB | |||
| ) | -> Unit(benchmark::kMillisecond) |
| cloudViewer::core::BENCHMARK_CAPTURE | ( | HashInsertInt | , |
| HashBackendType::TBB_100_16 | , | ||
| 100 | , | ||
| 16 | , | ||
| Device("CPU:0") | , | ||
| HashBackendType::TBB | |||
| ) | -> Unit(benchmark::kMillisecond) |
| cloudViewer::core::BENCHMARK_CAPTURE | ( | HashInsertInt | , |
| HashBackendType::TBB_100_2 | , | ||
| 100 | , | ||
| 2 | , | ||
| Device("CPU:0") | , | ||
| HashBackendType::TBB | |||
| ) | -> Unit(benchmark::kMillisecond) |
| cloudViewer::core::BENCHMARK_CAPTURE | ( | HashInsertInt | , |
| HashBackendType::TBB_100_32 | , | ||
| 100 | , | ||
| 32 | , | ||
| Device("CPU:0") | , | ||
| HashBackendType::TBB | |||
| ) | -> Unit(benchmark::kMillisecond) |
| cloudViewer::core::BENCHMARK_CAPTURE | ( | HashInsertInt | , |
| HashBackendType::TBB_100_4 | , | ||
| 100 | , | ||
| 4 | , | ||
| Device("CPU:0") | , | ||
| HashBackendType::TBB | |||
| ) | -> Unit(benchmark::kMillisecond) |
| cloudViewer::core::BENCHMARK_CAPTURE | ( | HashInsertInt | , |
| HashBackendType::TBB_100_8 | , | ||
| 100 | , | ||
| 8 | , | ||
| Device("CPU:0") | , | ||
| HashBackendType::TBB | |||
| ) | -> Unit(benchmark::kMillisecond) |
| cloudViewer::core::BENCHMARK_CAPTURE | ( | HashInsertInt3 | , |
| HashBackendType::TBB_1000000_1 | , | ||
| 1000000 | , | ||
| 1 | , | ||
| Device("CPU:0") | , | ||
| HashBackendType::TBB | |||
| ) | -> Unit(benchmark::kMillisecond) |
| cloudViewer::core::BENCHMARK_CAPTURE | ( | HashInsertInt3 | , |
| HashBackendType::TBB_1000000_16 | , | ||
| 1000000 | , | ||
| 16 | , | ||
| Device("CPU:0") | , | ||
| HashBackendType::TBB | |||
| ) | -> Unit(benchmark::kMillisecond) |
| cloudViewer::core::BENCHMARK_CAPTURE | ( | HashInsertInt3 | , |
| HashBackendType::TBB_1000000_2 | , | ||
| 1000000 | , | ||
| 2 | , | ||
| Device("CPU:0") | , | ||
| HashBackendType::TBB | |||
| ) | -> Unit(benchmark::kMillisecond) |
| cloudViewer::core::BENCHMARK_CAPTURE | ( | HashInsertInt3 | , |
| HashBackendType::TBB_1000000_32 | , | ||
| 1000000 | , | ||
| 32 | , | ||
| Device("CPU:0") | , | ||
| HashBackendType::TBB | |||
| ) | -> Unit(benchmark::kMillisecond) |
| cloudViewer::core::BENCHMARK_CAPTURE | ( | HashInsertInt3 | , |
| HashBackendType::TBB_1000000_4 | , | ||
| 1000000 | , | ||
| 4 | , | ||
| Device("CPU:0") | , | ||
| HashBackendType::TBB | |||
| ) | -> Unit(benchmark::kMillisecond) |
| cloudViewer::core::BENCHMARK_CAPTURE | ( | HashInsertInt3 | , |
| HashBackendType::TBB_1000000_8 | , | ||
| 1000000 | , | ||
| 8 | , | ||
| Device("CPU:0") | , | ||
| HashBackendType::TBB | |||
| ) | -> Unit(benchmark::kMillisecond) |
| cloudViewer::core::BENCHMARK_CAPTURE | ( | HashInsertInt3 | , |
| HashBackendType::TBB_100000_1 | , | ||
| 100000 | , | ||
| 1 | , | ||
| Device("CPU:0") | , | ||
| HashBackendType::TBB | |||
| ) | -> Unit(benchmark::kMillisecond) |
| cloudViewer::core::BENCHMARK_CAPTURE | ( | HashInsertInt3 | , |
| HashBackendType::TBB_100000_16 | , | ||
| 100000 | , | ||
| 16 | , | ||
| Device("CPU:0") | , | ||
| HashBackendType::TBB | |||
| ) | -> Unit(benchmark::kMillisecond) |
| cloudViewer::core::BENCHMARK_CAPTURE | ( | HashInsertInt3 | , |
| HashBackendType::TBB_100000_2 | , | ||
| 100000 | , | ||
| 2 | , | ||
| Device("CPU:0") | , | ||
| HashBackendType::TBB | |||
| ) | -> Unit(benchmark::kMillisecond) |
| cloudViewer::core::BENCHMARK_CAPTURE | ( | HashInsertInt3 | , |
| HashBackendType::TBB_100000_32 | , | ||
| 100000 | , | ||
| 32 | , | ||
| Device("CPU:0") | , | ||
| HashBackendType::TBB | |||
| ) | -> Unit(benchmark::kMillisecond) |
| cloudViewer::core::BENCHMARK_CAPTURE | ( | HashInsertInt3 | , |
| HashBackendType::TBB_100000_4 | , | ||
| 100000 | , | ||
| 4 | , | ||
| Device("CPU:0") | , | ||
| HashBackendType::TBB | |||
| ) | -> Unit(benchmark::kMillisecond) |
| cloudViewer::core::BENCHMARK_CAPTURE | ( | HashInsertInt3 | , |
| HashBackendType::TBB_100000_8 | , | ||
| 100000 | , | ||
| 8 | , | ||
| Device("CPU:0") | , | ||
| HashBackendType::TBB | |||
| ) | -> Unit(benchmark::kMillisecond) |
| cloudViewer::core::BENCHMARK_CAPTURE | ( | HashInsertInt3 | , |
| HashBackendType::TBB_10000_1 | , | ||
| 10000 | , | ||
| 1 | , | ||
| Device("CPU:0") | , | ||
| HashBackendType::TBB | |||
| ) | -> Unit(benchmark::kMillisecond) |
| cloudViewer::core::BENCHMARK_CAPTURE | ( | HashInsertInt3 | , |
| HashBackendType::TBB_10000_16 | , | ||
| 10000 | , | ||
| 16 | , | ||
| Device("CPU:0") | , | ||
| HashBackendType::TBB | |||
| ) | -> Unit(benchmark::kMillisecond) |
| cloudViewer::core::BENCHMARK_CAPTURE | ( | HashInsertInt3 | , |
| HashBackendType::TBB_10000_2 | , | ||
| 10000 | , | ||
| 2 | , | ||
| Device("CPU:0") | , | ||
| HashBackendType::TBB | |||
| ) | -> Unit(benchmark::kMillisecond) |
| cloudViewer::core::BENCHMARK_CAPTURE | ( | HashInsertInt3 | , |
| HashBackendType::TBB_10000_32 | , | ||
| 10000 | , | ||
| 32 | , | ||
| Device("CPU:0") | , | ||
| HashBackendType::TBB | |||
| ) | -> Unit(benchmark::kMillisecond) |
| cloudViewer::core::BENCHMARK_CAPTURE | ( | HashInsertInt3 | , |
| HashBackendType::TBB_10000_4 | , | ||
| 10000 | , | ||
| 4 | , | ||
| Device("CPU:0") | , | ||
| HashBackendType::TBB | |||
| ) | -> Unit(benchmark::kMillisecond) |
| cloudViewer::core::BENCHMARK_CAPTURE | ( | HashInsertInt3 | , |
| HashBackendType::TBB_10000_8 | , | ||
| 10000 | , | ||
| 8 | , | ||
| Device("CPU:0") | , | ||
| HashBackendType::TBB | |||
| ) | -> Unit(benchmark::kMillisecond) |
| cloudViewer::core::BENCHMARK_CAPTURE | ( | HashInsertInt3 | , |
| HashBackendType::TBB_1000_1 | , | ||
| 1000 | , | ||
| 1 | , | ||
| Device("CPU:0") | , | ||
| HashBackendType::TBB | |||
| ) | -> Unit(benchmark::kMillisecond) |
| cloudViewer::core::BENCHMARK_CAPTURE | ( | HashInsertInt3 | , |
| HashBackendType::TBB_1000_16 | , | ||
| 1000 | , | ||
| 16 | , | ||
| Device("CPU:0") | , | ||
| HashBackendType::TBB | |||
| ) | -> Unit(benchmark::kMillisecond) |
| cloudViewer::core::BENCHMARK_CAPTURE | ( | HashInsertInt3 | , |
| HashBackendType::TBB_1000_2 | , | ||
| 1000 | , | ||
| 2 | , | ||
| Device("CPU:0") | , | ||
| HashBackendType::TBB | |||
| ) | -> Unit(benchmark::kMillisecond) |
| cloudViewer::core::BENCHMARK_CAPTURE | ( | HashInsertInt3 | , |
| HashBackendType::TBB_1000_32 | , | ||
| 1000 | , | ||
| 32 | , | ||
| Device("CPU:0") | , | ||
| HashBackendType::TBB | |||
| ) | -> Unit(benchmark::kMillisecond) |
| cloudViewer::core::BENCHMARK_CAPTURE | ( | HashInsertInt3 | , |
| HashBackendType::TBB_1000_4 | , | ||
| 1000 | , | ||
| 4 | , | ||
| Device("CPU:0") | , | ||
| HashBackendType::TBB | |||
| ) | -> Unit(benchmark::kMillisecond) |
| cloudViewer::core::BENCHMARK_CAPTURE | ( | HashInsertInt3 | , |
| HashBackendType::TBB_1000_8 | , | ||
| 1000 | , | ||
| 8 | , | ||
| Device("CPU:0") | , | ||
| HashBackendType::TBB | |||
| ) | -> Unit(benchmark::kMillisecond) |
| cloudViewer::core::BENCHMARK_CAPTURE | ( | HashInsertInt3 | , |
| HashBackendType::TBB_100_1 | , | ||
| 100 | , | ||
| 1 | , | ||
| Device("CPU:0") | , | ||
| HashBackendType::TBB | |||
| ) | -> Unit(benchmark::kMillisecond) |
| cloudViewer::core::BENCHMARK_CAPTURE | ( | HashInsertInt3 | , |
| HashBackendType::TBB_100_16 | , | ||
| 100 | , | ||
| 16 | , | ||
| Device("CPU:0") | , | ||
| HashBackendType::TBB | |||
| ) | -> Unit(benchmark::kMillisecond) |
| cloudViewer::core::BENCHMARK_CAPTURE | ( | HashInsertInt3 | , |
| HashBackendType::TBB_100_2 | , | ||
| 100 | , | ||
| 2 | , | ||
| Device("CPU:0") | , | ||
| HashBackendType::TBB | |||
| ) | -> Unit(benchmark::kMillisecond) |
| cloudViewer::core::BENCHMARK_CAPTURE | ( | HashInsertInt3 | , |
| HashBackendType::TBB_100_32 | , | ||
| 100 | , | ||
| 32 | , | ||
| Device("CPU:0") | , | ||
| HashBackendType::TBB | |||
| ) | -> Unit(benchmark::kMillisecond) |
| cloudViewer::core::BENCHMARK_CAPTURE | ( | HashInsertInt3 | , |
| HashBackendType::TBB_100_4 | , | ||
| 100 | , | ||
| 4 | , | ||
| Device("CPU:0") | , | ||
| HashBackendType::TBB | |||
| ) | -> Unit(benchmark::kMillisecond) |
| cloudViewer::core::BENCHMARK_CAPTURE | ( | HashInsertInt3 | , |
| HashBackendType::TBB_100_8 | , | ||
| 100 | , | ||
| 8 | , | ||
| Device("CPU:0") | , | ||
| HashBackendType::TBB | |||
| ) | -> Unit(benchmark::kMillisecond) |
| cloudViewer::core::BENCHMARK_CAPTURE | ( | HashReserveInt | , |
| HashBackendType::TBB_1000000_1 | , | ||
| 1000000 | , | ||
| 1 | , | ||
| Device("CPU:0") | , | ||
| HashBackendType::TBB | |||
| ) | -> Unit(benchmark::kMillisecond) |
| cloudViewer::core::BENCHMARK_CAPTURE | ( | HashReserveInt | , |
| HashBackendType::TBB_1000000_16 | , | ||
| 1000000 | , | ||
| 16 | , | ||
| Device("CPU:0") | , | ||
| HashBackendType::TBB | |||
| ) | -> Unit(benchmark::kMillisecond) |
| cloudViewer::core::BENCHMARK_CAPTURE | ( | HashReserveInt | , |
| HashBackendType::TBB_1000000_2 | , | ||
| 1000000 | , | ||
| 2 | , | ||
| Device("CPU:0") | , | ||
| HashBackendType::TBB | |||
| ) | -> Unit(benchmark::kMillisecond) |
| cloudViewer::core::BENCHMARK_CAPTURE | ( | HashReserveInt | , |
| HashBackendType::TBB_1000000_32 | , | ||
| 1000000 | , | ||
| 32 | , | ||
| Device("CPU:0") | , | ||
| HashBackendType::TBB | |||
| ) | -> Unit(benchmark::kMillisecond) |
| cloudViewer::core::BENCHMARK_CAPTURE | ( | HashReserveInt | , |
| HashBackendType::TBB_1000000_4 | , | ||
| 1000000 | , | ||
| 4 | , | ||
| Device("CPU:0") | , | ||
| HashBackendType::TBB | |||
| ) | -> Unit(benchmark::kMillisecond) |
| cloudViewer::core::BENCHMARK_CAPTURE | ( | HashReserveInt | , |
| HashBackendType::TBB_1000000_8 | , | ||
| 1000000 | , | ||
| 8 | , | ||
| Device("CPU:0") | , | ||
| HashBackendType::TBB | |||
| ) | -> Unit(benchmark::kMillisecond) |
| cloudViewer::core::BENCHMARK_CAPTURE | ( | HashReserveInt | , |
| HashBackendType::TBB_100000_1 | , | ||
| 100000 | , | ||
| 1 | , | ||
| Device("CPU:0") | , | ||
| HashBackendType::TBB | |||
| ) | -> Unit(benchmark::kMillisecond) |
| cloudViewer::core::BENCHMARK_CAPTURE | ( | HashReserveInt | , |
| HashBackendType::TBB_100000_16 | , | ||
| 100000 | , | ||
| 16 | , | ||
| Device("CPU:0") | , | ||
| HashBackendType::TBB | |||
| ) | -> Unit(benchmark::kMillisecond) |
| cloudViewer::core::BENCHMARK_CAPTURE | ( | HashReserveInt | , |
| HashBackendType::TBB_100000_2 | , | ||
| 100000 | , | ||
| 2 | , | ||
| Device("CPU:0") | , | ||
| HashBackendType::TBB | |||
| ) | -> Unit(benchmark::kMillisecond) |
| cloudViewer::core::BENCHMARK_CAPTURE | ( | HashReserveInt | , |
| HashBackendType::TBB_100000_32 | , | ||
| 100000 | , | ||
| 32 | , | ||
| Device("CPU:0") | , | ||
| HashBackendType::TBB | |||
| ) | -> Unit(benchmark::kMillisecond) |
| cloudViewer::core::BENCHMARK_CAPTURE | ( | HashReserveInt | , |
| HashBackendType::TBB_100000_4 | , | ||
| 100000 | , | ||
| 4 | , | ||
| Device("CPU:0") | , | ||
| HashBackendType::TBB | |||
| ) | -> Unit(benchmark::kMillisecond) |
| cloudViewer::core::BENCHMARK_CAPTURE | ( | HashReserveInt | , |
| HashBackendType::TBB_100000_8 | , | ||
| 100000 | , | ||
| 8 | , | ||
| Device("CPU:0") | , | ||
| HashBackendType::TBB | |||
| ) | -> Unit(benchmark::kMillisecond) |
| cloudViewer::core::BENCHMARK_CAPTURE | ( | HashReserveInt | , |
| HashBackendType::TBB_10000_1 | , | ||
| 10000 | , | ||
| 1 | , | ||
| Device("CPU:0") | , | ||
| HashBackendType::TBB | |||
| ) | -> Unit(benchmark::kMillisecond) |
| cloudViewer::core::BENCHMARK_CAPTURE | ( | HashReserveInt | , |
| HashBackendType::TBB_10000_16 | , | ||
| 10000 | , | ||
| 16 | , | ||
| Device("CPU:0") | , | ||
| HashBackendType::TBB | |||
| ) | -> Unit(benchmark::kMillisecond) |
| cloudViewer::core::BENCHMARK_CAPTURE | ( | HashReserveInt | , |
| HashBackendType::TBB_10000_2 | , | ||
| 10000 | , | ||
| 2 | , | ||
| Device("CPU:0") | , | ||
| HashBackendType::TBB | |||
| ) | -> Unit(benchmark::kMillisecond) |
| cloudViewer::core::BENCHMARK_CAPTURE | ( | HashReserveInt | , |
| HashBackendType::TBB_10000_32 | , | ||
| 10000 | , | ||
| 32 | , | ||
| Device("CPU:0") | , | ||
| HashBackendType::TBB | |||
| ) | -> Unit(benchmark::kMillisecond) |
| cloudViewer::core::BENCHMARK_CAPTURE | ( | HashReserveInt | , |
| HashBackendType::TBB_10000_4 | , | ||
| 10000 | , | ||
| 4 | , | ||
| Device("CPU:0") | , | ||
| HashBackendType::TBB | |||
| ) | -> Unit(benchmark::kMillisecond) |
| cloudViewer::core::BENCHMARK_CAPTURE | ( | HashReserveInt | , |
| HashBackendType::TBB_10000_8 | , | ||
| 10000 | , | ||
| 8 | , | ||
| Device("CPU:0") | , | ||
| HashBackendType::TBB | |||
| ) | -> Unit(benchmark::kMillisecond) |
| cloudViewer::core::BENCHMARK_CAPTURE | ( | HashReserveInt | , |
| HashBackendType::TBB_1000_1 | , | ||
| 1000 | , | ||
| 1 | , | ||
| Device("CPU:0") | , | ||
| HashBackendType::TBB | |||
| ) | -> Unit(benchmark::kMillisecond) |
| cloudViewer::core::BENCHMARK_CAPTURE | ( | HashReserveInt | , |
| HashBackendType::TBB_1000_16 | , | ||
| 1000 | , | ||
| 16 | , | ||
| Device("CPU:0") | , | ||
| HashBackendType::TBB | |||
| ) | -> Unit(benchmark::kMillisecond) |
| cloudViewer::core::BENCHMARK_CAPTURE | ( | HashReserveInt | , |
| HashBackendType::TBB_1000_2 | , | ||
| 1000 | , | ||
| 2 | , | ||
| Device("CPU:0") | , | ||
| HashBackendType::TBB | |||
| ) | -> Unit(benchmark::kMillisecond) |
| cloudViewer::core::BENCHMARK_CAPTURE | ( | HashReserveInt | , |
| HashBackendType::TBB_1000_32 | , | ||
| 1000 | , | ||
| 32 | , | ||
| Device("CPU:0") | , | ||
| HashBackendType::TBB | |||
| ) | -> Unit(benchmark::kMillisecond) |
| cloudViewer::core::BENCHMARK_CAPTURE | ( | HashReserveInt | , |
| HashBackendType::TBB_1000_4 | , | ||
| 1000 | , | ||
| 4 | , | ||
| Device("CPU:0") | , | ||
| HashBackendType::TBB | |||
| ) | -> Unit(benchmark::kMillisecond) |
| cloudViewer::core::BENCHMARK_CAPTURE | ( | HashReserveInt | , |
| HashBackendType::TBB_1000_8 | , | ||
| 1000 | , | ||
| 8 | , | ||
| Device("CPU:0") | , | ||
| HashBackendType::TBB | |||
| ) | -> Unit(benchmark::kMillisecond) |
| cloudViewer::core::BENCHMARK_CAPTURE | ( | HashReserveInt | , |
| HashBackendType::TBB_100_1 | , | ||
| 100 | , | ||
| 1 | , | ||
| Device("CPU:0") | , | ||
| HashBackendType::TBB | |||
| ) | -> Unit(benchmark::kMillisecond) |
| cloudViewer::core::BENCHMARK_CAPTURE | ( | HashReserveInt | , |
| HashBackendType::TBB_100_16 | , | ||
| 100 | , | ||
| 16 | , | ||
| Device("CPU:0") | , | ||
| HashBackendType::TBB | |||
| ) | -> Unit(benchmark::kMillisecond) |
| cloudViewer::core::BENCHMARK_CAPTURE | ( | HashReserveInt | , |
| HashBackendType::TBB_100_2 | , | ||
| 100 | , | ||
| 2 | , | ||
| Device("CPU:0") | , | ||
| HashBackendType::TBB | |||
| ) | -> Unit(benchmark::kMillisecond) |
| cloudViewer::core::BENCHMARK_CAPTURE | ( | HashReserveInt | , |
| HashBackendType::TBB_100_32 | , | ||
| 100 | , | ||
| 32 | , | ||
| Device("CPU:0") | , | ||
| HashBackendType::TBB | |||
| ) | -> Unit(benchmark::kMillisecond) |
| cloudViewer::core::BENCHMARK_CAPTURE | ( | HashReserveInt | , |
| HashBackendType::TBB_100_4 | , | ||
| 100 | , | ||
| 4 | , | ||
| Device("CPU:0") | , | ||
| HashBackendType::TBB | |||
| ) | -> Unit(benchmark::kMillisecond) |
| cloudViewer::core::BENCHMARK_CAPTURE | ( | HashReserveInt | , |
| HashBackendType::TBB_100_8 | , | ||
| 100 | , | ||
| 8 | , | ||
| Device("CPU:0") | , | ||
| HashBackendType::TBB | |||
| ) | -> Unit(benchmark::kMillisecond) |
| cloudViewer::core::BENCHMARK_CAPTURE | ( | HashReserveInt3 | , |
| HashBackendType::TBB_1000000_1 | , | ||
| 1000000 | , | ||
| 1 | , | ||
| Device("CPU:0") | , | ||
| HashBackendType::TBB | |||
| ) | -> Unit(benchmark::kMillisecond) |
| cloudViewer::core::BENCHMARK_CAPTURE | ( | HashReserveInt3 | , |
| HashBackendType::TBB_1000000_16 | , | ||
| 1000000 | , | ||
| 16 | , | ||
| Device("CPU:0") | , | ||
| HashBackendType::TBB | |||
| ) | -> Unit(benchmark::kMillisecond) |
| cloudViewer::core::BENCHMARK_CAPTURE | ( | HashReserveInt3 | , |
| HashBackendType::TBB_1000000_2 | , | ||
| 1000000 | , | ||
| 2 | , | ||
| Device("CPU:0") | , | ||
| HashBackendType::TBB | |||
| ) | -> Unit(benchmark::kMillisecond) |
| cloudViewer::core::BENCHMARK_CAPTURE | ( | HashReserveInt3 | , |
| HashBackendType::TBB_1000000_32 | , | ||
| 1000000 | , | ||
| 32 | , | ||
| Device("CPU:0") | , | ||
| HashBackendType::TBB | |||
| ) | -> Unit(benchmark::kMillisecond) |
| cloudViewer::core::BENCHMARK_CAPTURE | ( | HashReserveInt3 | , |
| HashBackendType::TBB_1000000_4 | , | ||
| 1000000 | , | ||
| 4 | , | ||
| Device("CPU:0") | , | ||
| HashBackendType::TBB | |||
| ) | -> Unit(benchmark::kMillisecond) |
| cloudViewer::core::BENCHMARK_CAPTURE | ( | HashReserveInt3 | , |
| HashBackendType::TBB_1000000_8 | , | ||
| 1000000 | , | ||
| 8 | , | ||
| Device("CPU:0") | , | ||
| HashBackendType::TBB | |||
| ) | -> Unit(benchmark::kMillisecond) |
| cloudViewer::core::BENCHMARK_CAPTURE | ( | HashReserveInt3 | , |
| HashBackendType::TBB_100000_1 | , | ||
| 100000 | , | ||
| 1 | , | ||
| Device("CPU:0") | , | ||
| HashBackendType::TBB | |||
| ) | -> Unit(benchmark::kMillisecond) |
| cloudViewer::core::BENCHMARK_CAPTURE | ( | HashReserveInt3 | , |
| HashBackendType::TBB_100000_16 | , | ||
| 100000 | , | ||
| 16 | , | ||
| Device("CPU:0") | , | ||
| HashBackendType::TBB | |||
| ) | -> Unit(benchmark::kMillisecond) |
| cloudViewer::core::BENCHMARK_CAPTURE | ( | HashReserveInt3 | , |
| HashBackendType::TBB_100000_2 | , | ||
| 100000 | , | ||
| 2 | , | ||
| Device("CPU:0") | , | ||
| HashBackendType::TBB | |||
| ) | -> Unit(benchmark::kMillisecond) |
| cloudViewer::core::BENCHMARK_CAPTURE | ( | HashReserveInt3 | , |
| HashBackendType::TBB_100000_32 | , | ||
| 100000 | , | ||
| 32 | , | ||
| Device("CPU:0") | , | ||
| HashBackendType::TBB | |||
| ) | -> Unit(benchmark::kMillisecond) |
| cloudViewer::core::BENCHMARK_CAPTURE | ( | HashReserveInt3 | , |
| HashBackendType::TBB_100000_4 | , | ||
| 100000 | , | ||
| 4 | , | ||
| Device("CPU:0") | , | ||
| HashBackendType::TBB | |||
| ) | -> Unit(benchmark::kMillisecond) |
| cloudViewer::core::BENCHMARK_CAPTURE | ( | HashReserveInt3 | , |
| HashBackendType::TBB_100000_8 | , | ||
| 100000 | , | ||
| 8 | , | ||
| Device("CPU:0") | , | ||
| HashBackendType::TBB | |||
| ) | -> Unit(benchmark::kMillisecond) |
| cloudViewer::core::BENCHMARK_CAPTURE | ( | HashReserveInt3 | , |
| HashBackendType::TBB_10000_1 | , | ||
| 10000 | , | ||
| 1 | , | ||
| Device("CPU:0") | , | ||
| HashBackendType::TBB | |||
| ) | -> Unit(benchmark::kMillisecond) |
| cloudViewer::core::BENCHMARK_CAPTURE | ( | HashReserveInt3 | , |
| HashBackendType::TBB_10000_16 | , | ||
| 10000 | , | ||
| 16 | , | ||
| Device("CPU:0") | , | ||
| HashBackendType::TBB | |||
| ) | -> Unit(benchmark::kMillisecond) |
| cloudViewer::core::BENCHMARK_CAPTURE | ( | HashReserveInt3 | , |
| HashBackendType::TBB_10000_2 | , | ||
| 10000 | , | ||
| 2 | , | ||
| Device("CPU:0") | , | ||
| HashBackendType::TBB | |||
| ) | -> Unit(benchmark::kMillisecond) |
| cloudViewer::core::BENCHMARK_CAPTURE | ( | HashReserveInt3 | , |
| HashBackendType::TBB_10000_32 | , | ||
| 10000 | , | ||
| 32 | , | ||
| Device("CPU:0") | , | ||
| HashBackendType::TBB | |||
| ) | -> Unit(benchmark::kMillisecond) |
| cloudViewer::core::BENCHMARK_CAPTURE | ( | HashReserveInt3 | , |
| HashBackendType::TBB_10000_4 | , | ||
| 10000 | , | ||
| 4 | , | ||
| Device("CPU:0") | , | ||
| HashBackendType::TBB | |||
| ) | -> Unit(benchmark::kMillisecond) |
| cloudViewer::core::BENCHMARK_CAPTURE | ( | HashReserveInt3 | , |
| HashBackendType::TBB_10000_8 | , | ||
| 10000 | , | ||
| 8 | , | ||
| Device("CPU:0") | , | ||
| HashBackendType::TBB | |||
| ) | -> Unit(benchmark::kMillisecond) |
| cloudViewer::core::BENCHMARK_CAPTURE | ( | HashReserveInt3 | , |
| HashBackendType::TBB_1000_1 | , | ||
| 1000 | , | ||
| 1 | , | ||
| Device("CPU:0") | , | ||
| HashBackendType::TBB | |||
| ) | -> Unit(benchmark::kMillisecond) |
| cloudViewer::core::BENCHMARK_CAPTURE | ( | HashReserveInt3 | , |
| HashBackendType::TBB_1000_16 | , | ||
| 1000 | , | ||
| 16 | , | ||
| Device("CPU:0") | , | ||
| HashBackendType::TBB | |||
| ) | -> Unit(benchmark::kMillisecond) |
| cloudViewer::core::BENCHMARK_CAPTURE | ( | HashReserveInt3 | , |
| HashBackendType::TBB_1000_2 | , | ||
| 1000 | , | ||
| 2 | , | ||
| Device("CPU:0") | , | ||
| HashBackendType::TBB | |||
| ) | -> Unit(benchmark::kMillisecond) |
| cloudViewer::core::BENCHMARK_CAPTURE | ( | HashReserveInt3 | , |
| HashBackendType::TBB_1000_32 | , | ||
| 1000 | , | ||
| 32 | , | ||
| Device("CPU:0") | , | ||
| HashBackendType::TBB | |||
| ) | -> Unit(benchmark::kMillisecond) |
| cloudViewer::core::BENCHMARK_CAPTURE | ( | HashReserveInt3 | , |
| HashBackendType::TBB_1000_4 | , | ||
| 1000 | , | ||
| 4 | , | ||
| Device("CPU:0") | , | ||
| HashBackendType::TBB | |||
| ) | -> Unit(benchmark::kMillisecond) |
| cloudViewer::core::BENCHMARK_CAPTURE | ( | HashReserveInt3 | , |
| HashBackendType::TBB_1000_8 | , | ||
| 1000 | , | ||
| 8 | , | ||
| Device("CPU:0") | , | ||
| HashBackendType::TBB | |||
| ) | -> Unit(benchmark::kMillisecond) |
| cloudViewer::core::BENCHMARK_CAPTURE | ( | HashReserveInt3 | , |
| HashBackendType::TBB_100_1 | , | ||
| 100 | , | ||
| 1 | , | ||
| Device("CPU:0") | , | ||
| HashBackendType::TBB | |||
| ) | -> Unit(benchmark::kMillisecond) |
| cloudViewer::core::BENCHMARK_CAPTURE | ( | HashReserveInt3 | , |
| HashBackendType::TBB_100_16 | , | ||
| 100 | , | ||
| 16 | , | ||
| Device("CPU:0") | , | ||
| HashBackendType::TBB | |||
| ) | -> Unit(benchmark::kMillisecond) |
| cloudViewer::core::BENCHMARK_CAPTURE | ( | HashReserveInt3 | , |
| HashBackendType::TBB_100_2 | , | ||
| 100 | , | ||
| 2 | , | ||
| Device("CPU:0") | , | ||
| HashBackendType::TBB | |||
| ) | -> Unit(benchmark::kMillisecond) |
| cloudViewer::core::BENCHMARK_CAPTURE | ( | HashReserveInt3 | , |
| HashBackendType::TBB_100_32 | , | ||
| 100 | , | ||
| 32 | , | ||
| Device("CPU:0") | , | ||
| HashBackendType::TBB | |||
| ) | -> Unit(benchmark::kMillisecond) |
| cloudViewer::core::BENCHMARK_CAPTURE | ( | HashReserveInt3 | , |
| HashBackendType::TBB_100_4 | , | ||
| 100 | , | ||
| 4 | , | ||
| Device("CPU:0") | , | ||
| HashBackendType::TBB | |||
| ) | -> Unit(benchmark::kMillisecond) |
| cloudViewer::core::BENCHMARK_CAPTURE | ( | HashReserveInt3 | , |
| HashBackendType::TBB_100_8 | , | ||
| 100 | , | ||
| 8 | , | ||
| Device("CPU:0") | , | ||
| HashBackendType::TBB | |||
| ) | -> Unit(benchmark::kMillisecond) |
| cloudViewer::core::BENCHMARK_CAPTURE | ( | Malloc | , |
| MemoryManagerBackend::Cached_1000000000_CPU | , | ||
| 1000000000 | , | ||
| Device("CPU:0") | , | ||
| MemoryManagerBackend::Cached | |||
| ) | -> Unit(benchmark::kMicrosecond) |
| cloudViewer::core::BENCHMARK_CAPTURE | ( | Malloc | , |
| MemoryManagerBackend::Cached_100000000_CPU | , | ||
| 100000000 | , | ||
| Device("CPU:0") | , | ||
| MemoryManagerBackend::Cached | |||
| ) | -> Unit(benchmark::kMicrosecond) |
| cloudViewer::core::BENCHMARK_CAPTURE | ( | Malloc | , |
| MemoryManagerBackend::Cached_10000000_CPU | , | ||
| 10000000 | , | ||
| Device("CPU:0") | , | ||
| MemoryManagerBackend::Cached | |||
| ) | -> Unit(benchmark::kMicrosecond) |
| cloudViewer::core::BENCHMARK_CAPTURE | ( | Malloc | , |
| MemoryManagerBackend::Cached_1000000_CPU | , | ||
| 1000000 | , | ||
| Device("CPU:0") | , | ||
| MemoryManagerBackend::Cached | |||
| ) | -> Unit(benchmark::kMicrosecond) |
| cloudViewer::core::BENCHMARK_CAPTURE | ( | Malloc | , |
| MemoryManagerBackend::Cached_100000_CPU | , | ||
| 100000 | , | ||
| Device("CPU:0") | , | ||
| MemoryManagerBackend::Cached | |||
| ) | -> Unit(benchmark::kMicrosecond) |
| cloudViewer::core::BENCHMARK_CAPTURE | ( | Malloc | , |
| MemoryManagerBackend::Cached_10000_CPU | , | ||
| 10000 | , | ||
| Device("CPU:0") | , | ||
| MemoryManagerBackend::Cached | |||
| ) | -> Unit(benchmark::kMicrosecond) |
| cloudViewer::core::BENCHMARK_CAPTURE | ( | Malloc | , |
| MemoryManagerBackend::Cached_1000_CPU | , | ||
| 1000 | , | ||
| Device("CPU:0") | , | ||
| MemoryManagerBackend::Cached | |||
| ) | -> Unit(benchmark::kMicrosecond) |
| cloudViewer::core::BENCHMARK_CAPTURE | ( | Malloc | , |
| MemoryManagerBackend::Cached_100_CPU | , | ||
| 100 | , | ||
| Device("CPU:0") | , | ||
| MemoryManagerBackend::Cached | |||
| ) | -> Unit(benchmark::kMicrosecond) |
| cloudViewer::core::BENCHMARK_CAPTURE | ( | Malloc | , |
| MemoryManagerBackend::Direct_1000000000_CPU | , | ||
| 1000000000 | , | ||
| Device("CPU:0") | , | ||
| MemoryManagerBackend::Direct | |||
| ) | -> Unit(benchmark::kMicrosecond) |
| cloudViewer::core::BENCHMARK_CAPTURE | ( | Malloc | , |
| MemoryManagerBackend::Direct_100000000_CPU | , | ||
| 100000000 | , | ||
| Device("CPU:0") | , | ||
| MemoryManagerBackend::Direct | |||
| ) | -> Unit(benchmark::kMicrosecond) |
| cloudViewer::core::BENCHMARK_CAPTURE | ( | Malloc | , |
| MemoryManagerBackend::Direct_10000000_CPU | , | ||
| 10000000 | , | ||
| Device("CPU:0") | , | ||
| MemoryManagerBackend::Direct | |||
| ) | -> Unit(benchmark::kMicrosecond) |
| cloudViewer::core::BENCHMARK_CAPTURE | ( | Malloc | , |
| MemoryManagerBackend::Direct_1000000_CPU | , | ||
| 1000000 | , | ||
| Device("CPU:0") | , | ||
| MemoryManagerBackend::Direct | |||
| ) | -> Unit(benchmark::kMicrosecond) |
| cloudViewer::core::BENCHMARK_CAPTURE | ( | Malloc | , |
| MemoryManagerBackend::Direct_100000_CPU | , | ||
| 100000 | , | ||
| Device("CPU:0") | , | ||
| MemoryManagerBackend::Direct | |||
| ) | -> Unit(benchmark::kMicrosecond) |
| cloudViewer::core::BENCHMARK_CAPTURE | ( | Malloc | , |
| MemoryManagerBackend::Direct_10000_CPU | , | ||
| 10000 | , | ||
| Device("CPU:0") | , | ||
| MemoryManagerBackend::Direct | |||
| ) | -> Unit(benchmark::kMicrosecond) |
| cloudViewer::core::BENCHMARK_CAPTURE | ( | Malloc | , |
| MemoryManagerBackend::Direct_1000_CPU | , | ||
| 1000 | , | ||
| Device("CPU:0") | , | ||
| MemoryManagerBackend::Direct | |||
| ) | -> Unit(benchmark::kMicrosecond) |
| cloudViewer::core::BENCHMARK_CAPTURE | ( | Malloc | , |
| MemoryManagerBackend::Direct_100_CPU | , | ||
| 100 | , | ||
| Device("CPU:0") | , | ||
| MemoryManagerBackend::Direct | |||
| ) | -> Unit(benchmark::kMicrosecond) |
| cloudViewer::core::BENCHMARK_CAPTURE | ( | ParallelForScalar | , |
| CPU100 | , | ||
| 100 | |||
| ) | -> Unit(benchmark::kMicrosecond) |
| cloudViewer::core::BENCHMARK_CAPTURE | ( | ParallelForScalar | , |
| CPU1000 | , | ||
| 1000 | |||
| ) | -> Unit(benchmark::kMicrosecond) |
| cloudViewer::core::BENCHMARK_CAPTURE | ( | ParallelForScalar | , |
| CPU10000 | , | ||
| 10000 | |||
| ) | -> Unit(benchmark::kMicrosecond) |
| cloudViewer::core::BENCHMARK_CAPTURE | ( | ParallelForScalar | , |
| CPU100000 | , | ||
| 100000 | |||
| ) | -> Unit(benchmark::kMicrosecond) |
| cloudViewer::core::BENCHMARK_CAPTURE | ( | ParallelForScalar | , |
| CPU1000000 | , | ||
| 1000000 | |||
| ) | -> Unit(benchmark::kMicrosecond) |
| cloudViewer::core::BENCHMARK_CAPTURE | ( | ParallelForScalar | , |
| CPU10000000 | , | ||
| 10000000 | |||
| ) | -> Unit(benchmark::kMicrosecond) |
| cloudViewer::core::BENCHMARK_CAPTURE | ( | ParallelForScalar | , |
| CPU100000000 | , | ||
| 100000000 | |||
| ) | -> Unit(benchmark::kMicrosecond) |
| cloudViewer::core::BENCHMARK_CAPTURE | ( | ParallelForVectorized | , |
| CPU100 | , | ||
| 100 | |||
| ) | -> Unit(benchmark::kMicrosecond) |
| cloudViewer::core::BENCHMARK_CAPTURE | ( | ParallelForVectorized | , |
| CPU1000 | , | ||
| 1000 | |||
| ) | -> Unit(benchmark::kMicrosecond) |
| cloudViewer::core::BENCHMARK_CAPTURE | ( | ParallelForVectorized | , |
| CPU10000 | , | ||
| 10000 | |||
| ) | -> Unit(benchmark::kMicrosecond) |
| cloudViewer::core::BENCHMARK_CAPTURE | ( | ParallelForVectorized | , |
| CPU100000 | , | ||
| 100000 | |||
| ) | -> Unit(benchmark::kMicrosecond) |
| cloudViewer::core::BENCHMARK_CAPTURE | ( | ParallelForVectorized | , |
| CPU1000000 | , | ||
| 1000000 | |||
| ) | -> Unit(benchmark::kMicrosecond) |
| cloudViewer::core::BENCHMARK_CAPTURE | ( | ParallelForVectorized | , |
| CPU10000000 | , | ||
| 10000000 | |||
| ) | -> Unit(benchmark::kMicrosecond) |
| cloudViewer::core::BENCHMARK_CAPTURE | ( | ParallelForVectorized | , |
| CPU100000000 | , | ||
| 100000000 | |||
| ) | -> Unit(benchmark::kMicrosecond) |
| cloudViewer::core::BENCHMARK_CAPTURE | ( | UnaryEW | , |
| Abs__CPU_Float32__100 | , | ||
| 100 | , | ||
| UnaryOpCode::Abs | , | ||
| Float32 | , | ||
| Device("CPU:0") | |||
| ) | -> Unit(benchmark::kMillisecond) |
| cloudViewer::core::BENCHMARK_CAPTURE | ( | UnaryEW | , |
| Abs__CPU_Float32__100000 | , | ||
| 100000 | , | ||
| UnaryOpCode::Abs | , | ||
| Float32 | , | ||
| Device("CPU:0") | |||
| ) | -> Unit(benchmark::kMillisecond) |
| cloudViewer::core::BENCHMARK_CAPTURE | ( | UnaryEW | , |
| Abs__CPU_Float32__100000000 | , | ||
| 100000000 | , | ||
| UnaryOpCode::Abs | , | ||
| Float32 | , | ||
| Device("CPU:0") | |||
| ) | -> Unit(benchmark::kMillisecond) |
| cloudViewer::core::BENCHMARK_CAPTURE | ( | UnaryEW | , |
| Abs__CPU_Float64__100 | , | ||
| 100 | , | ||
| UnaryOpCode::Abs | , | ||
| Float64 | , | ||
| Device("CPU:0") | |||
| ) | -> Unit(benchmark::kMillisecond) |
| cloudViewer::core::BENCHMARK_CAPTURE | ( | UnaryEW | , |
| Abs__CPU_Float64__100000 | , | ||
| 100000 | , | ||
| UnaryOpCode::Abs | , | ||
| Float64 | , | ||
| Device("CPU:0") | |||
| ) | -> Unit(benchmark::kMillisecond) |
| cloudViewer::core::BENCHMARK_CAPTURE | ( | UnaryEW | , |
| Abs__CPU_Float64__100000000 | , | ||
| 100000000 | , | ||
| UnaryOpCode::Abs | , | ||
| Float64 | , | ||
| Device("CPU:0") | |||
| ) | -> Unit(benchmark::kMillisecond) |
| cloudViewer::core::BENCHMARK_CAPTURE | ( | UnaryEW | , |
| Abs__CPU_Int16__100 | , | ||
| 100 | , | ||
| UnaryOpCode::Abs | , | ||
| Int16 | , | ||
| Device("CPU:0") | |||
| ) | -> Unit(benchmark::kMillisecond) |
| cloudViewer::core::BENCHMARK_CAPTURE | ( | UnaryEW | , |
| Abs__CPU_Int16__100000 | , | ||
| 100000 | , | ||
| UnaryOpCode::Abs | , | ||
| Int16 | , | ||
| Device("CPU:0") | |||
| ) | -> Unit(benchmark::kMillisecond) |
| cloudViewer::core::BENCHMARK_CAPTURE | ( | UnaryEW | , |
| Abs__CPU_Int16__100000000 | , | ||
| 100000000 | , | ||
| UnaryOpCode::Abs | , | ||
| Int16 | , | ||
| Device("CPU:0") | |||
| ) | -> Unit(benchmark::kMillisecond) |
| cloudViewer::core::BENCHMARK_CAPTURE | ( | UnaryEW | , |
| Abs__CPU_Int32__100 | , | ||
| 100 | , | ||
| UnaryOpCode::Abs | , | ||
| Int32 | , | ||
| Device("CPU:0") | |||
| ) | -> Unit(benchmark::kMillisecond) |
| cloudViewer::core::BENCHMARK_CAPTURE | ( | UnaryEW | , |
| Abs__CPU_Int32__100000 | , | ||
| 100000 | , | ||
| UnaryOpCode::Abs | , | ||
| Int32 | , | ||
| Device("CPU:0") | |||
| ) | -> Unit(benchmark::kMillisecond) |
| cloudViewer::core::BENCHMARK_CAPTURE | ( | UnaryEW | , |
| Abs__CPU_Int32__100000000 | , | ||
| 100000000 | , | ||
| UnaryOpCode::Abs | , | ||
| Int32 | , | ||
| Device("CPU:0") | |||
| ) | -> Unit(benchmark::kMillisecond) |
| cloudViewer::core::BENCHMARK_CAPTURE | ( | UnaryEW | , |
| Abs__CPU_Int64__100 | , | ||
| 100 | , | ||
| UnaryOpCode::Abs | , | ||
| Int64 | , | ||
| Device("CPU:0") | |||
| ) | -> Unit(benchmark::kMillisecond) |
| cloudViewer::core::BENCHMARK_CAPTURE | ( | UnaryEW | , |
| Abs__CPU_Int64__100000 | , | ||
| 100000 | , | ||
| UnaryOpCode::Abs | , | ||
| Int64 | , | ||
| Device("CPU:0") | |||
| ) | -> Unit(benchmark::kMillisecond) |
| cloudViewer::core::BENCHMARK_CAPTURE | ( | UnaryEW | , |
| Abs__CPU_Int64__100000000 | , | ||
| 100000000 | , | ||
| UnaryOpCode::Abs | , | ||
| Int64 | , | ||
| Device("CPU:0") | |||
| ) | -> Unit(benchmark::kMillisecond) |
| cloudViewer::core::BENCHMARK_CAPTURE | ( | UnaryEW | , |
| Abs__CPU_Int8__100 | , | ||
| 100 | , | ||
| UnaryOpCode::Abs | , | ||
| Int8 | , | ||
| Device("CPU:0") | |||
| ) | -> Unit(benchmark::kMillisecond) |
| cloudViewer::core::BENCHMARK_CAPTURE | ( | UnaryEW | , |
| Abs__CPU_Int8__100000 | , | ||
| 100000 | , | ||
| UnaryOpCode::Abs | , | ||
| Int8 | , | ||
| Device("CPU:0") | |||
| ) | -> Unit(benchmark::kMillisecond) |
| cloudViewer::core::BENCHMARK_CAPTURE | ( | UnaryEW | , |
| Abs__CPU_Int8__100000000 | , | ||
| 100000000 | , | ||
| UnaryOpCode::Abs | , | ||
| Int8 | , | ||
| Device("CPU:0") | |||
| ) | -> Unit(benchmark::kMillisecond) |
| cloudViewer::core::BENCHMARK_CAPTURE | ( | UnaryEW | , |
| Abs__CPU_UInt16__100 | , | ||
| 100 | , | ||
| UnaryOpCode::Abs | , | ||
| UInt16 | , | ||
| Device("CPU:0") | |||
| ) | -> Unit(benchmark::kMillisecond) |
| cloudViewer::core::BENCHMARK_CAPTURE | ( | UnaryEW | , |
| Abs__CPU_UInt16__100000 | , | ||
| 100000 | , | ||
| UnaryOpCode::Abs | , | ||
| UInt16 | , | ||
| Device("CPU:0") | |||
| ) | -> Unit(benchmark::kMillisecond) |
| cloudViewer::core::BENCHMARK_CAPTURE | ( | UnaryEW | , |
| Abs__CPU_UInt16__100000000 | , | ||
| 100000000 | , | ||
| UnaryOpCode::Abs | , | ||
| UInt16 | , | ||
| Device("CPU:0") | |||
| ) | -> Unit(benchmark::kMillisecond) |
| cloudViewer::core::BENCHMARK_CAPTURE | ( | UnaryEW | , |
| Abs__CPU_UInt32__100 | , | ||
| 100 | , | ||
| UnaryOpCode::Abs | , | ||
| UInt32 | , | ||
| Device("CPU:0") | |||
| ) | -> Unit(benchmark::kMillisecond) |
| cloudViewer::core::BENCHMARK_CAPTURE | ( | UnaryEW | , |
| Abs__CPU_UInt32__100000 | , | ||
| 100000 | , | ||
| UnaryOpCode::Abs | , | ||
| UInt32 | , | ||
| Device("CPU:0") | |||
| ) | -> Unit(benchmark::kMillisecond) |
| cloudViewer::core::BENCHMARK_CAPTURE | ( | UnaryEW | , |
| Abs__CPU_UInt32__100000000 | , | ||
| 100000000 | , | ||
| UnaryOpCode::Abs | , | ||
| UInt32 | , | ||
| Device("CPU:0") | |||
| ) | -> Unit(benchmark::kMillisecond) |
| cloudViewer::core::BENCHMARK_CAPTURE | ( | UnaryEW | , |
| Abs__CPU_UInt64__100 | , | ||
| 100 | , | ||
| UnaryOpCode::Abs | , | ||
| UInt64 | , | ||
| Device("CPU:0") | |||
| ) | -> Unit(benchmark::kMillisecond) |
| cloudViewer::core::BENCHMARK_CAPTURE | ( | UnaryEW | , |
| Abs__CPU_UInt64__100000 | , | ||
| 100000 | , | ||
| UnaryOpCode::Abs | , | ||
| UInt64 | , | ||
| Device("CPU:0") | |||
| ) | -> Unit(benchmark::kMillisecond) |
| cloudViewer::core::BENCHMARK_CAPTURE | ( | UnaryEW | , |
| Abs__CPU_UInt64__100000000 | , | ||
| 100000000 | , | ||
| UnaryOpCode::Abs | , | ||
| UInt64 | , | ||
| Device("CPU:0") | |||
| ) | -> Unit(benchmark::kMillisecond) |
| cloudViewer::core::BENCHMARK_CAPTURE | ( | UnaryEW | , |
| Abs__CPU_UInt8__100 | , | ||
| 100 | , | ||
| UnaryOpCode::Abs | , | ||
| UInt8 | , | ||
| Device("CPU:0") | |||
| ) | -> Unit(benchmark::kMillisecond) |
| cloudViewer::core::BENCHMARK_CAPTURE | ( | UnaryEW | , |
| Abs__CPU_UInt8__100000 | , | ||
| 100000 | , | ||
| UnaryOpCode::Abs | , | ||
| UInt8 | , | ||
| Device("CPU:0") | |||
| ) | -> Unit(benchmark::kMillisecond) |
| cloudViewer::core::BENCHMARK_CAPTURE | ( | UnaryEW | , |
| Abs__CPU_UInt8__100000000 | , | ||
| 100000000 | , | ||
| UnaryOpCode::Abs | , | ||
| UInt8 | , | ||
| Device("CPU:0") | |||
| ) | -> Unit(benchmark::kMillisecond) |
| cloudViewer::core::BENCHMARK_CAPTURE | ( | UnaryEW | , |
| Ceil__CPU_Float32__100 | , | ||
| 100 | , | ||
| UnaryOpCode::Ceil | , | ||
| Float32 | , | ||
| Device("CPU:0") | |||
| ) | -> Unit(benchmark::kMillisecond) |
| cloudViewer::core::BENCHMARK_CAPTURE | ( | UnaryEW | , |
| Ceil__CPU_Float32__100000 | , | ||
| 100000 | , | ||
| UnaryOpCode::Ceil | , | ||
| Float32 | , | ||
| Device("CPU:0") | |||
| ) | -> Unit(benchmark::kMillisecond) |
| cloudViewer::core::BENCHMARK_CAPTURE | ( | UnaryEW | , |
| Ceil__CPU_Float32__100000000 | , | ||
| 100000000 | , | ||
| UnaryOpCode::Ceil | , | ||
| Float32 | , | ||
| Device("CPU:0") | |||
| ) | -> Unit(benchmark::kMillisecond) |
| cloudViewer::core::BENCHMARK_CAPTURE | ( | UnaryEW | , |
| Ceil__CPU_Float64__100 | , | ||
| 100 | , | ||
| UnaryOpCode::Ceil | , | ||
| Float64 | , | ||
| Device("CPU:0") | |||
| ) | -> Unit(benchmark::kMillisecond) |
| cloudViewer::core::BENCHMARK_CAPTURE | ( | UnaryEW | , |
| Ceil__CPU_Float64__100000 | , | ||
| 100000 | , | ||
| UnaryOpCode::Ceil | , | ||
| Float64 | , | ||
| Device("CPU:0") | |||
| ) | -> Unit(benchmark::kMillisecond) |
| cloudViewer::core::BENCHMARK_CAPTURE | ( | UnaryEW | , |
| Ceil__CPU_Float64__100000000 | , | ||
| 100000000 | , | ||
| UnaryOpCode::Ceil | , | ||
| Float64 | , | ||
| Device("CPU:0") | |||
| ) | -> Unit(benchmark::kMillisecond) |
| cloudViewer::core::BENCHMARK_CAPTURE | ( | UnaryEW | , |
| Ceil__CPU_Int16__100 | , | ||
| 100 | , | ||
| UnaryOpCode::Ceil | , | ||
| Int16 | , | ||
| Device("CPU:0") | |||
| ) | -> Unit(benchmark::kMillisecond) |
| cloudViewer::core::BENCHMARK_CAPTURE | ( | UnaryEW | , |
| Ceil__CPU_Int16__100000 | , | ||
| 100000 | , | ||
| UnaryOpCode::Ceil | , | ||
| Int16 | , | ||
| Device("CPU:0") | |||
| ) | -> Unit(benchmark::kMillisecond) |
| cloudViewer::core::BENCHMARK_CAPTURE | ( | UnaryEW | , |
| Ceil__CPU_Int16__100000000 | , | ||
| 100000000 | , | ||
| UnaryOpCode::Ceil | , | ||
| Int16 | , | ||
| Device("CPU:0") | |||
| ) | -> Unit(benchmark::kMillisecond) |
| cloudViewer::core::BENCHMARK_CAPTURE | ( | UnaryEW | , |
| Ceil__CPU_Int32__100 | , | ||
| 100 | , | ||
| UnaryOpCode::Ceil | , | ||
| Int32 | , | ||
| Device("CPU:0") | |||
| ) | -> Unit(benchmark::kMillisecond) |
| cloudViewer::core::BENCHMARK_CAPTURE | ( | UnaryEW | , |
| Ceil__CPU_Int32__100000 | , | ||
| 100000 | , | ||
| UnaryOpCode::Ceil | , | ||
| Int32 | , | ||
| Device("CPU:0") | |||
| ) | -> Unit(benchmark::kMillisecond) |
| cloudViewer::core::BENCHMARK_CAPTURE | ( | UnaryEW | , |
| Ceil__CPU_Int32__100000000 | , | ||
| 100000000 | , | ||
| UnaryOpCode::Ceil | , | ||
| Int32 | , | ||
| Device("CPU:0") | |||
| ) | -> Unit(benchmark::kMillisecond) |
| cloudViewer::core::BENCHMARK_CAPTURE | ( | UnaryEW | , |
| Ceil__CPU_Int64__100 | , | ||
| 100 | , | ||
| UnaryOpCode::Ceil | , | ||
| Int64 | , | ||
| Device("CPU:0") | |||
| ) | -> Unit(benchmark::kMillisecond) |
| cloudViewer::core::BENCHMARK_CAPTURE | ( | UnaryEW | , |
| Ceil__CPU_Int64__100000 | , | ||
| 100000 | , | ||
| UnaryOpCode::Ceil | , | ||
| Int64 | , | ||
| Device("CPU:0") | |||
| ) | -> Unit(benchmark::kMillisecond) |
| cloudViewer::core::BENCHMARK_CAPTURE | ( | UnaryEW | , |
| Ceil__CPU_Int64__100000000 | , | ||
| 100000000 | , | ||
| UnaryOpCode::Ceil | , | ||
| Int64 | , | ||
| Device("CPU:0") | |||
| ) | -> Unit(benchmark::kMillisecond) |
| cloudViewer::core::BENCHMARK_CAPTURE | ( | UnaryEW | , |
| Ceil__CPU_Int8__100 | , | ||
| 100 | , | ||
| UnaryOpCode::Ceil | , | ||
| Int8 | , | ||
| Device("CPU:0") | |||
| ) | -> Unit(benchmark::kMillisecond) |
| cloudViewer::core::BENCHMARK_CAPTURE | ( | UnaryEW | , |
| Ceil__CPU_Int8__100000 | , | ||
| 100000 | , | ||
| UnaryOpCode::Ceil | , | ||
| Int8 | , | ||
| Device("CPU:0") | |||
| ) | -> Unit(benchmark::kMillisecond) |
| cloudViewer::core::BENCHMARK_CAPTURE | ( | UnaryEW | , |
| Ceil__CPU_Int8__100000000 | , | ||
| 100000000 | , | ||
| UnaryOpCode::Ceil | , | ||
| Int8 | , | ||
| Device("CPU:0") | |||
| ) | -> Unit(benchmark::kMillisecond) |
| cloudViewer::core::BENCHMARK_CAPTURE | ( | UnaryEW | , |
| Ceil__CPU_UInt16__100 | , | ||
| 100 | , | ||
| UnaryOpCode::Ceil | , | ||
| UInt16 | , | ||
| Device("CPU:0") | |||
| ) | -> Unit(benchmark::kMillisecond) |
| cloudViewer::core::BENCHMARK_CAPTURE | ( | UnaryEW | , |
| Ceil__CPU_UInt16__100000 | , | ||
| 100000 | , | ||
| UnaryOpCode::Ceil | , | ||
| UInt16 | , | ||
| Device("CPU:0") | |||
| ) | -> Unit(benchmark::kMillisecond) |
| cloudViewer::core::BENCHMARK_CAPTURE | ( | UnaryEW | , |
| Ceil__CPU_UInt16__100000000 | , | ||
| 100000000 | , | ||
| UnaryOpCode::Ceil | , | ||
| UInt16 | , | ||
| Device("CPU:0") | |||
| ) | -> Unit(benchmark::kMillisecond) |
| cloudViewer::core::BENCHMARK_CAPTURE | ( | UnaryEW | , |
| Ceil__CPU_UInt32__100 | , | ||
| 100 | , | ||
| UnaryOpCode::Ceil | , | ||
| UInt32 | , | ||
| Device("CPU:0") | |||
| ) | -> Unit(benchmark::kMillisecond) |
| cloudViewer::core::BENCHMARK_CAPTURE | ( | UnaryEW | , |
| Ceil__CPU_UInt32__100000 | , | ||
| 100000 | , | ||
| UnaryOpCode::Ceil | , | ||
| UInt32 | , | ||
| Device("CPU:0") | |||
| ) | -> Unit(benchmark::kMillisecond) |
| cloudViewer::core::BENCHMARK_CAPTURE | ( | UnaryEW | , |
| Ceil__CPU_UInt32__100000000 | , | ||
| 100000000 | , | ||
| UnaryOpCode::Ceil | , | ||
| UInt32 | , | ||
| Device("CPU:0") | |||
| ) | -> Unit(benchmark::kMillisecond) |
| cloudViewer::core::BENCHMARK_CAPTURE | ( | UnaryEW | , |
| Ceil__CPU_UInt64__100 | , | ||
| 100 | , | ||
| UnaryOpCode::Ceil | , | ||
| UInt64 | , | ||
| Device("CPU:0") | |||
| ) | -> Unit(benchmark::kMillisecond) |
| cloudViewer::core::BENCHMARK_CAPTURE | ( | UnaryEW | , |
| Ceil__CPU_UInt64__100000 | , | ||
| 100000 | , | ||
| UnaryOpCode::Ceil | , | ||
| UInt64 | , | ||
| Device("CPU:0") | |||
| ) | -> Unit(benchmark::kMillisecond) |
| cloudViewer::core::BENCHMARK_CAPTURE | ( | UnaryEW | , |
| Ceil__CPU_UInt64__100000000 | , | ||
| 100000000 | , | ||
| UnaryOpCode::Ceil | , | ||
| UInt64 | , | ||
| Device("CPU:0") | |||
| ) | -> Unit(benchmark::kMillisecond) |
| cloudViewer::core::BENCHMARK_CAPTURE | ( | UnaryEW | , |
| Ceil__CPU_UInt8__100 | , | ||
| 100 | , | ||
| UnaryOpCode::Ceil | , | ||
| UInt8 | , | ||
| Device("CPU:0") | |||
| ) | -> Unit(benchmark::kMillisecond) |
| cloudViewer::core::BENCHMARK_CAPTURE | ( | UnaryEW | , |
| Ceil__CPU_UInt8__100000 | , | ||
| 100000 | , | ||
| UnaryOpCode::Ceil | , | ||
| UInt8 | , | ||
| Device("CPU:0") | |||
| ) | -> Unit(benchmark::kMillisecond) |
| cloudViewer::core::BENCHMARK_CAPTURE | ( | UnaryEW | , |
| Ceil__CPU_UInt8__100000000 | , | ||
| 100000000 | , | ||
| UnaryOpCode::Ceil | , | ||
| UInt8 | , | ||
| Device("CPU:0") | |||
| ) | -> Unit(benchmark::kMillisecond) |
| cloudViewer::core::BENCHMARK_CAPTURE | ( | UnaryEW | , |
| Cos__CPU_Float32__100 | , | ||
| 100 | , | ||
| UnaryOpCode::Cos | , | ||
| Float32 | , | ||
| Device("CPU:0") | |||
| ) | -> Unit(benchmark::kMillisecond) |
| cloudViewer::core::BENCHMARK_CAPTURE | ( | UnaryEW | , |
| Cos__CPU_Float32__100000 | , | ||
| 100000 | , | ||
| UnaryOpCode::Cos | , | ||
| Float32 | , | ||
| Device("CPU:0") | |||
| ) | -> Unit(benchmark::kMillisecond) |
| cloudViewer::core::BENCHMARK_CAPTURE | ( | UnaryEW | , |
| Cos__CPU_Float32__100000000 | , | ||
| 100000000 | , | ||
| UnaryOpCode::Cos | , | ||
| Float32 | , | ||
| Device("CPU:0") | |||
| ) | -> Unit(benchmark::kMillisecond) |
| cloudViewer::core::BENCHMARK_CAPTURE | ( | UnaryEW | , |
| Cos__CPU_Float64__100 | , | ||
| 100 | , | ||
| UnaryOpCode::Cos | , | ||
| Float64 | , | ||
| Device("CPU:0") | |||
| ) | -> Unit(benchmark::kMillisecond) |
| cloudViewer::core::BENCHMARK_CAPTURE | ( | UnaryEW | , |
| Cos__CPU_Float64__100000 | , | ||
| 100000 | , | ||
| UnaryOpCode::Cos | , | ||
| Float64 | , | ||
| Device("CPU:0") | |||
| ) | -> Unit(benchmark::kMillisecond) |
| cloudViewer::core::BENCHMARK_CAPTURE | ( | UnaryEW | , |
| Cos__CPU_Float64__100000000 | , | ||
| 100000000 | , | ||
| UnaryOpCode::Cos | , | ||
| Float64 | , | ||
| Device("CPU:0") | |||
| ) | -> Unit(benchmark::kMillisecond) |
| cloudViewer::core::BENCHMARK_CAPTURE | ( | UnaryEW | , |
| Exp__CPU_Float32__100 | , | ||
| 100 | , | ||
| UnaryOpCode::Exp | , | ||
| Float32 | , | ||
| Device("CPU:0") | |||
| ) | -> Unit(benchmark::kMillisecond) |
| cloudViewer::core::BENCHMARK_CAPTURE | ( | UnaryEW | , |
| Exp__CPU_Float32__100000 | , | ||
| 100000 | , | ||
| UnaryOpCode::Exp | , | ||
| Float32 | , | ||
| Device("CPU:0") | |||
| ) | -> Unit(benchmark::kMillisecond) |
| cloudViewer::core::BENCHMARK_CAPTURE | ( | UnaryEW | , |
| Exp__CPU_Float32__100000000 | , | ||
| 100000000 | , | ||
| UnaryOpCode::Exp | , | ||
| Float32 | , | ||
| Device("CPU:0") | |||
| ) | -> Unit(benchmark::kMillisecond) |
| cloudViewer::core::BENCHMARK_CAPTURE | ( | UnaryEW | , |
| Exp__CPU_Float64__100 | , | ||
| 100 | , | ||
| UnaryOpCode::Exp | , | ||
| Float64 | , | ||
| Device("CPU:0") | |||
| ) | -> Unit(benchmark::kMillisecond) |
| cloudViewer::core::BENCHMARK_CAPTURE | ( | UnaryEW | , |
| Exp__CPU_Float64__100000 | , | ||
| 100000 | , | ||
| UnaryOpCode::Exp | , | ||
| Float64 | , | ||
| Device("CPU:0") | |||
| ) | -> Unit(benchmark::kMillisecond) |
| cloudViewer::core::BENCHMARK_CAPTURE | ( | UnaryEW | , |
| Exp__CPU_Float64__100000000 | , | ||
| 100000000 | , | ||
| UnaryOpCode::Exp | , | ||
| Float64 | , | ||
| Device("CPU:0") | |||
| ) | -> Unit(benchmark::kMillisecond) |
| cloudViewer::core::BENCHMARK_CAPTURE | ( | UnaryEW | , |
| Floor__CPU_Float32__100 | , | ||
| 100 | , | ||
| UnaryOpCode::Floor | , | ||
| Float32 | , | ||
| Device("CPU:0") | |||
| ) | -> Unit(benchmark::kMillisecond) |
| cloudViewer::core::BENCHMARK_CAPTURE | ( | UnaryEW | , |
| Floor__CPU_Float32__100000 | , | ||
| 100000 | , | ||
| UnaryOpCode::Floor | , | ||
| Float32 | , | ||
| Device("CPU:0") | |||
| ) | -> Unit(benchmark::kMillisecond) |
| cloudViewer::core::BENCHMARK_CAPTURE | ( | UnaryEW | , |
| Floor__CPU_Float32__100000000 | , | ||
| 100000000 | , | ||
| UnaryOpCode::Floor | , | ||
| Float32 | , | ||
| Device("CPU:0") | |||
| ) | -> Unit(benchmark::kMillisecond) |
| cloudViewer::core::BENCHMARK_CAPTURE | ( | UnaryEW | , |
| Floor__CPU_Float64__100 | , | ||
| 100 | , | ||
| UnaryOpCode::Floor | , | ||
| Float64 | , | ||
| Device("CPU:0") | |||
| ) | -> Unit(benchmark::kMillisecond) |
| cloudViewer::core::BENCHMARK_CAPTURE | ( | UnaryEW | , |
| Floor__CPU_Float64__100000 | , | ||
| 100000 | , | ||
| UnaryOpCode::Floor | , | ||
| Float64 | , | ||
| Device("CPU:0") | |||
| ) | -> Unit(benchmark::kMillisecond) |
| cloudViewer::core::BENCHMARK_CAPTURE | ( | UnaryEW | , |
| Floor__CPU_Float64__100000000 | , | ||
| 100000000 | , | ||
| UnaryOpCode::Floor | , | ||
| Float64 | , | ||
| Device("CPU:0") | |||
| ) | -> Unit(benchmark::kMillisecond) |
| cloudViewer::core::BENCHMARK_CAPTURE | ( | UnaryEW | , |
| Floor__CPU_Int16__100 | , | ||
| 100 | , | ||
| UnaryOpCode::Floor | , | ||
| Int16 | , | ||
| Device("CPU:0") | |||
| ) | -> Unit(benchmark::kMillisecond) |
| cloudViewer::core::BENCHMARK_CAPTURE | ( | UnaryEW | , |
| Floor__CPU_Int16__100000 | , | ||
| 100000 | , | ||
| UnaryOpCode::Floor | , | ||
| Int16 | , | ||
| Device("CPU:0") | |||
| ) | -> Unit(benchmark::kMillisecond) |
| cloudViewer::core::BENCHMARK_CAPTURE | ( | UnaryEW | , |
| Floor__CPU_Int16__100000000 | , | ||
| 100000000 | , | ||
| UnaryOpCode::Floor | , | ||
| Int16 | , | ||
| Device("CPU:0") | |||
| ) | -> Unit(benchmark::kMillisecond) |
| cloudViewer::core::BENCHMARK_CAPTURE | ( | UnaryEW | , |
| Floor__CPU_Int32__100 | , | ||
| 100 | , | ||
| UnaryOpCode::Floor | , | ||
| Int32 | , | ||
| Device("CPU:0") | |||
| ) | -> Unit(benchmark::kMillisecond) |
| cloudViewer::core::BENCHMARK_CAPTURE | ( | UnaryEW | , |
| Floor__CPU_Int32__100000 | , | ||
| 100000 | , | ||
| UnaryOpCode::Floor | , | ||
| Int32 | , | ||
| Device("CPU:0") | |||
| ) | -> Unit(benchmark::kMillisecond) |
| cloudViewer::core::BENCHMARK_CAPTURE | ( | UnaryEW | , |
| Floor__CPU_Int32__100000000 | , | ||
| 100000000 | , | ||
| UnaryOpCode::Floor | , | ||
| Int32 | , | ||
| Device("CPU:0") | |||
| ) | -> Unit(benchmark::kMillisecond) |
| cloudViewer::core::BENCHMARK_CAPTURE | ( | UnaryEW | , |
| Floor__CPU_Int64__100 | , | ||
| 100 | , | ||
| UnaryOpCode::Floor | , | ||
| Int64 | , | ||
| Device("CPU:0") | |||
| ) | -> Unit(benchmark::kMillisecond) |
| cloudViewer::core::BENCHMARK_CAPTURE | ( | UnaryEW | , |
| Floor__CPU_Int64__100000 | , | ||
| 100000 | , | ||
| UnaryOpCode::Floor | , | ||
| Int64 | , | ||
| Device("CPU:0") | |||
| ) | -> Unit(benchmark::kMillisecond) |
| cloudViewer::core::BENCHMARK_CAPTURE | ( | UnaryEW | , |
| Floor__CPU_Int64__100000000 | , | ||
| 100000000 | , | ||
| UnaryOpCode::Floor | , | ||
| Int64 | , | ||
| Device("CPU:0") | |||
| ) | -> Unit(benchmark::kMillisecond) |
| cloudViewer::core::BENCHMARK_CAPTURE | ( | UnaryEW | , |
| Floor__CPU_Int8__100 | , | ||
| 100 | , | ||
| UnaryOpCode::Floor | , | ||
| Int8 | , | ||
| Device("CPU:0") | |||
| ) | -> Unit(benchmark::kMillisecond) |
| cloudViewer::core::BENCHMARK_CAPTURE | ( | UnaryEW | , |
| Floor__CPU_Int8__100000 | , | ||
| 100000 | , | ||
| UnaryOpCode::Floor | , | ||
| Int8 | , | ||
| Device("CPU:0") | |||
| ) | -> Unit(benchmark::kMillisecond) |
| cloudViewer::core::BENCHMARK_CAPTURE | ( | UnaryEW | , |
| Floor__CPU_Int8__100000000 | , | ||
| 100000000 | , | ||
| UnaryOpCode::Floor | , | ||
| Int8 | , | ||
| Device("CPU:0") | |||
| ) | -> Unit(benchmark::kMillisecond) |
| cloudViewer::core::BENCHMARK_CAPTURE | ( | UnaryEW | , |
| Floor__CPU_UInt16__100 | , | ||
| 100 | , | ||
| UnaryOpCode::Floor | , | ||
| UInt16 | , | ||
| Device("CPU:0") | |||
| ) | -> Unit(benchmark::kMillisecond) |
| cloudViewer::core::BENCHMARK_CAPTURE | ( | UnaryEW | , |
| Floor__CPU_UInt16__100000 | , | ||
| 100000 | , | ||
| UnaryOpCode::Floor | , | ||
| UInt16 | , | ||
| Device("CPU:0") | |||
| ) | -> Unit(benchmark::kMillisecond) |
| cloudViewer::core::BENCHMARK_CAPTURE | ( | UnaryEW | , |
| Floor__CPU_UInt16__100000000 | , | ||
| 100000000 | , | ||
| UnaryOpCode::Floor | , | ||
| UInt16 | , | ||
| Device("CPU:0") | |||
| ) | -> Unit(benchmark::kMillisecond) |
| cloudViewer::core::BENCHMARK_CAPTURE | ( | UnaryEW | , |
| Floor__CPU_UInt32__100 | , | ||
| 100 | , | ||
| UnaryOpCode::Floor | , | ||
| UInt32 | , | ||
| Device("CPU:0") | |||
| ) | -> Unit(benchmark::kMillisecond) |
| cloudViewer::core::BENCHMARK_CAPTURE | ( | UnaryEW | , |
| Floor__CPU_UInt32__100000 | , | ||
| 100000 | , | ||
| UnaryOpCode::Floor | , | ||
| UInt32 | , | ||
| Device("CPU:0") | |||
| ) | -> Unit(benchmark::kMillisecond) |
| cloudViewer::core::BENCHMARK_CAPTURE | ( | UnaryEW | , |
| Floor__CPU_UInt32__100000000 | , | ||
| 100000000 | , | ||
| UnaryOpCode::Floor | , | ||
| UInt32 | , | ||
| Device("CPU:0") | |||
| ) | -> Unit(benchmark::kMillisecond) |
| cloudViewer::core::BENCHMARK_CAPTURE | ( | UnaryEW | , |
| Floor__CPU_UInt64__100 | , | ||
| 100 | , | ||
| UnaryOpCode::Floor | , | ||
| UInt64 | , | ||
| Device("CPU:0") | |||
| ) | -> Unit(benchmark::kMillisecond) |
| cloudViewer::core::BENCHMARK_CAPTURE | ( | UnaryEW | , |
| Floor__CPU_UInt64__100000 | , | ||
| 100000 | , | ||
| UnaryOpCode::Floor | , | ||
| UInt64 | , | ||
| Device("CPU:0") | |||
| ) | -> Unit(benchmark::kMillisecond) |
| cloudViewer::core::BENCHMARK_CAPTURE | ( | UnaryEW | , |
| Floor__CPU_UInt64__100000000 | , | ||
| 100000000 | , | ||
| UnaryOpCode::Floor | , | ||
| UInt64 | , | ||
| Device("CPU:0") | |||
| ) | -> Unit(benchmark::kMillisecond) |
| cloudViewer::core::BENCHMARK_CAPTURE | ( | UnaryEW | , |
| Floor__CPU_UInt8__100 | , | ||
| 100 | , | ||
| UnaryOpCode::Floor | , | ||
| UInt8 | , | ||
| Device("CPU:0") | |||
| ) | -> Unit(benchmark::kMillisecond) |
| cloudViewer::core::BENCHMARK_CAPTURE | ( | UnaryEW | , |
| Floor__CPU_UInt8__100000 | , | ||
| 100000 | , | ||
| UnaryOpCode::Floor | , | ||
| UInt8 | , | ||
| Device("CPU:0") | |||
| ) | -> Unit(benchmark::kMillisecond) |
| cloudViewer::core::BENCHMARK_CAPTURE | ( | UnaryEW | , |
| Floor__CPU_UInt8__100000000 | , | ||
| 100000000 | , | ||
| UnaryOpCode::Floor | , | ||
| UInt8 | , | ||
| Device("CPU:0") | |||
| ) | -> Unit(benchmark::kMillisecond) |
| cloudViewer::core::BENCHMARK_CAPTURE | ( | UnaryEW | , |
| IsFinite__CPU_Float32__100 | , | ||
| 100 | , | ||
| UnaryOpCode::IsFinite | , | ||
| Float32 | , | ||
| Device("CPU:0") | |||
| ) | -> Unit(benchmark::kMillisecond) |
| cloudViewer::core::BENCHMARK_CAPTURE | ( | UnaryEW | , |
| IsFinite__CPU_Float32__100000 | , | ||
| 100000 | , | ||
| UnaryOpCode::IsFinite | , | ||
| Float32 | , | ||
| Device("CPU:0") | |||
| ) | -> Unit(benchmark::kMillisecond) |
| cloudViewer::core::BENCHMARK_CAPTURE | ( | UnaryEW | , |
| IsFinite__CPU_Float32__100000000 | , | ||
| 100000000 | , | ||
| UnaryOpCode::IsFinite | , | ||
| Float32 | , | ||
| Device("CPU:0") | |||
| ) | -> Unit(benchmark::kMillisecond) |
| cloudViewer::core::BENCHMARK_CAPTURE | ( | UnaryEW | , |
| IsFinite__CPU_Float64__100 | , | ||
| 100 | , | ||
| UnaryOpCode::IsFinite | , | ||
| Float64 | , | ||
| Device("CPU:0") | |||
| ) | -> Unit(benchmark::kMillisecond) |
| cloudViewer::core::BENCHMARK_CAPTURE | ( | UnaryEW | , |
| IsFinite__CPU_Float64__100000 | , | ||
| 100000 | , | ||
| UnaryOpCode::IsFinite | , | ||
| Float64 | , | ||
| Device("CPU:0") | |||
| ) | -> Unit(benchmark::kMillisecond) |
| cloudViewer::core::BENCHMARK_CAPTURE | ( | UnaryEW | , |
| IsFinite__CPU_Float64__100000000 | , | ||
| 100000000 | , | ||
| UnaryOpCode::IsFinite | , | ||
| Float64 | , | ||
| Device("CPU:0") | |||
| ) | -> Unit(benchmark::kMillisecond) |
| cloudViewer::core::BENCHMARK_CAPTURE | ( | UnaryEW | , |
| IsInf__CPU_Float32__100 | , | ||
| 100 | , | ||
| UnaryOpCode::IsInf | , | ||
| Float32 | , | ||
| Device("CPU:0") | |||
| ) | -> Unit(benchmark::kMillisecond) |
| cloudViewer::core::BENCHMARK_CAPTURE | ( | UnaryEW | , |
| IsInf__CPU_Float32__100000 | , | ||
| 100000 | , | ||
| UnaryOpCode::IsInf | , | ||
| Float32 | , | ||
| Device("CPU:0") | |||
| ) | -> Unit(benchmark::kMillisecond) |
| cloudViewer::core::BENCHMARK_CAPTURE | ( | UnaryEW | , |
| IsInf__CPU_Float32__100000000 | , | ||
| 100000000 | , | ||
| UnaryOpCode::IsInf | , | ||
| Float32 | , | ||
| Device("CPU:0") | |||
| ) | -> Unit(benchmark::kMillisecond) |
| cloudViewer::core::BENCHMARK_CAPTURE | ( | UnaryEW | , |
| IsInf__CPU_Float64__100 | , | ||
| 100 | , | ||
| UnaryOpCode::IsInf | , | ||
| Float64 | , | ||
| Device("CPU:0") | |||
| ) | -> Unit(benchmark::kMillisecond) |
| cloudViewer::core::BENCHMARK_CAPTURE | ( | UnaryEW | , |
| IsInf__CPU_Float64__100000 | , | ||
| 100000 | , | ||
| UnaryOpCode::IsInf | , | ||
| Float64 | , | ||
| Device("CPU:0") | |||
| ) | -> Unit(benchmark::kMillisecond) |
| cloudViewer::core::BENCHMARK_CAPTURE | ( | UnaryEW | , |
| IsInf__CPU_Float64__100000000 | , | ||
| 100000000 | , | ||
| UnaryOpCode::IsInf | , | ||
| Float64 | , | ||
| Device("CPU:0") | |||
| ) | -> Unit(benchmark::kMillisecond) |
| cloudViewer::core::BENCHMARK_CAPTURE | ( | UnaryEW | , |
| IsNan__CPU_Float32__100 | , | ||
| 100 | , | ||
| UnaryOpCode::IsNan | , | ||
| Float32 | , | ||
| Device("CPU:0") | |||
| ) | -> Unit(benchmark::kMillisecond) |
| cloudViewer::core::BENCHMARK_CAPTURE | ( | UnaryEW | , |
| IsNan__CPU_Float32__100000 | , | ||
| 100000 | , | ||
| UnaryOpCode::IsNan | , | ||
| Float32 | , | ||
| Device("CPU:0") | |||
| ) | -> Unit(benchmark::kMillisecond) |
| cloudViewer::core::BENCHMARK_CAPTURE | ( | UnaryEW | , |
| IsNan__CPU_Float32__100000000 | , | ||
| 100000000 | , | ||
| UnaryOpCode::IsNan | , | ||
| Float32 | , | ||
| Device("CPU:0") | |||
| ) | -> Unit(benchmark::kMillisecond) |
| cloudViewer::core::BENCHMARK_CAPTURE | ( | UnaryEW | , |
| IsNan__CPU_Float64__100 | , | ||
| 100 | , | ||
| UnaryOpCode::IsNan | , | ||
| Float64 | , | ||
| Device("CPU:0") | |||
| ) | -> Unit(benchmark::kMillisecond) |
| cloudViewer::core::BENCHMARK_CAPTURE | ( | UnaryEW | , |
| IsNan__CPU_Float64__100000 | , | ||
| 100000 | , | ||
| UnaryOpCode::IsNan | , | ||
| Float64 | , | ||
| Device("CPU:0") | |||
| ) | -> Unit(benchmark::kMillisecond) |
| cloudViewer::core::BENCHMARK_CAPTURE | ( | UnaryEW | , |
| IsNan__CPU_Float64__100000000 | , | ||
| 100000000 | , | ||
| UnaryOpCode::IsNan | , | ||
| Float64 | , | ||
| Device("CPU:0") | |||
| ) | -> Unit(benchmark::kMillisecond) |
| cloudViewer::core::BENCHMARK_CAPTURE | ( | UnaryEW | , |
| LogicalNot__CPU_Bool__100 | , | ||
| 100 | , | ||
| UnaryOpCode::LogicalNot | , | ||
| Bool | , | ||
| Device("CPU:0") | |||
| ) | -> Unit(benchmark::kMillisecond) |
| cloudViewer::core::BENCHMARK_CAPTURE | ( | UnaryEW | , |
| LogicalNot__CPU_Bool__100000 | , | ||
| 100000 | , | ||
| UnaryOpCode::LogicalNot | , | ||
| Bool | , | ||
| Device("CPU:0") | |||
| ) | -> Unit(benchmark::kMillisecond) |
| cloudViewer::core::BENCHMARK_CAPTURE | ( | UnaryEW | , |
| LogicalNot__CPU_Bool__100000000 | , | ||
| 100000000 | , | ||
| UnaryOpCode::LogicalNot | , | ||
| Bool | , | ||
| Device("CPU:0") | |||
| ) | -> Unit(benchmark::kMillisecond) |
| cloudViewer::core::BENCHMARK_CAPTURE | ( | UnaryEW | , |
| LogicalNot__CPU_Float32__100 | , | ||
| 100 | , | ||
| UnaryOpCode::LogicalNot | , | ||
| Float32 | , | ||
| Device("CPU:0") | |||
| ) | -> Unit(benchmark::kMillisecond) |
| cloudViewer::core::BENCHMARK_CAPTURE | ( | UnaryEW | , |
| LogicalNot__CPU_Float32__100000 | , | ||
| 100000 | , | ||
| UnaryOpCode::LogicalNot | , | ||
| Float32 | , | ||
| Device("CPU:0") | |||
| ) | -> Unit(benchmark::kMillisecond) |
| cloudViewer::core::BENCHMARK_CAPTURE | ( | UnaryEW | , |
| LogicalNot__CPU_Float32__100000000 | , | ||
| 100000000 | , | ||
| UnaryOpCode::LogicalNot | , | ||
| Float32 | , | ||
| Device("CPU:0") | |||
| ) | -> Unit(benchmark::kMillisecond) |
| cloudViewer::core::BENCHMARK_CAPTURE | ( | UnaryEW | , |
| LogicalNot__CPU_Float64__100 | , | ||
| 100 | , | ||
| UnaryOpCode::LogicalNot | , | ||
| Float64 | , | ||
| Device("CPU:0") | |||
| ) | -> Unit(benchmark::kMillisecond) |
| cloudViewer::core::BENCHMARK_CAPTURE | ( | UnaryEW | , |
| LogicalNot__CPU_Float64__100000 | , | ||
| 100000 | , | ||
| UnaryOpCode::LogicalNot | , | ||
| Float64 | , | ||
| Device("CPU:0") | |||
| ) | -> Unit(benchmark::kMillisecond) |
| cloudViewer::core::BENCHMARK_CAPTURE | ( | UnaryEW | , |
| LogicalNot__CPU_Float64__100000000 | , | ||
| 100000000 | , | ||
| UnaryOpCode::LogicalNot | , | ||
| Float64 | , | ||
| Device("CPU:0") | |||
| ) | -> Unit(benchmark::kMillisecond) |
| cloudViewer::core::BENCHMARK_CAPTURE | ( | UnaryEW | , |
| LogicalNot__CPU_Int16__100 | , | ||
| 100 | , | ||
| UnaryOpCode::LogicalNot | , | ||
| Int16 | , | ||
| Device("CPU:0") | |||
| ) | -> Unit(benchmark::kMillisecond) |
| cloudViewer::core::BENCHMARK_CAPTURE | ( | UnaryEW | , |
| LogicalNot__CPU_Int16__100000 | , | ||
| 100000 | , | ||
| UnaryOpCode::LogicalNot | , | ||
| Int16 | , | ||
| Device("CPU:0") | |||
| ) | -> Unit(benchmark::kMillisecond) |
| cloudViewer::core::BENCHMARK_CAPTURE | ( | UnaryEW | , |
| LogicalNot__CPU_Int16__100000000 | , | ||
| 100000000 | , | ||
| UnaryOpCode::LogicalNot | , | ||
| Int16 | , | ||
| Device("CPU:0") | |||
| ) | -> Unit(benchmark::kMillisecond) |
| cloudViewer::core::BENCHMARK_CAPTURE | ( | UnaryEW | , |
| LogicalNot__CPU_Int32__100 | , | ||
| 100 | , | ||
| UnaryOpCode::LogicalNot | , | ||
| Int32 | , | ||
| Device("CPU:0") | |||
| ) | -> Unit(benchmark::kMillisecond) |
| cloudViewer::core::BENCHMARK_CAPTURE | ( | UnaryEW | , |
| LogicalNot__CPU_Int32__100000 | , | ||
| 100000 | , | ||
| UnaryOpCode::LogicalNot | , | ||
| Int32 | , | ||
| Device("CPU:0") | |||
| ) | -> Unit(benchmark::kMillisecond) |
| cloudViewer::core::BENCHMARK_CAPTURE | ( | UnaryEW | , |
| LogicalNot__CPU_Int32__100000000 | , | ||
| 100000000 | , | ||
| UnaryOpCode::LogicalNot | , | ||
| Int32 | , | ||
| Device("CPU:0") | |||
| ) | -> Unit(benchmark::kMillisecond) |
| cloudViewer::core::BENCHMARK_CAPTURE | ( | UnaryEW | , |
| LogicalNot__CPU_Int64__100 | , | ||
| 100 | , | ||
| UnaryOpCode::LogicalNot | , | ||
| Int64 | , | ||
| Device("CPU:0") | |||
| ) | -> Unit(benchmark::kMillisecond) |
| cloudViewer::core::BENCHMARK_CAPTURE | ( | UnaryEW | , |
| LogicalNot__CPU_Int64__100000 | , | ||
| 100000 | , | ||
| UnaryOpCode::LogicalNot | , | ||
| Int64 | , | ||
| Device("CPU:0") | |||
| ) | -> Unit(benchmark::kMillisecond) |
| cloudViewer::core::BENCHMARK_CAPTURE | ( | UnaryEW | , |
| LogicalNot__CPU_Int64__100000000 | , | ||
| 100000000 | , | ||
| UnaryOpCode::LogicalNot | , | ||
| Int64 | , | ||
| Device("CPU:0") | |||
| ) | -> Unit(benchmark::kMillisecond) |
| cloudViewer::core::BENCHMARK_CAPTURE | ( | UnaryEW | , |
| LogicalNot__CPU_Int8__100 | , | ||
| 100 | , | ||
| UnaryOpCode::LogicalNot | , | ||
| Int8 | , | ||
| Device("CPU:0") | |||
| ) | -> Unit(benchmark::kMillisecond) |
| cloudViewer::core::BENCHMARK_CAPTURE | ( | UnaryEW | , |
| LogicalNot__CPU_Int8__100000 | , | ||
| 100000 | , | ||
| UnaryOpCode::LogicalNot | , | ||
| Int8 | , | ||
| Device("CPU:0") | |||
| ) | -> Unit(benchmark::kMillisecond) |
| cloudViewer::core::BENCHMARK_CAPTURE | ( | UnaryEW | , |
| LogicalNot__CPU_Int8__100000000 | , | ||
| 100000000 | , | ||
| UnaryOpCode::LogicalNot | , | ||
| Int8 | , | ||
| Device("CPU:0") | |||
| ) | -> Unit(benchmark::kMillisecond) |
| cloudViewer::core::BENCHMARK_CAPTURE | ( | UnaryEW | , |
| LogicalNot__CPU_UInt16__100 | , | ||
| 100 | , | ||
| UnaryOpCode::LogicalNot | , | ||
| UInt16 | , | ||
| Device("CPU:0") | |||
| ) | -> Unit(benchmark::kMillisecond) |
| cloudViewer::core::BENCHMARK_CAPTURE | ( | UnaryEW | , |
| LogicalNot__CPU_UInt16__100000 | , | ||
| 100000 | , | ||
| UnaryOpCode::LogicalNot | , | ||
| UInt16 | , | ||
| Device("CPU:0") | |||
| ) | -> Unit(benchmark::kMillisecond) |
| cloudViewer::core::BENCHMARK_CAPTURE | ( | UnaryEW | , |
| LogicalNot__CPU_UInt16__100000000 | , | ||
| 100000000 | , | ||
| UnaryOpCode::LogicalNot | , | ||
| UInt16 | , | ||
| Device("CPU:0") | |||
| ) | -> Unit(benchmark::kMillisecond) |
| cloudViewer::core::BENCHMARK_CAPTURE | ( | UnaryEW | , |
| LogicalNot__CPU_UInt32__100 | , | ||
| 100 | , | ||
| UnaryOpCode::LogicalNot | , | ||
| UInt32 | , | ||
| Device("CPU:0") | |||
| ) | -> Unit(benchmark::kMillisecond) |
| cloudViewer::core::BENCHMARK_CAPTURE | ( | UnaryEW | , |
| LogicalNot__CPU_UInt32__100000 | , | ||
| 100000 | , | ||
| UnaryOpCode::LogicalNot | , | ||
| UInt32 | , | ||
| Device("CPU:0") | |||
| ) | -> Unit(benchmark::kMillisecond) |
| cloudViewer::core::BENCHMARK_CAPTURE | ( | UnaryEW | , |
| LogicalNot__CPU_UInt32__100000000 | , | ||
| 100000000 | , | ||
| UnaryOpCode::LogicalNot | , | ||
| UInt32 | , | ||
| Device("CPU:0") | |||
| ) | -> Unit(benchmark::kMillisecond) |
| cloudViewer::core::BENCHMARK_CAPTURE | ( | UnaryEW | , |
| LogicalNot__CPU_UInt64__100 | , | ||
| 100 | , | ||
| UnaryOpCode::LogicalNot | , | ||
| UInt64 | , | ||
| Device("CPU:0") | |||
| ) | -> Unit(benchmark::kMillisecond) |
| cloudViewer::core::BENCHMARK_CAPTURE | ( | UnaryEW | , |
| LogicalNot__CPU_UInt64__100000 | , | ||
| 100000 | , | ||
| UnaryOpCode::LogicalNot | , | ||
| UInt64 | , | ||
| Device("CPU:0") | |||
| ) | -> Unit(benchmark::kMillisecond) |
| cloudViewer::core::BENCHMARK_CAPTURE | ( | UnaryEW | , |
| LogicalNot__CPU_UInt64__100000000 | , | ||
| 100000000 | , | ||
| UnaryOpCode::LogicalNot | , | ||
| UInt64 | , | ||
| Device("CPU:0") | |||
| ) | -> Unit(benchmark::kMillisecond) |
| cloudViewer::core::BENCHMARK_CAPTURE | ( | UnaryEW | , |
| LogicalNot__CPU_UInt8__100 | , | ||
| 100 | , | ||
| UnaryOpCode::LogicalNot | , | ||
| UInt8 | , | ||
| Device("CPU:0") | |||
| ) | -> Unit(benchmark::kMillisecond) |
| cloudViewer::core::BENCHMARK_CAPTURE | ( | UnaryEW | , |
| LogicalNot__CPU_UInt8__100000 | , | ||
| 100000 | , | ||
| UnaryOpCode::LogicalNot | , | ||
| UInt8 | , | ||
| Device("CPU:0") | |||
| ) | -> Unit(benchmark::kMillisecond) |
| cloudViewer::core::BENCHMARK_CAPTURE | ( | UnaryEW | , |
| LogicalNot__CPU_UInt8__100000000 | , | ||
| 100000000 | , | ||
| UnaryOpCode::LogicalNot | , | ||
| UInt8 | , | ||
| Device("CPU:0") | |||
| ) | -> Unit(benchmark::kMillisecond) |
| cloudViewer::core::BENCHMARK_CAPTURE | ( | UnaryEW | , |
| Neg__CPU_Float32__100 | , | ||
| 100 | , | ||
| UnaryOpCode::Neg | , | ||
| Float32 | , | ||
| Device("CPU:0") | |||
| ) | -> Unit(benchmark::kMillisecond) |
| cloudViewer::core::BENCHMARK_CAPTURE | ( | UnaryEW | , |
| Neg__CPU_Float32__100000 | , | ||
| 100000 | , | ||
| UnaryOpCode::Neg | , | ||
| Float32 | , | ||
| Device("CPU:0") | |||
| ) | -> Unit(benchmark::kMillisecond) |
| cloudViewer::core::BENCHMARK_CAPTURE | ( | UnaryEW | , |
| Neg__CPU_Float32__100000000 | , | ||
| 100000000 | , | ||
| UnaryOpCode::Neg | , | ||
| Float32 | , | ||
| Device("CPU:0") | |||
| ) | -> Unit(benchmark::kMillisecond) |
| cloudViewer::core::BENCHMARK_CAPTURE | ( | UnaryEW | , |
| Neg__CPU_Float64__100 | , | ||
| 100 | , | ||
| UnaryOpCode::Neg | , | ||
| Float64 | , | ||
| Device("CPU:0") | |||
| ) | -> Unit(benchmark::kMillisecond) |
| cloudViewer::core::BENCHMARK_CAPTURE | ( | UnaryEW | , |
| Neg__CPU_Float64__100000 | , | ||
| 100000 | , | ||
| UnaryOpCode::Neg | , | ||
| Float64 | , | ||
| Device("CPU:0") | |||
| ) | -> Unit(benchmark::kMillisecond) |
| cloudViewer::core::BENCHMARK_CAPTURE | ( | UnaryEW | , |
| Neg__CPU_Float64__100000000 | , | ||
| 100000000 | , | ||
| UnaryOpCode::Neg | , | ||
| Float64 | , | ||
| Device("CPU:0") | |||
| ) | -> Unit(benchmark::kMillisecond) |
| cloudViewer::core::BENCHMARK_CAPTURE | ( | UnaryEW | , |
| Neg__CPU_Int16__100 | , | ||
| 100 | , | ||
| UnaryOpCode::Neg | , | ||
| Int16 | , | ||
| Device("CPU:0") | |||
| ) | -> Unit(benchmark::kMillisecond) |
| cloudViewer::core::BENCHMARK_CAPTURE | ( | UnaryEW | , |
| Neg__CPU_Int16__100000 | , | ||
| 100000 | , | ||
| UnaryOpCode::Neg | , | ||
| Int16 | , | ||
| Device("CPU:0") | |||
| ) | -> Unit(benchmark::kMillisecond) |
| cloudViewer::core::BENCHMARK_CAPTURE | ( | UnaryEW | , |
| Neg__CPU_Int16__100000000 | , | ||
| 100000000 | , | ||
| UnaryOpCode::Neg | , | ||
| Int16 | , | ||
| Device("CPU:0") | |||
| ) | -> Unit(benchmark::kMillisecond) |
| cloudViewer::core::BENCHMARK_CAPTURE | ( | UnaryEW | , |
| Neg__CPU_Int32__100 | , | ||
| 100 | , | ||
| UnaryOpCode::Neg | , | ||
| Int32 | , | ||
| Device("CPU:0") | |||
| ) | -> Unit(benchmark::kMillisecond) |
| cloudViewer::core::BENCHMARK_CAPTURE | ( | UnaryEW | , |
| Neg__CPU_Int32__100000 | , | ||
| 100000 | , | ||
| UnaryOpCode::Neg | , | ||
| Int32 | , | ||
| Device("CPU:0") | |||
| ) | -> Unit(benchmark::kMillisecond) |
| cloudViewer::core::BENCHMARK_CAPTURE | ( | UnaryEW | , |
| Neg__CPU_Int32__100000000 | , | ||
| 100000000 | , | ||
| UnaryOpCode::Neg | , | ||
| Int32 | , | ||
| Device("CPU:0") | |||
| ) | -> Unit(benchmark::kMillisecond) |
| cloudViewer::core::BENCHMARK_CAPTURE | ( | UnaryEW | , |
| Neg__CPU_Int64__100 | , | ||
| 100 | , | ||
| UnaryOpCode::Neg | , | ||
| Int64 | , | ||
| Device("CPU:0") | |||
| ) | -> Unit(benchmark::kMillisecond) |
| cloudViewer::core::BENCHMARK_CAPTURE | ( | UnaryEW | , |
| Neg__CPU_Int64__100000 | , | ||
| 100000 | , | ||
| UnaryOpCode::Neg | , | ||
| Int64 | , | ||
| Device("CPU:0") | |||
| ) | -> Unit(benchmark::kMillisecond) |
| cloudViewer::core::BENCHMARK_CAPTURE | ( | UnaryEW | , |
| Neg__CPU_Int64__100000000 | , | ||
| 100000000 | , | ||
| UnaryOpCode::Neg | , | ||
| Int64 | , | ||
| Device("CPU:0") | |||
| ) | -> Unit(benchmark::kMillisecond) |
| cloudViewer::core::BENCHMARK_CAPTURE | ( | UnaryEW | , |
| Neg__CPU_Int8__100 | , | ||
| 100 | , | ||
| UnaryOpCode::Neg | , | ||
| Int8 | , | ||
| Device("CPU:0") | |||
| ) | -> Unit(benchmark::kMillisecond) |
| cloudViewer::core::BENCHMARK_CAPTURE | ( | UnaryEW | , |
| Neg__CPU_Int8__100000 | , | ||
| 100000 | , | ||
| UnaryOpCode::Neg | , | ||
| Int8 | , | ||
| Device("CPU:0") | |||
| ) | -> Unit(benchmark::kMillisecond) |
| cloudViewer::core::BENCHMARK_CAPTURE | ( | UnaryEW | , |
| Neg__CPU_Int8__100000000 | , | ||
| 100000000 | , | ||
| UnaryOpCode::Neg | , | ||
| Int8 | , | ||
| Device("CPU:0") | |||
| ) | -> Unit(benchmark::kMillisecond) |
| cloudViewer::core::BENCHMARK_CAPTURE | ( | UnaryEW | , |
| Neg__CPU_UInt16__100 | , | ||
| 100 | , | ||
| UnaryOpCode::Neg | , | ||
| UInt16 | , | ||
| Device("CPU:0") | |||
| ) | -> Unit(benchmark::kMillisecond) |
| cloudViewer::core::BENCHMARK_CAPTURE | ( | UnaryEW | , |
| Neg__CPU_UInt16__100000 | , | ||
| 100000 | , | ||
| UnaryOpCode::Neg | , | ||
| UInt16 | , | ||
| Device("CPU:0") | |||
| ) | -> Unit(benchmark::kMillisecond) |
| cloudViewer::core::BENCHMARK_CAPTURE | ( | UnaryEW | , |
| Neg__CPU_UInt16__100000000 | , | ||
| 100000000 | , | ||
| UnaryOpCode::Neg | , | ||
| UInt16 | , | ||
| Device("CPU:0") | |||
| ) | -> Unit(benchmark::kMillisecond) |
| cloudViewer::core::BENCHMARK_CAPTURE | ( | UnaryEW | , |
| Neg__CPU_UInt32__100 | , | ||
| 100 | , | ||
| UnaryOpCode::Neg | , | ||
| UInt32 | , | ||
| Device("CPU:0") | |||
| ) | -> Unit(benchmark::kMillisecond) |
| cloudViewer::core::BENCHMARK_CAPTURE | ( | UnaryEW | , |
| Neg__CPU_UInt32__100000 | , | ||
| 100000 | , | ||
| UnaryOpCode::Neg | , | ||
| UInt32 | , | ||
| Device("CPU:0") | |||
| ) | -> Unit(benchmark::kMillisecond) |
| cloudViewer::core::BENCHMARK_CAPTURE | ( | UnaryEW | , |
| Neg__CPU_UInt32__100000000 | , | ||
| 100000000 | , | ||
| UnaryOpCode::Neg | , | ||
| UInt32 | , | ||
| Device("CPU:0") | |||
| ) | -> Unit(benchmark::kMillisecond) |
| cloudViewer::core::BENCHMARK_CAPTURE | ( | UnaryEW | , |
| Neg__CPU_UInt64__100 | , | ||
| 100 | , | ||
| UnaryOpCode::Neg | , | ||
| UInt64 | , | ||
| Device("CPU:0") | |||
| ) | -> Unit(benchmark::kMillisecond) |
| cloudViewer::core::BENCHMARK_CAPTURE | ( | UnaryEW | , |
| Neg__CPU_UInt64__100000 | , | ||
| 100000 | , | ||
| UnaryOpCode::Neg | , | ||
| UInt64 | , | ||
| Device("CPU:0") | |||
| ) | -> Unit(benchmark::kMillisecond) |
| cloudViewer::core::BENCHMARK_CAPTURE | ( | UnaryEW | , |
| Neg__CPU_UInt64__100000000 | , | ||
| 100000000 | , | ||
| UnaryOpCode::Neg | , | ||
| UInt64 | , | ||
| Device("CPU:0") | |||
| ) | -> Unit(benchmark::kMillisecond) |
| cloudViewer::core::BENCHMARK_CAPTURE | ( | UnaryEW | , |
| Neg__CPU_UInt8__100 | , | ||
| 100 | , | ||
| UnaryOpCode::Neg | , | ||
| UInt8 | , | ||
| Device("CPU:0") | |||
| ) | -> Unit(benchmark::kMillisecond) |
| cloudViewer::core::BENCHMARK_CAPTURE | ( | UnaryEW | , |
| Neg__CPU_UInt8__100000 | , | ||
| 100000 | , | ||
| UnaryOpCode::Neg | , | ||
| UInt8 | , | ||
| Device("CPU:0") | |||
| ) | -> Unit(benchmark::kMillisecond) |
| cloudViewer::core::BENCHMARK_CAPTURE | ( | UnaryEW | , |
| Neg__CPU_UInt8__100000000 | , | ||
| 100000000 | , | ||
| UnaryOpCode::Neg | , | ||
| UInt8 | , | ||
| Device("CPU:0") | |||
| ) | -> Unit(benchmark::kMillisecond) |
| cloudViewer::core::BENCHMARK_CAPTURE | ( | UnaryEW | , |
| Round__CPU_Float32__100 | , | ||
| 100 | , | ||
| UnaryOpCode::Round | , | ||
| Float32 | , | ||
| Device("CPU:0") | |||
| ) | -> Unit(benchmark::kMillisecond) |
| cloudViewer::core::BENCHMARK_CAPTURE | ( | UnaryEW | , |
| Round__CPU_Float32__100000 | , | ||
| 100000 | , | ||
| UnaryOpCode::Round | , | ||
| Float32 | , | ||
| Device("CPU:0") | |||
| ) | -> Unit(benchmark::kMillisecond) |
| cloudViewer::core::BENCHMARK_CAPTURE | ( | UnaryEW | , |
| Round__CPU_Float32__100000000 | , | ||
| 100000000 | , | ||
| UnaryOpCode::Round | , | ||
| Float32 | , | ||
| Device("CPU:0") | |||
| ) | -> Unit(benchmark::kMillisecond) |
| cloudViewer::core::BENCHMARK_CAPTURE | ( | UnaryEW | , |
| Round__CPU_Float64__100 | , | ||
| 100 | , | ||
| UnaryOpCode::Round | , | ||
| Float64 | , | ||
| Device("CPU:0") | |||
| ) | -> Unit(benchmark::kMillisecond) |
| cloudViewer::core::BENCHMARK_CAPTURE | ( | UnaryEW | , |
| Round__CPU_Float64__100000 | , | ||
| 100000 | , | ||
| UnaryOpCode::Round | , | ||
| Float64 | , | ||
| Device("CPU:0") | |||
| ) | -> Unit(benchmark::kMillisecond) |
| cloudViewer::core::BENCHMARK_CAPTURE | ( | UnaryEW | , |
| Round__CPU_Float64__100000000 | , | ||
| 100000000 | , | ||
| UnaryOpCode::Round | , | ||
| Float64 | , | ||
| Device("CPU:0") | |||
| ) | -> Unit(benchmark::kMillisecond) |
| cloudViewer::core::BENCHMARK_CAPTURE | ( | UnaryEW | , |
| Round__CPU_Int16__100 | , | ||
| 100 | , | ||
| UnaryOpCode::Round | , | ||
| Int16 | , | ||
| Device("CPU:0") | |||
| ) | -> Unit(benchmark::kMillisecond) |
| cloudViewer::core::BENCHMARK_CAPTURE | ( | UnaryEW | , |
| Round__CPU_Int16__100000 | , | ||
| 100000 | , | ||
| UnaryOpCode::Round | , | ||
| Int16 | , | ||
| Device("CPU:0") | |||
| ) | -> Unit(benchmark::kMillisecond) |
| cloudViewer::core::BENCHMARK_CAPTURE | ( | UnaryEW | , |
| Round__CPU_Int16__100000000 | , | ||
| 100000000 | , | ||
| UnaryOpCode::Round | , | ||
| Int16 | , | ||
| Device("CPU:0") | |||
| ) | -> Unit(benchmark::kMillisecond) |
| cloudViewer::core::BENCHMARK_CAPTURE | ( | UnaryEW | , |
| Round__CPU_Int32__100 | , | ||
| 100 | , | ||
| UnaryOpCode::Round | , | ||
| Int32 | , | ||
| Device("CPU:0") | |||
| ) | -> Unit(benchmark::kMillisecond) |
| cloudViewer::core::BENCHMARK_CAPTURE | ( | UnaryEW | , |
| Round__CPU_Int32__100000 | , | ||
| 100000 | , | ||
| UnaryOpCode::Round | , | ||
| Int32 | , | ||
| Device("CPU:0") | |||
| ) | -> Unit(benchmark::kMillisecond) |
| cloudViewer::core::BENCHMARK_CAPTURE | ( | UnaryEW | , |
| Round__CPU_Int32__100000000 | , | ||
| 100000000 | , | ||
| UnaryOpCode::Round | , | ||
| Int32 | , | ||
| Device("CPU:0") | |||
| ) | -> Unit(benchmark::kMillisecond) |
| cloudViewer::core::BENCHMARK_CAPTURE | ( | UnaryEW | , |
| Round__CPU_Int64__100 | , | ||
| 100 | , | ||
| UnaryOpCode::Round | , | ||
| Int64 | , | ||
| Device("CPU:0") | |||
| ) | -> Unit(benchmark::kMillisecond) |
| cloudViewer::core::BENCHMARK_CAPTURE | ( | UnaryEW | , |
| Round__CPU_Int64__100000 | , | ||
| 100000 | , | ||
| UnaryOpCode::Round | , | ||
| Int64 | , | ||
| Device("CPU:0") | |||
| ) | -> Unit(benchmark::kMillisecond) |
| cloudViewer::core::BENCHMARK_CAPTURE | ( | UnaryEW | , |
| Round__CPU_Int64__100000000 | , | ||
| 100000000 | , | ||
| UnaryOpCode::Round | , | ||
| Int64 | , | ||
| Device("CPU:0") | |||
| ) | -> Unit(benchmark::kMillisecond) |
| cloudViewer::core::BENCHMARK_CAPTURE | ( | UnaryEW | , |
| Round__CPU_Int8__100 | , | ||
| 100 | , | ||
| UnaryOpCode::Round | , | ||
| Int8 | , | ||
| Device("CPU:0") | |||
| ) | -> Unit(benchmark::kMillisecond) |
| cloudViewer::core::BENCHMARK_CAPTURE | ( | UnaryEW | , |
| Round__CPU_Int8__100000 | , | ||
| 100000 | , | ||
| UnaryOpCode::Round | , | ||
| Int8 | , | ||
| Device("CPU:0") | |||
| ) | -> Unit(benchmark::kMillisecond) |
| cloudViewer::core::BENCHMARK_CAPTURE | ( | UnaryEW | , |
| Round__CPU_Int8__100000000 | , | ||
| 100000000 | , | ||
| UnaryOpCode::Round | , | ||
| Int8 | , | ||
| Device("CPU:0") | |||
| ) | -> Unit(benchmark::kMillisecond) |
| cloudViewer::core::BENCHMARK_CAPTURE | ( | UnaryEW | , |
| Round__CPU_UInt16__100 | , | ||
| 100 | , | ||
| UnaryOpCode::Round | , | ||
| UInt16 | , | ||
| Device("CPU:0") | |||
| ) | -> Unit(benchmark::kMillisecond) |
| cloudViewer::core::BENCHMARK_CAPTURE | ( | UnaryEW | , |
| Round__CPU_UInt16__100000 | , | ||
| 100000 | , | ||
| UnaryOpCode::Round | , | ||
| UInt16 | , | ||
| Device("CPU:0") | |||
| ) | -> Unit(benchmark::kMillisecond) |
| cloudViewer::core::BENCHMARK_CAPTURE | ( | UnaryEW | , |
| Round__CPU_UInt16__100000000 | , | ||
| 100000000 | , | ||
| UnaryOpCode::Round | , | ||
| UInt16 | , | ||
| Device("CPU:0") | |||
| ) | -> Unit(benchmark::kMillisecond) |
| cloudViewer::core::BENCHMARK_CAPTURE | ( | UnaryEW | , |
| Round__CPU_UInt32__100 | , | ||
| 100 | , | ||
| UnaryOpCode::Round | , | ||
| UInt32 | , | ||
| Device("CPU:0") | |||
| ) | -> Unit(benchmark::kMillisecond) |
| cloudViewer::core::BENCHMARK_CAPTURE | ( | UnaryEW | , |
| Round__CPU_UInt32__100000 | , | ||
| 100000 | , | ||
| UnaryOpCode::Round | , | ||
| UInt32 | , | ||
| Device("CPU:0") | |||
| ) | -> Unit(benchmark::kMillisecond) |
| cloudViewer::core::BENCHMARK_CAPTURE | ( | UnaryEW | , |
| Round__CPU_UInt32__100000000 | , | ||
| 100000000 | , | ||
| UnaryOpCode::Round | , | ||
| UInt32 | , | ||
| Device("CPU:0") | |||
| ) | -> Unit(benchmark::kMillisecond) |
| cloudViewer::core::BENCHMARK_CAPTURE | ( | UnaryEW | , |
| Round__CPU_UInt64__100 | , | ||
| 100 | , | ||
| UnaryOpCode::Round | , | ||
| UInt64 | , | ||
| Device("CPU:0") | |||
| ) | -> Unit(benchmark::kMillisecond) |
| cloudViewer::core::BENCHMARK_CAPTURE | ( | UnaryEW | , |
| Round__CPU_UInt64__100000 | , | ||
| 100000 | , | ||
| UnaryOpCode::Round | , | ||
| UInt64 | , | ||
| Device("CPU:0") | |||
| ) | -> Unit(benchmark::kMillisecond) |
| cloudViewer::core::BENCHMARK_CAPTURE | ( | UnaryEW | , |
| Round__CPU_UInt64__100000000 | , | ||
| 100000000 | , | ||
| UnaryOpCode::Round | , | ||
| UInt64 | , | ||
| Device("CPU:0") | |||
| ) | -> Unit(benchmark::kMillisecond) |
| cloudViewer::core::BENCHMARK_CAPTURE | ( | UnaryEW | , |
| Round__CPU_UInt8__100 | , | ||
| 100 | , | ||
| UnaryOpCode::Round | , | ||
| UInt8 | , | ||
| Device("CPU:0") | |||
| ) | -> Unit(benchmark::kMillisecond) |
| cloudViewer::core::BENCHMARK_CAPTURE | ( | UnaryEW | , |
| Round__CPU_UInt8__100000 | , | ||
| 100000 | , | ||
| UnaryOpCode::Round | , | ||
| UInt8 | , | ||
| Device("CPU:0") | |||
| ) | -> Unit(benchmark::kMillisecond) |
| cloudViewer::core::BENCHMARK_CAPTURE | ( | UnaryEW | , |
| Round__CPU_UInt8__100000000 | , | ||
| 100000000 | , | ||
| UnaryOpCode::Round | , | ||
| UInt8 | , | ||
| Device("CPU:0") | |||
| ) | -> Unit(benchmark::kMillisecond) |
| cloudViewer::core::BENCHMARK_CAPTURE | ( | UnaryEW | , |
| Sin__CPU_Float32__100 | , | ||
| 100 | , | ||
| UnaryOpCode::Sin | , | ||
| Float32 | , | ||
| Device("CPU:0") | |||
| ) | -> Unit(benchmark::kMillisecond) |
| cloudViewer::core::BENCHMARK_CAPTURE | ( | UnaryEW | , |
| Sin__CPU_Float32__100000 | , | ||
| 100000 | , | ||
| UnaryOpCode::Sin | , | ||
| Float32 | , | ||
| Device("CPU:0") | |||
| ) | -> Unit(benchmark::kMillisecond) |
| cloudViewer::core::BENCHMARK_CAPTURE | ( | UnaryEW | , |
| Sin__CPU_Float32__100000000 | , | ||
| 100000000 | , | ||
| UnaryOpCode::Sin | , | ||
| Float32 | , | ||
| Device("CPU:0") | |||
| ) | -> Unit(benchmark::kMillisecond) |
| cloudViewer::core::BENCHMARK_CAPTURE | ( | UnaryEW | , |
| Sin__CPU_Float64__100 | , | ||
| 100 | , | ||
| UnaryOpCode::Sin | , | ||
| Float64 | , | ||
| Device("CPU:0") | |||
| ) | -> Unit(benchmark::kMillisecond) |
| cloudViewer::core::BENCHMARK_CAPTURE | ( | UnaryEW | , |
| Sin__CPU_Float64__100000 | , | ||
| 100000 | , | ||
| UnaryOpCode::Sin | , | ||
| Float64 | , | ||
| Device("CPU:0") | |||
| ) | -> Unit(benchmark::kMillisecond) |
| cloudViewer::core::BENCHMARK_CAPTURE | ( | UnaryEW | , |
| Sin__CPU_Float64__100000000 | , | ||
| 100000000 | , | ||
| UnaryOpCode::Sin | , | ||
| Float64 | , | ||
| Device("CPU:0") | |||
| ) | -> Unit(benchmark::kMillisecond) |
| cloudViewer::core::BENCHMARK_CAPTURE | ( | UnaryEW | , |
| Sqrt__CPU_Float32__100 | , | ||
| 100 | , | ||
| UnaryOpCode::Sqrt | , | ||
| Float32 | , | ||
| Device("CPU:0") | |||
| ) | -> Unit(benchmark::kMillisecond) |
| cloudViewer::core::BENCHMARK_CAPTURE | ( | UnaryEW | , |
| Sqrt__CPU_Float32__100000 | , | ||
| 100000 | , | ||
| UnaryOpCode::Sqrt | , | ||
| Float32 | , | ||
| Device("CPU:0") | |||
| ) | -> Unit(benchmark::kMillisecond) |
| cloudViewer::core::BENCHMARK_CAPTURE | ( | UnaryEW | , |
| Sqrt__CPU_Float32__100000000 | , | ||
| 100000000 | , | ||
| UnaryOpCode::Sqrt | , | ||
| Float32 | , | ||
| Device("CPU:0") | |||
| ) | -> Unit(benchmark::kMillisecond) |
| cloudViewer::core::BENCHMARK_CAPTURE | ( | UnaryEW | , |
| Sqrt__CPU_Float64__100 | , | ||
| 100 | , | ||
| UnaryOpCode::Sqrt | , | ||
| Float64 | , | ||
| Device("CPU:0") | |||
| ) | -> Unit(benchmark::kMillisecond) |
| cloudViewer::core::BENCHMARK_CAPTURE | ( | UnaryEW | , |
| Sqrt__CPU_Float64__100000 | , | ||
| 100000 | , | ||
| UnaryOpCode::Sqrt | , | ||
| Float64 | , | ||
| Device("CPU:0") | |||
| ) | -> Unit(benchmark::kMillisecond) |
| cloudViewer::core::BENCHMARK_CAPTURE | ( | UnaryEW | , |
| Sqrt__CPU_Float64__100000000 | , | ||
| 100000000 | , | ||
| UnaryOpCode::Sqrt | , | ||
| Float64 | , | ||
| Device("CPU:0") | |||
| ) | -> Unit(benchmark::kMillisecond) |
| cloudViewer::core::BENCHMARK_CAPTURE | ( | UnaryEW | , |
| Trunc__CPU_Float32__100 | , | ||
| 100 | , | ||
| UnaryOpCode::Trunc | , | ||
| Float32 | , | ||
| Device("CPU:0") | |||
| ) | -> Unit(benchmark::kMillisecond) |
| cloudViewer::core::BENCHMARK_CAPTURE | ( | UnaryEW | , |
| Trunc__CPU_Float32__100000 | , | ||
| 100000 | , | ||
| UnaryOpCode::Trunc | , | ||
| Float32 | , | ||
| Device("CPU:0") | |||
| ) | -> Unit(benchmark::kMillisecond) |
| cloudViewer::core::BENCHMARK_CAPTURE | ( | UnaryEW | , |
| Trunc__CPU_Float32__100000000 | , | ||
| 100000000 | , | ||
| UnaryOpCode::Trunc | , | ||
| Float32 | , | ||
| Device("CPU:0") | |||
| ) | -> Unit(benchmark::kMillisecond) |
| cloudViewer::core::BENCHMARK_CAPTURE | ( | UnaryEW | , |
| Trunc__CPU_Float64__100 | , | ||
| 100 | , | ||
| UnaryOpCode::Trunc | , | ||
| Float64 | , | ||
| Device("CPU:0") | |||
| ) | -> Unit(benchmark::kMillisecond) |
| cloudViewer::core::BENCHMARK_CAPTURE | ( | UnaryEW | , |
| Trunc__CPU_Float64__100000 | , | ||
| 100000 | , | ||
| UnaryOpCode::Trunc | , | ||
| Float64 | , | ||
| Device("CPU:0") | |||
| ) | -> Unit(benchmark::kMillisecond) |
| cloudViewer::core::BENCHMARK_CAPTURE | ( | UnaryEW | , |
| Trunc__CPU_Float64__100000000 | , | ||
| 100000000 | , | ||
| UnaryOpCode::Trunc | , | ||
| Float64 | , | ||
| Device("CPU:0") | |||
| ) | -> Unit(benchmark::kMillisecond) |
| cloudViewer::core::BENCHMARK_CAPTURE | ( | UnaryEW | , |
| Trunc__CPU_Int16__100 | , | ||
| 100 | , | ||
| UnaryOpCode::Trunc | , | ||
| Int16 | , | ||
| Device("CPU:0") | |||
| ) | -> Unit(benchmark::kMillisecond) |
| cloudViewer::core::BENCHMARK_CAPTURE | ( | UnaryEW | , |
| Trunc__CPU_Int16__100000 | , | ||
| 100000 | , | ||
| UnaryOpCode::Trunc | , | ||
| Int16 | , | ||
| Device("CPU:0") | |||
| ) | -> Unit(benchmark::kMillisecond) |
| cloudViewer::core::BENCHMARK_CAPTURE | ( | UnaryEW | , |
| Trunc__CPU_Int16__100000000 | , | ||
| 100000000 | , | ||
| UnaryOpCode::Trunc | , | ||
| Int16 | , | ||
| Device("CPU:0") | |||
| ) | -> Unit(benchmark::kMillisecond) |
| cloudViewer::core::BENCHMARK_CAPTURE | ( | UnaryEW | , |
| Trunc__CPU_Int32__100 | , | ||
| 100 | , | ||
| UnaryOpCode::Trunc | , | ||
| Int32 | , | ||
| Device("CPU:0") | |||
| ) | -> Unit(benchmark::kMillisecond) |
| cloudViewer::core::BENCHMARK_CAPTURE | ( | UnaryEW | , |
| Trunc__CPU_Int32__100000 | , | ||
| 100000 | , | ||
| UnaryOpCode::Trunc | , | ||
| Int32 | , | ||
| Device("CPU:0") | |||
| ) | -> Unit(benchmark::kMillisecond) |
| cloudViewer::core::BENCHMARK_CAPTURE | ( | UnaryEW | , |
| Trunc__CPU_Int32__100000000 | , | ||
| 100000000 | , | ||
| UnaryOpCode::Trunc | , | ||
| Int32 | , | ||
| Device("CPU:0") | |||
| ) | -> Unit(benchmark::kMillisecond) |
| cloudViewer::core::BENCHMARK_CAPTURE | ( | UnaryEW | , |
| Trunc__CPU_Int64__100 | , | ||
| 100 | , | ||
| UnaryOpCode::Trunc | , | ||
| Int64 | , | ||
| Device("CPU:0") | |||
| ) | -> Unit(benchmark::kMillisecond) |
| cloudViewer::core::BENCHMARK_CAPTURE | ( | UnaryEW | , |
| Trunc__CPU_Int64__100000 | , | ||
| 100000 | , | ||
| UnaryOpCode::Trunc | , | ||
| Int64 | , | ||
| Device("CPU:0") | |||
| ) | -> Unit(benchmark::kMillisecond) |
| cloudViewer::core::BENCHMARK_CAPTURE | ( | UnaryEW | , |
| Trunc__CPU_Int64__100000000 | , | ||
| 100000000 | , | ||
| UnaryOpCode::Trunc | , | ||
| Int64 | , | ||
| Device("CPU:0") | |||
| ) | -> Unit(benchmark::kMillisecond) |
| cloudViewer::core::BENCHMARK_CAPTURE | ( | UnaryEW | , |
| Trunc__CPU_Int8__100 | , | ||
| 100 | , | ||
| UnaryOpCode::Trunc | , | ||
| Int8 | , | ||
| Device("CPU:0") | |||
| ) | -> Unit(benchmark::kMillisecond) |
| cloudViewer::core::BENCHMARK_CAPTURE | ( | UnaryEW | , |
| Trunc__CPU_Int8__100000 | , | ||
| 100000 | , | ||
| UnaryOpCode::Trunc | , | ||
| Int8 | , | ||
| Device("CPU:0") | |||
| ) | -> Unit(benchmark::kMillisecond) |
| cloudViewer::core::BENCHMARK_CAPTURE | ( | UnaryEW | , |
| Trunc__CPU_Int8__100000000 | , | ||
| 100000000 | , | ||
| UnaryOpCode::Trunc | , | ||
| Int8 | , | ||
| Device("CPU:0") | |||
| ) | -> Unit(benchmark::kMillisecond) |
| cloudViewer::core::BENCHMARK_CAPTURE | ( | UnaryEW | , |
| Trunc__CPU_UInt16__100 | , | ||
| 100 | , | ||
| UnaryOpCode::Trunc | , | ||
| UInt16 | , | ||
| Device("CPU:0") | |||
| ) | -> Unit(benchmark::kMillisecond) |
| cloudViewer::core::BENCHMARK_CAPTURE | ( | UnaryEW | , |
| Trunc__CPU_UInt16__100000 | , | ||
| 100000 | , | ||
| UnaryOpCode::Trunc | , | ||
| UInt16 | , | ||
| Device("CPU:0") | |||
| ) | -> Unit(benchmark::kMillisecond) |
| cloudViewer::core::BENCHMARK_CAPTURE | ( | UnaryEW | , |
| Trunc__CPU_UInt16__100000000 | , | ||
| 100000000 | , | ||
| UnaryOpCode::Trunc | , | ||
| UInt16 | , | ||
| Device("CPU:0") | |||
| ) | -> Unit(benchmark::kMillisecond) |
| cloudViewer::core::BENCHMARK_CAPTURE | ( | UnaryEW | , |
| Trunc__CPU_UInt32__100 | , | ||
| 100 | , | ||
| UnaryOpCode::Trunc | , | ||
| UInt32 | , | ||
| Device("CPU:0") | |||
| ) | -> Unit(benchmark::kMillisecond) |
| cloudViewer::core::BENCHMARK_CAPTURE | ( | UnaryEW | , |
| Trunc__CPU_UInt32__100000 | , | ||
| 100000 | , | ||
| UnaryOpCode::Trunc | , | ||
| UInt32 | , | ||
| Device("CPU:0") | |||
| ) | -> Unit(benchmark::kMillisecond) |
| cloudViewer::core::BENCHMARK_CAPTURE | ( | UnaryEW | , |
| Trunc__CPU_UInt32__100000000 | , | ||
| 100000000 | , | ||
| UnaryOpCode::Trunc | , | ||
| UInt32 | , | ||
| Device("CPU:0") | |||
| ) | -> Unit(benchmark::kMillisecond) |
| cloudViewer::core::BENCHMARK_CAPTURE | ( | UnaryEW | , |
| Trunc__CPU_UInt64__100 | , | ||
| 100 | , | ||
| UnaryOpCode::Trunc | , | ||
| UInt64 | , | ||
| Device("CPU:0") | |||
| ) | -> Unit(benchmark::kMillisecond) |
| cloudViewer::core::BENCHMARK_CAPTURE | ( | UnaryEW | , |
| Trunc__CPU_UInt64__100000 | , | ||
| 100000 | , | ||
| UnaryOpCode::Trunc | , | ||
| UInt64 | , | ||
| Device("CPU:0") | |||
| ) | -> Unit(benchmark::kMillisecond) |
| cloudViewer::core::BENCHMARK_CAPTURE | ( | UnaryEW | , |
| Trunc__CPU_UInt64__100000000 | , | ||
| 100000000 | , | ||
| UnaryOpCode::Trunc | , | ||
| UInt64 | , | ||
| Device("CPU:0") | |||
| ) | -> Unit(benchmark::kMillisecond) |
| cloudViewer::core::BENCHMARK_CAPTURE | ( | UnaryEW | , |
| Trunc__CPU_UInt8__100 | , | ||
| 100 | , | ||
| UnaryOpCode::Trunc | , | ||
| UInt8 | , | ||
| Device("CPU:0") | |||
| ) | -> Unit(benchmark::kMillisecond) |
| cloudViewer::core::BENCHMARK_CAPTURE | ( | UnaryEW | , |
| Trunc__CPU_UInt8__100000 | , | ||
| 100000 | , | ||
| UnaryOpCode::Trunc | , | ||
| UInt8 | , | ||
| Device("CPU:0") | |||
| ) | -> Unit(benchmark::kMillisecond) |
| cloudViewer::core::BENCHMARK_CAPTURE | ( | UnaryEW | , |
| Trunc__CPU_UInt8__100000000 | , | ||
| 100000000 | , | ||
| UnaryOpCode::Trunc | , | ||
| UInt8 | , | ||
| Device("CPU:0") | |||
| ) | -> Unit(benchmark::kMillisecond) |
| cloudViewer::core::BENCHMARK_CAPTURE | ( | Zeros | , |
| CPU | , | ||
| Device("CPU:0") | |||
| ) | -> Unit(benchmark::kMillisecond) |
| void cloudViewer::core::BinaryEW | ( | benchmark::State & | state, |
| int | size, | ||
| BinaryOpCode | op_code, | ||
| const Dtype & | dtype, | ||
| const Device & | device | ||
| ) |
Definition at line 103 of file BinaryEW.cpp.
References MakeOperation(), cloudViewer::benchmarks::Rand(), result, size, and cloudViewer::core::cuda::Synchronize().
|
static |
Definition at line 220 of file tensor.cpp.
References argument_docs, and cloudViewer::docstring::ClassMethodDocInject().
Referenced by pybind_core_tensor().
|
static |
Definition at line 240 of file tensor.cpp.
References Float32, cloudViewer::utility::optional< T >::has_value(), and cloudViewer::utility::optional< T >::value().
| 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().
|
inline |
Definition at line 1339 of file SmallVector.h.
References X.
|
static |
Definition at line 22 of file tensor_converter.cpp.
References cloudViewer::utility::optional< T >::has_value(), cloudViewer::core::Tensor::To(), and cloudViewer::utility::optional< T >::value().
Referenced by PyHandleToTensor(), PyListToTensor(), and PyTupleToTensor().
|
static |
Definition at line 17 of file Tri.cpp.
References cloudViewer::core::Tensor::GetShape(), LogError, cloudViewer::core::SmallVectorBase< Size_T >::size(), and cloudViewer::core::SizeVector::ToString().
| 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:
| tensors | Vector 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]. |
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().
|
static |
Definition at line 15 of file TensorFunction.cpp.
References AssertTensorDevice, AssertTensorDtype, LogError, cloudViewer::core::Tensor::NumDims(), cloudViewer::core::SmallVectorTemplateBase< T, bool >::push_back(), cloudViewer::core::Tensor::SetItem(), cloudViewer::core::TensorKey::Slice(), and cloudViewer::core::shape_util::WrapDim().
Referenced by Concatenate().
| __global__ void cloudViewer::core::CountElemsPerBucketKernel | ( | SlabHashBackendImpl< Key, Hash, Eq > | impl, |
| int64_t * | bucket_elem_counts | ||
| ) |
Definition at line 687 of file SlabHashBackendImpl.h.
References cloudViewer::core::SlabHashBackendImpl< Key, Hash, Eq >::bucket_count_, count, cloudViewer::core::SlabNodeManagerImpl::Init(), kEmptyNodeAddr, kEmptySlabAddr, kNextSlabPtrLaneId, kNodePtrLanesMask, kSyncLanesMask, kWarpSize, cloudViewer::core::SlabHashBackendImpl< Key, Hash, Eq >::node_mgr_impl_, cloudViewer::core::SlabHashBackendImpl< Key, Hash, Eq >::SlabEntryPtrFromHead(), and cloudViewer::core::SlabHashBackendImpl< Key, Hash, Eq >::SlabEntryPtrFromNodes().
Referenced by cloudViewer::core::SlabHashBackend< Key, Hash, Eq >::BucketSizes().
| __global__ void cloudViewer::core::CountSlabsPerSuperblockKernel | ( | SlabNodeManagerImpl | impl, |
| uint32_t * | slabs_per_superblock | ||
| ) |
| void cloudViewer::core::CPUResetHeap | ( | Tensor & | heap | ) |
Definition at line 14 of file CPUHashBackendBuffer.cpp.
References cloudViewer::core::Tensor::GetDataPtr(), and cloudViewer::core::Tensor::GetLength().
Referenced by cloudViewer::core::HashBackendBuffer::ResetHeap().
| 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 | ||
| ) |
Non-templated factory.
Definition at line 16 of file CreateCPUHashBackend.cpp.
References cloudViewer::core::Dtype::ByteSize(), Default, DISPATCH_DTYPE_AND_DIM_TO_TEMPLATE, LogError, cloudViewer::core::SizeVector::NumElements(), and TBB.
Referenced by CreateDeviceHashBackend().
| 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().
| 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().
| double cloudViewer::core::Det | ( | const Tensor & | A | ) |
Definition at line 16 of file Det.cpp.
References AssertTensorDtypes, cloudViewer::core::linalg::kernel::det2x2(), cloudViewer::core::linalg::kernel::det3x3(), DISPATCH_FLOAT_DTYPE_TO_TEMPLATE, Float32, Float64, cloudViewer::core::Tensor::GetDataPtr(), cloudViewer::core::Tensor::GetDtype(), cloudViewer::core::Tensor::GetShape(), LUIpiv(), and cloudViewer::core::Tensor::To().
Referenced by cloudViewer::core::Tensor::Det(), and pybind_core_linalg().
|
static |
| 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().
|
static |
| __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 | ||
| ) |
Definition at line 601 of file SlabHashBackendImpl.h.
References cloudViewer::core::SlabHashBackendImpl< Key, Hash, Eq >::ComputeBucket(), count, cloudViewer::core::SlabHashBackendImpl< Key, Hash, Eq >::Erase(), cloudViewer::core::SlabNodeManagerImpl::Init(), cloudViewer::core::SlabHashBackendImpl< Key, Hash, Eq >::node_mgr_impl_, and result.
Referenced by cloudViewer::core::SlabHashBackend< Key, Hash, Eq >::Erase().
| __global__ void cloudViewer::core::EraseKernelPass1 | ( | SlabHashBackendImpl< Key, Hash, Eq > | impl, |
| buf_index_t * | output_buf_indices, | ||
| bool * | output_masks, | ||
| int64_t | count | ||
| ) |
Definition at line 636 of file SlabHashBackendImpl.h.
References cloudViewer::core::SlabHashBackendImpl< Key, Hash, Eq >::buffer_accessor_, count, and cloudViewer::core::CUDAHashBackendBufferAccessor::DeviceFree().
Referenced by cloudViewer::core::SlabHashBackend< Key, Hash, Eq >::Erase().
| __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 | ||
| ) |
Definition at line 562 of file SlabHashBackendImpl.h.
References cloudViewer::core::SlabHashBackendImpl< Key, Hash, Eq >::ComputeBucket(), count, cloudViewer::core::SlabHashBackendImpl< Key, Hash, Eq >::Find(), cloudViewer::core::SlabNodeManagerImpl::Init(), cloudViewer::core::SlabHashBackendImpl< Key, Hash, Eq >::node_mgr_impl_, and result.
Referenced by cloudViewer::core::SlabHashBackend< Key, Hash, Eq >::Find().
| void cloudViewer::core::Free | ( | benchmark::State & | state, |
| int | size, | ||
| const Device & | device, | ||
| const MemoryManagerBackend & | backend | ||
| ) |
Definition at line 75 of file MemoryManager.cpp.
References MakeMemoryManager(), cloudViewer::core::MemoryManagerCached::ReleaseCache(), size, and cloudViewer::core::cuda::Synchronize().
Referenced by cloudViewer::core::SlabHashBackend< Key, Hash, Eq >::~SlabHashBackend(), and cloudViewer::core::StdGPUHashBackend< Key, Hash, Eq >::~StdGPUHashBackend().
|
inline |
Definition at line 55 of file LapackWrapper.h.
References LogError.
|
inline |
Definition at line 169 of file LapackWrapper.h.
|
inline |
Definition at line 155 of file LapackWrapper.h.
|
inline |
|
inline |
Definition at line 56 of file BlasWrapper.h.
|
inline |
Definition at line 37 of file BlasWrapper.h.
|
inline |
Definition at line 41 of file LapackWrapper.h.
References LogError.
|
inline |
Definition at line 142 of file LapackWrapper.h.
|
inline |
Definition at line 129 of file LapackWrapper.h.
|
inline |
Definition at line 69 of file LapackWrapper.h.
References LogError.
|
inline |
Definition at line 202 of file LapackWrapper.h.
|
inline |
Definition at line 183 of file LapackWrapper.h.
| __global__ void cloudViewer::core::GetActiveIndicesKernel | ( | SlabHashBackendImpl< Key, Hash, Eq > | impl, |
| buf_index_t * | output_buf_indices, | ||
| uint32_t * | output_count | ||
| ) |
Definition at line 647 of file SlabHashBackendImpl.h.
References cloudViewer::core::SlabHashBackendImpl< Key, Hash, Eq >::bucket_count_, cloudViewer::core::SlabNodeManagerImpl::Init(), kEmptyNodeAddr, kEmptySlabAddr, kNextSlabPtrLaneId, kNodePtrLanesMask, kSyncLanesMask, kWarpSize, cloudViewer::core::SlabHashBackendImpl< Key, Hash, Eq >::node_mgr_impl_, cloudViewer::core::SlabHashBackendImpl< Key, Hash, Eq >::SlabEntryPtrFromHead(), and cloudViewer::core::SlabHashBackendImpl< Key, Hash, Eq >::SlabEntryPtrFromNodes().
Referenced by cloudViewer::core::SlabHashBackend< Key, Hash, Eq >::GetActiveIndices().
|
static |
Definition at line 19 of file LU.cpp.
References cloudViewer::core::Tensor::Arange(), cloudViewer::core::Tensor::GetDataPtr(), cloudViewer::core::Tensor::GetDevice(), Int32, Int64, and cloudViewer::core::Tensor::To().
Referenced by OutputToPLU().
|
static |
Definition at line 104 of file SmallVector.cpp.
References max(), and report_size_overflow().
|
inline |
Definition at line 18 of file LapackWrapper.h.
References LogError.
|
inline |
Definition at line 98 of file LapackWrapper.h.
|
inline |
Definition at line 87 of file LapackWrapper.h.
|
inline |
Definition at line 30 of file LapackWrapper.h.
References LogError.
|
inline |
Definition at line 119 of file LapackWrapper.h.
|
inline |
Definition at line 109 of file LapackWrapper.h.
| void cloudViewer::core::HashClearInt | ( | benchmark::State & | state, |
| int | capacity, | ||
| int | duplicate_factor, | ||
| const Device & | device, | ||
| const HashBackendType & | backend | ||
| ) |
Definition at line 156 of file HashMap.cpp.
References Int32, cloudViewer::core::HashData< K, V >::keys_, LogError, max(), slots, cloudViewer::core::cuda::Synchronize(), and cloudViewer::core::HashData< K, V >::vals_.
| void cloudViewer::core::HashClearInt3 | ( | benchmark::State & | state, |
| int | capacity, | ||
| int | duplicate_factor, | ||
| const Device & | device, | ||
| const HashBackendType & | backend | ||
| ) |
Definition at line 378 of file HashMap.cpp.
References Int32, cloudViewer::core::HashData< K, V >::keys_, LogError, max(), slots, cloudViewer::core::cuda::Synchronize(), and cloudViewer::core::HashData< K, V >::vals_.
| void cloudViewer::core::HashEraseInt | ( | benchmark::State & | state, |
| int | capacity, | ||
| int | duplicate_factor, | ||
| const Device & | device, | ||
| const HashBackendType & | backend | ||
| ) |
Definition at line 92 of file HashMap.cpp.
References Int32, cloudViewer::core::HashData< K, V >::keys_, LogError, max(), slots, cloudViewer::core::cuda::Synchronize(), and cloudViewer::core::HashData< K, V >::vals_.
| void cloudViewer::core::HashEraseInt3 | ( | benchmark::State & | state, |
| int | capacity, | ||
| int | duplicate_factor, | ||
| const Device & | device, | ||
| const HashBackendType & | backend | ||
| ) |
Definition at line 309 of file HashMap.cpp.
References Int32, cloudViewer::core::HashData< K, V >::keys_, LogError, max(), slots, cloudViewer::core::cuda::Synchronize(), and cloudViewer::core::HashData< K, V >::vals_.
| void cloudViewer::core::HashFindInt | ( | benchmark::State & | state, |
| int | capacity, | ||
| int | duplicate_factor, | ||
| const Device & | device, | ||
| const HashBackendType & | backend | ||
| ) |
Definition at line 133 of file HashMap.cpp.
References Int32, cloudViewer::core::HashData< K, V >::keys_, max(), slots, cloudViewer::core::cuda::Synchronize(), and cloudViewer::core::HashData< K, V >::vals_.
| void cloudViewer::core::HashFindInt3 | ( | benchmark::State & | state, |
| int | capacity, | ||
| int | duplicate_factor, | ||
| const Device & | device, | ||
| const HashBackendType & | backend | ||
| ) |
Definition at line 353 of file HashMap.cpp.
References Int32, cloudViewer::core::HashData< K, V >::keys_, max(), slots, cloudViewer::core::cuda::Synchronize(), and cloudViewer::core::HashData< K, V >::vals_.
| void cloudViewer::core::HashInsertInt | ( | benchmark::State & | state, |
| int | capacity, | ||
| int | duplicate_factor, | ||
| const Device & | device, | ||
| const HashBackendType & | backend | ||
| ) |
Definition at line 52 of file HashMap.cpp.
References Int32, cloudViewer::core::HashData< K, V >::keys_, LogError, max(), slots, cloudViewer::core::cuda::Synchronize(), and cloudViewer::core::HashData< K, V >::vals_.
| void cloudViewer::core::HashInsertInt3 | ( | benchmark::State & | state, |
| int | capacity, | ||
| int | duplicate_factor, | ||
| const Device & | device, | ||
| const HashBackendType & | backend | ||
| ) |
Definition at line 266 of file HashMap.cpp.
References Int32, cloudViewer::core::HashData< K, V >::keys_, LogError, max(), slots, cloudViewer::core::cuda::Synchronize(), and cloudViewer::core::HashData< K, V >::vals_.
| void cloudViewer::core::HashReserveInt | ( | benchmark::State & | state, |
| int | capacity, | ||
| int | duplicate_factor, | ||
| const Device & | device, | ||
| const HashBackendType & | backend | ||
| ) |
Definition at line 205 of file HashMap.cpp.
References Int32, cloudViewer::core::HashData< K, V >::keys_, LogError, max(), slots, cloudViewer::core::cuda::Synchronize(), and cloudViewer::core::HashData< K, V >::vals_.
| void cloudViewer::core::HashReserveInt3 | ( | benchmark::State & | state, |
| int | capacity, | ||
| int | duplicate_factor, | ||
| const Device & | device, | ||
| const HashBackendType & | backend | ||
| ) |
Definition at line 430 of file HashMap.cpp.
References Int32, cloudViewer::core::HashData< K, V >::keys_, LogError, max(), slots, cloudViewer::core::cuda::Synchronize(), and cloudViewer::core::HashData< K, V >::vals_.
| __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 | ||
| ) |
Kernels.
Definition at line 474 of file SlabHashBackendImpl.h.
References cloudViewer::core::SlabHashBackendImpl< Key, Hash, Eq >::buffer_accessor_, count, cloudViewer::core::CUDAHashBackendBufferAccessor::GetKeyPtr(), and cloudViewer::core::CUDAHashBackendBufferAccessor::heap_.
Referenced by cloudViewer::core::SlabHashBackend< Key, Hash, Eq >::Insert().
| __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 | ||
| ) |
Definition at line 493 of file SlabHashBackendImpl.h.
References cloudViewer::core::SlabHashBackendImpl< Key, Hash, Eq >::ComputeBucket(), count, cloudViewer::core::SlabNodeManagerImpl::Init(), cloudViewer::core::SlabHashBackendImpl< Key, Hash, Eq >::Insert(), and cloudViewer::core::SlabHashBackendImpl< Key, Hash, Eq >::node_mgr_impl_.
Referenced by cloudViewer::core::SlabHashBackend< Key, Hash, Eq >::Insert().
| __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 | ||
| ) |
Definition at line 530 of file SlabHashBackendImpl.h.
References cloudViewer::core::SlabHashBackendImpl< Key, Hash, Eq >::buffer_accessor_, count, cloudViewer::core::CUDAHashBackendBufferAccessor::DeviceFree(), cloudViewer::core::CUDAHashBackendBufferAccessor::GetValuePtr(), and cloudViewer::core::CUDAHashBackendBufferAccessor::value_blocks_per_element_.
| 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().
Computes A^{-1} with LU factorization, where A is a N x N square matrix.
Definition at line 18 of file Inverse.cpp.
References AssertTensorDtypes, CLOUDVIEWER_CPU_LINALG_INT, cloudViewer::core::Tensor::Contiguous(), cloudViewer::core::Tensor::Empty(), cloudViewer::core::Tensor::Eye(), Float32, Float64, cloudViewer::core::Tensor::GetDataPtr(), cloudViewer::core::Tensor::GetDevice(), cloudViewer::core::Tensor::GetDtype(), cloudViewer::core::Tensor::GetShape(), Int32, Int64, InverseCPU(), InverseCUDA(), InverseSYCL(), LogError, cloudViewer::core::SmallVectorBase< Size_T >::size(), cloudViewer::core::Tensor::T(), cloudViewer::core::Tensor::To(), and cloudViewer::core::Tensor::Zeros().
Referenced by cloudViewer::t::pipelines::kernel::ComputePoseDopplerICP(), cloudViewer::core::Tensor::Inverse(), and pybind_core_linalg().
| 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().
| void cloudViewer::core::InverseCPU | ( | void * | A_data, |
| void * | ipiv_data, | ||
| void * | output_data, | ||
| int64_t | n, | ||
| Dtype | dtype, | ||
| const Device & | device | ||
| ) |
Definition at line 15 of file InverseCPU.cpp.
References CLOUDVIEWER_CPU_LINALG_INT, DISPATCH_LINALG_DTYPE_TO_TEMPLATE, and OPEN3D_LAPACK_CHECK().
| void cloudViewer::core::InverseCUDA | ( | void * | A_data, |
| void * | ipiv_data, | ||
| void * | output_data, | ||
| int64_t | n, | ||
| Dtype | dtype, | ||
| const Device & | device | ||
| ) |
Definition at line 16 of file InverseCUDA.cpp.
References DISPATCH_LINALG_DTYPE_TO_TEMPLATE, cloudViewer::core::Blob::GetDataPtr(), and Runtime::GetInstance().
Referenced by Inverse().
| void cloudViewer::core::InverseSYCL | ( | void * | A_data, |
| void * | ipiv_data, | ||
| void * | output_data, | ||
| int64_t | n, | ||
| Dtype | dtype, | ||
| const Device & | device | ||
| ) |
Definition at line 19 of file InverseSYCL.cpp.
References DISPATCH_LINALG_DTYPE_TO_TEMPLATE, cloudViewer::core::Blob::GetDataPtr(), cloudViewer::core::sy::SYCLContext::GetDefaultQueue(), cloudViewer::core::sy::SYCLContext::GetInstance(), and max().
Referenced by Inverse().
Solve AX = B with QR decomposition. A is a full-rank m x n matrix (m >= n).
Definition at line 17 of file LeastSquares.cpp.
References AssertTensorDevice, AssertTensorDtype, AssertTensorDtypes, cloudViewer::core::Tensor::Clone(), Float32, Float64, cloudViewer::core::Tensor::GetDataPtr(), cloudViewer::core::Tensor::GetDevice(), cloudViewer::core::Tensor::GetDtype(), cloudViewer::core::Tensor::GetShape(), cloudViewer::core::Device::IsCUDA(), cloudViewer::core::Device::IsSYCL(), LeastSquaresCPU(), LeastSquaresCUDA(), LeastSquaresSYCL(), LogError, cloudViewer::core::SmallVectorBase< Size_T >::size(), cloudViewer::core::Tensor::Slice(), cloudViewer::core::Tensor::T(), and X.
Referenced by cloudViewer::core::Tensor::LeastSquares(), and pybind_core_linalg().
| 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().
| void cloudViewer::core::LeastSquaresCUDA | ( | void * | A_data, |
| void * | B_data, | ||
| int64_t | m, | ||
| int64_t | n, | ||
| int64_t | k, | ||
| Dtype | dtype, | ||
| const Device & | device | ||
| ) |
Definition at line 24 of file LeastSquaresCUDA.cpp.
References DISPATCH_LINALG_DTYPE_TO_TEMPLATE, cloudViewer::core::Blob::GetDataPtr(), Runtime::GetInstance(), and max().
Referenced by LeastSquares().
| void cloudViewer::core::LeastSquaresSYCL | ( | void * | A_data, |
| void * | B_data, | ||
| int64_t | m, | ||
| int64_t | n, | ||
| int64_t | k, | ||
| Dtype | dtype, | ||
| const Device & | device | ||
| ) |
Definition at line 19 of file LeastSquaresSYCL.cpp.
References DISPATCH_LINALG_DTYPE_TO_TEMPLATE, cloudViewer::core::Blob::GetDataPtr(), cloudViewer::core::sy::SYCLContext::GetDefaultQueue(), cloudViewer::core::sy::SYCLContext::GetInstance(), and max().
Referenced by LeastSquares().
| void cloudViewer::core::LU | ( | const Tensor & | A, |
| Tensor & | permutation, | ||
| Tensor & | lower, | ||
| Tensor & | upper, | ||
| const bool | permute_l | ||
| ) |
Definition at line 126 of file LU.cpp.
References AssertTensorDtypes, Float32, Float64, cloudViewer::core::Tensor::GetShape(), LUIpiv(), min(), OutputToPLU(), and cloudViewer::core::Tensor::Slice().
Referenced by cloudViewer::core::Tensor::LU(), and pybind_core_linalg().
| 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().
| void cloudViewer::core::LUCUDA | ( | void * | A_data, |
| void * | ipiv_data, | ||
| int64_t | rows, | ||
| int64_t | cols, | ||
| Dtype | dtype, | ||
| const Device & | device | ||
| ) |
Definition at line 15 of file LUCUDA.cpp.
References DISPATCH_LINALG_DTYPE_TO_TEMPLATE, cloudViewer::core::MemoryManager::Free(), Runtime::GetInstance(), and cloudViewer::core::MemoryManager::Malloc().
Referenced by LUIpiv().
Definition at line 62 of file LU.cpp.
References AssertTensorDtypes, cloudViewer::core::Tensor::Clone(), CLOUDVIEWER_CPU_LINALG_INT, cloudViewer::core::Tensor::Contiguous(), cloudViewer::core::Tensor::Empty(), Float32, Float64, cloudViewer::core::Tensor::GetDataPtr(), cloudViewer::core::Tensor::GetDevice(), cloudViewer::core::Tensor::GetDtype(), cloudViewer::core::Tensor::GetShape(), Int32, Int64, LogError, LogInfo, LUCPU(), LUCUDA(), LUSYCL(), min(), cloudViewer::core::SmallVectorBase< Size_T >::size(), and cloudViewer::core::Tensor::T().
Referenced by Det(), LU(), cloudViewer::core::Tensor::LUIpiv(), and pybind_core_linalg().
| void cloudViewer::core::LUSYCL | ( | void * | A_data, |
| void * | ipiv_data, | ||
| int64_t | m, | ||
| int64_t | n, | ||
| Dtype | dtype, | ||
| const Device & | device | ||
| ) |
Definition at line 19 of file LUSYCL.cpp.
References DISPATCH_LINALG_DTYPE_TO_TEMPLATE, cloudViewer::core::Blob::GetDataPtr(), cloudViewer::core::sy::SYCLContext::GetDefaultQueue(), and cloudViewer::core::sy::SYCLContext::GetInstance().
Referenced by LUIpiv().
| 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().
| std::shared_ptr<MemoryManagerDevice> cloudViewer::core::MakeMemoryManager | ( | const Device & | device, |
| const MemoryManagerBackend & | backend | ||
| ) |
Definition at line 19 of file MemoryManager.cpp.
References Cached, cloudViewer::core::Device::CPU, cloudViewer::core::Device::CUDA, Direct, cloudViewer::core::Device::GetType(), LogError, and cloudViewer::core::Device::ToString().
|
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().
| std::function<Tensor(const Tensor&)> cloudViewer::core::MakeOperation | ( | UnaryOpCode | op | ) |
Definition at line 40 of file UnaryEW.cpp.
References cloudViewer::core::Tensor::Abs(), Abs, cloudViewer::core::Tensor::Ceil(), Ceil, cloudViewer::core::Tensor::Cos(), Cos, cloudViewer::core::Tensor::Exp(), Exp, cloudViewer::core::Tensor::Floor(), Floor, cloudViewer::core::Tensor::IsFinite(), IsFinite, cloudViewer::core::Tensor::IsInf(), IsInf, cloudViewer::core::Tensor::IsNan(), IsNan, LogError, cloudViewer::core::Tensor::LogicalNot(), LogicalNot, cloudViewer::core::Tensor::Neg(), Neg, cloudViewer::core::Tensor::Round(), Round, cloudViewer::core::Tensor::Sin(), Sin, cloudViewer::core::Tensor::Sqrt(), Sqrt, cloudViewer::core::Tensor::Trunc(), and Trunc.
| void cloudViewer::core::Malloc | ( | benchmark::State & | state, |
| int | size, | ||
| const Device & | device, | ||
| const MemoryManagerBackend & | backend | ||
| ) |
Definition at line 47 of file MemoryManager.cpp.
References MakeMemoryManager(), cloudViewer::core::MemoryManagerCached::ReleaseCache(), size, and cloudViewer::core::cuda::Synchronize().
Computes matrix multiplication C = AB.
Definition at line 17 of file Matmul.cpp.
References AssertTensorDevice, AssertTensorDtype, cloudViewer::core::Tensor::Contiguous(), cloudViewer::core::Tensor::Empty(), Float32, Float64, cloudViewer::core::Tensor::GetDataPtr(), cloudViewer::core::Tensor::GetDevice(), cloudViewer::core::Tensor::GetDtype(), cloudViewer::core::Tensor::GetShape(), cloudViewer::core::Device::IsCUDA(), cloudViewer::core::Device::IsSYCL(), LogDebug, LogError, MatmulCPU(), MatmulCUDA(), MatmulSYCL(), cloudViewer::core::SmallVectorBase< Size_T >::size(), cloudViewer::core::Tensor::To(), and cloudViewer::core::Dtype::ToString().
Referenced by cloudViewer::core::Tensor::Matmul(), and pybind_core_linalg().
| void cloudViewer::core::MatmulAB | ( | benchmark::State & | state, |
| const Device & | device | ||
| ) |
Definition at line 17 of file Linalg.cpp.
References Float32, cloudViewer::core::Tensor::Matmul(), cloudViewer::core::Tensor::Ones(), and cloudViewer::core::cuda::Synchronize().
| 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().
| 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().
| 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 | ||
| ) |
Definition at line 19 of file MatmulSYCL.cpp.
References DISPATCH_LINALG_DTYPE_TO_TEMPLATE, cloudViewer::core::sy::SYCLContext::GetDefaultQueue(), and cloudViewer::core::sy::SYCLContext::GetInstance().
Referenced by Matmul().
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).
| input | The input tensor. |
| other | The 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().
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).
| input | The input tensor. |
| other | The 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().
|
inline |
Definition at line 36 of file LinalgUtils.h.
References LogError.
Referenced by InverseCPU(), LeastSquaresCPU(), LUCPU(), SolveCPU(), and SVDCPU().
|
inline |
Definition at line 1422 of file Tensor.h.
References cloudViewer::core::Tensor::Full(), cloudViewer::core::Tensor::GetDevice(), and cloudViewer::core::Tensor::GetDtype().
|
inline |
Definition at line 1432 of file Tensor.h.
References cloudViewer::core::Tensor::Full(), cloudViewer::core::Tensor::GetDevice(), and cloudViewer::core::Tensor::GetDtype().
|
static |
Definition at line 38 of file LU.cpp.
References cloudViewer::core::Tensor::Contiguous(), cloudViewer::core::Tensor::Eye(), GetColPermutation(), cloudViewer::core::Tensor::GetDevice(), cloudViewer::core::Tensor::GetDtype(), cloudViewer::core::Tensor::GetShape(), cloudViewer::core::Tensor::IndexGet(), cloudViewer::core::Tensor::Matmul(), cloudViewer::core::Tensor::T(), and Triul().
Referenced by LU().
| void cloudViewer::core::ParallelFor | ( | const Device & | device, |
| int64_t | n, | ||
| const func_t & | func | ||
| ) |
Run a function in parallel on CPU or CUDA.
| device | The device for the parallel for loop to run on. |
| n | The number of workloads. |
| func | The function to be executed in parallel. The function should take an int64_t workload index and returns void, i.e., void func(int64_t). |
func takes the same time. 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().
| 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.
| device | The device for the parallel for loop to run on. |
| n | The number of workloads. |
| func | The 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_func | The 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). |
func takes the same time. Example:
Definition at line 166 of file ParallelFor.h.
References cloudViewer::utility::EstimateMaxThreads(), and ParallelForCPU_().
| 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().
| void cloudViewer::core::ParallelForScalar | ( | benchmark::State & | state, |
| int | size | ||
| ) |
Definition at line 18 of file ParallelFor.cpp.
References ParallelFor(), and size.
| void cloudViewer::core::ParallelForSYCL | ( | const Device & | device, |
| Indexer | indexer, | ||
| FuncArgs... | func_args | ||
| ) |
Run a function in parallel with SYCL.
TODO: Specify grid size based on device properties
Definition at line 24 of file ParallelForSYCL.h.
References cloudViewer::core::sy::SYCLContext::GetDefaultQueue(), cloudViewer::core::sy::SYCLContext::GetInstance(), indexer, cloudViewer::core::Device::IsSYCL(), LogError, cloudViewer::core::Indexer::NumWorkloads(), and cloudViewer::core::Device::ToString().
Referenced by cloudViewer::core::kernel::BinaryEWSYCL().
| 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().
| void cloudViewer::core::ParallelForVectorized | ( | benchmark::State & | state, |
| int | size | ||
| ) |
Definition at line 41 of file ParallelFor.cpp.
References CLOUDVIEWER_VECTORIZED, ParallelFor(), and size.
| 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.
| inplace | If 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().
| void cloudViewer::core::pybind_core | ( | py::module & | m | ) |
Definition at line 20 of file core.cpp.
References pybind_core_blob(), pybind_core_device(), pybind_core_dtype(), pybind_core_hashmap(), pybind_core_hashset(), pybind_core_kernel(), pybind_core_linalg(), cloudViewer::core::nns::pybind_core_nns(), pybind_core_scalar(), pybind_core_size_vector(), pybind_core_tensor(), pybind_core_tensor_function(), pybind_core_tensorlist(), and pybind_cuda_utils().
Referenced by cloudViewer::PYBIND11_MODULE().
| void cloudViewer::core::pybind_core_blob | ( | py::module & | m | ) |
Definition at line 17 of file blob.cpp.
Referenced by pybind_core().
| void cloudViewer::core::pybind_core_device | ( | py::module & | m | ) |
Definition at line 17 of file device.cpp.
References cloudViewer::core::Device::CPU, cloudViewer::core::Device::CUDA, format, cloudViewer::core::Device::GetID(), cloudViewer::core::Device::GetType(), LogError, cloudViewer::core::Device::SYCL, and cloudViewer::core::Device::ToString().
Referenced by pybind_core().
| void cloudViewer::core::pybind_core_dtype | ( | py::module & | m | ) |
Definition at line 17 of file dtype.cpp.
References Bool, cloudViewer::core::Dtype::Bool, cloudViewer::core::Dtype::ByteSize(), cloudViewer::core::Dtype::Float, Float32, Float64, cloudViewer::core::Dtype::GetDtypeCode(), cloudViewer::core::Dtype::Int, Int16, Int32, Int64, Int8, cloudViewer::core::Dtype::Object, cloudViewer::core::Dtype::ToString(), cloudViewer::core::Dtype::UInt, UInt16, UInt32, UInt64, UInt8, Undefined, and cloudViewer::core::Dtype::Undefined.
Referenced by pybind_core().
| void cloudViewer::core::pybind_core_hashmap | ( | py::module & | m | ) |
Definition at line 53 of file hashmap.cpp.
References cloudViewer::core::HashMap::Activate(), argument_docs, cloudViewer::docstring::ClassMethodDocInject(), cloudViewer::core::HashMap::Clone(), Default, cloudViewer::core::HashMap::Erase(), cloudViewer::core::HashMap::Find(), cloudViewer::core::HashMap::GetActiveIndices(), cloudViewer::core::HashMap::GetCapacity(), cloudViewer::core::HashMap::GetDevice(), cloudViewer::core::HashMap::GetKeyTensor(), cloudViewer::core::HashMap::GetValueTensor(), cloudViewer::core::HashMap::GetValueTensors(), cloudViewer::core::HashMap::Insert(), cloudViewer::core::IsDevice::IsCPU(), cloudViewer::core::IsDevice::IsCUDA(), cloudViewer::core::HashMap::Load(), cloudViewer::core::HashMap::Reserve(), cloudViewer::core::HashMap::Save(), cloudViewer::core::HashMap::Size(), Slab, StdGPU, TBB, and cloudViewer::core::HashMap::To().
Referenced by pybind_core().
| void cloudViewer::core::pybind_core_hashset | ( | py::module & | m | ) |
Definition at line 204 of file hashmap.cpp.
References argument_docs, cloudViewer::docstring::ClassMethodDocInject(), cloudViewer::core::HashSet::Clone(), cloudViewer::core::HashSet::Erase(), cloudViewer::core::HashSet::Find(), cloudViewer::core::HashSet::GetActiveIndices(), cloudViewer::core::HashSet::GetCapacity(), cloudViewer::core::HashSet::GetDevice(), cloudViewer::core::HashSet::GetKeyTensor(), cloudViewer::core::HashSet::Insert(), cloudViewer::core::IsDevice::IsCPU(), cloudViewer::core::IsDevice::IsCUDA(), cloudViewer::core::HashSet::Load(), cloudViewer::core::HashSet::Reserve(), cloudViewer::core::HashSet::Save(), cloudViewer::core::HashSet::Size(), and cloudViewer::core::HashSet::To().
Referenced by pybind_core().
| 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().
| void cloudViewer::core::pybind_core_linalg | ( | py::module & | m | ) |
Definition at line 24 of file linalg.cpp.
References AddMM(), Det(), cloudViewer::core::Tensor::Expand(), cloudViewer::core::Tensor::GetShape(), Inverse(), LeastSquares(), LU(), LUIpiv(), Matmul(), Solve(), SVD(), Tril(), Triu(), and Triul().
Referenced by pybind_core().
| void cloudViewer::core::pybind_core_scalar | ( | py::module & | m | ) |
Definition at line 15 of file scalar.cpp.
Referenced by pybind_core().
| 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().
| 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().
| 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().
| void cloudViewer::core::pybind_core_tensor_function | ( | py::module & | m | ) |
Definition at line 17 of file tensor_function.cpp.
References Append(), Concatenate(), cloudViewer::utility::optional< T >::has_value(), Maximum(), and Minimum().
Referenced by pybind_core().
| void cloudViewer::core::pybind_core_tensorlist | ( | py::module & | m | ) |
Definition at line 27 of file tensorlist.cpp.
References cloudViewer::core::TensorList::AsTensor(), cloudViewer::core::TensorList::Clone(), cloudViewer::core::TensorList::Concatenate(), cloudViewer::core::TensorList::CopyFrom(), cloudViewer::core::TensorList::Extend(), cloudViewer::core::TensorList::FromTensor(), cloudViewer::core::TensorList::GetDevice(), cloudViewer::core::TensorList::GetDtype(), cloudViewer::core::TensorList::GetElementShape(), cloudViewer::core::TensorList::GetSize(), cloudViewer::core::TensorList::IsResizable(), cloudViewer::core::TensorList::PushBack(), cloudViewer::core::TensorList::Resize(), and cloudViewer::core::TensorList::ToString().
Referenced by pybind_core().
| void cloudViewer::core::pybind_cuda_utils | ( | py::module & | m | ) |
Definition at line 16 of file cuda_utils.cpp.
References cloudViewer::core::cuda::DeviceCount(), cloudViewer::utility::optional< T >::has_value(), cloudViewer::core::cuda::IsAvailable(), and cloudViewer::core::cuda::ReleaseCache().
Referenced by pybind_core().
|
static |
Definition at line 115 of file tensor_accessor.cpp.
References cloudViewer::core::Tensor::Init(), PyHandleToTensorKey(), and ToTensorKey().
Referenced by pybind_core_tensor_accessor().
|
static |
Definition at line 157 of file tensor_accessor.cpp.
References cloudViewer::core::Tensor::Init(), PyHandleToTensor(), PyHandleToTensorKey(), and ToTensorKey().
Referenced by pybind_core_tensor_accessor().
| 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().
|
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().
| 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().
| 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().
| void cloudViewer::core::Reduction | ( | benchmark::State & | state, |
| const Device & | device | ||
| ) |
Definition at line 21 of file Reduction.cpp.
References Int64, cloudViewer::core::Tensor::Sum(), and cloudViewer::core::cuda::Synchronize().
|
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().
|
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().
|
inline |
Definition at line 58 of file SmallVector.h.
Referenced by cloudViewer::core::SmallVectorBase< Size_T >::grow_pod(), cloudViewer::core::SmallVectorBase< Size_T >::mallocForGrow(), and safe_realloc().
|
inline |
Definition at line 70 of file SmallVector.h.
References safe_malloc().
Referenced by cloudViewer::core::SmallVectorBase< Size_T >::grow_pod().
Solve AX = B with LU decomposition. A is a square matrix.
Definition at line 22 of file Solve.cpp.
References AssertTensorDevice, AssertTensorDtype, AssertTensorDtypes, cloudViewer::core::Tensor::Clone(), CLOUDVIEWER_CPU_LINALG_INT, cloudViewer::core::Tensor::Empty(), Float32, Float64, cloudViewer::core::Tensor::GetDataPtr(), cloudViewer::core::Tensor::GetDevice(), cloudViewer::core::Tensor::GetDtype(), cloudViewer::core::Tensor::GetShape(), Int32, Int64, LogError, cloudViewer::core::SmallVectorBase< Size_T >::size(), SolveCPU(), SolveCUDA(), SolveSYCL(), cloudViewer::core::Tensor::T(), and X.
Referenced by pybind_core_linalg(), and cloudViewer::core::Tensor::Solve().
| 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().
| void cloudViewer::core::SolveCUDA | ( | void * | A_data, |
| void * | B_data, | ||
| void * | ipiv_data, | ||
| int64_t | n, | ||
| int64_t | k, | ||
| Dtype | dtype, | ||
| const Device & | device | ||
| ) |
Definition at line 20 of file SolveCUDA.cpp.
References DISPATCH_LINALG_DTYPE_TO_TEMPLATE, cloudViewer::core::Blob::GetDataPtr(), and Runtime::GetInstance().
Referenced by Solve().
| void cloudViewer::core::SolveSYCL | ( | void * | A_data, |
| void * | B_data, | ||
| void * | ipiv_data, | ||
| int64_t | n, | ||
| int64_t | k, | ||
| Dtype | dtype, | ||
| const Device & | device | ||
| ) |
Definition at line 19 of file SolveSYCL.cpp.
References DISPATCH_LINALG_DTYPE_TO_TEMPLATE, cloudViewer::core::Blob::GetDataPtr(), cloudViewer::core::sy::SYCLContext::GetDefaultQueue(), and cloudViewer::core::sy::SYCLContext::GetInstance().
Referenced by Solve().
| __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 | ||
| ) |
Definition at line 211 of file StdGPUHashBackend.h.
References count, and cloudViewer::core::CUDAHashBackendBufferAccessor::DeviceFree().
Referenced by cloudViewer::core::StdGPUHashBackend< Key, Hash, Eq >::Erase().
| __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().
| __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 | ||
| ) |
Definition at line 305 of file StdGPUHashBackend.h.
References count, cloudViewer::core::CUDAHashBackendBufferAccessor::DeviceAllocate(), cloudViewer::core::CUDAHashBackendBufferAccessor::GetKeyPtr(), cloudViewer::core::CUDAHashBackendBufferAccessor::GetValuePtr(), and cloudViewer::core::CUDAHashBackendBufferAccessor::value_blocks_per_element_.
|
static |
Definition at line 47 of file Device.cpp.
References LogError, and cloudViewer::utility::SplitString().
|
static |
Definition at line 22 of file Device.cpp.
References cloudViewer::core::Device::CPU, cloudViewer::core::Device::CUDA, LogError, cloudViewer::utility::SplitString(), cloudViewer::core::Device::SYCL, and cloudViewer::utility::ToLower().
Computes SVD decomposition A = U S VT, where A is an m x n, U is an m x m, S is a min(m, n), VT is an n x n tensor.
Definition at line 17 of file SVD.cpp.
References AssertTensorDtypes, cloudViewer::core::Tensor::Contiguous(), cloudViewer::core::Tensor::Empty(), Float32, Float64, cloudViewer::core::Tensor::GetDataPtr(), cloudViewer::core::Tensor::GetDevice(), cloudViewer::core::Tensor::GetDtype(), cloudViewer::core::Tensor::GetShape(), LogError, min(), cloudViewer::core::SmallVectorBase< Size_T >::size(), SVDCPU(), SVDCUDA(), SVDSYCL(), and cloudViewer::core::Tensor::T().
Referenced by pybind_core_linalg(), and cloudViewer::core::Tensor::SVD().
| 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().
| 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 | ||
| ) |
Definition at line 16 of file SVDCUDA.cpp.
References DISPATCH_LINALG_DTYPE_TO_TEMPLATE, cloudViewer::core::Blob::GetDataPtr(), and Runtime::GetInstance().
Referenced by SVD().
| 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 | ||
| ) |
Definition at line 19 of file SVDSYCL.cpp.
References DISPATCH_LINALG_DTYPE_TO_TEMPLATE, cloudViewer::core::Blob::GetDataPtr(), cloudViewer::core::sy::SYCLContext::GetDefaultQueue(), and cloudViewer::core::sy::SYCLContext::GetInstance().
Referenced by SVD().
| 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().
| 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.
| SmallVector<ValueTypeFromRangeType<R>, CalculateSmallVectorDefaultInlinedElements< ValueTypeFromRangeType<R> >::value> cloudViewer::core::to_vector | ( | R && | Range | ) |
Definition at line 1359 of file SmallVector.h.
|
static |
Definition at line 212 of file tensor.cpp.
|
static |
Definition at line 66 of file tensor_accessor.cpp.
References Bool, cloudViewer::core::Tensor::GetDtype(), cloudViewer::core::TensorKey::IndexTensor(), Int64, PyArrayToTensor(), and cloudViewer::core::Tensor::To().
|
static |
Definition at line 50 of file tensor_accessor.cpp.
References Bool, cloudViewer::core::Tensor::GetDtype(), cloudViewer::core::TensorKey::IndexTensor(), Int64, PyTupleToTensor(), and cloudViewer::core::Tensor::To().
|
static |
Definition at line 28 of file tensor_accessor.cpp.
References None, and cloudViewer::core::TensorKey::Slice().
|
static |
Definition at line 58 of file tensor_accessor.cpp.
References Bool, cloudViewer::core::Tensor::GetDtype(), cloudViewer::core::TensorKey::IndexTensor(), Int64, PyTupleToTensor(), and cloudViewer::core::Tensor::To().
Definition at line 74 of file tensor_accessor.cpp.
References Bool, cloudViewer::core::Tensor::GetDtype(), cloudViewer::core::TensorKey::IndexTensor(), Int64, and cloudViewer::core::Tensor::To().
|
static |
Definition at line 26 of file tensor_accessor.cpp.
References cloudViewer::core::TensorKey::Index().
Referenced by pybind_getitem(), pybind_setitem(), and PyHandleToTensorKey().
Definition at line 57 of file Tri.cpp.
References CheckInput(), cloudViewer::core::Tensor::Contiguous(), cloudViewer::core::Tensor::GetDevice(), cloudViewer::core::Tensor::GetDtype(), cloudViewer::core::Tensor::GetShape(), cloudViewer::core::Device::IsCUDA(), cloudViewer::core::Device::IsSYCL(), LogError, TrilCPU(), TrilSYCL(), and cloudViewer::core::Tensor::Zeros().
Referenced by pybind_core_linalg(), and cloudViewer::core::Tensor::Tril().
Definition at line 35 of file TriCPU.cpp.
References DISPATCH_DTYPE_TO_TEMPLATE, and cloudViewer::core::Tensor::GetDtype().
Referenced by Tril().
Definition at line 34 of file TriSYCL.cpp.
References DISPATCH_DTYPE_TO_TEMPLATE, cloudViewer::core::Tensor::GetDevice(), cloudViewer::core::Tensor::GetDtype(), and Runtime::GetInstance().
Referenced by Tril().
Definition at line 35 of file Tri.cpp.
References CheckInput(), cloudViewer::core::Tensor::Contiguous(), cloudViewer::core::Tensor::GetDevice(), cloudViewer::core::Tensor::GetDtype(), cloudViewer::core::Tensor::GetShape(), cloudViewer::core::Device::IsCUDA(), cloudViewer::core::Device::IsSYCL(), LogError, TriuCPU(), TriuSYCL(), and cloudViewer::core::Tensor::Zeros().
Referenced by pybind_core_linalg(), and cloudViewer::core::Tensor::Triu().
Definition at line 17 of file TriCPU.cpp.
References DISPATCH_DTYPE_TO_TEMPLATE, and cloudViewer::core::Tensor::GetDtype().
Referenced by Triu().
| void cloudViewer::core::Triul | ( | const Tensor & | A, |
| Tensor & | upper, | ||
| Tensor & | lower, | ||
| const int | diagonal | ||
| ) |
Definition at line 79 of file Tri.cpp.
References CheckInput(), cloudViewer::core::Tensor::Contiguous(), cloudViewer::core::Tensor::GetDevice(), cloudViewer::core::Tensor::GetDtype(), cloudViewer::core::Tensor::GetShape(), cloudViewer::core::Device::IsCUDA(), cloudViewer::core::Device::IsSYCL(), LogError, TriulCPU(), TriulSYCL(), and cloudViewer::core::Tensor::Zeros().
Referenced by OutputToPLU(), pybind_core_linalg(), and cloudViewer::core::Tensor::Triul().
| 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().
| void cloudViewer::core::TriulSYCL | ( | const Tensor & | A, |
| Tensor & | upper, | ||
| Tensor & | lower, | ||
| const int | diagonal | ||
| ) |
Definition at line 52 of file TriSYCL.cpp.
References DISPATCH_DTYPE_TO_TEMPLATE, cloudViewer::core::Tensor::GetDevice(), cloudViewer::core::Tensor::GetDtype(), and Runtime::GetInstance().
Referenced by Triul().
Definition at line 16 of file TriSYCL.cpp.
References DISPATCH_DTYPE_TO_TEMPLATE, cloudViewer::core::sy::SYCLContext::GetDefaultQueue(), cloudViewer::core::Tensor::GetDevice(), cloudViewer::core::Tensor::GetDtype(), and cloudViewer::core::sy::SYCLContext::GetInstance().
Referenced by Triu().
| void cloudViewer::core::UnaryEW | ( | benchmark::State & | state, |
| int | size, | ||
| UnaryOpCode | op_code, | ||
| const Dtype & | dtype, | ||
| const Device & | device | ||
| ) |
Definition at line 89 of file UnaryEW.cpp.
References MakeOperation(), cloudViewer::benchmarks::Rand(), result, size, and cloudViewer::core::cuda::Synchronize().
| cloudViewer::core::Unit | ( | benchmark::kMillisecond | ) |
| void cloudViewer::core::Zeros | ( | benchmark::State & | state, |
| const Device & | device | ||
| ) |
Definition at line 16 of file Zeros.cpp.
References Float32, cloudViewer::core::cuda::Synchronize(), and cloudViewer::core::Tensor::Zeros().
Referenced by cloudViewer::t::geometry::RaycastingScene::ListIntersections().
| const std::unordered_map< std::string, std::string > cloudViewer::core::argument_docs |
Definition at line 22 of file hashmap.cpp.
Referenced by BindTensorCreation(), pybind_core_hashmap(), pybind_core_hashset(), and pybind_core_tensor().
| 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().
| 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().
| 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().
| const Dtype cloudViewer::core::Int16 = Dtype::Int16 |
Definition at line 45 of file Dtype.cpp.
Referenced by cloudViewer::pybind_utils::ArrayFormatToDtype(), cloudViewer::io::rpc::ArrayToTensor(), DLDataTypeToDtype(), cloudViewer::pybind_utils::DtypeToArrayFormat(), cloudViewer::t::io::DtypeToChar(), DtypeToDLDataTypeCode(), cloudViewer::t::geometry::vtkutils::DtypeToVtkType(), cloudViewer::t::geometry::Image::FilterSobel(), cloudViewer::t::io::NumpyArray::GetDtype(), pybind_core_dtype(), cloudViewer::t::io::SetPCDHeaderFieldTypeAndSizeFromDtype(), and cloudViewer::t::geometry::kernel::image::ToCPU().
| 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().
| 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().
| const Dtype cloudViewer::core::Int8 = Dtype::Int8 |
Definition at line 44 of file Dtype.cpp.
Referenced by cloudViewer::pybind_utils::ArrayFormatToDtype(), cloudViewer::io::rpc::ArrayToTensor(), DLDataTypeToDtype(), cloudViewer::pybind_utils::DtypeToArrayFormat(), cloudViewer::t::io::DtypeToChar(), DtypeToDLDataTypeCode(), cloudViewer::t::geometry::vtkutils::DtypeToVtkType(), cloudViewer::t::io::NumpyArray::GetDtype(), pybind_core_dtype(), cloudViewer::t::io::SetPCDHeaderFieldTypeAndSizeFromDtype(), and cloudViewer::t::geometry::kernel::image::ToCPU().
|
staticconstexpr |
Definition at line 52 of file SlabMacros.h.
|
staticconstexpr |
Definition at line 62 of file SlabMacros.h.
Referenced by cloudViewer::core::SlabNodeManagerImpl::WarpAllocate().
|
staticconstexpr |
Definition at line 38 of file SlabMacros.h.
Referenced by cloudViewer::core::SlabNodeManager::CountSlabsPerSuperblock(), and cloudViewer::core::SlabNodeManager::Reset().
|
staticconstexpr |
Definition at line 39 of file SlabMacros.h.
|
staticconstexpr |
Definition at line 73 of file SlabMacros.h.
Referenced by CountElemsPerBucketKernel(), cloudViewer::core::SlabHashBackendImpl< Key, Hash, Eq >::Erase(), GetActiveIndicesKernel(), cloudViewer::core::SlabHashBackendImpl< Key, Hash, Eq >::Insert(), cloudViewer::core::SlabHashBackendImpl< Key, Hash, Eq >::WarpFindEmpty(), and cloudViewer::core::SlabHashBackendImpl< Key, Hash, Eq >::WarpFindKey().
|
staticconstexpr |
Definition at line 72 of file SlabMacros.h.
Referenced by CountElemsPerBucketKernel(), cloudViewer::core::SlabHashBackendImpl< Key, Hash, Eq >::Erase(), cloudViewer::core::SlabHashBackendImpl< Key, Hash, Eq >::Find(), GetActiveIndicesKernel(), and cloudViewer::core::SlabHashBackendImpl< Key, Hash, Eq >::Insert().
|
staticconstexpr |
Definition at line 70 of file SlabMacros.h.
Referenced by cloudViewer::core::SlabHashBackendImpl< Key, Hash, Eq >::Erase(), cloudViewer::core::SlabHashBackendImpl< Key, Hash, Eq >::Find(), cloudViewer::core::SlabHashBackendImpl< Key, Hash, Eq >::Insert(), and cloudViewer::core::SlabHashBackendImpl< Key, Hash, Eq >::SlabEntryPtr().
|
staticconstexpr |
Definition at line 43 of file SlabMacros.h.
|
staticconstexpr |
Definition at line 68 of file SlabMacros.h.
Referenced by CountElemsPerBucketKernel(), cloudViewer::core::SlabHashBackendImpl< Key, Hash, Eq >::Erase(), cloudViewer::core::SlabHashBackendImpl< Key, Hash, Eq >::Find(), GetActiveIndicesKernel(), and cloudViewer::core::SlabHashBackendImpl< Key, Hash, Eq >::Insert().
|
staticconstexpr |
Definition at line 67 of file SlabMacros.h.
Referenced by CountElemsPerBucketKernel(), GetActiveIndicesKernel(), cloudViewer::core::SlabHashBackendImpl< Key, Hash, Eq >::WarpFindEmpty(), and cloudViewer::core::SlabHashBackendImpl< Key, Hash, Eq >::WarpFindKey().
|
staticconstexpr |
Definition at line 76 of file SlabMacros.h.
Referenced by cloudViewer::core::SlabNodeManagerImpl::WarpAllocate().
|
staticconstexpr |
Definition at line 74 of file SlabMacros.h.
Referenced by cloudViewer::core::SlabHashBackendImpl< Key, Hash, Eq >::Find().
|
staticconstexpr |
Definition at line 63 of file SlabMacros.h.
Referenced by cloudViewer::core::SlabNodeManagerImpl::WarpAllocate().
|
staticconstexpr |
Definition at line 40 of file SlabMacros.h.
Referenced by cloudViewer::core::SlabNodeManagerImpl::FreeUntouched(), cloudViewer::core::SlabNodeManagerImpl::Init(), cloudViewer::core::SlabNodeManager::Reset(), and cloudViewer::core::SlabNodeManagerImpl::WarpAllocate().
|
staticconstexpr |
Definition at line 61 of file SlabMacros.h.
Referenced by cloudViewer::core::SlabNodeManagerImpl::WarpAllocate().
|
staticconstexpr |
Definition at line 37 of file SlabMacros.h.
Referenced by cloudViewer::core::SlabNodeManager::CountSlabsPerSuperblock(), cloudViewer::core::SlabNodeManager::Reset(), and cloudViewer::core::SlabNodeManager::SlabNodeManager().
|
staticconstexpr |
Definition at line 66 of file SlabMacros.h.
Referenced by CountElemsPerBucketKernel(), cloudViewer::core::SlabHashBackendImpl< Key, Hash, Eq >::Erase(), cloudViewer::core::SlabHashBackendImpl< Key, Hash, Eq >::Find(), GetActiveIndicesKernel(), cloudViewer::core::SlabHashBackendImpl< Key, Hash, Eq >::Insert(), cloudViewer::core::SlabNodeManagerImpl::WarpAllocate(), and cloudViewer::core::SlabHashBackendImpl< Key, Hash, Eq >::WarpSyncKey().
|
staticconstexpr |
Definition at line 44 of file SlabMacros.h.
Referenced by cloudViewer::core::SlabHashBackend< Key, Hash, Eq >::BucketSizes(), cloudViewer::core::SlabNodeManager::CountSlabsPerSuperblock(), cloudViewer::core::SlabHashBackend< Key, Hash, Eq >::Erase(), cloudViewer::core::SlabHashBackend< Key, Hash, Eq >::Find(), cloudViewer::core::SlabHashBackend< Key, Hash, Eq >::GetActiveIndices(), and cloudViewer::core::SlabHashBackend< Key, Hash, Eq >::Insert().
|
staticconstexpr |
Definition at line 49 of file SlabMacros.h.
|
staticconstexpr |
Definition at line 54 of file SlabMacros.h.
Referenced by cloudViewer::core::SlabNodeManagerImpl::FreeUntouched(), cloudViewer::core::SlabNodeManagerImpl::get_ptr_for_bitmap(), cloudViewer::core::SlabNodeManagerImpl::Init(), cloudViewer::core::SlabNodeManager::Reset(), cloudViewer::core::SlabNodeManager::SlabNodeManager(), and cloudViewer::core::SlabNodeManagerImpl::WarpAllocate().
|
staticconstexpr |
Definition at line 31 of file SlabMacros.h.
Referenced by CountElemsPerBucketKernel(), cloudViewer::core::SlabHashBackendImpl< Key, Hash, Eq >::Erase(), cloudViewer::core::SlabHashBackendImpl< Key, Hash, Eq >::Find(), cloudViewer::core::SlabHashBackend< Key, Hash, Eq >::GetActiveIndices(), GetActiveIndicesKernel(), cloudViewer::core::SlabHashBackendImpl< Key, Hash, Eq >::Insert(), cloudViewer::core::SlabHashBackendImpl< Key, Hash, Eq >::SlabEntryPtrFromHead(), and cloudViewer::core::SlabHashBackendImpl< Key, Hash, Eq >::WarpSyncKey().
|
staticconstexpr |
|
staticconstexpr |
Definition at line 42 of file Indexer.h.
Referenced by cloudViewer::core::Indexer::Indexer().
|
staticconstexpr |
Definition at line 46 of file Indexer.h.
Referenced by cloudViewer::core::Indexer::Indexer().
|
constexpr |
Definition at line 20 of file TensorKey.h.
Referenced by cloudViewer::t::geometry::TriangleMesh::BakeTriangleAttrTextures(), cloudViewer::t::geometry::TriangleMesh::BakeVertexAttrTextures(), cloudViewer::t::geometry::TriangleMesh::CreateIsosurfaces(), cloudViewer::t::geometry::CreatePointCloudWithNormals(), cloudViewer::t::geometry::vtkutils::CreateVtkCellArrayFromTensor(), cloudViewer::t::geometry::vtkutils::CreateVtkDataArrayFromTensor(), cloudViewer::t::geometry::vtkutils::CreateVtkPointsFromTensor(), cloudViewer::t::geometry::PointCloud::GaussianSplatGetSHOrder(), cloudViewer::core::Tensor::GetItem(), cloudViewer::t::pipelines::slac::ControlGrid::Parameterize(), cloudViewer::t::geometry::TriangleMesh::ProjectImagesToAlbedo(), cloudViewer::core::Tensor::SetItem(), ToTensorKey(), and ccColorFromScalarDlg::updateHistogram().
| 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().
| const Dtype cloudViewer::core::UInt32 = Dtype::UInt32 |
Definition at line 50 of file Dtype.cpp.
Referenced by cloudViewer::t::geometry::RaycastingScene::AddTriangles(), cloudViewer::pybind_utils::ArrayFormatToDtype(), cloudViewer::io::rpc::ArrayToTensor(), cloudViewer::t::geometry::TriangleMesh::BakeVertexAttrTextures(), cloudViewer::t::geometry::RaycastingScene::CastRays(), cloudViewer::t::geometry::RaycastingScene::ComputeClosestPoints(), cloudViewer::visualization::rendering::TMeshBuffersBuilder::ConstructBuffers(), DLDataTypeToDtype(), cloudViewer::pybind_utils::DtypeToArrayFormat(), cloudViewer::t::io::DtypeToChar(), DtypeToDLDataTypeCode(), cloudViewer::t::geometry::vtkutils::DtypeToVtkType(), cloudViewer::t::io::NumpyArray::GetDtype(), cloudViewer::core::HashBackendBuffer::HashBackendBuffer(), cloudViewer::t::geometry::RaycastingScene::ListIntersections(), pybind_core_dtype(), cloudViewer::t::io::SetPCDHeaderFieldTypeAndSizeFromDtype(), cloudViewer::core::nns::FixedRadiusIndex::SetTensorData(), cloudViewer::visualization::rendering::TLineSetBuffersBuilder::TLineSetBuffersBuilder(), and cloudViewer::t::geometry::kernel::image::ToCPU().
| const Dtype cloudViewer::core::UInt64 = Dtype::UInt64 |
Definition at line 51 of file Dtype.cpp.
Referenced by cloudViewer::pybind_utils::ArrayFormatToDtype(), cloudViewer::io::rpc::ArrayToTensor(), DLDataTypeToDtype(), cloudViewer::pybind_utils::DtypeToArrayFormat(), cloudViewer::t::io::DtypeToChar(), DtypeToDLDataTypeCode(), cloudViewer::t::geometry::vtkutils::DtypeToVtkType(), cloudViewer::t::io::NumpyArray::GetDtype(), pybind_core_dtype(), cloudViewer::t::io::SetPCDHeaderFieldTypeAndSizeFromDtype(), and cloudViewer::t::geometry::kernel::image::ToCPU().
| 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().
| const Dtype cloudViewer::core::Undefined = Dtype::Undefined |
Definition at line 41 of file Dtype.cpp.
Referenced by cloudViewer::pybind_utils::ArrayFormatToDtype(), cloudViewer::io::rpc::ArrayToTensor(), DLDataTypeToDtype(), cloudViewer::t::io::NumpyArray::GetDtype(), pybind_core_dtype(), cloudViewer::t::io::ReadPointCloudFromPLY(), and cloudViewer::t::geometry::TriangleMesh::SelectByIndex().