arm_compute v18.11
diff --git a/documentation/hierarchy.js b/documentation/hierarchy.js
index ad5f736..c3b0203 100644
--- a/documentation/hierarchy.js
+++ b/documentation/hierarchy.js
@@ -7,13 +7,14 @@
[ "AbsoluteTolerance< U >", "classarm__compute_1_1test_1_1validation_1_1_absolute_tolerance.xhtml", null ],
[ "ActivationLayerInfo", "classarm__compute_1_1_activation_layer_info.xhtml", null ],
[ "AssetsLibrary", "classarm__compute_1_1test_1_1_assets_library.xhtml", null ],
- [ "Attributes", null, [
- [ "StrongType< T, Tag, Attributes >", "classarm__compute_1_1strong__type_1_1_strong_type.xhtml", null ]
- ] ],
[ "BackendRegistrar< T >", "classarm__compute_1_1graph_1_1backends_1_1detail_1_1_backend_registrar.xhtml", null ],
[ "BackendRegistry", "classarm__compute_1_1graph_1_1backends_1_1_backend_registry.xhtml", null ],
[ "BorderSize", "structarm__compute_1_1_border_size.xhtml", null ],
+ [ "BoundingBoxTransformInfo", "classarm__compute_1_1_bounding_box_transform_info.xhtml", null ],
+ [ "BoxNMSLimitInfo", "classarm__compute_1_1_box_n_m_s_limit_info.xhtml", null ],
[ "brelu< T, S >", "structarm__compute_1_1detail_1_1brelu.xhtml", null ],
+ [ "Buffer", "classarm__gemm_1_1_buffer.xhtml", null ],
+ [ "BufferManager", "classarm__gemm_1_1_buffer_manager.xhtml", null ],
[ "CannyEdgeParameters", "structarm__compute_1_1test_1_1validation_1_1_canny_edge_parameters.xhtml", null ],
[ "CLBuildOptions", "classarm__compute_1_1_c_l_build_options.xhtml", null ],
[ "CLCoefficientTable", "structarm__compute_1_1_c_l_coefficient_table.xhtml", null ],
@@ -21,7 +22,6 @@
[ "CLFunctionFactory", "classarm__compute_1_1graph_1_1backends_1_1_c_l_function_factory.xhtml", null ],
[ "CLKernelLibrary", "classarm__compute_1_1_c_l_kernel_library.xhtml", null ],
[ "CLLKInternalKeypoint", "structarm__compute_1_1_c_l_l_k_internal_keypoint.xhtml", null ],
- [ "CLMemory", "classarm__compute_1_1_c_l_memory.xhtml", null ],
[ "CLNodeValidator", "classarm__compute_1_1graph_1_1backends_1_1_c_l_node_validator.xhtml", null ],
[ "CLOldValue", "structarm__compute_1_1_c_l_old_value.xhtml", null ],
[ "CLScheduler", "classarm__compute_1_1_c_l_scheduler.xhtml", null ],
@@ -41,19 +41,12 @@
[ "compare< RelativeTolerance< U > >", "structarm__compute_1_1test_1_1validation_1_1compare_3_01_relative_tolerance_3_01_u_01_4_01_4.xhtml", null ]
] ],
[ "compare_dimension< T >", "classarm__compute_1_1detail_1_1compare__dimension.xhtml", null ],
+ [ "ComputeAnchorsInfo", "classarm__compute_1_1_compute_anchors_info.xhtml", null ],
[ "Coordinates2D", "structarm__compute_1_1_coordinates2_d.xhtml", null ],
[ "Coordinates2D", "struct_coordinates2_d.xhtml", null ],
[ "Coordinates3D", "structarm__compute_1_1_coordinates3_d.xhtml", null ],
[ "CPUInfo", "classarm__compute_1_1_c_p_u_info.xhtml", null ],
[ "CRTP< T, Type >", "structarm__compute_1_1misc_1_1_c_r_t_p.xhtml", null ],
- [ "CRTP< StrongType< unsigned int, struct graph_id_t, strong_type::Comparable... >, Comparable >", "structarm__compute_1_1misc_1_1_c_r_t_p.xhtml", [
- [ "Comparable< StrongType< unsigned int, struct graph_id_t, strong_type::Comparable... > >", "structarm__compute_1_1strong__type_1_1_comparable.xhtml", [
- [ "StrongType< unsigned int, struct graph_id_t, strong_type::Comparable >", "classarm__compute_1_1strong__type_1_1_strong_type.xhtml", null ]
- ] ]
- ] ],
- [ "CRTP< T, Comparable >", "structarm__compute_1_1misc_1_1_c_r_t_p.xhtml", [
- [ "Comparable< T >", "structarm__compute_1_1strong__type_1_1_comparable.xhtml", null ]
- ] ],
[ "Dataset", "classarm__compute_1_1test_1_1framework_1_1dataset_1_1_dataset.xhtml", [
[ "CartesianProductDataset< T, U >", "classarm__compute_1_1test_1_1framework_1_1dataset_1_1_cartesian_product_dataset.xhtml", null ],
[ "JoinDataset< T, U >", "classarm__compute_1_1test_1_1framework_1_1dataset_1_1_join_dataset.xhtml", null ],
@@ -100,11 +93,23 @@
[ "GCNodeValidator", "classarm__compute_1_1graph_1_1backends_1_1_g_c_node_validator.xhtml", null ],
[ "GCProgram", "classarm__compute_1_1_g_c_program.xhtml", null ],
[ "GCScheduler", "classarm__compute_1_1_g_c_scheduler.xhtml", null ],
+ [ "GemmCommon", null, [
+ [ "GemmInterleaved< strategy, To, Tr >", "classarm__gemm_1_1_gemm_interleaved.xhtml", null ],
+ [ "GemmNative< strategy, To, Tr >", "classarm__gemm_1_1_gemm_native.xhtml", null ],
+ [ "GemvBatched< To, Tr >", "classarm__gemm_1_1_gemv_batched.xhtml", null ],
+ [ "GemvNativeTransposed< strategy, To, Tr >", "classarm__gemm_1_1_gemv_native_transposed.xhtml", null ],
+ [ "GemvPretransposed< strategy, To, Tr >", "classarm__gemm_1_1_gemv_pretransposed.xhtml", null ]
+ ] ],
+ [ "GemmImplementation< Top, Tret >", "classarm__gemm_1_1_gemm_implementation.xhtml", [
+ [ "GemmImpl_gemv_batched< Top, Tret >", "classarm__gemm_1_1_gemm_impl__gemv__batched.xhtml", null ]
+ ] ],
+ [ "GemmImplementation< float, float >", "classarm__gemm_1_1_gemm_implementation.xhtml", null ],
[ "GEMMInfo", "classarm__compute_1_1_g_e_m_m_info.xhtml", null ],
+ [ "GEMMLowpOutputStageInfo", "structarm__compute_1_1_g_e_m_m_lowp_output_stage_info.xhtml", null ],
[ "GEMMReshapeInfo", "classarm__compute_1_1_g_e_m_m_reshape_info.xhtml", null ],
+ [ "GenerateProposalsInfo", "classarm__compute_1_1_generate_proposals_info.xhtml", null ],
[ "get_tensor_info_t< T >", "structarm__compute_1_1detail_1_1get__tensor__info__t.xhtml", null ],
[ "get_tensor_info_t< ITensorInfo * >", "structarm__compute_1_1detail_1_1get__tensor__info__t_3_01_i_tensor_info_01_5_01_4.xhtml", null ],
- [ "GLBufferWrapper", "classarm__compute_1_1_g_l_buffer_wrapper.xhtml", null ],
[ "Graph", "classarm__compute_1_1graph_1_1_graph.xhtml", null ],
[ "GraphBuilder", "classarm__compute_1_1graph_1_1_graph_builder.xhtml", null ],
[ "GraphConfig", "structarm__compute_1_1graph_1_1_graph_config.xhtml", null ],
@@ -186,6 +191,7 @@
[ "NEGEMMAssemblyDispatch::IFallback", "classarm__compute_1_1_n_e_g_e_m_m_assembly_dispatch_1_1_i_fallback.xhtml", null ],
[ "IFunction", "classarm__compute_1_1_i_function.xhtml", [
[ "CLBatchNormalizationLayer", "classarm__compute_1_1_c_l_batch_normalization_layer.xhtml", null ],
+ [ "CLBatchToSpaceLayer", "classarm__compute_1_1_c_l_batch_to_space_layer.xhtml", null ],
[ "CLCannyEdge", "classarm__compute_1_1_c_l_canny_edge.xhtml", null ],
[ "CLConcatenateLayer", "classarm__compute_1_1_c_l_concatenate_layer.xhtml", null ],
[ "CLConvolutionLayer", "classarm__compute_1_1_c_l_convolution_layer.xhtml", null ],
@@ -202,6 +208,7 @@
[ "CLEqualizeHistogram", "classarm__compute_1_1_c_l_equalize_histogram.xhtml", null ],
[ "CLFastCorners", "classarm__compute_1_1_c_l_fast_corners.xhtml", null ],
[ "CLFullyConnectedLayer", "classarm__compute_1_1_c_l_fully_connected_layer.xhtml", null ],
+ [ "CLFuseBatchNormalization", "classarm__compute_1_1_c_l_fuse_batch_normalization.xhtml", null ],
[ "CLGaussian5x5", "classarm__compute_1_1_c_l_gaussian5x5.xhtml", null ],
[ "CLGaussianPyramid", "classarm__compute_1_1_c_l_gaussian_pyramid.xhtml", [
[ "CLGaussianPyramidHalf", "classarm__compute_1_1_c_l_gaussian_pyramid_half.xhtml", null ],
@@ -210,6 +217,7 @@
[ "CLGEMM", "classarm__compute_1_1_c_l_g_e_m_m.xhtml", null ],
[ "CLGEMMConvolutionLayer", "classarm__compute_1_1_c_l_g_e_m_m_convolution_layer.xhtml", null ],
[ "CLGEMMLowpMatrixMultiplyCore", "classarm__compute_1_1_c_l_g_e_m_m_lowp_matrix_multiply_core.xhtml", null ],
+ [ "CLGenerateProposalsLayer", "classarm__compute_1_1_c_l_generate_proposals_layer.xhtml", null ],
[ "CLHarrisCorners", "classarm__compute_1_1_c_l_harris_corners.xhtml", null ],
[ "CLHistogram", "classarm__compute_1_1_c_l_histogram.xhtml", null ],
[ "CLHOGDescriptor", "classarm__compute_1_1_c_l_h_o_g_descriptor.xhtml", null ],
@@ -225,13 +233,19 @@
[ "CLMeanStdDev", "classarm__compute_1_1_c_l_mean_std_dev.xhtml", null ],
[ "CLMinMaxLocation", "classarm__compute_1_1_c_l_min_max_location.xhtml", null ],
[ "CLNormalizationLayer", "classarm__compute_1_1_c_l_normalization_layer.xhtml", null ],
+ [ "CLNormalizePlanarYUVLayer", "classarm__compute_1_1_c_l_normalize_planar_y_u_v_layer.xhtml", null ],
[ "CLOpticalFlow", "classarm__compute_1_1_c_l_optical_flow.xhtml", null ],
+ [ "CLPadLayer", "classarm__compute_1_1_c_l_pad_layer.xhtml", null ],
[ "CLQuantizationLayer", "classarm__compute_1_1_c_l_quantization_layer.xhtml", null ],
+ [ "CLReduceMean", "classarm__compute_1_1_c_l_reduce_mean.xhtml", null ],
[ "CLReductionOperation", "classarm__compute_1_1_c_l_reduction_operation.xhtml", null ],
[ "CLRNNLayer", "classarm__compute_1_1_c_l_r_n_n_layer.xhtml", null ],
[ "CLSobel5x5", "classarm__compute_1_1_c_l_sobel5x5.xhtml", null ],
[ "CLSobel7x7", "classarm__compute_1_1_c_l_sobel7x7.xhtml", null ],
[ "CLSoftmaxLayer", "classarm__compute_1_1_c_l_softmax_layer.xhtml", null ],
+ [ "CLSpaceToBatchLayer", "classarm__compute_1_1_c_l_space_to_batch_layer.xhtml", null ],
+ [ "CLSplit", "classarm__compute_1_1_c_l_split.xhtml", null ],
+ [ "CLUpsampleLayer", "classarm__compute_1_1_c_l_upsample_layer.xhtml", null ],
[ "CLWidthConcatenateLayer", "classarm__compute_1_1_c_l_width_concatenate_layer.xhtml", null ],
[ "CLWinogradConvolutionLayer", "classarm__compute_1_1_c_l_winograd_convolution_layer.xhtml", null ],
[ "GCBatchNormalizationLayer", "classarm__compute_1_1_g_c_batch_normalization_layer.xhtml", null ],
@@ -260,11 +274,13 @@
[ "CLBitwiseNot", "classarm__compute_1_1_c_l_bitwise_not.xhtml", null ],
[ "CLBitwiseOr", "classarm__compute_1_1_c_l_bitwise_or.xhtml", null ],
[ "CLBitwiseXor", "classarm__compute_1_1_c_l_bitwise_xor.xhtml", null ],
+ [ "CLBoundingBoxTransform", "classarm__compute_1_1_c_l_bounding_box_transform.xhtml", null ],
[ "CLBox3x3", "classarm__compute_1_1_c_l_box3x3.xhtml", null ],
[ "CLChannelCombine", "classarm__compute_1_1_c_l_channel_combine.xhtml", null ],
[ "CLChannelExtract", "classarm__compute_1_1_c_l_channel_extract.xhtml", null ],
[ "CLChannelShuffleLayer", "classarm__compute_1_1_c_l_channel_shuffle_layer.xhtml", null ],
[ "CLColorConvert", "classarm__compute_1_1_c_l_color_convert.xhtml", null ],
+ [ "CLComputeAllAnchors", "classarm__compute_1_1_c_l_compute_all_anchors.xhtml", null ],
[ "CLConvertFullyConnectedWeights", "classarm__compute_1_1_c_l_convert_fully_connected_weights.xhtml", null ],
[ "CLConvolution3x3", "classarm__compute_1_1_c_l_convolution3x3.xhtml", null ],
[ "CLConvolutionRectangle", "classarm__compute_1_1_c_l_convolution_rectangle.xhtml", null ],
@@ -281,6 +297,7 @@
[ "CLGEMMInterleave4x4", "classarm__compute_1_1_c_l_g_e_m_m_interleave4x4.xhtml", null ],
[ "CLGEMMLowpQuantizeDownInt32ToUint8Scale", "classarm__compute_1_1_c_l_g_e_m_m_lowp_quantize_down_int32_to_uint8_scale.xhtml", null ],
[ "CLGEMMLowpQuantizeDownInt32ToUint8ScaleByFixedPoint", "classarm__compute_1_1_c_l_g_e_m_m_lowp_quantize_down_int32_to_uint8_scale_by_fixed_point.xhtml", null ],
+ [ "CLGEMMLowpQuantizeDownInt32ToUint8ScaleByFloat", "classarm__compute_1_1_c_l_g_e_m_m_lowp_quantize_down_int32_to_uint8_scale_by_float.xhtml", null ],
[ "CLGEMMTranspose1xW", "classarm__compute_1_1_c_l_g_e_m_m_transpose1x_w.xhtml", null ],
[ "CLMagnitude", "classarm__compute_1_1_c_l_magnitude.xhtml", null ],
[ "CLMedian3x3", "classarm__compute_1_1_c_l_median3x3.xhtml", null ],
@@ -290,22 +307,29 @@
[ "CLPhase", "classarm__compute_1_1_c_l_phase.xhtml", null ],
[ "CLPixelWiseMultiplication", "classarm__compute_1_1_c_l_pixel_wise_multiplication.xhtml", null ],
[ "CLPoolingLayer", "classarm__compute_1_1_c_l_pooling_layer.xhtml", null ],
+ [ "CLPriorBoxLayer", "classarm__compute_1_1_c_l_prior_box_layer.xhtml", null ],
[ "CLRemap", "classarm__compute_1_1_c_l_remap.xhtml", null ],
+ [ "CLReorgLayer", "classarm__compute_1_1_c_l_reorg_layer.xhtml", null ],
[ "CLReshapeLayer", "classarm__compute_1_1_c_l_reshape_layer.xhtml", null ],
+ [ "CLROIAlignLayer", "classarm__compute_1_1_c_l_r_o_i_align_layer.xhtml", null ],
[ "CLROIPoolingLayer", "classarm__compute_1_1_c_l_r_o_i_pooling_layer.xhtml", null ],
[ "CLScale", "classarm__compute_1_1_c_l_scale.xhtml", null ],
[ "CLScharr3x3", "classarm__compute_1_1_c_l_scharr3x3.xhtml", null ],
+ [ "CLSlice", "classarm__compute_1_1_c_l_slice.xhtml", null ],
[ "CLSobel3x3", "classarm__compute_1_1_c_l_sobel3x3.xhtml", null ],
+ [ "CLStridedSlice", "classarm__compute_1_1_c_l_strided_slice.xhtml", null ],
[ "CLTableLookup", "classarm__compute_1_1_c_l_table_lookup.xhtml", null ],
[ "CLThreshold", "classarm__compute_1_1_c_l_threshold.xhtml", null ],
[ "CLTranspose", "classarm__compute_1_1_c_l_transpose.xhtml", null ],
[ "CLWarpAffine", "classarm__compute_1_1_c_l_warp_affine.xhtml", null ],
[ "CLWarpPerspective", "classarm__compute_1_1_c_l_warp_perspective.xhtml", null ],
[ "CLWinogradInputTransform", "classarm__compute_1_1_c_l_winograd_input_transform.xhtml", null ],
+ [ "CLYOLOLayer", "classarm__compute_1_1_c_l_y_o_l_o_layer.xhtml", null ],
[ "CLSynthetizeFunction< K >", "classarm__compute_1_1test_1_1_c_l_synthetize_function.xhtml", null ],
[ "CLSynthetizeFunctionWithZeroConstantBorder< K, bordersize >", "classarm__compute_1_1test_1_1_c_l_synthetize_function_with_zero_constant_border.xhtml", null ]
] ],
[ "ICPPSimpleFunction", "classarm__compute_1_1_i_c_p_p_simple_function.xhtml", [
+ [ "CPPBoxWithNonMaximaSuppressionLimit", "classarm__compute_1_1_c_p_p_box_with_non_maxima_suppression_limit.xhtml", null ],
[ "CPPPermute", "classarm__compute_1_1_c_p_p_permute.xhtml", null ],
[ "CPPUpsample", "classarm__compute_1_1_c_p_p_upsample.xhtml", null ]
] ],
@@ -337,6 +361,7 @@
[ "NEBox3x3", "classarm__compute_1_1_n_e_box3x3.xhtml", null ],
[ "NEChannelCombine", "classarm__compute_1_1_n_e_channel_combine.xhtml", null ],
[ "NEChannelExtract", "classarm__compute_1_1_n_e_channel_extract.xhtml", null ],
+ [ "NEChannelShuffleLayer", "classarm__compute_1_1_n_e_channel_shuffle_layer.xhtml", null ],
[ "NECol2Im", "classarm__compute_1_1_n_e_col2_im.xhtml", null ],
[ "NEColorConvert", "classarm__compute_1_1_n_e_color_convert.xhtml", null ],
[ "NEConvolution3x3", "classarm__compute_1_1_n_e_convolution3x3.xhtml", null ],
@@ -362,7 +387,9 @@
[ "NEPermute", "classarm__compute_1_1_n_e_permute.xhtml", null ],
[ "NEPhase", "classarm__compute_1_1_n_e_phase.xhtml", null ],
[ "NEPixelWiseMultiplication", "classarm__compute_1_1_n_e_pixel_wise_multiplication.xhtml", null ],
+ [ "NEPriorBoxLayer", "classarm__compute_1_1_n_e_prior_box_layer.xhtml", null ],
[ "NERemap", "classarm__compute_1_1_n_e_remap.xhtml", null ],
+ [ "NEReorgLayer", "classarm__compute_1_1_n_e_reorg_layer.xhtml", null ],
[ "NEReshapeLayer", "classarm__compute_1_1_n_e_reshape_layer.xhtml", null ],
[ "NEScharr3x3", "classarm__compute_1_1_n_e_scharr3x3.xhtml", null ],
[ "NESobel3x3", "classarm__compute_1_1_n_e_sobel3x3.xhtml", null ],
@@ -371,6 +398,7 @@
[ "NETranspose", "classarm__compute_1_1_n_e_transpose.xhtml", null ],
[ "NEWarpAffine", "classarm__compute_1_1_n_e_warp_affine.xhtml", null ],
[ "NEWarpPerspective", "classarm__compute_1_1_n_e_warp_perspective.xhtml", null ],
+ [ "NEYOLOLayer", "classarm__compute_1_1_n_e_y_o_l_o_layer.xhtml", null ],
[ "NESynthetizeFunction< K >", "classarm__compute_1_1test_1_1_n_e_synthetize_function.xhtml", null ],
[ "NESynthetizeFunctionWithZeroConstantBorder< K, bordersize >", "classarm__compute_1_1test_1_1_n_e_synthetize_function_with_zero_constant_border.xhtml", null ]
] ],
@@ -414,12 +442,14 @@
[ "NELaplacianPyramid", "classarm__compute_1_1_n_e_laplacian_pyramid.xhtml", null ],
[ "NELaplacianReconstruct", "classarm__compute_1_1_n_e_laplacian_reconstruct.xhtml", null ],
[ "NELocallyConnectedLayer", "classarm__compute_1_1_n_e_locally_connected_layer.xhtml", null ],
+ [ "NELSTMLayer", "classarm__compute_1_1_n_e_l_s_t_m_layer.xhtml", null ],
[ "NEMeanStdDev", "classarm__compute_1_1_n_e_mean_std_dev.xhtml", null ],
[ "NEMinMaxLocation", "classarm__compute_1_1_n_e_min_max_location.xhtml", null ],
[ "NENormalizationLayer", "classarm__compute_1_1_n_e_normalization_layer.xhtml", null ],
[ "NEOpticalFlow", "classarm__compute_1_1_n_e_optical_flow.xhtml", null ],
[ "NEPoolingLayer", "classarm__compute_1_1_n_e_pooling_layer.xhtml", null ],
[ "NEQuantizationLayer", "classarm__compute_1_1_n_e_quantization_layer.xhtml", null ],
+ [ "NEReduceMean", "classarm__compute_1_1_n_e_reduce_mean.xhtml", null ],
[ "NEReductionOperation", "classarm__compute_1_1_n_e_reduction_operation.xhtml", null ],
[ "NERNNLayer", "classarm__compute_1_1_n_e_r_n_n_layer.xhtml", null ],
[ "NEROIPoolingLayer", "classarm__compute_1_1_n_e_r_o_i_pooling_layer.xhtml", null ],
@@ -428,6 +458,7 @@
[ "NESobel5x5", "classarm__compute_1_1_n_e_sobel5x5.xhtml", null ],
[ "NESobel7x7", "classarm__compute_1_1_n_e_sobel7x7.xhtml", null ],
[ "NESoftmaxLayer", "classarm__compute_1_1_n_e_softmax_layer.xhtml", null ],
+ [ "NEUpsampleLayer", "classarm__compute_1_1_n_e_upsample_layer.xhtml", null ],
[ "NEWidthConcatenateLayer", "classarm__compute_1_1_n_e_width_concatenate_layer.xhtml", null ],
[ "NEWinogradConvolutionLayer", "classarm__compute_1_1_n_e_winograd_convolution_layer.xhtml", null ]
] ],
@@ -468,14 +499,17 @@
[ "CLArithmeticDivisionKernel", "classarm__compute_1_1_c_l_arithmetic_division_kernel.xhtml", null ],
[ "CLArithmeticSubtractionKernel", "classarm__compute_1_1_c_l_arithmetic_subtraction_kernel.xhtml", null ],
[ "CLBatchNormalizationLayerKernel", "classarm__compute_1_1_c_l_batch_normalization_layer_kernel.xhtml", null ],
+ [ "CLBatchToSpaceLayerKernel", "classarm__compute_1_1_c_l_batch_to_space_layer_kernel.xhtml", null ],
[ "CLBitwiseAndKernel", "classarm__compute_1_1_c_l_bitwise_and_kernel.xhtml", null ],
[ "CLBitwiseOrKernel", "classarm__compute_1_1_c_l_bitwise_or_kernel.xhtml", null ],
[ "CLBitwiseXorKernel", "classarm__compute_1_1_c_l_bitwise_xor_kernel.xhtml", null ],
+ [ "CLBoundingBoxTransformKernel", "classarm__compute_1_1_c_l_bounding_box_transform_kernel.xhtml", null ],
[ "CLChannelCombineKernel", "classarm__compute_1_1_c_l_channel_combine_kernel.xhtml", null ],
[ "CLChannelExtractKernel", "classarm__compute_1_1_c_l_channel_extract_kernel.xhtml", null ],
[ "CLChannelShuffleLayerKernel", "classarm__compute_1_1_c_l_channel_shuffle_layer_kernel.xhtml", null ],
[ "CLCol2ImKernel", "classarm__compute_1_1_c_l_col2_im_kernel.xhtml", null ],
[ "CLColorConvertKernel", "classarm__compute_1_1_c_l_color_convert_kernel.xhtml", null ],
+ [ "CLComputeAllAnchorsKernel", "classarm__compute_1_1_c_l_compute_all_anchors_kernel.xhtml", null ],
[ "CLConvertFullyConnectedWeightsKernel", "classarm__compute_1_1_c_l_convert_fully_connected_weights_kernel.xhtml", null ],
[ "CLConvolutionRectangleKernel", "classarm__compute_1_1_c_l_convolution_rectangle_kernel.xhtml", null ],
[ "CLCopyKernel", "classarm__compute_1_1_c_l_copy_kernel.xhtml", null ],
@@ -495,10 +529,13 @@
[ "CLFillBorderKernel", "classarm__compute_1_1_c_l_fill_border_kernel.xhtml", null ],
[ "CLFlattenLayerKernel", "classarm__compute_1_1_c_l_flatten_layer_kernel.xhtml", null ],
[ "CLFloorKernel", "classarm__compute_1_1_c_l_floor_kernel.xhtml", null ],
+ [ "CLFuseBatchNormalizationKernel", "classarm__compute_1_1_c_l_fuse_batch_normalization_kernel.xhtml", null ],
[ "CLGEMMInterleave4x4Kernel", "classarm__compute_1_1_c_l_g_e_m_m_interleave4x4_kernel.xhtml", null ],
[ "CLGEMMLowpMatrixMultiplyKernel", "classarm__compute_1_1_c_l_g_e_m_m_lowp_matrix_multiply_kernel.xhtml", null ],
[ "CLGEMMLowpOffsetContributionKernel", "classarm__compute_1_1_c_l_g_e_m_m_lowp_offset_contribution_kernel.xhtml", null ],
+ [ "CLGEMMLowpOffsetContributionOutputStageKernel", "classarm__compute_1_1_c_l_g_e_m_m_lowp_offset_contribution_output_stage_kernel.xhtml", null ],
[ "CLGEMMLowpQuantizeDownInt32ToUint8ScaleByFixedPointKernel", "classarm__compute_1_1_c_l_g_e_m_m_lowp_quantize_down_int32_to_uint8_scale_by_fixed_point_kernel.xhtml", null ],
+ [ "CLGEMMLowpQuantizeDownInt32ToUint8ScaleByFloatKernel", "classarm__compute_1_1_c_l_g_e_m_m_lowp_quantize_down_int32_to_uint8_scale_by_float_kernel.xhtml", null ],
[ "CLGEMMLowpQuantizeDownInt32ToUint8ScaleKernel", "classarm__compute_1_1_c_l_g_e_m_m_lowp_quantize_down_int32_to_uint8_scale_kernel.xhtml", null ],
[ "CLGEMMMatrixAccumulateBiasesKernel", "classarm__compute_1_1_c_l_g_e_m_m_matrix_accumulate_biases_kernel.xhtml", null ],
[ "CLGEMMMatrixAdditionKernel", "classarm__compute_1_1_c_l_g_e_m_m_matrix_addition_kernel.xhtml", null ],
@@ -524,17 +561,22 @@
[ "CLLogits1DShiftExpSumKernel", "classarm__compute_1_1_c_l_logits1_d_shift_exp_sum_kernel.xhtml", null ],
[ "CLMagnitudePhaseKernel", "classarm__compute_1_1_c_l_magnitude_phase_kernel.xhtml", null ],
[ "CLMeanStdDevKernel", "classarm__compute_1_1_c_l_mean_std_dev_kernel.xhtml", null ],
+ [ "CLMemsetKernel", "classarm__compute_1_1_c_l_memset_kernel.xhtml", null ],
[ "CLMinMaxKernel", "classarm__compute_1_1_c_l_min_max_kernel.xhtml", null ],
[ "CLMinMaxLayerKernel", "classarm__compute_1_1_c_l_min_max_layer_kernel.xhtml", null ],
[ "CLMinMaxLocationKernel", "classarm__compute_1_1_c_l_min_max_location_kernel.xhtml", null ],
[ "CLNormalizationLayerKernel", "classarm__compute_1_1_c_l_normalization_layer_kernel.xhtml", null ],
+ [ "CLNormalizePlanarYUVLayerKernel", "classarm__compute_1_1_c_l_normalize_planar_y_u_v_layer_kernel.xhtml", null ],
[ "CLPermuteKernel", "classarm__compute_1_1_c_l_permute_kernel.xhtml", null ],
[ "CLPixelWiseMultiplicationKernel", "classarm__compute_1_1_c_l_pixel_wise_multiplication_kernel.xhtml", null ],
[ "CLPoolingLayerKernel", "classarm__compute_1_1_c_l_pooling_layer_kernel.xhtml", null ],
+ [ "CLPriorBoxLayerKernel", "classarm__compute_1_1_c_l_prior_box_layer_kernel.xhtml", null ],
[ "CLQuantizationLayerKernel", "classarm__compute_1_1_c_l_quantization_layer_kernel.xhtml", null ],
[ "CLReductionOperationKernel", "classarm__compute_1_1_c_l_reduction_operation_kernel.xhtml", null ],
[ "CLRemapKernel", "classarm__compute_1_1_c_l_remap_kernel.xhtml", null ],
+ [ "CLReorgLayerKernel", "classarm__compute_1_1_c_l_reorg_layer_kernel.xhtml", null ],
[ "CLReshapeLayerKernel", "classarm__compute_1_1_c_l_reshape_layer_kernel.xhtml", null ],
+ [ "CLROIAlignLayerKernel", "classarm__compute_1_1_c_l_r_o_i_align_layer_kernel.xhtml", null ],
[ "CLROIPoolingLayerKernel", "classarm__compute_1_1_c_l_r_o_i_pooling_layer_kernel.xhtml", null ],
[ "CLScharr3x3Kernel", "classarm__compute_1_1_c_l_scharr3x3_kernel.xhtml", null ],
[ "CLSobel3x3Kernel", "classarm__compute_1_1_c_l_sobel3x3_kernel.xhtml", null ],
@@ -542,11 +584,17 @@
[ "CLSobel5x5VertKernel", "classarm__compute_1_1_c_l_sobel5x5_vert_kernel.xhtml", null ],
[ "CLSobel7x7HorKernel", "classarm__compute_1_1_c_l_sobel7x7_hor_kernel.xhtml", null ],
[ "CLSobel7x7VertKernel", "classarm__compute_1_1_c_l_sobel7x7_vert_kernel.xhtml", null ],
+ [ "CLSpaceToBatchLayerKernel", "classarm__compute_1_1_c_l_space_to_batch_layer_kernel.xhtml", null ],
+ [ "CLStridedSliceKernel", "classarm__compute_1_1_c_l_strided_slice_kernel.xhtml", null ],
+ [ "CLUpsampleLayerKernel", "classarm__compute_1_1_c_l_upsample_layer_kernel.xhtml", null ],
[ "CLWeightsReshapeKernel", "classarm__compute_1_1_c_l_weights_reshape_kernel.xhtml", null ],
+ [ "CLWidthConcatenate2TensorsKernel", "classarm__compute_1_1_c_l_width_concatenate2_tensors_kernel.xhtml", null ],
+ [ "CLWidthConcatenate4TensorsKernel", "classarm__compute_1_1_c_l_width_concatenate4_tensors_kernel.xhtml", null ],
[ "CLWidthConcatenateLayerKernel", "classarm__compute_1_1_c_l_width_concatenate_layer_kernel.xhtml", null ],
[ "CLWinogradFilterTransformKernel", "classarm__compute_1_1_c_l_winograd_filter_transform_kernel.xhtml", null ],
[ "CLWinogradInputTransformKernel", "classarm__compute_1_1_c_l_winograd_input_transform_kernel.xhtml", null ],
[ "CLWinogradOutputTransformKernel", "classarm__compute_1_1_c_l_winograd_output_transform_kernel.xhtml", null ],
+ [ "CLYOLOLayerKernel", "classarm__compute_1_1_c_l_y_o_l_o_layer_kernel.xhtml", null ],
[ "ICLDepthwiseConvolutionLayer3x3Kernel", "classarm__compute_1_1_i_c_l_depthwise_convolution_layer3x3_kernel.xhtml", [
[ "CLDepthwiseConvolutionLayer3x3NCHWKernel", "classarm__compute_1_1_c_l_depthwise_convolution_layer3x3_n_c_h_w_kernel.xhtml", null ],
[ "CLDepthwiseConvolutionLayer3x3NHWCKernel", "classarm__compute_1_1_c_l_depthwise_convolution_layer3x3_n_h_w_c_kernel.xhtml", null ]
@@ -593,8 +641,10 @@
] ]
] ],
[ "ICPPKernel", "classarm__compute_1_1_i_c_p_p_kernel.xhtml", [
+ [ "CPPBoxWithNonMaximaSuppressionLimitKernel", "classarm__compute_1_1_c_p_p_box_with_non_maxima_suppression_limit_kernel.xhtml", null ],
[ "CPPCornerCandidatesKernel", "classarm__compute_1_1_c_p_p_corner_candidates_kernel.xhtml", null ],
[ "CPPDetectionWindowNonMaximaSuppressionKernel", "classarm__compute_1_1_c_p_p_detection_window_non_maxima_suppression_kernel.xhtml", null ],
+ [ "CPPFlipWeightsKernel", "classarm__compute_1_1_c_p_p_flip_weights_kernel.xhtml", null ],
[ "CPPPermuteKernel", "classarm__compute_1_1_c_p_p_permute_kernel.xhtml", null ],
[ "CPPSortEuclideanDistanceKernel", "classarm__compute_1_1_c_p_p_sort_euclidean_distance_kernel.xhtml", null ],
[ "CPPUpsampleKernel", "classarm__compute_1_1_c_p_p_upsample_kernel.xhtml", null ],
@@ -655,6 +705,7 @@
[ "NEBitwiseOrKernel", "classarm__compute_1_1_n_e_bitwise_or_kernel.xhtml", null ],
[ "NEBitwiseXorKernel", "classarm__compute_1_1_n_e_bitwise_xor_kernel.xhtml", null ],
[ "NEChannelCombineKernel", "classarm__compute_1_1_n_e_channel_combine_kernel.xhtml", null ],
+ [ "NEChannelShuffleLayerKernel", "classarm__compute_1_1_n_e_channel_shuffle_layer_kernel.xhtml", null ],
[ "NECol2ImKernel", "classarm__compute_1_1_n_e_col2_im_kernel.xhtml", null ],
[ "NEColorConvertKernel", "classarm__compute_1_1_n_e_color_convert_kernel.xhtml", null ],
[ "NEConvertFullyConnectedWeightsKernel", "classarm__compute_1_1_n_e_convert_fully_connected_weights_kernel.xhtml", null ],
@@ -677,6 +728,7 @@
[ "NEFillArrayKernel", "classarm__compute_1_1_n_e_fill_array_kernel.xhtml", null ],
[ "NEFillBorderKernel", "classarm__compute_1_1_n_e_fill_border_kernel.xhtml", null ],
[ "NEFillInnerBorderKernel", "classarm__compute_1_1_n_e_fill_inner_border_kernel.xhtml", null ],
+ [ "NEFlattenLayerKernel", "classarm__compute_1_1_n_e_flatten_layer_kernel.xhtml", null ],
[ "NEGEMMAssemblyBaseKernel", "classarm__compute_1_1_n_e_g_e_m_m_assembly_base_kernel.xhtml", null ],
[ "NEGEMMLowpMatrixMultiplyKernel", "classarm__compute_1_1_n_e_g_e_m_m_lowp_matrix_multiply_kernel.xhtml", null ],
[ "NEGEMMLowpOffsetContributionKernel", "classarm__compute_1_1_n_e_g_e_m_m_lowp_offset_contribution_kernel.xhtml", null ],
@@ -705,9 +757,11 @@
[ "NEPermuteKernel", "classarm__compute_1_1_n_e_permute_kernel.xhtml", null ],
[ "NEPixelWiseMultiplicationKernel", "classarm__compute_1_1_n_e_pixel_wise_multiplication_kernel.xhtml", null ],
[ "NEPoolingLayerKernel", "classarm__compute_1_1_n_e_pooling_layer_kernel.xhtml", null ],
+ [ "NEPriorBoxLayerKernel", "classarm__compute_1_1_n_e_prior_box_layer_kernel.xhtml", null ],
[ "NEQuantizationLayerKernel", "classarm__compute_1_1_n_e_quantization_layer_kernel.xhtml", null ],
[ "NEReductionOperationKernel", "classarm__compute_1_1_n_e_reduction_operation_kernel.xhtml", null ],
[ "NERemapKernel", "classarm__compute_1_1_n_e_remap_kernel.xhtml", null ],
+ [ "NEReorgLayerKernel", "classarm__compute_1_1_n_e_reorg_layer_kernel.xhtml", null ],
[ "NEROIPoolingLayerKernel", "classarm__compute_1_1_n_e_r_o_i_pooling_layer_kernel.xhtml", null ],
[ "NEScaleKernel", "classarm__compute_1_1_n_e_scale_kernel.xhtml", null ],
[ "NEScharr3x3Kernel", "classarm__compute_1_1_n_e_scharr3x3_kernel.xhtml", null ],
@@ -718,8 +772,10 @@
[ "NESobel7x7VertKernel", "classarm__compute_1_1_n_e_sobel7x7_vert_kernel.xhtml", null ],
[ "NEThresholdKernel", "classarm__compute_1_1_n_e_threshold_kernel.xhtml", null ],
[ "NETransposeKernel", "classarm__compute_1_1_n_e_transpose_kernel.xhtml", null ],
+ [ "NEUpsampleLayerKernel", "classarm__compute_1_1_n_e_upsample_layer_kernel.xhtml", null ],
[ "NEWeightsReshapeKernel", "classarm__compute_1_1_n_e_weights_reshape_kernel.xhtml", null ],
- [ "NEWidthConcatenateLayerKernel", "classarm__compute_1_1_n_e_width_concatenate_layer_kernel.xhtml", null ]
+ [ "NEWidthConcatenateLayerKernel", "classarm__compute_1_1_n_e_width_concatenate_layer_kernel.xhtml", null ],
+ [ "NEYOLOLayerKernel", "classarm__compute_1_1_n_e_y_o_l_o_layer_kernel.xhtml", null ]
] ],
[ "IGCKernel", "classarm__compute_1_1_i_g_c_kernel.xhtml", [
[ "GCAbsoluteDifferenceKernel", "classarm__compute_1_1_g_c_absolute_difference_kernel.xhtml", null ],
@@ -760,23 +816,34 @@
[ "ILayer", "classarm__compute_1_1graph_1_1frontend_1_1_i_layer.xhtml", [
[ "ActivationLayer", "classarm__compute_1_1graph_1_1frontend_1_1_activation_layer.xhtml", null ],
[ "BatchNormalizationLayer", "classarm__compute_1_1graph_1_1frontend_1_1_batch_normalization_layer.xhtml", null ],
- [ "BranchLayer", "classarm__compute_1_1graph_1_1frontend_1_1_branch_layer.xhtml", null ],
+ [ "BoundingBoxTransformLayer", "classarm__compute_1_1graph_1_1frontend_1_1_bounding_box_transform_layer.xhtml", null ],
[ "ChannelShuffleLayer", "classarm__compute_1_1graph_1_1frontend_1_1_channel_shuffle_layer.xhtml", null ],
+ [ "ConcatLayer", "classarm__compute_1_1graph_1_1frontend_1_1_concat_layer.xhtml", null ],
[ "ConvolutionLayer", "classarm__compute_1_1graph_1_1frontend_1_1_convolution_layer.xhtml", null ],
[ "DeconvolutionLayer", "classarm__compute_1_1graph_1_1frontend_1_1_deconvolution_layer.xhtml", null ],
[ "DepthwiseConvolutionLayer", "classarm__compute_1_1graph_1_1frontend_1_1_depthwise_convolution_layer.xhtml", null ],
[ "DummyLayer", "classarm__compute_1_1graph_1_1frontend_1_1_dummy_layer.xhtml", null ],
+ [ "EltwiseLayer", "classarm__compute_1_1graph_1_1frontend_1_1_eltwise_layer.xhtml", null ],
[ "FlattenLayer", "classarm__compute_1_1graph_1_1frontend_1_1_flatten_layer.xhtml", null ],
[ "FullyConnectedLayer", "classarm__compute_1_1graph_1_1frontend_1_1_fully_connected_layer.xhtml", null ],
+ [ "GenerateProposalsLayer", "classarm__compute_1_1graph_1_1frontend_1_1_generate_proposals_layer.xhtml", null ],
[ "InputLayer", "classarm__compute_1_1graph_1_1frontend_1_1_input_layer.xhtml", null ],
[ "NormalizationLayer", "classarm__compute_1_1graph_1_1frontend_1_1_normalization_layer.xhtml", null ],
+ [ "NormalizePlanarYUVLayer", "classarm__compute_1_1graph_1_1frontend_1_1_normalize_planar_y_u_v_layer.xhtml", null ],
[ "OutputLayer", "classarm__compute_1_1graph_1_1frontend_1_1_output_layer.xhtml", null ],
+ [ "PadLayer", "classarm__compute_1_1graph_1_1frontend_1_1_pad_layer.xhtml", null ],
[ "PermuteLayer", "classarm__compute_1_1graph_1_1frontend_1_1_permute_layer.xhtml", null ],
[ "PoolingLayer", "classarm__compute_1_1graph_1_1frontend_1_1_pooling_layer.xhtml", null ],
+ [ "PriorBoxLayer", "classarm__compute_1_1graph_1_1frontend_1_1_prior_box_layer.xhtml", null ],
+ [ "ReorgLayer", "classarm__compute_1_1graph_1_1frontend_1_1_reorg_layer.xhtml", null ],
[ "ReshapeLayer", "classarm__compute_1_1graph_1_1frontend_1_1_reshape_layer.xhtml", null ],
[ "ResizeLayer", "classarm__compute_1_1graph_1_1frontend_1_1_resize_layer.xhtml", null ],
+ [ "ROIAlignLayer", "classarm__compute_1_1graph_1_1frontend_1_1_r_o_i_align_layer.xhtml", null ],
[ "ScaleLayer", "classarm__compute_1_1graph_1_1frontend_1_1_scale_layer.xhtml", null ],
- [ "SoftmaxLayer", "classarm__compute_1_1graph_1_1frontend_1_1_softmax_layer.xhtml", null ]
+ [ "SliceLayer", "classarm__compute_1_1graph_1_1frontend_1_1_slice_layer.xhtml", null ],
+ [ "SoftmaxLayer", "classarm__compute_1_1graph_1_1frontend_1_1_softmax_layer.xhtml", null ],
+ [ "UpsampleLayer", "classarm__compute_1_1graph_1_1frontend_1_1_upsample_layer.xhtml", null ],
+ [ "YOLOLayer", "classarm__compute_1_1graph_1_1frontend_1_1_y_o_l_o_layer.xhtml", null ]
] ],
[ "ILifetimeManager", "classarm__compute_1_1_i_lifetime_manager.xhtml", [
[ "ISimpleLifetimeManager", "classarm__compute_1_1_i_simple_lifetime_manager.xhtml", [
@@ -801,6 +868,11 @@
] ],
[ "Image", "struct_image.xhtml", null ],
[ "ImageLoaderFactory", "classarm__compute_1_1utils_1_1_image_loader_factory.xhtml", null ],
+ [ "IMemory", "classarm__compute_1_1_i_memory.xhtml", [
+ [ "CLMemory", "classarm__compute_1_1_c_l_memory.xhtml", null ],
+ [ "GCMemory", "classarm__compute_1_1_g_c_memory.xhtml", null ],
+ [ "Memory", "classarm__compute_1_1_memory.xhtml", null ]
+ ] ],
[ "IMemoryGroup", "classarm__compute_1_1_i_memory_group.xhtml", [
[ "MemoryGroupBase< TensorType >", "classarm__compute_1_1_memory_group_base.xhtml", null ],
[ "MemoryGroupBase< CLTensor >", "classarm__compute_1_1_memory_group_base.xhtml", null ],
@@ -822,6 +894,9 @@
[ "CLFineSVMMemoryRegion", "classarm__compute_1_1_c_l_fine_s_v_m_memory_region.xhtml", null ]
] ]
] ],
+ [ "IGCMemoryRegion", "classarm__compute_1_1_i_g_c_memory_region.xhtml", [
+ [ "GCBufferMemoryRegion", "classarm__compute_1_1_g_c_buffer_memory_region.xhtml", null ]
+ ] ],
[ "MemoryRegion", "classarm__compute_1_1_memory_region.xhtml", null ]
] ],
[ "IMultiHOG", "classarm__compute_1_1_i_multi_h_o_g.xhtml", [
@@ -839,6 +914,7 @@
[ "INode", "classarm__compute_1_1graph_1_1_i_node.xhtml", [
[ "ActivationLayerNode", "classarm__compute_1_1graph_1_1_activation_layer_node.xhtml", null ],
[ "BatchNormalizationLayerNode", "classarm__compute_1_1graph_1_1_batch_normalization_layer_node.xhtml", null ],
+ [ "BoundingBoxTransformLayerNode", "classarm__compute_1_1graph_1_1_bounding_box_transform_layer_node.xhtml", null ],
[ "ChannelShuffleLayerNode", "classarm__compute_1_1graph_1_1_channel_shuffle_layer_node.xhtml", null ],
[ "ConcatenateLayerNode", "classarm__compute_1_1graph_1_1_concatenate_layer_node.xhtml", null ],
[ "ConstNode", "classarm__compute_1_1graph_1_1_const_node.xhtml", null ],
@@ -849,15 +925,24 @@
[ "EltwiseLayerNode", "classarm__compute_1_1graph_1_1_eltwise_layer_node.xhtml", null ],
[ "FlattenLayerNode", "classarm__compute_1_1graph_1_1_flatten_layer_node.xhtml", null ],
[ "FullyConnectedLayerNode", "classarm__compute_1_1graph_1_1_fully_connected_layer_node.xhtml", null ],
+ [ "GenerateProposalsLayerNode", "classarm__compute_1_1graph_1_1_generate_proposals_layer_node.xhtml", null ],
[ "InputNode", "classarm__compute_1_1graph_1_1_input_node.xhtml", null ],
[ "NormalizationLayerNode", "classarm__compute_1_1graph_1_1_normalization_layer_node.xhtml", null ],
+ [ "NormalizePlanarYUVLayerNode", "classarm__compute_1_1graph_1_1_normalize_planar_y_u_v_layer_node.xhtml", null ],
[ "OutputNode", "classarm__compute_1_1graph_1_1_output_node.xhtml", null ],
+ [ "PadLayerNode", "classarm__compute_1_1graph_1_1_pad_layer_node.xhtml", null ],
[ "PermuteLayerNode", "classarm__compute_1_1graph_1_1_permute_layer_node.xhtml", null ],
[ "PoolingLayerNode", "classarm__compute_1_1graph_1_1_pooling_layer_node.xhtml", null ],
+ [ "PriorBoxLayerNode", "classarm__compute_1_1graph_1_1_prior_box_layer_node.xhtml", null ],
+ [ "ReorgLayerNode", "classarm__compute_1_1graph_1_1_reorg_layer_node.xhtml", null ],
[ "ReshapeLayerNode", "classarm__compute_1_1graph_1_1_reshape_layer_node.xhtml", null ],
[ "ResizeLayerNode", "classarm__compute_1_1graph_1_1_resize_layer_node.xhtml", null ],
+ [ "ROIAlignLayerNode", "classarm__compute_1_1graph_1_1_r_o_i_align_layer_node.xhtml", null ],
+ [ "SliceLayerNode", "classarm__compute_1_1graph_1_1_slice_layer_node.xhtml", null ],
[ "SoftmaxLayerNode", "classarm__compute_1_1graph_1_1_softmax_layer_node.xhtml", null ],
- [ "SplitLayerNode", "classarm__compute_1_1graph_1_1_split_layer_node.xhtml", null ]
+ [ "SplitLayerNode", "classarm__compute_1_1graph_1_1_split_layer_node.xhtml", null ],
+ [ "UpsampleLayerNode", "classarm__compute_1_1graph_1_1_upsample_layer_node.xhtml", null ],
+ [ "YOLOLayerNode", "classarm__compute_1_1graph_1_1_y_o_l_o_layer_node.xhtml", null ]
] ],
[ "INodeVisitor", "classarm__compute_1_1graph_1_1_i_node_visitor.xhtml", [
[ "DefaultNodeVisitor", "classarm__compute_1_1graph_1_1_default_node_visitor.xhtml", [
@@ -866,15 +951,15 @@
] ],
[ "Instrument", "classarm__compute_1_1test_1_1framework_1_1_instrument.xhtml", [
[ "MaliCounter", "classarm__compute_1_1test_1_1framework_1_1_mali_counter.xhtml", null ],
+ [ "OpenCLClock< output_timestamps >", "classarm__compute_1_1test_1_1framework_1_1_open_c_l_clock.xhtml", null ],
[ "OpenCLMemoryUsage", "classarm__compute_1_1test_1_1framework_1_1_open_c_l_memory_usage.xhtml", null ],
- [ "OpenCLTimer", "classarm__compute_1_1test_1_1framework_1_1_open_c_l_timer.xhtml", null ],
[ "PMUCounter", "classarm__compute_1_1test_1_1framework_1_1_p_m_u_counter.xhtml", null ],
- [ "SchedulerTimer", "classarm__compute_1_1test_1_1framework_1_1_scheduler_timer.xhtml", null ],
- [ "WallClockTimer", "classarm__compute_1_1test_1_1framework_1_1_wall_clock_timer.xhtml", null ]
+ [ "SchedulerClock< output_timestamps >", "classarm__compute_1_1test_1_1framework_1_1_scheduler_clock.xhtml", null ],
+ [ "WallClock< output_timestamps >", "classarm__compute_1_1test_1_1framework_1_1_wall_clock.xhtml", null ]
] ],
[ "InstrumentsStats", "classarm__compute_1_1test_1_1framework_1_1_instruments_stats.xhtml", null ],
- [ "InternalKeypoint", "struct_internal_keypoint.xhtml", null ],
[ "InternalKeyPoint", "structarm__compute_1_1_internal_key_point.xhtml", null ],
+ [ "InternalKeypoint", "struct_internal_keypoint.xhtml", null ],
[ "IOFormatInfo", "structarm__compute_1_1_i_o_format_info.xhtml", null ],
[ "IPoolManager", "classarm__compute_1_1_i_pool_manager.xhtml", [
[ "PoolManager", "classarm__compute_1_1_pool_manager.xhtml", null ]
@@ -937,25 +1022,27 @@
[ "NESubTensorHandle", "classarm__compute_1_1graph_1_1backends_1_1_n_e_sub_tensor_handle.xhtml", null ],
[ "NETensorHandle", "classarm__compute_1_1graph_1_1backends_1_1_n_e_tensor_handle.xhtml", null ]
] ],
- [ "ZipDataset< T, U >::iterator", "structarm__compute_1_1test_1_1framework_1_1dataset_1_1_zip_dataset_1_1iterator.xhtml", null ],
- [ "JoinDataset< T, U >::iterator", "structarm__compute_1_1test_1_1framework_1_1dataset_1_1_join_dataset_1_1iterator.xhtml", null ],
- [ "CartesianProductDataset< T, U >::iterator", "structarm__compute_1_1test_1_1framework_1_1dataset_1_1_cartesian_product_dataset_1_1iterator.xhtml", null ],
- [ "Iterator", "classarm__compute_1_1_iterator.xhtml", null ],
- [ "ContainerDataset< T >::iterator", "structarm__compute_1_1test_1_1framework_1_1dataset_1_1_container_dataset_1_1iterator.xhtml", null ],
- [ "InitializerListDataset< T >::iterator", "structarm__compute_1_1test_1_1framework_1_1dataset_1_1_initializer_list_dataset_1_1iterator.xhtml", null ],
[ "RangeDataset< T >::iterator", "structarm__compute_1_1test_1_1framework_1_1dataset_1_1_range_dataset_1_1iterator.xhtml", null ],
[ "SingletonDataset< T >::iterator", "structarm__compute_1_1test_1_1framework_1_1dataset_1_1_singleton_dataset_1_1iterator.xhtml", null ],
+ [ "ZipDataset< T, U >::iterator", "structarm__compute_1_1test_1_1framework_1_1dataset_1_1_zip_dataset_1_1iterator.xhtml", null ],
+ [ "ContainerDataset< T >::iterator", "structarm__compute_1_1test_1_1framework_1_1dataset_1_1_container_dataset_1_1iterator.xhtml", null ],
+ [ "InitializerListDataset< T >::iterator", "structarm__compute_1_1test_1_1framework_1_1dataset_1_1_initializer_list_dataset_1_1iterator.xhtml", null ],
+ [ "JoinDataset< T, U >::iterator", "structarm__compute_1_1test_1_1framework_1_1dataset_1_1_join_dataset_1_1iterator.xhtml", null ],
+ [ "Iterator", "classarm__compute_1_1_iterator.xhtml", null ],
+ [ "CartesianProductDataset< T, U >::iterator", "structarm__compute_1_1test_1_1framework_1_1dataset_1_1_cartesian_product_dataset_1_1iterator.xhtml", null ],
[ "Kernel", "classarm__compute_1_1_kernel.xhtml", null ],
- [ "SchedulerTimer::kernel_info", "structarm__compute_1_1test_1_1framework_1_1_scheduler_timer_1_1kernel__info.xhtml", null ],
+ [ "SchedulerClock< output_timestamps >::kernel_info", "structarm__compute_1_1test_1_1framework_1_1_scheduler_clock_1_1kernel__info.xhtml", null ],
[ "KeyPoint", "structarm__compute_1_1_key_point.xhtml", null ],
[ "Keypoint", "struct_keypoint.xhtml", null ],
+ [ "linear< T, S >", "structarm__compute_1_1detail_1_1linear.xhtml", null ],
[ "Logger", "classarm__compute_1_1logging_1_1_logger.xhtml", null ],
[ "LoggerRegistry", "classarm__compute_1_1logging_1_1_logger_registry.xhtml", null ],
+ [ "logistic< T, S >", "structarm__compute_1_1detail_1_1logistic.xhtml", null ],
[ "LogMsg", "structarm__compute_1_1logging_1_1_log_msg.xhtml", null ],
[ "LSTMParams< T >", "classarm__compute_1_1_l_s_t_m_params.xhtml", null ],
[ "lubrelu< T, S >", "structarm__compute_1_1detail_1_1lubrelu.xhtml", null ],
[ "Measurement", "structarm__compute_1_1test_1_1framework_1_1_measurement.xhtml", null ],
- [ "Memory", "classarm__compute_1_1_memory.xhtml", null ],
+ [ "MEMInfo", "classarm__compute_1_1_m_e_m_info.xhtml", null ],
[ "MemoryManagerContext", "structarm__compute_1_1graph_1_1_memory_manager_context.xhtml", null ],
[ "MinMaxLocationValues< MinMaxType >", "structarm__compute_1_1_min_max_location_values.xhtml", null ],
[ "MultiImageInfo", "classarm__compute_1_1_multi_image_info.xhtml", null ],
@@ -1004,14 +1091,15 @@
[ "PixelValue", "classarm__compute_1_1_pixel_value.xhtml", null ],
[ "PMU", "classarm__compute_1_1test_1_1framework_1_1_p_m_u.xhtml", null ],
[ "PoolingLayerInfo", "classarm__compute_1_1_pooling_layer_info.xhtml", null ],
- [ "Printer", "classarm__compute_1_1test_1_1framework_1_1_printer.xhtml", [
- [ "JSONPrinter", "classarm__compute_1_1test_1_1framework_1_1_j_s_o_n_printer.xhtml", null ],
- [ "PrettyPrinter", "classarm__compute_1_1test_1_1framework_1_1_pretty_printer.xhtml", null ]
- ] ],
[ "Printer", "classarm__compute_1_1logging_1_1_printer.xhtml", [
[ "FilePrinter", "classarm__compute_1_1logging_1_1_file_printer.xhtml", null ],
[ "StdPrinter", "classarm__compute_1_1logging_1_1_std_printer.xhtml", null ]
] ],
+ [ "Printer", "classarm__compute_1_1test_1_1framework_1_1_printer.xhtml", [
+ [ "JSONPrinter", "classarm__compute_1_1test_1_1framework_1_1_j_s_o_n_printer.xhtml", null ],
+ [ "PrettyPrinter", "classarm__compute_1_1test_1_1framework_1_1_pretty_printer.xhtml", null ]
+ ] ],
+ [ "PriorBoxLayerInfo", "classarm__compute_1_1_prior_box_layer_info.xhtml", null ],
[ "Profiler", "classarm__compute_1_1test_1_1framework_1_1_profiler.xhtml", null ],
[ "Program", "classarm__compute_1_1_program.xhtml", null ],
[ "promote< T >", "structarm__compute_1_1test_1_1traits_1_1promote.xhtml", null ],
@@ -1038,10 +1126,11 @@
] ],
[ "Scheduler", "classarm__compute_1_1_scheduler.xhtml", null ],
[ "Semaphore", "classarm__compute_1_1_semaphore.xhtml", null ],
- [ "SignalImpl< SignalType >", "classarm__compute_1_1utils_1_1signal_1_1detail_1_1_signal_impl.xhtml", null ],
- [ "SignalImpl< ReturnType(Args...)>", "classarm__compute_1_1utils_1_1signal_1_1detail_1_1_signal_impl_3_01_return_type_07_args_8_8_8_08_4.xhtml", null ],
[ "Size2D", "classarm__compute_1_1_size2_d.xhtml", null ],
+ [ "square< T, S >", "structarm__compute_1_1detail_1_1square.xhtml", null ],
[ "Status", "classarm__compute_1_1_status.xhtml", null ],
+ [ "StdTransformsFixed< TOperand, TResult, height, width, block >", "classarm__gemm_1_1_std_transforms_fixed.xhtml", null ],
+ [ "StdTransformsSVE< TOperand, TResult, height, width_vectors, block, mmla >", "classarm__gemm_1_1_std_transforms_s_v_e.xhtml", null ],
[ "StreamHints", "structarm__compute_1_1graph_1_1frontend_1_1_stream_hints.xhtml", null ],
[ "TaskExecutor", "classarm__compute_1_1graph_1_1_task_executor.xhtml", null ],
[ "Tensor", "classarm__compute_1_1graph_1_1_tensor.xhtml", null ],
@@ -1052,21 +1141,21 @@
[ "TestCase", "classarm__compute_1_1test_1_1framework_1_1_test_case.xhtml", [
[ "DataTestCase< T >", "classarm__compute_1_1test_1_1framework_1_1_data_test_case.xhtml", null ],
[ "DataTestCase< decltype(framework::dataset::combine(framework::dataset::combine(datasets::AlexNetActivationLayerDataset(), data_types), framework::dataset::make(\"Batches\", 1)))::type >", "classarm__compute_1_1test_1_1framework_1_1_data_test_case.xhtml", null ],
- [ "DataTestCase< decltype(framework::dataset::combine(framework::dataset::combine(datasets::AlexNetActivationLayerDataset(), data_types), framework::dataset::make(\"Batches\",{4, 8})))::type >", "classarm__compute_1_1test_1_1framework_1_1_data_test_case.xhtml", null ],
+ [ "DataTestCase< decltype(framework::dataset::combine(framework::dataset::combine(datasets::AlexNetActivationLayerDataset(), data_types), framework::dataset::make(\"Batches\", { 4, 8 })))::type >", "classarm__compute_1_1test_1_1framework_1_1_data_test_case.xhtml", null ],
[ "DataTestCase< decltype(framework::dataset::combine(framework::dataset::combine(datasets::GoogLeNetInceptionV1ActivationLayerDataset(), data_types), framework::dataset::make(\"Batches\", 1)))::type >", "classarm__compute_1_1test_1_1framework_1_1_data_test_case.xhtml", null ],
- [ "DataTestCase< decltype(framework::dataset::combine(framework::dataset::combine(datasets::GoogLeNetInceptionV1ActivationLayerDataset(), data_types), framework::dataset::make(\"Batches\",{4, 8})))::type >", "classarm__compute_1_1test_1_1framework_1_1_data_test_case.xhtml", null ],
+ [ "DataTestCase< decltype(framework::dataset::combine(framework::dataset::combine(datasets::GoogLeNetInceptionV1ActivationLayerDataset(), data_types), framework::dataset::make(\"Batches\", { 4, 8 })))::type >", "classarm__compute_1_1test_1_1framework_1_1_data_test_case.xhtml", null ],
[ "DataTestCase< decltype(framework::dataset::combine(framework::dataset::combine(datasets::GoogLeNetInceptionV4ActivationLayerDataset(), data_types), framework::dataset::make(\"Batches\", 1)))::type >", "classarm__compute_1_1test_1_1framework_1_1_data_test_case.xhtml", null ],
- [ "DataTestCase< decltype(framework::dataset::combine(framework::dataset::combine(datasets::GoogLeNetInceptionV4ActivationLayerDataset(), data_types), framework::dataset::make(\"Batches\",{4, 8})))::type >", "classarm__compute_1_1test_1_1framework_1_1_data_test_case.xhtml", null ],
+ [ "DataTestCase< decltype(framework::dataset::combine(framework::dataset::combine(datasets::GoogLeNetInceptionV4ActivationLayerDataset(), data_types), framework::dataset::make(\"Batches\", { 4, 8 })))::type >", "classarm__compute_1_1test_1_1framework_1_1_data_test_case.xhtml", null ],
[ "DataTestCase< decltype(framework::dataset::combine(framework::dataset::combine(datasets::LeNet5ActivationLayerDataset(), data_types), framework::dataset::make(\"Batches\", 1)))::type >", "classarm__compute_1_1test_1_1framework_1_1_data_test_case.xhtml", null ],
- [ "DataTestCase< decltype(framework::dataset::combine(framework::dataset::combine(datasets::LeNet5ActivationLayerDataset(), data_types), framework::dataset::make(\"Batches\",{4, 8})))::type >", "classarm__compute_1_1test_1_1framework_1_1_data_test_case.xhtml", null ],
+ [ "DataTestCase< decltype(framework::dataset::combine(framework::dataset::combine(datasets::LeNet5ActivationLayerDataset(), data_types), framework::dataset::make(\"Batches\", { 4, 8 })))::type >", "classarm__compute_1_1test_1_1framework_1_1_data_test_case.xhtml", null ],
[ "DataTestCase< decltype(framework::dataset::combine(framework::dataset::combine(datasets::MobileNetActivationLayerDataset(), data_types_mobilenet), framework::dataset::make(\"Batches\", 1)))::type >", "classarm__compute_1_1test_1_1framework_1_1_data_test_case.xhtml", null ],
- [ "DataTestCase< decltype(framework::dataset::combine(framework::dataset::combine(datasets::MobileNetActivationLayerDataset(), data_types_mobilenet), framework::dataset::make(\"Batches\",{4, 8})))::type >", "classarm__compute_1_1test_1_1framework_1_1_data_test_case.xhtml", null ],
+ [ "DataTestCase< decltype(framework::dataset::combine(framework::dataset::combine(datasets::MobileNetActivationLayerDataset(), data_types_mobilenet), framework::dataset::make(\"Batches\", { 4, 8 })))::type >", "classarm__compute_1_1test_1_1framework_1_1_data_test_case.xhtml", null ],
[ "DataTestCase< decltype(framework::dataset::combine(framework::dataset::combine(datasets::SqueezeNetActivationLayerDataset(), data_types), framework::dataset::make(\"Batches\", 1)))::type >", "classarm__compute_1_1test_1_1framework_1_1_data_test_case.xhtml", null ],
- [ "DataTestCase< decltype(framework::dataset::combine(framework::dataset::combine(datasets::SqueezeNetActivationLayerDataset(), data_types), framework::dataset::make(\"Batches\",{4, 8})))::type >", "classarm__compute_1_1test_1_1framework_1_1_data_test_case.xhtml", null ],
+ [ "DataTestCase< decltype(framework::dataset::combine(framework::dataset::combine(datasets::SqueezeNetActivationLayerDataset(), data_types), framework::dataset::make(\"Batches\", { 4, 8 })))::type >", "classarm__compute_1_1test_1_1framework_1_1_data_test_case.xhtml", null ],
[ "DataTestCase< decltype(framework::dataset::combine(framework::dataset::combine(datasets::VGG16ActivationLayerDataset(), data_types), framework::dataset::make(\"Batches\", 1)))::type >", "classarm__compute_1_1test_1_1framework_1_1_data_test_case.xhtml", null ],
- [ "DataTestCase< decltype(framework::dataset::combine(framework::dataset::combine(datasets::VGG16ActivationLayerDataset(), data_types), framework::dataset::make(\"Batches\",{4, 8})))::type >", "classarm__compute_1_1test_1_1framework_1_1_data_test_case.xhtml", null ],
+ [ "DataTestCase< decltype(framework::dataset::combine(framework::dataset::combine(datasets::VGG16ActivationLayerDataset(), data_types), framework::dataset::make(\"Batches\", { 4, 8 })))::type >", "classarm__compute_1_1test_1_1framework_1_1_data_test_case.xhtml", null ],
[ "DataTestCase< decltype(framework::dataset::combine(framework::dataset::combine(datasets::YOLOV2ActivationLayerDataset(), data_types), framework::dataset::make(\"Batches\", 1)))::type >", "classarm__compute_1_1test_1_1framework_1_1_data_test_case.xhtml", null ],
- [ "DataTestCase< decltype(framework::dataset::combine(framework::dataset::combine(datasets::YOLOV2ActivationLayerDataset(), data_types), framework::dataset::make(\"Batches\",{4, 8})))::type >", "classarm__compute_1_1test_1_1framework_1_1_data_test_case.xhtml", null ]
+ [ "DataTestCase< decltype(framework::dataset::combine(framework::dataset::combine(datasets::YOLOV2ActivationLayerDataset(), data_types), framework::dataset::make(\"Batches\", { 4, 8 })))::type >", "classarm__compute_1_1test_1_1framework_1_1_data_test_case.xhtml", null ]
] ],
[ "TestCaseFactory", "classarm__compute_1_1test_1_1framework_1_1_test_case_factory.xhtml", [
[ "DataTestCaseFactory< T, D >", "classarm__compute_1_1test_1_1framework_1_1_data_test_case_factory.xhtml", null ],
@@ -1078,12 +1167,15 @@
[ "TestResult", "structarm__compute_1_1test_1_1framework_1_1_test_result.xhtml", null ],
[ "TestSuiteRegistrar", "classarm__compute_1_1test_1_1framework_1_1detail_1_1_test_suite_registrar.xhtml", null ],
[ "ThreadInfo", "structarm__compute_1_1_thread_info.xhtml", null ],
+ [ "TransformImpl< tIntBy, BlockBy, Transposed, TOutSize, TInSize, sve >", "struct_transform_impl.xhtml", null ],
+ [ "TransposeInterleaveCommon< IntBy, TIn, TOut >", "struct_transpose_interleave_common.xhtml", null ],
[ "true_type", null, [
[ "is_container< std::vector< V, A > >", "structarm__compute_1_1test_1_1framework_1_1dataset_1_1is__container_3_01std_1_1vector_3_01_v_00_01_a_01_4_01_4.xhtml", null ],
[ "is_floating_point< half >", "structarm__compute_1_1test_1_1validation_1_1is__floating__point_3_01half_01_4.xhtml", null ],
[ "is_contained< T, std::tuple< T, Ts... > >", "structarm__compute_1_1traits_1_1is__contained_3_01_t_00_01std_1_1tuple_3_01_t_00_01_ts_8_8_8_01_4_01_4.xhtml", null ]
] ],
[ "TunerFactory", "classarm__compute_1_1tuners_1_1_tuner_factory.xhtml", null ],
+ [ "uniform_real_distribution_fp16", "classarm__compute_1_1utils_1_1uniform__real__distribution__fp16.xhtml", null ],
[ "ValidRegion", "structarm__compute_1_1_valid_region.xhtml", null ],
[ "Measurement::Value", "structarm__compute_1_1test_1_1framework_1_1_measurement_1_1_value.xhtml", null ],
[ "Vector", "struct_vector.xhtml", null ],