23.08
|
#include <GraphBuilder.h>
Static Public Member Functions | |
static NodeID | add_const_node (Graph &g, NodeParams params, const TensorDescriptor &desc, ITensorAccessorUPtr accessor=nullptr) |
Adds a Const node to the graph. More... | |
static NodeID | add_input_node (Graph &g, NodeParams params, const TensorDescriptor &desc, ITensorAccessorUPtr accessor=nullptr) |
Adds an input layer node to the graph. More... | |
static NodeID | add_output_node (Graph &g, NodeParams params, NodeIdxPair input, ITensorAccessorUPtr accessor=nullptr) |
Adds an output layer node to the graph. More... | |
static NodeID | add_activation_node (Graph &g, NodeParams params, NodeIdxPair input, ActivationLayerInfo act_info, const QuantizationInfo &out_quant_info=QuantizationInfo()) |
Adds an activation layer node to the graph. More... | |
static NodeID | add_arg_min_max_node (Graph &g, NodeParams params, NodeIdxPair input, ReductionOperation op, unsigned int axis, DataType out_data_type=DataType::UNKNOWN, const QuantizationInfo &out_quant_info=QuantizationInfo()) |
Adds an activation layer node to the graph. More... | |
static NodeID | add_batch_normalization_node (Graph &g, NodeParams params, NodeIdxPair input, float epsilon, ITensorAccessorUPtr mean_accessor=nullptr, ITensorAccessorUPtr var_accessor=nullptr, ITensorAccessorUPtr beta_accessor=nullptr, ITensorAccessorUPtr gamma_accessor=nullptr) |
Adds a batch normalization layer node to the graph. More... | |
static NodeID | add_bounding_box_transform_node (Graph &g, NodeParams params, NodeIdxPair input, NodeIdxPair deltas, BoundingBoxTransformInfo info) |
Adds a bounding box transform layer node to the graph. More... | |
static NodeID | add_channel_shuffle_node (Graph &g, NodeParams params, NodeIdxPair input, unsigned int num_groups) |
Adds an channel shuffle layer node to the graph. More... | |
static NodeID | add_convolution_node (Graph &g, NodeParams params, NodeIdxPair input, Size2D kernel_spatial_extend, unsigned int depth, PadStrideInfo conv_info, unsigned int num_groups=1, ConvolutionMethod method=ConvolutionMethod::Default, FastMathHint fast_math_hint=FastMathHint::Disabled, ITensorAccessorUPtr weights_accessor=nullptr, ITensorAccessorUPtr bias_accessor=nullptr, const QuantizationInfo &weights_quant_info=QuantizationInfo(), const QuantizationInfo &out_quant_info=QuantizationInfo()) |
Adds a convolution layer node to the graph. More... | |
static NodeID | add_deconvolution_node (Graph &g, NodeParams params, NodeIdxPair input, Size2D kernel_spatial_extend, unsigned int depth, PadStrideInfo deconv_info, ITensorAccessorUPtr weights_accessor=nullptr, ITensorAccessorUPtr bias_accessor=nullptr) |
Adds a deconvolution layer node to the graph. More... | |
static NodeID | add_concatenate_node (Graph &g, NodeParams params, const std::vector< NodeIdxPair > &inputs, const descriptors::ConcatLayerDescriptor &concat_descriptor) |
Adds a depth concatenate node to the graph. More... | |
static NodeID | add_depth_to_space_node (Graph &g, NodeParams params, NodeIdxPair input, int32_t block_shape) |
Adds an depth to space layer node to the graph. More... | |
static NodeID | add_depthwise_convolution_node (Graph &g, NodeParams params, NodeIdxPair input, Size2D kernel_spatial_extend, PadStrideInfo conv_info, int depth_multiplier=1, DepthwiseConvolutionMethod method=DepthwiseConvolutionMethod::Default, ITensorAccessorUPtr weights_accessor=nullptr, ITensorAccessorUPtr bias_accessor=nullptr, const QuantizationInfo &quant_info=QuantizationInfo(), const QuantizationInfo &out_quant_info=QuantizationInfo()) |
Adds a depth-wise convolution layer node to the graph. More... | |
static NodeID | add_elementwise_node (Graph &g, NodeParams params, NodeIdxPair input0, NodeIdxPair input1, EltwiseOperation operation) |
Adds an element-wise layer node to the graph. More... | |
static NodeID | add_dequantization_node (Graph &g, NodeParams params, NodeIdxPair input) |
Adds a dequantization node to the graph. More... | |
static NodeID | add_detection_output_node (Graph &g, NodeParams params, NodeIdxPair input_loc, NodeIdxPair input_conf, NodeIdxPair input_priorbox, const DetectionOutputLayerInfo &detect_info) |
Adds a detection output layer node to the graph. More... | |
static NodeID | add_detection_post_process_node (Graph &g, NodeParams params, NodeIdxPair input_box_encoding, NodeIdxPair input_class_prediction, const DetectionPostProcessLayerInfo &detect_info, ITensorAccessorUPtr anchors_accessor=nullptr, const QuantizationInfo &anchor_quant_info=QuantizationInfo()) |
Adds a detection post process layer node to the graph. More... | |
static NodeID | add_dummy_node (Graph &g, NodeParams params, NodeIdxPair input, TensorShape shape) |
Adds a Dummy node to the graph. More... | |
static NodeID | add_flatten_node (Graph &g, NodeParams params, NodeIdxPair input) |
Adds a flatten layer node to the graph. More... | |
static NodeID | add_fully_connected_layer (Graph &g, NodeParams params, NodeIdxPair input, unsigned int num_outputs, NodeID weights_nid, NodeID bias_nid=EmptyNodeID, const FullyConnectedLayerInfo fc_info=FullyConnectedLayerInfo(), const QuantizationInfo &out_quant_info=QuantizationInfo(), FastMathHint fast_math_hint=FastMathHint::Disabled) |
Adds a fully connected layer node to the graph. More... | |
static NodeID | add_fully_connected_layer (Graph &g, NodeParams params, NodeIdxPair input, unsigned int num_outputs, ITensorAccessorUPtr weights_accessor=nullptr, ITensorAccessorUPtr bias_accessor=nullptr, const FullyConnectedLayerInfo fc_info=FullyConnectedLayerInfo(), const QuantizationInfo &weights_quant_info=QuantizationInfo(), const QuantizationInfo &out_quant_info=QuantizationInfo(), FastMathHint fast_math_hint=FastMathHint::Disabled) |
Adds a fully connected layer node to the graph. More... | |
static NodeID | add_generate_proposals_node (Graph &g, NodeParams params, NodeIdxPair scores, NodeIdxPair deltas, NodeIdxPair anchors, GenerateProposalsInfo info) |
Adds a generate proposals layer node to the graph. More... | |
static NodeID | add_l2_normalize_node (Graph &g, NodeParams params, NodeIdxPair input, int axis, float epsilon) |
Adds a L2 Normalize layer node to the graph. More... | |
static NodeID | add_normalization_node (Graph &g, NodeParams params, NodeIdxPair input, NormalizationLayerInfo norm_info) |
Adds a normalization layer node to the graph. More... | |
static NodeID | add_normalize_planar_yuv_node (Graph &g, NodeParams params, NodeIdxPair input, ITensorAccessorUPtr mean_accessor=nullptr, ITensorAccessorUPtr std_accessor=nullptr) |
Adds a normalize planar YUV layer node to the graph. More... | |
static NodeID | add_pad_node (Graph &g, NodeParams params, NodeIdxPair input, const PaddingList &paddings, PixelValue pad_value=PixelValue()) |
Adds a pad layer node to the graph. More... | |
static NodeID | add_permute_node (Graph &g, NodeParams params, NodeIdxPair input, PermutationVector perm, DataLayout layout=DataLayout::UNKNOWN) |
Adds a permute layer node to the graph. More... | |
static NodeID | add_pooling_node (Graph &g, NodeParams params, NodeIdxPair input, PoolingLayerInfo pool_info) |
Adds a pooling layer node to the graph. More... | |
static NodeID | add_prelu_node (Graph &g, NodeParams params, NodeIdxPair input, NodeIdxPair alpha) |
Adds a prelu layer node to the graph. More... | |
static NodeID | add_print_node (Graph &g, NodeParams params, NodeIdxPair input, std::ostream &stream, const IOFormatInfo &format_info=IOFormatInfo(), const std::function< ITensor *(ITensor *)> transform=nullptr) |
Adds a print layer node to the graph. More... | |
static NodeID | add_priorbox_node (Graph &g, NodeParams params, NodeIdxPair input0, NodeIdxPair input1, const PriorBoxLayerInfo &prior_info) |
Adds a priorbox layer node to the graph. More... | |
static NodeID | add_quantization_node (Graph &g, NodeParams params, NodeIdxPair input, const QuantizationInfo &out_quant_info) |
Adds a quantization layer node to the graph. More... | |
static NodeID | add_reduction_operation_node (Graph &g, NodeParams params, NodeIdxPair input, ReductionOperation op, int axis, bool keep_dims=true) |
Adds a reduction sum layer node to the graph. More... | |
static NodeID | add_reorg_node (Graph &g, NodeParams params, NodeIdxPair input, int stride) |
Adds a reorg layer node to the graph. More... | |
static NodeID | add_reshape_node (Graph &g, NodeParams params, NodeIdxPair input, TensorShape shape) |
Adds a reshape layer node to the graph. More... | |
static NodeID | add_resize_node (Graph &g, NodeParams params, NodeIdxPair input, InterpolationPolicy policy, float width_scale, float height_scale) |
Adds a resize layer node to the graph. More... | |
static NodeID | add_roi_align_node (Graph &g, NodeParams params, NodeIdxPair input, NodeIdxPair rois, ROIPoolingLayerInfo pool_info) |
Adds a ROI align layer node to the graph. More... | |
static NodeID | add_scale_layer (Graph &g, const NodeParams ¶ms, NodeIdxPair input, ITensorAccessorUPtr mul_accessor=nullptr, ITensorAccessorUPtr add_accessor=nullptr) |
Adds a scale layer node to the graph This layer computes a product of the input with a scale (read from mul_accessor) and it applies an offset (read from add_accessor). More... | |
static NodeID | add_softmax_node (Graph &g, NodeParams params, NodeIdxPair input, float beta=1.f) |
Adds a softmax node to the graph. More... | |
static NodeID | add_slice_node (Graph &g, NodeParams params, NodeIdxPair input, Coordinates &starts, Coordinates &ends) |
Adds a slice node to the graph. More... | |
static NodeID | add_split_node (Graph &g, NodeParams params, NodeIdxPair input, unsigned int num_splits, unsigned int axis=0) |
Adds a split node to the graph. More... | |
static NodeID | add_stack_node (Graph &g, NodeParams params, const std::vector< NodeIdxPair > &inputs, int axis) |
Adds a stack layer node to the graph. More... | |
static NodeID | add_strided_slice_node (Graph &g, NodeParams params, NodeIdxPair input, Coordinates &starts, Coordinates &ends, BiStrides &strides, StridedSliceLayerInfo info) |
Adds a strided slice node to the graph. More... | |
static NodeID | add_yolo_node (Graph &g, NodeParams params, NodeIdxPair input, ActivationLayerInfo act_info) |
Adds a yolo layer to the graph. More... | |
|
static |
Adds an activation layer node to the graph.
[in] | g | Graph to add the node to |
[in] | params | Common node parameters |
[in] | input | Input to the activation layer node as a NodeID-Index pair |
[in] | act_info | Activation layer information |
[in] | out_quant_info | (Optional) Output quantization info |
Definition at line 137 of file GraphBuilder.cpp.
References arm_compute::test::validation::act_info, and arm_compute::test::validation::input.
Referenced by ActivationLayer::create_layer().
|
static |
Adds an activation layer node to the graph.
[in] | g | Graph to add the node to |
[in] | params | Common node parameters |
[in] | input | Input to the activation layer node as a NodeID-Index pair |
[in] | op | Reduction Operation: min or max |
[in] | axis | Axis to perform reduction operation across |
[in] | out_data_type | (Optional) Output data type |
[in] | out_quant_info | (Optional) Output quantization info |
Definition at line 143 of file GraphBuilder.cpp.
References arm_compute::test::validation::input.
Referenced by ArgMinMaxLayer::create_layer().
|
static |
Adds a batch normalization layer node to the graph.
[in] | g | Graph to add the node to |
[in] | params | Common node parameters |
[in] | input | Input to the batch normalization layer node as a NodeID-Index pair |
[in] | epsilon | Epsilon parameter |
[in] | mean_accessor | Const Node ID that contains the mean values |
[in] | var_accessor | Const Node ID that contains the variance values |
[in] | beta_accessor | Const Node ID that contains the beta values. Can be EmptyNodeID |
[in] | gamma_accessor | Const Node ID that contains the gamma values. Can be EmptyNodeID |
Definition at line 149 of file GraphBuilder.cpp.
References Graph::add_connection(), Graph::add_node(), arm_compute::CHANNEL, arm_compute::graph::EmptyNodeID, arm_compute::quantization::epsilon, arm_compute::graph::get_dimension_size(), arm_compute::graph::get_tensor_descriptor(), arm_compute::test::validation::input, Graph::node(), INode::outputs(), and TensorDescriptor::shape.
Referenced by BatchNormalizationLayer::create_layer().
|
static |
Adds a bounding box transform layer node to the graph.
[in] | g | Graph to add the node to |
[in] | params | Common node parameters |
[in] | input | Input to the bounding box transform layer node as a NodeID-Index pair |
[in] | deltas | Deltas input to the bounding box transform layer node as a NodeID-Index pair |
[in] | info | Bounding Box Transform information |
Definition at line 201 of file GraphBuilder.cpp.
References Graph::add_connection(), Graph::add_node(), NodeIdxPair::index, arm_compute::test::validation::info, arm_compute::test::validation::input, and NodeIdxPair::node_id.
Referenced by BoundingBoxTransformLayer::create_layer().
|
static |
Adds an channel shuffle layer node to the graph.
[in] | g | Graph to add the node to |
[in] | params | Common node parameters |
[in] | input | Input to the activation layer node as a NodeID-Index pair |
[in] | num_groups | Number of groups |
Definition at line 215 of file GraphBuilder.cpp.
References arm_compute::test::validation::input, and arm_compute::test::validation::num_groups.
Referenced by ChannelShuffleLayer::create_layer().
|
static |
Adds a depth concatenate node to the graph.
[in] | g | Graph to add the node to |
[in] | params | Common node parameters |
[in] | inputs | Inputs to the concatenate layer node as a NodeID-Index pair |
[in] | concat_descriptor | Concatenation layer descriptor |
Definition at line 328 of file GraphBuilder.cpp.
Referenced by ConcatLayer::create_layer().
|
static |
Adds a Const node to the graph.
[in] | g | Graph to add the node to |
[in] | params | Common node parameters |
[in] | desc | Tensor descriptor of the node |
[in] | accessor | (Optional) Accessor of the const node data |
Definition at line 109 of file GraphBuilder.cpp.
References Graph::add_node().
Referenced by ConstantLayer::create_layer().
|
static |
Adds a convolution layer node to the graph.
[in] | g | Graph to add the node to |
[in] | params | Common node parameters |
[in] | input | Input to the convolution layer node as a NodeID-Index pair |
[in] | kernel_spatial_extend | Spatial extend of convolution kernels |
[in] | depth | Number of convolution kernels |
[in] | conv_info | Convolution layer information |
[in] | num_groups | (Optional) Number of groups for a grouped convolution. Defaults to 1 |
[in] | method | (Optional) Convolution method to use |
[in] | fast_math_hint | (Optional) Fast math hint |
[in] | weights_accessor | (Optional) Accessor of the weights node data |
[in] | bias_accessor | (Optional) Accessor of the bias node data |
[in] | weights_quant_info | (Optional) Weights quantization info |
[in] | out_quant_info | (Optional) Output quantization info |
Definition at line 220 of file GraphBuilder.cpp.
References Graph::add_connection(), Graph::add_node(), ARM_COMPUTE_ERROR_ON, arm_compute::BATCHES, arm_compute::CHANNEL, arm_compute::test::validation::conv_info, TensorDescriptor::data_type, QuantizationInfo::empty(), arm_compute::graph::EmptyNodeID, arm_compute::graph::get_dimension_idx(), arm_compute::graph::get_dimension_size(), arm_compute::graph::get_tensor_descriptor(), arm_compute::test::validation::has_bias, Size2D::height, arm_compute::HEIGHT, arm_compute::test::validation::input, arm_compute::is_data_type_quantized_asymmetric(), TensorDescriptor::layout, Graph::node(), arm_compute::test::validation::num_groups, INode::outputs(), TensorDescriptor::quant_info, arm_compute::S32, TensorShape::set(), TensorDescriptor::shape, Size2D::width, and arm_compute::WIDTH.
Referenced by ConvolutionLayer::create_layer().
|
static |
Adds a deconvolution layer node to the graph.
[in] | g | Graph to add the node to |
[in] | params | Common node parameters |
[in] | input | Input to the convolution layer node as a NodeID-Index pair |
[in] | kernel_spatial_extend | Spatial extend of convolution kernels |
[in] | depth | Number of convolution kernels |
[in] | deconv_info | Convolution layer information |
[in] | weights_accessor | (Optional) Accessor of the weights node data |
[in] | bias_accessor | (Optional) Accessor of the bias node data |
Definition at line 277 of file GraphBuilder.cpp.
References Graph::add_connection(), Graph::add_node(), ARM_COMPUTE_ERROR_ON, arm_compute::BATCHES, arm_compute::CHANNEL, TensorDescriptor::data_type, arm_compute::graph::EmptyNodeID, arm_compute::graph::get_dimension_idx(), arm_compute::graph::get_dimension_size(), arm_compute::graph::get_tensor_descriptor(), arm_compute::test::validation::has_bias, Size2D::height, arm_compute::HEIGHT, arm_compute::test::validation::input, arm_compute::is_data_type_quantized_asymmetric(), TensorDescriptor::layout, Graph::node(), INode::outputs(), arm_compute::S32, TensorShape::set(), TensorDescriptor::shape, Size2D::width, and arm_compute::WIDTH.
Referenced by DeconvolutionLayer::create_layer().
|
static |
Adds an depth to space layer node to the graph.
[in] | g | Graph to add the node to |
[in] | params | Common node parameters |
[in] | input | Input to the depth to space layer node as a NodeID-Index pair |
[in] | block_shape | Block shape to reshape tensor with |
Definition at line 387 of file GraphBuilder.cpp.
References arm_compute::test::validation::input.
Referenced by DepthToSpaceLayer::create_layer().
|
static |
Adds a depth-wise convolution layer node to the graph.
[in] | g | Graph to add the node to |
[in] | params | Common node parameters |
[in] | input | Input to the depthwise convolution layer node as a NodeID-Index pair |
[in] | kernel_spatial_extend | Spatial extend of convolution kernels |
[in] | conv_info | Convolution layer information |
[in] | depth_multiplier | (Optional) Depth multiplier parameter. |
[in] | method | (Optional) Convolution method to use |
[in] | weights_accessor | (Optional) Accessor of the weights node data |
[in] | bias_accessor | (Optional) Accessor of the bias node data |
[in] | quant_info | (Optional) Weights quantization info |
[in] | out_quant_info | (Optional) Output quantization info |
Definition at line 333 of file GraphBuilder.cpp.
References Graph::add_connection(), Graph::add_node(), ARM_COMPUTE_ERROR_ON, arm_compute::CHANNEL, arm_compute::test::validation::conv_info, TensorDescriptor::data_type, QuantizationInfo::empty(), arm_compute::graph::EmptyNodeID, arm_compute::graph::get_dimension_idx(), arm_compute::graph::get_dimension_size(), arm_compute::graph::get_tensor_descriptor(), arm_compute::test::validation::has_bias, Size2D::height, arm_compute::HEIGHT, arm_compute::test::validation::input, arm_compute::is_data_type_quantized_asymmetric(), TensorDescriptor::layout, Graph::node(), INode::outputs(), TensorDescriptor::quant_info, arm_compute::S32, TensorShape::set(), TensorDescriptor::shape, Size2D::width, and arm_compute::WIDTH.
Referenced by DepthwiseConvolutionLayer::create_layer().
|
static |
Adds a dequantization node to the graph.
[in] | g | Graph to add the node to |
[in] | params | Common node parameters |
[in] | input | Input to the dequantization node as a NodeID-Index pair |
Definition at line 392 of file GraphBuilder.cpp.
References arm_compute::test::validation::input.
Referenced by DequantizationLayer::create_layer().
|
static |
Adds a detection output layer node to the graph.
[in] | g | Graph to add the node to |
[in] | params | Common node parameters |
[in] | input_loc | Location input to the detection output layer node as a NodeID-Index pair |
[in] | input_conf | Confidence input to the detection output layer node as a NodeID-Index pair |
[in] | input_priorbox | PriorBox input to the detection output layer node as a NodeID-Index pair |
[in] | detect_info | Detection output layer parameters |
Definition at line 397 of file GraphBuilder.cpp.
References Graph::add_connection(), Graph::add_node(), NodeIdxPair::index, and NodeIdxPair::node_id.
Referenced by DetectionOutputLayer::create_layer().
|
static |
Adds a detection post process layer node to the graph.
[in] | g | Graph to add the node to |
[in] | params | Common node parameters |
[in] | input_box_encoding | Boxes input to the detection output layer node as a NodeID-Index pair |
[in] | input_class_prediction | Class prediction input to the detection output layer node as a NodeID-Index pair |
[in] | detect_info | Detection output layer parameters |
[in] | anchors_accessor | (Optional) Const Node ID that contains the anchor values |
[in] | anchor_quant_info | (Optional) Anchor quantization info |
Definition at line 414 of file GraphBuilder.cpp.
References Graph::add_connection(), Graph::add_node(), QuantizationInfo::empty(), arm_compute::graph::get_tensor_descriptor(), NodeIdxPair::index, Graph::node(), NodeIdxPair::node_id, INode::outputs(), and TensorDescriptor::quant_info.
Referenced by DetectionPostProcessLayer::create_layer().
|
static |
Adds a Dummy node to the graph.
[in] | g | Graph to add the node to |
[in] | params | Common node parameters |
[in] | input | Input to the dummy node as a NodeID-Index pair |
[in] | shape | Output shape |
Definition at line 444 of file GraphBuilder.cpp.
References arm_compute::test::validation::input, and arm_compute::test::validation::shape.
Referenced by DummyLayer::create_layer().
|
static |
Adds an element-wise layer node to the graph.
[in] | g | Graph to add the node to |
[in] | params | Common node parameters |
[in] | input0 | First input to the element-wise operation layer node as a NodeID-Index pair |
[in] | input1 | Second input to the element-wise operation layer node as a NodeID-Index pair |
[in] | operation | Element-wise operation to perform |
Definition at line 449 of file GraphBuilder.cpp.
References Graph::add_connection(), Graph::add_node(), NodeIdxPair::index, and NodeIdxPair::node_id.
Referenced by GraphBuilder::add_scale_layer(), and EltwiseLayer::create_layer().
|
static |
Adds a flatten layer node to the graph.
[in] | g | Graph to add the node to |
[in] | params | Common node parameters |
[in] | input | Input to the flatten layer node as a NodeID-Index pair |
Definition at line 464 of file GraphBuilder.cpp.
References arm_compute::test::validation::input.
Referenced by FlattenLayer::create_layer().
|
static |
Adds a fully connected layer node to the graph.
[in] | g | Graph to add the layer to |
[in] | params | Common node parameters |
[in] | input | Input to the fully connected layer node as a NodeID-Index pair |
[in] | num_outputs | Number of output neurons |
[in] | weights_accessor | (Optional) Accessor of the weights node data |
[in] | bias_accessor | (Optional) Accessor of the bias node data |
[in] | fc_info | (Optional) Fully connected layer metadata |
[in] | weights_quant_info | (Optional) Weights quantization info |
[in] | out_quant_info | (Optional) Output quantization info |
[in] | fast_math_hint | (Optional) Fast math hint |
Definition at line 496 of file GraphBuilder.cpp.
References Graph::add_connection(), Graph::add_node(), ARM_COMPUTE_ERROR_ON, FullyConnectedLayerNode::compute_weights_descriptor(), TensorDescriptor::data_type, arm_compute::graph::EmptyNodeID, arm_compute::graph::get_tensor_descriptor(), arm_compute::test::validation::has_bias, arm_compute::test::validation::input, arm_compute::is_data_type_quantized_asymmetric(), Graph::node(), INode::outputs(), arm_compute::S32, and TensorDescriptor::shape.
|
static |
Adds a fully connected layer node to the graph.
[in] | g | Graph to add the layer to |
[in] | params | Common node parameters |
[in] | input | Input to the fully connected layer node as a NodeID-Index pair |
[in] | num_outputs | Number of output neurons |
[in] | weights_nid | Node ID of the weights node data |
[in] | bias_nid | (Optional) Node ID of the bias node data. Defaults to EmptyNodeID |
[in] | fc_info | (Optional) Fully connected layer metadata |
[in] | out_quant_info | (Optional) Output quantization info |
[in] | fast_math_hint | (Optional) Fast math hint |
Definition at line 469 of file GraphBuilder.cpp.
References Graph::add_connection(), Graph::add_node(), ARM_COMPUTE_ERROR_ON, arm_compute::graph::EmptyNodeID, arm_compute::graph::get_tensor_descriptor(), arm_compute::test::validation::has_bias, arm_compute::test::validation::input, Graph::node(), and INode::outputs().
Referenced by FullyConnectedLayer::create_layer().
|
static |
Adds a generate proposals layer node to the graph.
[in] | g | Graph to add the layer to |
[in] | params | Common node parameters |
[in] | scores | Input scores to the generate proposals layer node as a NodeID-Index pair |
[in] | deltas | Input deltas to the generate proposals layer node as a NodeID-Index pair |
[in] | anchors | Input anchors to the generate proposals layer node as a NodeID-Index pair |
[in] | info | Generate proposals operation information |
Definition at line 540 of file GraphBuilder.cpp.
References Graph::add_connection(), Graph::add_node(), NodeIdxPair::index, arm_compute::test::validation::info, and NodeIdxPair::node_id.
Referenced by GenerateProposalsLayer::create_layer().
|
static |
Adds an input layer node to the graph.
[in] | g | Graph to add the node to |
[in] | params | Common node parameters |
[in] | desc | Tensor descriptor of the Tensor |
[in] | accessor | (Optional) Accessor of the input node data |
Definition at line 117 of file GraphBuilder.cpp.
References Graph::add_node().
Referenced by InputLayer::create_layer().
|
static |
Adds a L2 Normalize layer node to the graph.
[in] | g | Graph to add the node to |
[in] | params | Common node parameters |
[in] | input | Input to the normalization layer node as a NodeID-Index pair |
[in] | axis | Axis to perform normalization on |
[in] | epsilon | Lower bound value for the normalization |
Definition at line 556 of file GraphBuilder.cpp.
References arm_compute::quantization::epsilon, and arm_compute::test::validation::input.
Referenced by L2NormalizeLayer::create_layer().
|
static |
Adds a normalization layer node to the graph.
[in] | g | Graph to add the node to |
[in] | params | Common node parameters |
[in] | input | Input to the normalization layer node as a NodeID-Index pair |
[in] | norm_info | Normalization layer information |
Definition at line 561 of file GraphBuilder.cpp.
References arm_compute::test::validation::input.
Referenced by NormalizationLayer::create_layer().
|
static |
Adds a normalize planar YUV layer node to the graph.
[in] | g | Graph to add the node to |
[in] | params | Common node parameters |
[in] | input | Input to the normalize planar YUV layer node as a NodeID-Index pair |
[in] | mean_accessor | Const Node ID that contains the mean values |
[in] | std_accessor | Const Node ID that contains the variance values |
Definition at line 566 of file GraphBuilder.cpp.
References Graph::add_connection(), Graph::add_node(), arm_compute::CHANNEL, arm_compute::graph::get_dimension_size(), arm_compute::graph::get_tensor_descriptor(), arm_compute::test::validation::input, Graph::node(), INode::outputs(), and TensorDescriptor::shape.
Referenced by NormalizePlanarYUVLayer::create_layer().
|
static |
Adds an output layer node to the graph.
[in] | g | Graph to add the node to |
[in] | params | Common node parameters |
[in] | input | Input to the output node as a NodeID-Index pair |
[in] | accessor | (Optional) Accessor of the output node data |
Definition at line 125 of file GraphBuilder.cpp.
References Graph::add_connection(), Graph::add_node(), and arm_compute::test::validation::input.
Referenced by OutputLayer::create_layer().
|
static |
Adds a pad layer node to the graph.
[in] | g | Graph to add the node to |
[in] | params | Common node parameters |
[in] | input | Input to the reshape layer node as a NodeID-Index pair |
[in] | paddings | The padding for each spatial dimension of the input tensor. The pair padding[i] specifies the front and the end padding in the i-th dimension. |
[in] | pad_value | Padding value to be used. Defaults to 0 |
Definition at line 592 of file GraphBuilder.cpp.
References arm_compute::test::validation::input.
Referenced by PadLayer::create_layer().
|
static |
Adds a permute layer node to the graph.
[in] | g | Graph to add the node to |
[in] | params | Common node parameters |
[in] | input | Input to the reshape layer node as a NodeID-Index pair |
[in] | perm | Permutation vector |
[in] | layout | (Optional) Data layout to assign to permuted tensor. If UNKNOWN then the input's layout will be used. |
Definition at line 597 of file GraphBuilder.cpp.
References arm_compute::test::validation::input.
Referenced by PermuteLayer::create_layer().
|
static |
Adds a pooling layer node to the graph.
[in] | g | Graph to add the node to |
[in] | params | Common node parameters |
[in] | input | Input to the pooling layer node as a NodeID-Index pair |
[in] | pool_info | Pooling layer information |
Definition at line 616 of file GraphBuilder.cpp.
References arm_compute::test::validation::input.
Referenced by PoolingLayer::create_layer().
|
static |
Adds a prelu layer node to the graph.
[in] | g | Graph to add the node to |
[in] | params | Common node parameters |
[in] | input | Input to the PRelu node as a NodeID-Index pair |
[in] | alpha | Alpha input to the PRelu node as a NodeID-Index pair |
Definition at line 602 of file GraphBuilder.cpp.
References Graph::add_connection(), Graph::add_node(), NodeIdxPair::index, arm_compute::test::validation::input, and NodeIdxPair::node_id.
Referenced by PReluLayer::create_layer().
|
static |
Adds a print layer node to the graph.
[in] | g | Graph to add the node to |
[in] | params | Common node parameters |
[in] | input | Input to the print layer node as a NodeID-Index pair |
[in] | stream | Output stream. |
[in] | format_info | (Optional) Format info. |
[in] | transform | (Optional) Transformation function to be applied to the input tensor before printing. |
Definition at line 621 of file GraphBuilder.cpp.
References arm_compute::test::validation::input.
Referenced by PrintLayer::create_layer().
|
static |
Adds a priorbox layer node to the graph.
[in] | g | Graph to add the node to |
[in] | params | Common node parameters |
[in] | input0 | First input to the priorbox layer node as a NodeID-Index pair |
[in] | input1 | Second input to the priorbox layer node as a NodeID-Index pair |
[in] | prior_info | PriorBox parameters |
Definition at line 626 of file GraphBuilder.cpp.
References Graph::add_connection(), Graph::add_node(), NodeIdxPair::index, and NodeIdxPair::node_id.
Referenced by PriorBoxLayer::create_layer().
|
static |
Adds a quantization layer node to the graph.
[in] | g | Graph to add the node to |
[in] | params | Common node parameters |
[in] | input | Input to the quantization layer node as a NodeID-Index pair |
[in] | out_quant_info | Output quantization info |
Definition at line 641 of file GraphBuilder.cpp.
References arm_compute::test::validation::input.
Referenced by QuantizationLayer::create_layer().
|
static |
Adds a reduction sum layer node to the graph.
[in] | g | Graph to add the node to |
[in] | params | Common node parameters |
[in] | input | Input to the reorg layer node as a NodeID-Index pair |
[in] | op | Reduction operation |
[in] | axis | Reduction axis |
[in] | keep_dims | (Optional) Whether to keep the reduced dimension after the operation. Defaults to true. |
Definition at line 646 of file GraphBuilder.cpp.
References arm_compute::test::validation::input.
Referenced by ReductionLayer::create_layer().
|
static |
Adds a reorg layer node to the graph.
[in] | g | Graph to add the node to |
[in] | params | Common node parameters |
[in] | input | Input to the reorg layer node as a NodeID-Index pair |
[in] | stride | Stride value to use for reorganizing the values in the output tensor. |
Definition at line 651 of file GraphBuilder.cpp.
References arm_compute::test::validation::input.
Referenced by ReorgLayer::create_layer().
|
static |
Adds a reshape layer node to the graph.
[in] | g | Graph to add the node to |
[in] | params | Common node parameters |
[in] | input | Input to the reshape layer node as a NodeID-Index pair |
[in] | shape | Output reshaped shape |
Definition at line 656 of file GraphBuilder.cpp.
References arm_compute::test::validation::input, and arm_compute::test::validation::shape.
Referenced by ReshapeLayer::create_layer().
|
static |
Adds a resize layer node to the graph.
[in] | g | Graph to add the node to |
[in] | params | Common node parameters |
[in] | input | Input to the reshape layer node as a NodeID-Index pair |
[in] | policy | Interpolation policy |
[in] | width_scale | Width scaling factor |
[in] | height_scale | Height scaling factor |
Definition at line 661 of file GraphBuilder.cpp.
References arm_compute::test::validation::input.
Referenced by ResizeLayer::create_layer().
|
static |
Adds a ROI align layer node to the graph.
[in] | g | Graph to add the node to |
[in] | params | Common node parameters |
[in] | input | Input to the reshape layer node as a NodeID-Index pair |
[in] | rois | Input containing the ROIs. |
[in] | pool_info | Contains pooling operation information described in ROIPoolingLayerInfo. |
Definition at line 667 of file GraphBuilder.cpp.
References Graph::add_connection(), Graph::add_node(), NodeIdxPair::index, arm_compute::test::validation::input, and NodeIdxPair::node_id.
Referenced by ROIAlignLayer::create_layer().
|
static |
Adds a scale layer node to the graph This layer computes a product of the input with a scale (read from mul_accessor) and it applies an offset (read from add_accessor).
output = input * mul_w + add_w
[in] | g | Graph to add the layer to |
[in] | params | Common node parameters |
[in] | input | Input to the fully connected layer node as a NodeID-Index pair |
[in] | mul_accessor | (Optional) Accessor of the mul node data |
[in] | add_accessor | (Optional) Accessor of the add node data |
Definition at line 681 of file GraphBuilder.cpp.
References arm_compute::graph::Add, GraphBuilder::add_elementwise_node(), arm_compute::CHANNEL, arm_compute::graph::get_dimension_idx(), arm_compute::graph::get_tensor_descriptor(), arm_compute::HEIGHT, arm_compute::test::validation::input, TensorDescriptor::layout, arm_compute::graph::Mul, Graph::node(), INode::outputs(), TensorShape::set(), TensorDescriptor::shape, and arm_compute::WIDTH.
Referenced by ScaleLayer::create_layer().
|
static |
Adds a slice node to the graph.
[in] | g | Graph to add the node to |
[in] | params | Common node parameters |
[in] | input | Input to the slice layer node as a NodeID-Index pair |
[in] | starts | The starts of the dimensions of the input tensor to be sliced. The length must be of rank(input). |
[in] | ends | The ends of the dimensions of the input tensor to be sliced. The length must be of rank(input). |
Definition at line 716 of file GraphBuilder.cpp.
References arm_compute::test::validation::input.
Referenced by SliceLayer::create_layer().
|
static |
Adds a softmax node to the graph.
[in] | g | Graph to add the node to |
[in] | params | Common node parameters |
[in] | input | Input to the softmax layer node as a NodeID-Index pair |
[in] | beta | Beta parameter |
Definition at line 711 of file GraphBuilder.cpp.
References arm_compute::test::validation::input.
Referenced by SoftmaxLayer::create_layer().
|
static |
Adds a split node to the graph.
[in] | g | Graph to add the node to |
[in] | params | Common node parameters |
[in] | input | Input to the split layer node as a NodeID-Index pair |
[in] | num_splits | Number of different splits |
[in] | axis | (Optional) Split axis. Defaults to 0 |
Definition at line 721 of file GraphBuilder.cpp.
References arm_compute::test::validation::input.
|
static |
Adds a stack layer node to the graph.
[in] | g | Graph to add the node to |
[in] | params | Common node parameters |
[in] | inputs | Inputs to the reorg layer node as a NodeID-Index pair |
[in] | axis | Axis along which the input tensors have to be packed |
Definition at line 731 of file GraphBuilder.cpp.
Referenced by StackLayer::create_layer().
|
static |
Adds a strided slice node to the graph.
[in] | g | Graph to add the node to |
[in] | params | Common node parameters |
[in] | input | Input to the strided slice layer node as a NodeID-Index pair |
[in] | starts | The starts of the dimensions of the input tensor to be sliced. The length must be of rank(input). |
[in] | ends | The ends of the dimensions of the input tensor to be sliced. The length must be of rank(input). |
[in] | strides | The strides of the dimensions of the input tensor to be sliced. The length must be of rank(input). |
[in] | info | Contains masks for the starts, ends and strides |
Definition at line 726 of file GraphBuilder.cpp.
References arm_compute::test::validation::info, and arm_compute::test::validation::input.
Referenced by StridedSliceLayer::create_layer().
|
static |
Adds a yolo layer to the graph.
[in] | g | Graph to add the node to |
[in] | params | Common node parameters |
[in] | input | Input to the yolo layer node as a NodeID-Index pair |
[in] | act_info | Activation layer parameters |
Definition at line 736 of file GraphBuilder.cpp.
References arm_compute::test::validation::act_info, Graph::add_connection(), Graph::add_node(), arm_compute::CHANNEL, arm_compute::test::framework::dataset::concat(), arm_compute::graph::get_tensor_descriptor(), arm_compute::test::validation::input, TensorDescriptor::layout, arm_compute::NHWC, Graph::node(), and INode::outputs().
Referenced by YOLOLayer::create_layer().