ONE - On-device Neural Engine
|
Namespaces | |
namespace | lstm |
namespace | lstm_internal |
Data Structures | |
struct | AddFn |
struct | ArithmeticParams |
struct | ComparisonParams |
struct | ConcatenationParams |
struct | ConvParams |
struct | DivFn |
struct | FloorDivFn |
struct | FloorModFn |
struct | FullyConnectedParams |
struct | MaximumFn |
struct | MeanParams |
struct | MinimumFn |
struct | MulFn |
struct | NdArrayDesc |
struct | PaddingValues |
struct | PadParams |
struct | PoolParams |
struct | PreluParams |
struct | QuantizationParams |
struct | ResizeNearestNeighborParams |
struct | SoftmaxParams |
struct | StridedSliceParams |
struct | SubFn |
struct | TransposeParams |
Enumerations | |
enum class | PaddingType : uint8_t { None , Same , Valid } |
enum class | BroadcastableOpCategory : uint8_t { kNone , kNonBroadcast , kFirstInputBroadcastsFast , kSecondInputBroadcastsFast , kGenericBroadcast , kScalarFirstBroadcast , kScalarSecondBroadcast } |
enum class | FusedActivationFunctionType : uint8_t { kNone , kRelu6 , kRelu1 , kRelu } |
Functions | |
template<> | |
void | AveragePool< int8_t > (const tflite::PoolParams ¶ms, const tflite::RuntimeShape &input_shape, const int8_t *input_data, const tflite::RuntimeShape &output_shape, int8_t *output_data, const tflite::RuntimeShape &scratchpad_shape, int8_t *scratchpad_data) |
template<> | |
void | DepthwiseConvPerChannel< int8_t > (const tflite::DepthwiseParams ¶ms, const int32_t *output_multiplier, const int32_t *output_shift, const tflite::RuntimeShape &input_shape, const int8_t *input_data, const tflite::RuntimeShape &filter_shape, const int8_t *filter_data, const tflite::RuntimeShape &bias_shape, const int32_t *bias_data, const tflite::RuntimeShape &output_shape, int8_t *output_data, const tflite::RuntimeShape &scratchpad_shape, int8_t *scratchpad_data) |
template<> | |
void | FullyConnected< int8_t > (const tflite::FullyConnectedParams ¶ms, const tflite::RuntimeShape &input_shape, const int8_t *input_data, const tflite::RuntimeShape &filter_shape, const int8_t *filter_data, const tflite::RuntimeShape &bias_shape, const int32_t *bias_data, const tflite::RuntimeShape &output_shape, int8_t *output_data) |
template<> | |
void | Softmax< int8_t > (const tflite::SoftmaxParams ¶ms, const tflite::RuntimeShape &input_shape, const int8_t *input_data, const tflite::RuntimeShape &output_shape, int8_t *output_data) |
template<> | |
void | AveragePool< int8_t > (const tflite::PoolParams ¶ms, const tflite::RuntimeShape &input_shape, const int8_t *input_data, const tflite::RuntimeShape &output_shape, int8_t *output_data, const tflite::RuntimeShape &scratchpad_shape, int8_t *scratchpad_data) |
void | BatchMatMul (const tflite::RuntimeShape &lhs_shape, const float *lhs_data, const tflite::RuntimeShape &rhs_shape, const float *rhs_data, const tflite::RuntimeShape &output_shape, float *output_data) |
template<> | |
void | DepthwiseConvPerChannel< int8_t > (const tflite::DepthwiseParams ¶ms, const int32_t *output_multiplier, const int32_t *output_shift, const tflite::RuntimeShape &input_shape, const int8_t *input_data, const tflite::RuntimeShape &filter_shape, const int8_t *filter_data, const tflite::RuntimeShape &bias_shape, const int32_t *bias_data, const tflite::RuntimeShape &output_shape, int8_t *output_data, const tflite::RuntimeShape &scratchpad_shape, int8_t *scratchpad_data) |
template<> | |
void | FullyConnected< int8_t > (const tflite::FullyConnectedParams ¶ms, const tflite::RuntimeShape &input_shape, const int8_t *input_data, const tflite::RuntimeShape &filter_shape, const int8_t *filter_data, const tflite::RuntimeShape &bias_shape, const int32_t *bias_data, const tflite::RuntimeShape &output_shape, int8_t *output_data) |
void | Logistic (const int flat_size, const float *input_data, float *output_data) |
void | calculateGRU (const float *input_data, const float *weight_input_data, const float *weight_hidden_data, const float *bias_input_data, const float *bias_hidden_data, float *output_data, const tflite::RuntimeShape &input_shape, const tflite::RuntimeShape &output_shape, const tflite::RuntimeShape &weight_input_shape, const tflite::RuntimeShape &weight_hidden_shape, float *output_input_data, float *output_hidden_data, const tflite::RuntimeShape &output_shape_fc) |
void | GRU (const float *input_data, const float *weight_input_data, const float *weight_hidden_data, const float *bias_input_data, const float *bias_hidden_data, const float *hidden_state_data, float *output_data, float *output_input_data, float *output_hidden_data, const tflite::RuntimeShape &input_shape, const tflite::RuntimeShape &output_shape, const tflite::RuntimeShape &weight_input_shape, const tflite::RuntimeShape &weight_hidden_shape) |
template<> | |
void | Mul (tflite::ArithmeticParams ¶ms, const tflite::RuntimeShape &input1_shape, const int64_t *input1_data, const tflite::RuntimeShape &input2_shape, const int64_t *input2_data, const tflite::RuntimeShape &output_shape, int64_t *output_data) |
template<> | |
void | AveragePool< int8_t > (const tflite::PoolParams ¶ms, const tflite::RuntimeShape &input_shape, const int8_t *input_data, const tflite::RuntimeShape &output_shape, int8_t *output_data, const tflite::RuntimeShape &scratchpad_shape, int8_t *scratchpad_data) |
template<> | |
void | DepthwiseConvPerChannel< int8_t > (const tflite::DepthwiseParams ¶ms, const int32_t *output_multiplier, const int32_t *output_shift, const tflite::RuntimeShape &input_shape, const int8_t *input_data, const tflite::RuntimeShape &filter_shape, const int8_t *filter_data, const tflite::RuntimeShape &bias_shape, const int32_t *bias_data, const tflite::RuntimeShape &output_shape, int8_t *output_data, const tflite::RuntimeShape &scratchpad_shape, int8_t *scratchpad_data) |
template<> | |
void | FullyConnected< int8_t > (const tflite::FullyConnectedParams ¶ms, const tflite::RuntimeShape &input_shape, const int8_t *input_data, const tflite::RuntimeShape &filter_shape, const int8_t *filter_data, const tflite::RuntimeShape &bias_shape, const int32_t *bias_data, const tflite::RuntimeShape &output_shape, int8_t *output_data) |
template<> | |
void | Add< int8_t > (const ArithmeticParams ¶ms, const int flat_size, const int8_t *input1_data, const int8_t *input2_data, int8_t *output_data) |
template<> | |
void | Add< int16_t > (const ArithmeticParams ¶ms, const int flat_size, const int16_t *input1_data, const int16_t *input2_data, int16_t *output_data) |
void | AveragePool (const PoolParams ¶ms, const luci_interpreter::RuntimeShape &input_shape, const uint8_t *input_data, const luci_interpreter::RuntimeShape &output_shape, uint8_t *output_data, luci_interpreter::DataType data_type) |
template<> | |
void | FullyConnected< int8_t > (const luci_interpreter_pal::FullyConnectedParams ¶ms, const int32_t *, const int8_t *input_data, const int32_t *filter_shape, const int8_t *filter_data, const int32_t *bias_data, const int32_t *output_shape, int8_t *output_data, uint32_t output_dims_count, uint32_t weights_dims_count) |
template<> | |
void | FullyConnected (const luci_interpreter_pal::FullyConnectedParams ¶ms, const int32_t *, const int16_t *input_data, const int32_t *filter_shape, const int8_t *filter_data, const int64_t *bias_data, const int32_t *output_shape, int16_t *output_data, uint32_t output_dims_count, uint32_t weights_dims_count) |
void | MaxPool (const PoolParams ¶ms, const luci_interpreter::RuntimeShape &input_shape, const uint8_t *input_data, const luci_interpreter::RuntimeShape &output_shape, uint8_t *output_data, luci_interpreter::DataType data_type) |
template<> | |
void | Mul< int8_t > (const ArithmeticParams ¶ms, const int flat_size, const int8_t *input1_data, const int8_t *input2_data, int8_t *output_data) |
template<> | |
void | Mul< int16_t > (const ArithmeticParams ¶ms, const int flat_size, const int16_t *input1_data, const int16_t *input2_data, int16_t *output_data) |
void | Softmax (const SoftmaxParams ¶ms, const int8_t *input_data, int8_t *output_data) |
void | Softmax (const SoftmaxParams ¶ms, const int8_t *input_data, int16_t *output_data) |
void | Softmax (const SoftmaxParams ¶ms, const int16_t *input_data, int16_t *output_data) |
void | eval_integer_8x8_16_lstm (const luci_interpreter::Tensor *input, const luci_interpreter::Tensor *input_to_input_weights, const luci_interpreter::Tensor *input_to_forget_weights, const luci_interpreter::Tensor *input_to_cell_weights, const luci_interpreter::Tensor *input_to_output_weights, const luci_interpreter::Tensor *recurrent_to_input_weights, const luci_interpreter::Tensor *recurrent_to_forget_weights, const luci_interpreter::Tensor *recurrent_to_cell_weights, const luci_interpreter::Tensor *recurrent_to_output_weights, const luci_interpreter::Tensor *cell_to_input_weights, const luci_interpreter::Tensor *cell_to_forget_weights, const luci_interpreter::Tensor *cell_to_output_weights, const luci_interpreter::Tensor *input_layer_norm_coefficients, const luci_interpreter::Tensor *forget_layer_norm_coefficients, const luci_interpreter::Tensor *cell_layer_norm_coefficients, const luci_interpreter::Tensor *output_layer_norm_coefficients, const luci_interpreter::Tensor *input_gate_bias, const luci_interpreter::Tensor *forget_gate_bias, const luci_interpreter::Tensor *cell_gate_bias, const luci_interpreter::Tensor *output_gate_bias, const luci_interpreter::Tensor *projection_weights, const luci_interpreter::Tensor *projection_bias, const luci_interpreter::UnidirectionalSequenceLSTMParams ¶ms, bool forward_sequence, bool time_major, const luci_interpreter::IntegerLSTMParams &integer_lstm_param, int32_t output_state_zp, luci_interpreter::Tensor *output_state, luci_interpreter::Tensor *cell_state, luci_interpreter::Tensor *output, int16_t *scratch0, int16_t *scratch1, int16_t *scratch2, int16_t *scratch3, int8_t *scratch4, int32_t *scratch5) |
template<typename T > | |
void | BroadcastTISO4DSlow (const luci_interpreter::RuntimeShape &input1_shape, const T *input1_data, const luci_interpreter::RuntimeShape &input2_shape, const T *input2_data, const luci_interpreter::RuntimeShape &output_shape, T *output_data, std::function< const T &(const T &, const T &)> func) |
void | Abs (const int flat_size, const float *input_data, float *output_data) |
template<typename T > | |
void | Add (const ArithmeticParams ¶ms, const int flat_size, const T *input1_data, const T *input2_data, T *output_data) |
template<typename T > | |
void | BroadcastAdd4DSlow (const ArithmeticParams ¶ms, const luci_interpreter::RuntimeShape &input1_shape, const T *input1_data, const luci_interpreter::RuntimeShape &input2_shape, const T *input2_data, const luci_interpreter::RuntimeShape &output_shape, T *output_data) |
template<typename T > | |
void | AddN (const size_t flat_size, const size_t num_inputs, const T *const *input_data, T *output_data) |
template<typename T1 , typename T2 , typename T3 , typename Cmp > | |
void | ArgMinMax (const luci_interpreter::RuntimeShape &input1_shape, const T1 *input1_data, const T3 *input2_data, const luci_interpreter::RuntimeShape &output_shape, T2 *output_data, const Cmp &cmp) |
template<typename T , typename Fn > | |
void | ArithmeticOp (const ArithmeticParams ¶ms, const int flat_size, const T *input1_data, const T *input2_data, T *output_data) |
template<typename T , typename Fn > | |
void | ArithmeticOpScalar (const ArithmeticParams ¶ms, const int flat_size, const T *input_data, const T scalar_value, T *output_data) |
template<typename T , typename Fn > | |
void | BroadcastArithmeticOp4DSlow (const ArithmeticParams ¶ms, const luci_interpreter::RuntimeShape &input1_shape, const T *input1_data, const luci_interpreter::RuntimeShape &input2_shape, const T *input2_data, const luci_interpreter::RuntimeShape &output_shape, T *output_data) |
void | AveragePool (const PoolParams ¶ms, const luci_interpreter::RuntimeShape &input_shape, const float *input_data, const luci_interpreter::RuntimeShape &output_shape, float *output_data) |
template<typename T > | |
void | BatchToSpaceND (const luci_interpreter::RuntimeShape &unextended_input1_shape, const T *input1_data, const luci_interpreter::RuntimeShape &unextended_input2_shape, const int32_t *block_shape_data, const luci_interpreter::RuntimeShape &unextended_input3_shape, const int32_t *crops_data, const luci_interpreter::RuntimeShape &unextended_output_shape, T *output_data) |
template<typename T , typename Fn > | |
void | BinaryOp (const int flat_size, const T *input1_data, const T *input2_data, T *output_data) |
template<typename T , typename Fn > | |
void | BroadcastBinaryOp4DSlow (const luci_interpreter::RuntimeShape &input1_shape, const float *input1_data, const luci_interpreter::RuntimeShape &input2_shape, const float *input2_data, const luci_interpreter::RuntimeShape &output_shape, float *output_data) |
template<int N> | |
void | BroadcastImpl (const NdArrayDesc< N > &input_desc, const uint8_t *input_data, const NdArrayDesc< N > &output_desc, uint8_t *output_data, int indexes[N], int dim, const int last_broadcasting_dim, const uint32_t type_size) |
template<int N> | |
void | BroadcastTo (const luci_interpreter::RuntimeShape &unextended_input_shape, const uint8_t *input_data, const luci_interpreter::RuntimeShape &unextended_output_shape, uint8_t *output_data, luci_interpreter::DataType data_type) |
void | Ceil (const int32_t flat_size, const float *input_data, float *output_data) |
template<typename T > | |
bool | LessFn (T lhs, T rhs) |
template<typename T > | |
bool | LessEqualFn (T lhs, T rhs) |
template<typename T > | |
bool | EqualFn (T lhs, T rhs) |
template<typename T > | |
bool | GreaterFn (T lhs, T rhs) |
template<typename T > | |
bool | GreaterEqualFn (T lhs, T rhs) |
template<typename T > | |
bool | NotEqualFn (T lhs, T rhs) |
template<typename T > | |
void | ComparisonNoScaling (const int64_t flat_size, const T *input1_data, const T *input2_data, bool *output_data, bool F(T, T)) |
template<typename T > | |
void | BroadcastComparison4DSlowWithScaling (const ComparisonParams &op_params, const luci_interpreter::RuntimeShape &unextended_input1_shape, const T *input1_data, const luci_interpreter::RuntimeShape &unextended_input2_shape, const T *input2_data, const luci_interpreter::RuntimeShape &unextended_output_shape, bool *output_data, bool F(T, T)) |
template<typename T > | |
void | ComparisonWithScaling (const ComparisonParams &op_params, const int64_t flat_size, const T *input1_data, const T *input2_data, bool *output_data, bool F(T, T)) |
template<typename T > | |
void | BroadcastComparison4DSlowNoScaling (const ComparisonParams &op_params, const luci_interpreter::RuntimeShape &unextended_input1_shape, const T *input1_data, const luci_interpreter::RuntimeShape &unextended_input2_shape, const T *input2_data, const luci_interpreter::RuntimeShape &unextended_output_shape, bool *output_data, bool F(T, T)) |
template<typename Scalar > | |
void | Concatenation (const ConcatenationParams ¶ms, const luci_interpreter::RuntimeShape *const *input_shapes, const Scalar *const *input_data, const luci_interpreter::RuntimeShape &output_shape, Scalar *output_data) |
void | Cos (const int flat_size, const float *input_data, float *output_data) |
template<typename T > | |
void | DepthToSpace (const int32_t block_size, const luci_interpreter::RuntimeShape &unextended_input_shape, const T *input_data, const luci_interpreter::RuntimeShape &unextended_output_shape, T *output_data) |
template<typename InputT , typename OutputT > | |
void | Dequantize (const QuantizationParams &op_params, const int flat_size, const InputT *input_data, OutputT *output_data) |
template<typename T > | |
void | Div (const ArithmeticParams ¶ms, const int flat_size, const T *input1_data, const T *input2_data, T *output_data) |
template<typename T > | |
void | DivScalar (const ArithmeticParams ¶ms, const int flat_size, const T *input_data, const T scalar_value, T *output_data) |
template<typename T > | |
void | BroadcastDiv4DSlow (const ArithmeticParams ¶ms, const luci_interpreter::RuntimeShape &input1_shape, const T *input1_data, const luci_interpreter::RuntimeShape &input2_shape, const T *input2_data, const luci_interpreter::RuntimeShape &output_shape, T *output_data) |
void | Elu (const int flat_size, const float *input_data, float *output_data) |
void | Exp (const int flat_size, const float *input_data, float *output_data) |
void | Floor (const luci_interpreter::RuntimeShape &input_shape, const float *input_data, const luci_interpreter::RuntimeShape &output_shape, float *output_data) |
void | FloorDiv (const int flat_size, const float *input1_data, const float *input2_data, float *output_data) |
void | BroadcastFloorDiv4DSlow (const luci_interpreter::RuntimeShape &input1_shape, const float *input1_data, const luci_interpreter::RuntimeShape &input2_shape, const float *input2_data, const luci_interpreter::RuntimeShape &output_shape, float *output_data) |
void | FloorMod (const int flat_size, const float *input1_data, const float *input2_data, float *output_data) |
void | BroadcastFloorMod4DSlow (const luci_interpreter::RuntimeShape &input1_shape, const float *input1_data, const luci_interpreter::RuntimeShape &input2_shape, const float *input2_data, const luci_interpreter::RuntimeShape &output_shape, float *output_data) |
template<typename InputType , typename WeightType , typename OutputType , typename BiasType > | |
void | FullyConnected (const FullyConnectedParams ¶ms, const int32_t *input_shape, const InputType *input_data, const int32_t *filter_shape, const WeightType *filter_data, const BiasType *bias_data, const int32_t *output_shape, OutputType *output_data, uint32_t output_dims_count, uint32_t weights_dims_count) |
template<typename WeightType > | |
void | FullyConnected (const FullyConnectedParams ¶ms, const int32_t *input_shape, const float *input_data, const int32_t *filter_shape, const WeightType *filter_data, const float *bias_data, const int32_t *output_shape, float *output_data, uint32_t output_dims_count, uint32_t weights_dims_count) |
template<typename ParamsT , typename IndicesT > | |
void | GatherND (luci_interpreter::RuntimeShape params_shape, const ParamsT *param_data, luci_interpreter::RuntimeShape indices_shape, const IndicesT *index_data, ParamsT *output_data) |
void | L2Normalization (const luci_interpreter::RuntimeShape &input_shape, const float *input_data, const luci_interpreter::RuntimeShape &output_shape, float *output_data, float epsilon=1e-6) |
void | L2Pool (const PoolParams ¶ms, const luci_interpreter::RuntimeShape &input_shape, const float *input_data, const luci_interpreter::RuntimeShape &output_shape, float *output_data) |
void | Log (const int flat_size, const float *input_data, float *output_data) |
void | LogicalCommon (const int flat_size, const bool *input1_data, const bool *input2_data, bool *output_data, bool(*f)(bool, bool)) |
void | LogicalNot (const int flat_size, const bool *input_data, bool *output_data) |
void | Logistic (const int flat_size, const int8_t *input_data, float input_scale, int input_zero_point, int8_t *output_data, float output_scale, int output_zero_point) |
void | Logistic (int32_t input_multiplier, int32_t input_left_shift, int32_t input_size, const int16_t *ptr_input_data, int16_t *ptr_output_data) |
void | LogSoftmax (const luci_interpreter::RuntimeShape &input_shape, const float *input_data, const luci_interpreter::RuntimeShape &output_shape, float *output_data) |
void | Maximum (const int flat_size, const float *input1_data, const float *input2_data, float *output_data) |
void | BroadcastMaximum4DSlow (const luci_interpreter::RuntimeShape &input1_shape, const float *input1_data, const luci_interpreter::RuntimeShape &input2_shape, const float *input2_data, const luci_interpreter::RuntimeShape &output_shape, float *output_data) |
void | MaxPool (const PoolParams ¶ms, const luci_interpreter::RuntimeShape &input_shape, const float *input_data, const luci_interpreter::RuntimeShape &output_shape, float *output_data) |
template<typename T , typename U > | |
bool | Mean (const T *input_data, const int *input_dims, const int input_num_dims, T *output_data, const int *output_dims, const int output_num_dims, const int *axis, const int num_axis_dimensions, bool, int *temp_index, int *resolved_axis, U *temp_sum) |
void | Mean (const MeanParams &op_params, const luci_interpreter::RuntimeShape &unextended_input_shape, const float *input_data, const luci_interpreter::RuntimeShape &unextended_output_shape, float *output_data) |
void | Minimum (const int flat_size, const float *input1_data, const float *input2_data, float *output_data) |
template<typename T > | |
void | BroadcastMinimum4DSlow (const luci_interpreter::RuntimeShape &input1_shape, const T *input1_data, const luci_interpreter::RuntimeShape &input2_shape, const T *input2_data, const luci_interpreter::RuntimeShape &output_shape, T *output_data) |
template<typename T > | |
void | MirrorPad (const luci_interpreter::DataType padding_matrix_type, const uint8_t *padding_matrix_data, const int32_t *input_dims, int *output_dims_num_elements, int *input_dims_num_elements, const T *input_data, T *output_data, const int offset, const int num_dims, const int output_size) |
template<typename T > | |
void | Mul (const ArithmeticParams ¶ms, const int flat_size, const T *input1_data, const T *input2_data, T *output_data) |
template<typename T > | |
void | MulScalar (const ArithmeticParams ¶ms, const int flat_size, const T *input_data, const T scalar_value, T *output_data) |
template<typename T > | |
void | BroadcastMul4DSlow (const ArithmeticParams ¶ms, const luci_interpreter::RuntimeShape &input1_shape, const T *input1_data, const luci_interpreter::RuntimeShape &input2_shape, const T *input2_data, const luci_interpreter::RuntimeShape &output_shape, T *output_data) |
template<typename T > | |
void | Negate (const luci_interpreter::RuntimeShape &input_shape, const T *input_data, const luci_interpreter::RuntimeShape &output_shape, T *output_data) |
constexpr int | PadKernelMaxDimensionCount () |
void | Pad (const PadParams &op_params, const luci_interpreter::RuntimeShape &input_shape, const float *input_data, const float *pad_value_ptr, const luci_interpreter::RuntimeShape &output_shape, float *output_data) |
void | BroadcastPrelu4DSlowFloat (const luci_interpreter::RuntimeShape &unextended_input1_shape, const float *input1_data, const luci_interpreter::RuntimeShape &unextended_input2_shape, const float *input2_data, const luci_interpreter::RuntimeShape &unextended_output_shape, float *output_data) |
template<typename InputT , typename OutputT > | |
void | Quantize (const QuantizationParams &op_params, const int flat_size, const InputT *input_data, OutputT *output_data) |
template<typename T > | |
void | ReduceGeneric (const T *input_data, const int *input_dims, const int input_num_dims, T *output_data, const int *axis, const int64_t num_axis_dimensions, T init_value, const int output_flat_size, T reducer(const T, const T)) |
void | ReLUCommon (const int flat_size, const float *input_data, float *output_data, const float alpha, const bool is_relu_6) |
int | Offset (const luci_interpreter::RuntimeShape &shape, int i0, int i1, int i2, int i3) |
void | ComputeInterpolationValues (const float value, const float scale, const bool half_pixel_centers, int32_t input_size, float *scaled_value, int32_t *lower_bound, int32_t *upper_bound) |
int32_t | getNearestNeighbor (const int input_value, const int32_t input_size, const int32_t output_size, const bool align_corners, const bool half_pixel_centers) |
template<typename T > | |
void | ResizeNearestNeighbor (const ResizeNearestNeighborParams &op_params, const luci_interpreter::RuntimeShape &unextended_input_shape, const T *input_data, const luci_interpreter::RuntimeShape &output_size_shape, const int32_t *output_size_data, const luci_interpreter::RuntimeShape &unextended_output_shape, T *output_data) |
float | RoundToNearest (float value) |
void | Round (const int32_t flat_size, const float *input_data, float *output_data) |
void | Rsqrt (const int flat_size, const float *input_data, float *output_data) |
template<typename D , typename T > | |
void | Select (const luci_interpreter::RuntimeShape &input_condition_shape, const D *input_condition_data, const luci_interpreter::RuntimeShape &input_x_shape, const T *input_x_data, const luci_interpreter::RuntimeShape &input_y_shape, const T *input_y_data, const luci_interpreter::RuntimeShape &output_shape, T *output_data) |
void | Sin (const int flat_size, const float *input_data, float *output_data) |
void | Softmax (const SoftmaxParams ¶ms, const float *input_data, float *output_data) |
template<typename T > | |
void | SpaceToBatchND (const int32_t pad_value, const luci_interpreter::RuntimeShape &unextended_input1_shape, const T *input1_data, const luci_interpreter::RuntimeShape &unextended_input2_shape, const int32_t *block_shape_data, const luci_interpreter::RuntimeShape &unextended_input3_shape, const int32_t *paddings_data, const luci_interpreter::RuntimeShape &unextended_output_shape, T *output_data) |
template<typename T > | |
void | SpaceToDepth (const int32_t block_size, const luci_interpreter::RuntimeShape &unextended_input_shape, const T *input_data, const luci_interpreter::RuntimeShape &unextended_output_shape, T *output_data) |
void | Sqrt (const int flat_size, const float *input_data, float *output_data) |
void | Square (const int flat_size, const float *input_data, float *output_data) |
void | SquaredDifference (const int flat_size, const float *input_data_1, const float *input_data_2, float *output_data) |
template<typename T > | |
void | StridedSlice (StridedSliceParams &op_params, const luci_interpreter::RuntimeShape &unextended_input_shape, const T *input_data, T *output_data) |
template<typename T > | |
void | BroadcastSub4DSlow (const ArithmeticParams ¶ms, const luci_interpreter::RuntimeShape &input1_shape, const T *input1_data, const luci_interpreter::RuntimeShape &input2_shape, const T *input2_data, const luci_interpreter::RuntimeShape &output_shape, T *output_data) |
void | SVDF (const float *input_data, const float *weights_feature_data, const float *weights_time_data, const float *bias_data, float *state_data, float *scratch_data, float *output_data, const int rank, const int input_size, const int batch_size, const int num_filters, const int num_units, const int memory_size, const circle::ActivationFunctionType activation) |
void | Tanh (const int flat_size, const float *input_data, float *output_data) |
void | Tanh (int32_t input_multiplier, int32_t input_left_shift, const int flat_size, const int16_t *ptr_input_data, int16_t *ptr_output_data) |
template<typename T , int N> | |
void | TransposeImpl (const TransposeParams ¶ms, const luci_interpreter::RuntimeShape &unextended_input_shape, const T *input_data, const luci_interpreter::RuntimeShape &unextended_output_shape, T *output_data) |
template<typename T , int N = 5> | |
void | Transpose (const TransposeParams ¶ms, const luci_interpreter::RuntimeShape &unextended_input_shape, const T *input_data, const luci_interpreter::RuntimeShape &unextended_output_shape, T *output_data) |
void | TransposeConv (const ConvParams ¶ms, const luci_interpreter::RuntimeShape &input_shape, const float *input_data, const luci_interpreter::RuntimeShape &filter_shape, const float *filter_data, const luci_interpreter::RuntimeShape &bias_shape, const float *bias_data, const luci_interpreter::RuntimeShape &output_shape, float *output_data) |
template<typename ActivationType , typename WeightType , typename CellType , typename BiasType > | |
void | evalLSTM (luci_interpreter::lstm::LSTMStruct *lstm_struct, luci_interpreter::lstm::LSTMParameters *lstm_params, luci_interpreter::lstm::CellStateInfo *cell_state_info, ActivationType *output_state_data, CellType *cell_state_data, CellType *scratch0, CellType *scratch1, CellType *scratch2, CellType *scratch3, luci_interpreter::BaseRuntimeGraph *runtime_graph) |
std::int32_t | saturatingRoundingDoublingHighMul (std::int32_t a, std::int32_t b) |
int32_t | roundingDivideByPOT (int32_t x, int32_t exponent) |
int32_t | multiplyByQuantizedMultiplier (int32_t x, int32_t quantized_multiplier, int shift) |
int32_t | multiplyByQuantizedMultiplierSmallerThanOneExp (int32_t x, int32_t quantized_multiplier, int left_shift) |
template<typename P > | |
void | getActivationParams (const P ¶ms, int32_t *min, int32_t *max) |
template<typename P > | |
void | getActivationParams (const P ¶ms, float *min, float *max) |
template<typename P > | |
void | getActivationParams (const P ¶ms, int64_t *min, int64_t *max) |
size_t | reducedOutputOffset (const int num_dims, const int *dims, const int *index, const int num_axis, const int *axis) |
bool | nextIndex (const int num_dims, const int *dims, int *current) |
int | MatchingDim (const luci_interpreter::RuntimeShape &shape1, int index1, const luci_interpreter::RuntimeShape &shape2, int index2) |
int | flatSizeSkipDim (const int32_t *dims_data, int skip_dim, int num_dims) |
int | offset (const int32_t *dims_data, int i0, int i1, int i2, int i3) |
int | offset (const int32_t *dims_data, int i0, int i1, int i2, int i3, int i4) |
template<typename T > | |
T | activationFunctionWithMinMax (T x, T output_activation_min, T output_activation_max) |
template<int N> | |
void | copyDimsToDesc (const luci_interpreter::RuntimeShape &input_shape, NdArrayDesc< N > *desc_out) |
template<int N, int DIM, typename Calc > | |
std::enable_if< DIM==N-1, void >::type | NDOpsHelperImpl (const NdArrayDesc< N > &output, const Calc &calc, int indexes[N]) |
template<int N, int DIM, typename Calc > | |
std::enable_if< DIM!=N-1, void >::type | NDOpsHelperImpl (const NdArrayDesc< N > &output, const Calc &calc, int indexes[N]) |
template<int N, typename Calc > | |
void | NDOpsHelper (const NdArrayDesc< N > &output, const Calc &calc) |
template<int N> | |
void | NdArrayDescsForElementwiseBroadcast (const luci_interpreter::RuntimeShape &input0_shape, const luci_interpreter::RuntimeShape &input1_shape, NdArrayDesc< N > *desc0_out, NdArrayDesc< N > *desc1_out) |
int | subscriptToIndex (const NdArrayDesc< 4 > &desc, int i0, int i1, int i2, int i3) |
int | subscriptToIndex (const NdArrayDesc< 5 > &desc, int indexes[5]) |
bool | ProcessBroadcastShapes (const luci_interpreter::RuntimeShape &shape0, const luci_interpreter::RuntimeShape &shape1, luci_interpreter_pal::ArithmeticParams *params) |
template<> | |
void | Add< int8_t > (const ArithmeticParams &, const int, const int8_t *, const int8_t *, int8_t *) |
template<> | |
void | Add< int16_t > (const ArithmeticParams &, const int, const int16_t *, const int16_t *, int16_t *) |
template<> | |
void | FullyConnected (const luci_interpreter_pal::FullyConnectedParams ¶ms, const int32_t *input_shape, const int8_t *input_data, const int32_t *filter_shape, const int8_t *filter_data, const int32_t *bias_data, const int32_t *output_shape, int8_t *output_data, uint32_t, uint32_t) |
template<> | |
void | FullyConnected (const luci_interpreter_pal::FullyConnectedParams &, const int32_t *, const int16_t *, const int32_t *, const int8_t *, const int64_t *, const int32_t *, int16_t *, uint32_t, uint32_t) |
template<> | |
void | Mul< int8_t > (const ArithmeticParams &, const int, const int8_t *, const int8_t *, int8_t *) |
template<> | |
void | Mul< int16_t > (const ArithmeticParams &, const int, const int16_t *, const int16_t *, int16_t *) |
template<> | |
void | evalLSTM< int8_t, int8_t, int16_t, int32_t > (luci_interpreter::lstm::LSTMStruct *lstm_struct, luci_interpreter::lstm::LSTMParameters *lstm_params, luci_interpreter::lstm::CellStateInfo *cell_state_info, int8_t *output_state_data, int16_t *cell_state_data, int16_t *scratch0, int16_t *scratch1, int16_t *scratch2, int16_t *scratch3, luci_interpreter::BaseRuntimeGraph *runtime_graph) |
Variables | |
constexpr int | MAX_INDICES_ND = 5 |
|
strong |
Enumerator | |
---|---|
kNone | |
kNonBroadcast | |
kFirstInputBroadcastsFast | |
kSecondInputBroadcastsFast | |
kGenericBroadcast | |
kScalarFirstBroadcast | |
kScalarSecondBroadcast |
Definition at line 108 of file Params.h.
|
strong |
|
strong |
|
inline |
Definition at line 25 of file PALAbs.h.
Referenced by luci_interpreter::execute_kernel_CircleAbs().
|
inline |
Definition at line 204 of file PALUtils.h.
Referenced by L2Pool(), and TransposeConv().
|
inline |
Definition at line 28 of file PALAddCommon.h.
|
inline |
|
inline |
Definition at line 39 of file PALAdd.h.
References luci_interpreter_pal::ArithmeticParams::input1_multiplier, luci_interpreter_pal::ArithmeticParams::input1_offset, luci_interpreter_pal::ArithmeticParams::input1_shift, luci_interpreter_pal::ArithmeticParams::input2_multiplier, luci_interpreter_pal::ArithmeticParams::input2_offset, luci_interpreter_pal::ArithmeticParams::input2_shift, luci_interpreter_pal::ArithmeticParams::left_shift, luci_interpreter_pal::ArithmeticParams::output_multiplier, luci_interpreter_pal::ArithmeticParams::output_offset, luci_interpreter_pal::ArithmeticParams::output_shift, luci_interpreter_pal::ArithmeticParams::quantized_activation_max, and luci_interpreter_pal::ArithmeticParams::quantized_activation_min.
|
inline |
|
inline |
Definition at line 27 of file PALAdd.h.
References luci_interpreter_pal::ArithmeticParams::input1_multiplier, luci_interpreter_pal::ArithmeticParams::input1_offset, luci_interpreter_pal::ArithmeticParams::input1_shift, luci_interpreter_pal::ArithmeticParams::input2_multiplier, luci_interpreter_pal::ArithmeticParams::input2_offset, luci_interpreter_pal::ArithmeticParams::input2_shift, luci_interpreter_pal::ArithmeticParams::left_shift, luci_interpreter_pal::ArithmeticParams::output_multiplier, luci_interpreter_pal::ArithmeticParams::output_offset, luci_interpreter_pal::ArithmeticParams::output_shift, luci_interpreter_pal::ArithmeticParams::quantized_activation_max, and luci_interpreter_pal::ArithmeticParams::quantized_activation_min.
|
inline |
Definition at line 29 of file PALAddN.h.
void luci_interpreter_pal::ArgMinMax | ( | const luci_interpreter::RuntimeShape & | input1_shape, |
const T1 * | input1_data, | ||
const T3 * | input2_data, | ||
const luci_interpreter::RuntimeShape & | output_shape, | ||
T2 * | output_data, | ||
const Cmp & | cmp | ||
) |
Definition at line 28 of file PALArgMinMax.h.
References luci_interpreter::RuntimeShape::dimensionsCount(), and luci_interpreter::RuntimeShape::dims().
|
inline |
Definition at line 47 of file PALArithmeticOpCommon.h.
References getActivationParams().
|
inline |
Definition at line 60 of file PALArithmeticOpCommon.h.
References getActivationParams().
|
inline |
Definition at line 28 of file PALAveragePool2DCommon.h.
References luci_interpreter::RuntimeShape::dims(), luci_interpreter_pal::PoolParams::filter_height, luci_interpreter_pal::PoolParams::filter_width, luci_interpreter_pal::PoolParams::float_activation_max, luci_interpreter_pal::PoolParams::float_activation_min, luci_interpreter_pal::PaddingValues::height, output_shape, luci_interpreter_pal::PoolParams::padding_values, luci_interpreter_pal::PoolParams::stride_height, luci_interpreter_pal::PoolParams::stride_width, and luci_interpreter_pal::PaddingValues::width.
|
inline |
Definition at line 27 of file PALAveragePool2D.h.
References luci_interpreter::RuntimeShape::dims(), luci_interpreter_pal::PoolParams::filter_height, luci_interpreter_pal::PoolParams::filter_width, luci_interpreter_pal::PaddingValues::height, output_shape, luci_interpreter_pal::PoolParams::padding_values, luci_interpreter_pal::PoolParams::quantized_activation_max, luci_interpreter_pal::PoolParams::quantized_activation_min, luci_interpreter_pal::PoolParams::stride_height, luci_interpreter_pal::PoolParams::stride_width, and luci_interpreter_pal::PaddingValues::width.
|
inline |
Definition at line 47 of file PALAveragePool2d.h.
References output_shape.
|
inline |
Definition at line 45 of file PALAveragePool2d.h.
References output_shape.
|
inline |
Definition at line 45 of file PALAveragePool2d.h.
References output_shape.
|
inline |
Definition at line 24 of file PALBatchMatMul.h.
References output_shape.
Referenced by luci_interpreter::kernels::BatchMatMul::execute().
|
inline |
Definition at line 46 of file PALBatchToSpaceND.h.
References luci_interpreter::RuntimeShape::dimensionsCount(), luci_interpreter::RuntimeShape::dims(), luci_interpreter::RuntimeShape::dimsData(), offset(), and output_shape.
|
inline |
Definition at line 56 of file PALBinaryOpCommon.h.
|
inline |
Definition at line 36 of file PALAddCommon.h.
References output_shape.
|
inline |
Definition at line 72 of file PALArithmeticOpCommon.h.
References desc1, desc2, luci_interpreter::RuntimeShape::dims(), luci_interpreter::RuntimeShape::extendedShape(), getActivationParams(), NdArrayDescsForElementwiseBroadcast(), output_shape, and subscriptToIndex().
|
inline |
Definition at line 67 of file PALBinaryOpCommon.h.
References desc1, desc2, luci_interpreter::RuntimeShape::dims(), luci_interpreter::RuntimeShape::extendedShape(), NdArrayDescsForElementwiseBroadcast(), output_shape, and subscriptToIndex().
|
inline |
Definition at line 144 of file PALComparisons.h.
References subscriptToIndex().
|
inline |
Definition at line 69 of file PALComparisons.h.
References luci_interpreter_pal::ComparisonParams::input1_multiplier, luci_interpreter_pal::ComparisonParams::input1_offset, luci_interpreter_pal::ComparisonParams::input1_shift, luci_interpreter_pal::ComparisonParams::input2_multiplier, luci_interpreter_pal::ComparisonParams::input2_offset, luci_interpreter_pal::ComparisonParams::input2_shift, luci_interpreter_pal::ComparisonParams::left_shift, multiplyByQuantizedMultiplierSmallerThanOneExp(), and subscriptToIndex().
|
inline |
Definition at line 41 of file PALDiv.h.
References output_shape.
|
inline |
Definition at line 33 of file PALFloorDivCommon.h.
References output_shape.
Referenced by luci_interpreter::execute_kernel_CircleFloorDiv().
|
inline |
Definition at line 33 of file PALFloorModCommon.h.
References output_shape.
Referenced by luci_interpreter::execute_kernel_CircleFloorMod().
void luci_interpreter_pal::BroadcastImpl | ( | const NdArrayDesc< N > & | input_desc, |
const uint8_t * | input_data, | ||
const NdArrayDesc< N > & | output_desc, | ||
uint8_t * | output_data, | ||
int | indexes[N], | ||
int | dim, | ||
const int | last_broadcasting_dim, | ||
const uint32_t | type_size | ||
) |
Definition at line 30 of file PALBroadcastTo.h.
References luci_interpreter_pal::NdArrayDesc< N >::extents, luci_interpreter_pal::NdArrayDesc< N >::strides, and subscriptToIndex().
|
inline |
Definition at line 32 of file PALMaximumCommon.h.
References output_shape.
Referenced by luci_interpreter::execute_kernel_CircleMaximum().
|
inline |
Definition at line 33 of file PALMinimumCommon.h.
References output_shape.
|
inline |
Definition at line 41 of file PALMulCommon.h.
References BroadcastMul4DSlow(), and output_shape.
Referenced by BroadcastMul4DSlow().
void luci_interpreter_pal::BroadcastPrelu4DSlowFloat | ( | const luci_interpreter::RuntimeShape & | unextended_input1_shape, |
const float * | input1_data, | ||
const luci_interpreter::RuntimeShape & | unextended_input2_shape, | ||
const float * | input2_data, | ||
const luci_interpreter::RuntimeShape & | unextended_output_shape, | ||
float * | output_data | ||
) |
Definition at line 28 of file PALPreluCommon.h.
References desc1, desc2, luci_interpreter::RuntimeShape::dims(), luci_interpreter::RuntimeShape::dimsData(), luci_interpreter::RuntimeShape::extendedShape(), NdArrayDescsForElementwiseBroadcast(), offset(), output_shape, and subscriptToIndex().
Referenced by luci_interpreter::execute_kernel_CirclePRelu().
|
inline |
Definition at line 33 of file PALSub.h.
References output_shape.
|
inline |
Definition at line 27 of file Broadcast.h.
References desc1, desc2, luci_interpreter::RuntimeShape::dims(), luci_interpreter::RuntimeShape::extendedShape(), NdArrayDescsForElementwiseBroadcast(), output_shape, and subscriptToIndex().
|
inline |
Definition at line 69 of file PALBroadcastTo.h.
References copyDimsToDesc(), luci_interpreter::RuntimeShape::extendedShape(), luci_interpreter_pal::NdArrayDesc< N >::extents, luci_interpreter::RuntimeShape::flatSize(), and luci::size().
void luci_interpreter_pal::calculateGRU | ( | const float * | input_data, |
const float * | weight_input_data, | ||
const float * | weight_hidden_data, | ||
const float * | bias_input_data, | ||
const float * | bias_hidden_data, | ||
float * | output_data, | ||
const tflite::RuntimeShape & | input_shape, | ||
const tflite::RuntimeShape & | output_shape, | ||
const tflite::RuntimeShape & | weight_input_shape, | ||
const tflite::RuntimeShape & | weight_hidden_shape, | ||
float * | output_input_data, | ||
float * | output_hidden_data, | ||
const tflite::RuntimeShape & | output_shape_fc | ||
) |
Definition at line 59 of file PALGRU.h.
References Logistic(), and output_shape.
Referenced by GRU().
|
inline |
Definition at line 28 of file PALCeil.h.
Referenced by luci_interpreter::execute_kernel_CircleCeil().
|
inline |
Definition at line 59 of file PALComparisons.h.
|
inline |
Definition at line 117 of file PALComparisons.h.
References luci_interpreter_pal::ComparisonParams::input1_multiplier, luci_interpreter_pal::ComparisonParams::input1_offset, luci_interpreter_pal::ComparisonParams::input1_shift, luci_interpreter_pal::ComparisonParams::input2_multiplier, luci_interpreter_pal::ComparisonParams::input2_offset, luci_interpreter_pal::ComparisonParams::input2_shift, luci_interpreter_pal::ComparisonParams::left_shift, and multiplyByQuantizedMultiplierSmallerThanOneExp().
|
inline |
Definition at line 39 of file PALResizeBilinear.h.
|
inline |
Definition at line 28 of file PALConcatenation.h.
References luci_interpreter_pal::ConcatenationParams::axis, luci_interpreter::RuntimeShape::dimensionsCount(), luci_interpreter::RuntimeShape::dims(), luci_interpreter_pal::ConcatenationParams::inputs_count, and output_shape.
|
inline |
Definition at line 47 of file ProcessBroadcastShapes.h.
References luci_interpreter::RuntimeShape::dims(), luci_interpreter_pal::NdArrayDesc< N >::extents, and luci_interpreter_pal::NdArrayDesc< N >::strides.
Referenced by BroadcastTo(), and TransposeImpl().
|
inline |
Definition at line 27 of file PALCosCommon.h.
Referenced by luci_interpreter::execute_kernel_CircleCos().
|
inline |
Definition at line 29 of file PALDepthToSpace.h.
References luci_interpreter::RuntimeShape::dims(), luci_interpreter::RuntimeShape::dimsData(), luci_interpreter::RuntimeShape::extendedShape(), offset(), and output_shape.
|
inline |
Definition at line 58 of file PALDepthwiseConv2d.h.
References output_shape.
|
inline |
Definition at line 57 of file PALDepthwiseConv2d.h.
References output_shape.
|
inline |
Definition at line 57 of file PALDepthwiseConv2d.h.
References output_shape.
|
inline |
Definition at line 27 of file PALDequantize.h.
References luci_interpreter_pal::QuantizationParams::scale, and luci_interpreter_pal::QuantizationParams::zero_point.
|
inline |
|
inline |
|
inline |
|
inline |
Definition at line 53 of file PALComparisons.h.
Referenced by luci_interpreter::execute_kernel_CircleEqual().
void luci_interpreter_pal::eval_integer_8x8_16_lstm | ( | const luci_interpreter::Tensor * | input, |
const luci_interpreter::Tensor * | input_to_input_weights, | ||
const luci_interpreter::Tensor * | input_to_forget_weights, | ||
const luci_interpreter::Tensor * | input_to_cell_weights, | ||
const luci_interpreter::Tensor * | input_to_output_weights, | ||
const luci_interpreter::Tensor * | recurrent_to_input_weights, | ||
const luci_interpreter::Tensor * | recurrent_to_forget_weights, | ||
const luci_interpreter::Tensor * | recurrent_to_cell_weights, | ||
const luci_interpreter::Tensor * | recurrent_to_output_weights, | ||
const luci_interpreter::Tensor * | cell_to_input_weights, | ||
const luci_interpreter::Tensor * | cell_to_forget_weights, | ||
const luci_interpreter::Tensor * | cell_to_output_weights, | ||
const luci_interpreter::Tensor * | input_layer_norm_coefficients, | ||
const luci_interpreter::Tensor * | forget_layer_norm_coefficients, | ||
const luci_interpreter::Tensor * | cell_layer_norm_coefficients, | ||
const luci_interpreter::Tensor * | output_layer_norm_coefficients, | ||
const luci_interpreter::Tensor * | input_gate_bias, | ||
const luci_interpreter::Tensor * | forget_gate_bias, | ||
const luci_interpreter::Tensor * | cell_gate_bias, | ||
const luci_interpreter::Tensor * | output_gate_bias, | ||
const luci_interpreter::Tensor * | projection_weights, | ||
const luci_interpreter::Tensor * | projection_bias, | ||
const luci_interpreter::UnidirectionalSequenceLSTMParams & | params, | ||
bool | forward_sequence, | ||
bool | time_major, | ||
const luci_interpreter::IntegerLSTMParams & | integer_lstm_param, | ||
int32_t | output_state_zp, | ||
luci_interpreter::Tensor * | output_state, | ||
luci_interpreter::Tensor * | cell_state, | ||
luci_interpreter::Tensor * | output, | ||
int16_t * | scratch0, | ||
int16_t * | scratch1, | ||
int16_t * | scratch2, | ||
int16_t * | scratch3, | ||
int8_t * | scratch4, | ||
int32_t * | scratch5 | ||
) |
Definition at line 126 of file PALUnidirectionalSequenceLSTM.h.
References luci_interpreter_pal::lstm::convert_lstm_params(), luci_interpreter::Shape::dim(), LUCI_INTERPRETER_CHECK, and luci_interpreter::Tensor::shape().
void luci_interpreter_pal::evalLSTM | ( | luci_interpreter::lstm::LSTMStruct * | lstm_struct, |
luci_interpreter::lstm::LSTMParameters * | lstm_params, | ||
luci_interpreter::lstm::CellStateInfo * | cell_state_info, | ||
ActivationType * | output_state_data, | ||
CellType * | cell_state_data, | ||
CellType * | scratch0, | ||
CellType * | scratch1, | ||
CellType * | scratch2, | ||
CellType * | scratch3, | ||
luci_interpreter::BaseRuntimeGraph * | runtime_graph | ||
) |
Definition at line 515 of file PALUnidirectionalSequenceLSTMCommon.h.
References luci_interpreter_pal::lstm_internal::LstmSizeInfo::batch_size, circle_eval_diff::TensorShape::dim(), luci_interpreter::lstm::LSTMStruct::input(), luci_interpreter_pal::lstm_internal::LstmSizeInfo::input_dimension, luci_interpreter::lstm::LSTMStruct::options, luci_interpreter::lstm::LSTMStruct::output_state(), luci_interpreter_pal::lstm_internal::LstmStepManager::resetTime(), luci_interpreter_pal::lstm_internal::LstmSizeInfo::state_dimension, luci_interpreter_pal::lstm_internal::LstmSizeInfo::time_major, luci_interpreter_pal::lstm_internal::LstmSizeInfo::time_steps, luci_interpreter_pal::lstm_internal::LstmStepManager::updateBatch(), and luci_interpreter_pal::lstm_internal::LstmStepManager::updateTime().
void luci_interpreter_pal::evalLSTM< int8_t, int8_t, int16_t, int32_t > | ( | luci_interpreter::lstm::LSTMStruct * | lstm_struct, |
luci_interpreter::lstm::LSTMParameters * | lstm_params, | ||
luci_interpreter::lstm::CellStateInfo * | cell_state_info, | ||
int8_t * | output_state_data, | ||
int16_t * | cell_state_data, | ||
int16_t * | scratch0, | ||
int16_t * | scratch1, | ||
int16_t * | scratch2, | ||
int16_t * | scratch3, | ||
luci_interpreter::BaseRuntimeGraph * | runtime_graph | ||
) |
Definition at line 29 of file PALUnidirectionalSequenceLSTM.h.
References luci_interpreter_pal::lstm_internal::LstmSizeInfo::batch_size, circle_eval_diff::TensorShape::dim(), luci_interpreter::lstm::LSTMStruct::input(), luci_interpreter_pal::lstm_internal::LstmSizeInfo::input_dimension, luci_interpreter::lstm::LSTMStruct::options, luci_interpreter::lstm::LSTMStruct::output_state(), luci_interpreter_pal::lstm_internal::LstmStepManager::resetTime(), luci_interpreter_pal::lstm_internal::LstmSizeInfo::state_dimension, luci_interpreter_pal::lstm_internal::LstmSizeInfo::time_major, luci_interpreter_pal::lstm_internal::LstmSizeInfo::time_steps, luci_interpreter_pal::lstm_internal::LstmStepManager::updateBatch(), and luci_interpreter_pal::lstm_internal::LstmStepManager::updateTime().
|
inline |
Definition at line 26 of file PALExp.h.
Referenced by luci_interpreter::execute_kernel_CircleExp().
|
inline |
Definition at line 183 of file PALUtils.h.
Referenced by FullyConnected(), FullyConnected(), FullyConnected(), FullyConnected< int8_t >(), L2Normalization(), and LogSoftmax().
|
inline |
Definition at line 25 of file PALFloorCommon.h.
References luci_interpreter::RuntimeShape::dimensionsCount(), luci_interpreter::RuntimeShape::dims(), luci_interpreter::RuntimeShape::flatSize(), offset(), and output_shape.
Referenced by luci_interpreter::execute_kernel_CircleFloor().
|
inline |
Definition at line 25 of file PALFloorDivCommon.h.
Referenced by luci_interpreter::execute_kernel_CircleFloorDiv().
|
inline |
Definition at line 25 of file PALFloorModCommon.h.
Referenced by luci_interpreter::execute_kernel_CircleFloorMod().
|
inline |
Definition at line 72 of file PALFullyConnectedCommon.h.
References flatSizeSkipDim(), luci_interpreter_pal::FullyConnectedParams::float_activation_max, luci_interpreter_pal::FullyConnectedParams::float_activation_min, luci_interpreter_pal::FullyConnectedParams::is_channel_wise_quant, output_shape, and luci_interpreter_pal::FullyConnectedParams::weights_scales.
|
inline |
Definition at line 30 of file PALFullyConnectedCommon.h.
References flatSizeSkipDim(), luci_interpreter_pal::FullyConnectedParams::input_offset, multiplyByQuantizedMultiplier(), luci_interpreter_pal::FullyConnectedParams::output_multiplier, luci_interpreter_pal::FullyConnectedParams::output_offset, output_shape, luci_interpreter_pal::FullyConnectedParams::output_shift, luci_interpreter_pal::FullyConnectedParams::quantized_activation_max, luci_interpreter_pal::FullyConnectedParams::quantized_activation_min, and luci_interpreter_pal::FullyConnectedParams::weights_offset.
|
inline |
Definition at line 46 of file PALFullyConnected.h.
|
inline |
Definition at line 89 of file PALFullyConnected.h.
References flatSizeSkipDim(), luci_interpreter_pal::FullyConnectedParams::input_offset, luci_interpreter_pal::FullyConnectedParams::output_multiplier, luci_interpreter_pal::FullyConnectedParams::output_offset, output_shape, luci_interpreter_pal::FullyConnectedParams::output_shift, luci_interpreter_pal::FullyConnectedParams::quantized_activation_max, luci_interpreter_pal::FullyConnectedParams::quantized_activation_min, and luci_interpreter_pal::FullyConnectedParams::weights_offset.
|
inline |
Definition at line 27 of file PALFullyConnected.h.
References output_shape.
|
inline |
Definition at line 28 of file PALFullyConnected.h.
References flatSizeSkipDim(), luci_interpreter_pal::FullyConnectedParams::input_offset, luci_interpreter_pal::FullyConnectedParams::output_multiplier, luci_interpreter_pal::FullyConnectedParams::output_offset, output_shape, luci_interpreter_pal::FullyConnectedParams::output_shift, luci_interpreter_pal::FullyConnectedParams::quantized_activation_max, luci_interpreter_pal::FullyConnectedParams::quantized_activation_min, and luci_interpreter_pal::FullyConnectedParams::weights_offset.
|
inline |
Definition at line 49 of file PALFullyConnected.h.
References output_shape.
|
inline |
Definition at line 48 of file PALFullyConnected.h.
References output_shape.
|
inline |
Definition at line 48 of file PALFullyConnected.h.
References output_shape.
|
inline |
Definition at line 30 of file PALGatherND.h.
References luci_interpreter::RuntimeShape::dimensionsCount(), luci_interpreter::RuntimeShape::dims(), luci_interpreter::RuntimeShape::flatSize(), MAX_INDICES_ND, and offset().
|
inline |
Definition at line 99 of file PALUtils.h.
|
inline |
Definition at line 93 of file PALUtils.h.
Referenced by ArithmeticOp(), ArithmeticOpScalar(), and BroadcastArithmeticOp4DSlow().
|
inline |
Definition at line 105 of file PALUtils.h.
|
inline |
Definition at line 26 of file PALResizeNearestNeighbor.h.
References offset().
Referenced by ResizeNearestNeighbor().
|
inline |
Definition at line 55 of file PALComparisons.h.
Referenced by luci_interpreter::execute_kernel_CircleGreaterEqual().
|
inline |
Definition at line 54 of file PALComparisons.h.
Referenced by luci_interpreter::execute_kernel_CircleGreater().
void luci_interpreter_pal::GRU | ( | const float * | input_data, |
const float * | weight_input_data, | ||
const float * | weight_hidden_data, | ||
const float * | bias_input_data, | ||
const float * | bias_hidden_data, | ||
const float * | hidden_state_data, | ||
float * | output_data, | ||
float * | output_input_data, | ||
float * | output_hidden_data, | ||
const tflite::RuntimeShape & | input_shape, | ||
const tflite::RuntimeShape & | output_shape, | ||
const tflite::RuntimeShape & | weight_input_shape, | ||
const tflite::RuntimeShape & | weight_hidden_shape | ||
) |
Definition at line 147 of file PALGRU.h.
References calculateGRU(), and output_shape.
|
inline |
Definition at line 27 of file PALL2Normalize.h.
References luci_interpreter::RuntimeShape::dimensionsCount(), luci_interpreter::RuntimeShape::dimsData(), flatSizeSkipDim(), L2Normalization(), MatchingDim(), and output_shape.
Referenced by L2Normalization().
|
inline |
Definition at line 27 of file PALL2Pool2D.h.
References activationFunctionWithMinMax(), luci_interpreter::RuntimeShape::dims(), luci_interpreter::RuntimeShape::dimsData(), luci_interpreter_pal::PoolParams::filter_height, luci_interpreter_pal::PoolParams::filter_width, luci_interpreter_pal::PoolParams::float_activation_max, luci_interpreter_pal::PoolParams::float_activation_min, luci_interpreter_pal::PaddingValues::height, L2Pool(), MatchingDim(), offset(), output_shape, luci_interpreter_pal::PoolParams::padding_values, luci_interpreter_pal::PoolParams::stride_height, luci_interpreter_pal::PoolParams::stride_width, and luci_interpreter_pal::PaddingValues::width.
Referenced by L2Pool().
|
inline |
Definition at line 52 of file PALComparisons.h.
Referenced by luci_interpreter::execute_kernel_CircleLessEqual().
|
inline |
Definition at line 51 of file PALComparisons.h.
Referenced by luci_interpreter::execute_kernel_CircleLess().
|
inline |
Definition at line 26 of file PALLog.h.
Referenced by luci_interpreter::execute_kernel_CircleLog().
|
inline |
Definition at line 24 of file PALLogicalCommon.h.
Referenced by luci_interpreter::execute_kernel_CircleLogicalAnd(), and luci_interpreter::execute_kernel_CircleLogicalOr().
|
inline |
Definition at line 24 of file PALLogicalNotCommon.h.
Referenced by luci_interpreter::execute_kernel_CircleLogicalNot().
|
inline |
Definition at line 26 of file PALGRU.h.
Referenced by calculateGRU(), luci_interpreter::execute_kernel_CircleLogistic(), luci_interpreter_pal::lstm_internal::sigmoid(), and luci_interpreter_pal::lstm_internal::sigmoid().
|
inline |
Definition at line 60 of file PALLogistic.h.
|
inline |
Definition at line 98 of file PALLogistic.h.
|
inline |
Definition at line 28 of file PALLogSoftmax.h.
References luci_interpreter::RuntimeShape::dimensionsCount(), luci_interpreter::RuntimeShape::dimsData(), flatSizeSkipDim(), MatchingDim(), and output_shape.
|
inline |
Definition at line 173 of file PALUtils.h.
References luci_interpreter::RuntimeShape::dims().
Referenced by L2Normalization(), L2Pool(), LogSoftmax(), and ResizeNearestNeighbor().
|
inline |
Definition at line 25 of file PALMaximumCommon.h.
Referenced by luci_interpreter::execute_kernel_CircleMaximum().
|
inline |
Definition at line 27 of file PALMaxPool2DCommon.h.
References luci_interpreter::RuntimeShape::dims(), luci_interpreter_pal::PoolParams::filter_height, luci_interpreter_pal::PoolParams::filter_width, luci_interpreter_pal::PoolParams::float_activation_max, luci_interpreter_pal::PoolParams::float_activation_min, luci_interpreter_pal::PaddingValues::height, output_shape, luci_interpreter_pal::PoolParams::padding_values, luci_interpreter_pal::PoolParams::stride_height, luci_interpreter_pal::PoolParams::stride_width, and luci_interpreter_pal::PaddingValues::width.
|
inline |
Definition at line 28 of file PALMaxPool2D.h.
References luci_interpreter::RuntimeShape::dims(), luci_interpreter_pal::PoolParams::filter_height, luci_interpreter_pal::PoolParams::filter_width, luci_interpreter_pal::PaddingValues::height, output_shape, luci_interpreter_pal::PoolParams::padding_values, luci_interpreter_pal::PoolParams::quantized_activation_max, luci_interpreter_pal::PoolParams::quantized_activation_min, luci_interpreter_pal::PoolParams::stride_height, luci_interpreter_pal::PoolParams::stride_width, and luci_interpreter_pal::PaddingValues::width.
Referenced by luci_interpreter::execute_kernel_CircleMaxPool2D().
|
inline |
Definition at line 167 of file PALMean.h.
References luci_interpreter::RuntimeShape::dims(), luci_interpreter::RuntimeShape::dimsData(), luci_interpreter::RuntimeShape::extendedShape(), offset(), and output_shape.
|
inline |
Definition at line 108 of file PALMean.h.
Referenced by luci_interpreter::execute_kernel_CircleMean().
|
inline |
Definition at line 25 of file PALMinimumCommon.h.
Referenced by luci_interpreter::execute_kernel_CircleMinimum().
void luci_interpreter_pal::MirrorPad | ( | const luci_interpreter::DataType | padding_matrix_type, |
const uint8_t * | padding_matrix_data, | ||
const int32_t * | input_dims, | ||
int * | output_dims_num_elements, | ||
int * | input_dims_num_elements, | ||
const T * | input_data, | ||
T * | output_data, | ||
const int | offset, | ||
const int | num_dims, | ||
const int | output_size | ||
) |
Definition at line 95 of file PALMirrorPad.h.
References offset().
Referenced by luci_interpreter::execute_kernel_CircleMirrorPad().
|
inline |
Definition at line 26 of file PALMulCommon.h.
|
inline |
Definition at line 35 of file PALMul.h.
References output_shape.
|
inline |
|
inline |
Definition at line 38 of file PALMul.h.
References luci_interpreter_pal::ArithmeticParams::input1_offset, luci_interpreter_pal::ArithmeticParams::input2_offset, luci_interpreter_pal::ArithmeticParams::output_multiplier, luci_interpreter_pal::ArithmeticParams::output_offset, luci_interpreter_pal::ArithmeticParams::output_shift, luci_interpreter_pal::ArithmeticParams::quantized_activation_max, and luci_interpreter_pal::ArithmeticParams::quantized_activation_min.
|
inline |
|
inline |
Definition at line 27 of file PALMul.h.
References luci_interpreter_pal::ArithmeticParams::input1_offset, luci_interpreter_pal::ArithmeticParams::input2_offset, luci_interpreter_pal::ArithmeticParams::output_multiplier, luci_interpreter_pal::ArithmeticParams::output_offset, luci_interpreter_pal::ArithmeticParams::output_shift, luci_interpreter_pal::ArithmeticParams::quantized_activation_max, and luci_interpreter_pal::ArithmeticParams::quantized_activation_min.
|
inline |
Definition at line 33 of file PALMulCommon.h.
|
inline |
Definition at line 77 of file PALUtils.h.
References roundingDivideByPOT(), and saturatingRoundingDoublingHighMul().
Referenced by FullyConnected(), and luci_interpreter_pal::lstm_internal::mulElementwise().
|
inline |
Definition at line 85 of file PALUtils.h.
References roundingDivideByPOT(), and saturatingRoundingDoublingHighMul().
Referenced by BroadcastComparison4DSlowWithScaling(), and ComparisonWithScaling().
|
inline |
Definition at line 89 of file ProcessBroadcastShapes.h.
References luci_interpreter::RuntimeShape::extendedShape(), luci_interpreter_pal::NdArrayDesc< N >::extents, and luci_interpreter_pal::NdArrayDesc< N >::strides.
Referenced by BroadcastArithmeticOp4DSlow(), BroadcastBinaryOp4DSlow(), BroadcastPrelu4DSlowFloat(), and BroadcastTISO4DSlow().
|
inline |
Definition at line 82 of file ProcessBroadcastShapes.h.
std::enable_if< DIM==N-1, void >::type luci_interpreter_pal::NDOpsHelperImpl | ( | const NdArrayDesc< N > & | output, |
const Calc & | calc, | ||
int | indexes[N] | ||
) |
Definition at line 60 of file ProcessBroadcastShapes.h.
std::enable_if< DIM!=N-1, void >::type luci_interpreter_pal::NDOpsHelperImpl | ( | const NdArrayDesc< N > & | output, |
const Calc & | calc, | ||
int | indexes[N] | ||
) |
Definition at line 70 of file ProcessBroadcastShapes.h.
|
inline |
Definition at line 23 of file PALNeg.h.
References luci_interpreter::RuntimeShape::dimensionsCount(), luci_interpreter::RuntimeShape::dims(), luci_interpreter::RuntimeShape::flatSize(), Negate(), and output_shape.
Referenced by Negate().
|
inline |
Definition at line 148 of file PALUtils.h.
Referenced by ReduceGeneric().
|
inline |
Definition at line 56 of file PALComparisons.h.
Referenced by luci_interpreter::execute_kernel_CircleNotEqual().
|
inline |
Definition at line 193 of file PALUtils.h.
Referenced by BatchToSpaceND(), BroadcastPrelu4DSlowFloat(), DepthToSpace(), Floor(), GatherND(), getNearestNeighbor(), L2Pool(), Mean(), MirrorPad(), reducedOutputOffset(), SpaceToBatchND(), SpaceToDepth(), and TransposeConv().
|
inline |
Definition at line 198 of file PALUtils.h.
|
inline |
Definition at line 27 of file PALResizeBilinear.h.
References luci_interpreter::RuntimeShape::dimensionsCount(), luci_interpreter::RuntimeShape::dimsData(), and LUCI_INTERPRETER_CHECK.
void luci_interpreter_pal::Pad | ( | const PadParams & | op_params, |
const luci_interpreter::RuntimeShape & | input_shape, | ||
const float * | input_data, | ||
const float * | pad_value_ptr, | ||
const luci_interpreter::RuntimeShape & | output_shape, | ||
float * | output_data | ||
) |
Definition at line 28 of file PALPad.h.
References luci_interpreter::RuntimeShape::extendedShape(), luci_interpreter_pal::PadParams::left_padding, luci_interpreter_pal::PadParams::left_padding_count, output_shape, PadKernelMaxDimensionCount(), luci_interpreter_pal::PadParams::right_padding, and luci_interpreter_pal::PadParams::right_padding_count.
Referenced by luci_interpreter::execute_kernel_CirclePadCommon().
|
constexpr |
|
inline |
Definition at line 150 of file ProcessBroadcastShapes.h.
References luci_interpreter_pal::ArithmeticParams::broadcast_category, luci_interpreter::RuntimeShape::dimensionsCount(), luci_interpreter::RuntimeShape::extendedShape(), luci_interpreter::RuntimeShape::flatSize(), kFirstInputBroadcastsFast, kGenericBroadcast, kNonBroadcast, kScalarFirstBroadcast, kScalarSecondBroadcast, and kSecondInputBroadcastsFast.
Referenced by luci_interpreter::kernels::evalTISOKernel(), and luci_interpreter::kernels::evalTISOQuantizedKernel().
|
inline |
Definition at line 27 of file PALQuantize.h.
References luci_interpreter_pal::QuantizationParams::scale, and luci_interpreter_pal::QuantizationParams::zero_point.
|
inline |
Definition at line 116 of file PALUtils.h.
References offset().
Referenced by ReduceGeneric().
|
inline |
Definition at line 73 of file PALReduceCommon.h.
References nextIndex(), and reducedOutputOffset().
|
inline |
Definition at line 26 of file PALReluCommon.h.
Referenced by luci_interpreter::execute_kernel_CircleLeakyRelu(), luci_interpreter::execute_kernel_CircleRelu(), and luci_interpreter::execute_kernel_CircleRelu6().
|
inline |
Definition at line 47 of file PALResizeNearestNeighbor.h.
References luci_interpreter_pal::ResizeNearestNeighborParams::align_corners, luci_interpreter::RuntimeShape::dims(), luci_interpreter::RuntimeShape::extendedShape(), getNearestNeighbor(), luci_interpreter_pal::ResizeNearestNeighborParams::half_pixel_centers, MatchingDim(), output_shape, and ResizeNearestNeighbor().
Referenced by ResizeNearestNeighbor().
|
inline |
Definition at line 37 of file PALRound.h.
References RoundToNearest().
Referenced by luci_interpreter::execute_kernel_CircleRound().
|
inline |
Definition at line 65 of file PALUtils.h.
Referenced by multiplyByQuantizedMultiplier(), and multiplyByQuantizedMultiplierSmallerThanOneExp().
|
inline |
Definition at line 23 of file PALRound.h.
Referenced by Round().
|
inline |
Definition at line 27 of file PALRsqrt.h.
Referenced by luci_interpreter::execute_kernel_CircleRsqrt().
|
inline |
Definition at line 52 of file PALUtils.h.
Referenced by multiplyByQuantizedMultiplier(), and multiplyByQuantizedMultiplierSmallerThanOneExp().
void luci_interpreter_pal::Select | ( | const luci_interpreter::RuntimeShape & | input_condition_shape, |
const D * | input_condition_data, | ||
const luci_interpreter::RuntimeShape & | input_x_shape, | ||
const T * | input_x_data, | ||
const luci_interpreter::RuntimeShape & | input_y_shape, | ||
const T * | input_y_data, | ||
const luci_interpreter::RuntimeShape & | output_shape, | ||
T * | output_data | ||
) |
Definition at line 27 of file PALSelectV2.h.
References luci_interpreter::RuntimeShape::flatSize(), and output_shape.
|
inline |
Definition at line 27 of file PALSinCommon.h.
Referenced by luci_interpreter::execute_kernel_CircleSin().
|
inline |
Definition at line 25 of file PALSoftmaxCommon.h.
References luci_interpreter_pal::SoftmaxParams::beta, luci_interpreter_pal::SoftmaxParams::num_rows, and luci_interpreter_pal::SoftmaxParams::row_size.
|
inline |
Definition at line 116 of file PALSoftmax.h.
References luci_interpreter_pal::SoftmaxParams::input_left_shift, luci_interpreter_pal::SoftmaxParams::input_multiplier, luci_interpreter_pal::SoftmaxParams::num_rows, and luci_interpreter_pal::SoftmaxParams::row_size.
|
inline |
Definition at line 110 of file PALSoftmax.h.
References luci_interpreter_pal::SoftmaxParams::diff_min, luci_interpreter_pal::SoftmaxParams::input_left_shift, luci_interpreter_pal::SoftmaxParams::input_multiplier, luci_interpreter_pal::SoftmaxParams::num_rows, and luci_interpreter_pal::SoftmaxParams::row_size.
|
inline |
Definition at line 104 of file PALSoftmax.h.
References luci_interpreter_pal::SoftmaxParams::diff_min, luci_interpreter_pal::SoftmaxParams::input_left_shift, luci_interpreter_pal::SoftmaxParams::input_multiplier, luci_interpreter_pal::SoftmaxParams::num_rows, and luci_interpreter_pal::SoftmaxParams::row_size.
|
inline |
Definition at line 63 of file PALSoftmax.h.
References output_shape.
|
inline |
Definition at line 46 of file PALSpaceToBatchND.h.
References luci_interpreter::RuntimeShape::dimensionsCount(), luci_interpreter::RuntimeShape::dims(), luci_interpreter::RuntimeShape::dimsData(), offset(), and output_shape.
|
inline |
Definition at line 29 of file PALSpaceToDepth.h.
References luci_interpreter::RuntimeShape::dims(), luci_interpreter::RuntimeShape::dimsData(), luci_interpreter::RuntimeShape::extendedShape(), offset(), and output_shape.
|
inline |
Definition at line 27 of file PALSqrt.h.
Referenced by luci_interpreter::execute_kernel_CircleSqrt().
|
inline |
Definition at line 26 of file PALSquareCommon.h.
Referenced by luci_interpreter::execute_kernel_CircleSquare().
|
inline |
Definition at line 27 of file PALSquaredDifference.h.
Referenced by luci_interpreter::execute_kernel_CircleSquaredDifference().
|
inline |
Definition at line 205 of file PALStridedSlice.h.
References luci_interpreter::RuntimeShape::dims(), luci_interpreter::RuntimeShape::extendedShape(), and luci_interpreter_pal::StridedSliceParams::strides.
Referenced by luci_interpreter::execute_kernel_CircleStridedSlice().
|
inline |
Definition at line 125 of file ProcessBroadcastShapes.h.
References luci_interpreter_pal::NdArrayDesc< N >::strides.
Referenced by BroadcastArithmeticOp4DSlow(), BroadcastBinaryOp4DSlow(), BroadcastComparison4DSlowNoScaling(), BroadcastComparison4DSlowWithScaling(), BroadcastImpl(), BroadcastPrelu4DSlowFloat(), BroadcastTISO4DSlow(), and TransposeImpl().
|
inline |
Definition at line 130 of file ProcessBroadcastShapes.h.
References luci_interpreter_pal::NdArrayDesc< N >::strides.
|
inline |
Definition at line 133 of file PALSVDFCommon.h.
Referenced by luci_interpreter::execute_kernel_CircleSVDF().
|
inline |
Definition at line 26 of file PALTanh.h.
Referenced by luci_interpreter::evalInteger(), luci_interpreter::execute_kernel_CircleTanh(), luci_interpreter_pal::lstm_internal::tanh(), and luci_interpreter_pal::lstm_internal::tanh().
|
inline |
Definition at line 36 of file PALTanh.h.
void luci_interpreter_pal::Transpose | ( | const TransposeParams & | params, |
const luci_interpreter::RuntimeShape & | unextended_input_shape, | ||
const T * | input_data, | ||
const luci_interpreter::RuntimeShape & | unextended_output_shape, | ||
T * | output_data | ||
) |
Definition at line 70 of file PALTranspose.h.
Referenced by luci_interpreter::execute_kernel_CircleTranspose().
|
inline |
Definition at line 26 of file PALTransposeConv.h.
References activationFunctionWithMinMax(), luci_interpreter::RuntimeShape::dims(), luci_interpreter::RuntimeShape::dimsData(), luci_interpreter::RuntimeShape::flatSize(), luci_interpreter_pal::ConvParams::float_activation_max, luci_interpreter_pal::ConvParams::float_activation_min, luci_interpreter_pal::PaddingValues::height, offset(), output_shape, luci_interpreter_pal::ConvParams::padding_values, luci_interpreter_pal::ConvParams::stride_height, luci_interpreter_pal::ConvParams::stride_width, and luci_interpreter_pal::PaddingValues::width.
void luci_interpreter_pal::TransposeImpl | ( | const TransposeParams & | params, |
const luci_interpreter::RuntimeShape & | unextended_input_shape, | ||
const T * | input_data, | ||
const luci_interpreter::RuntimeShape & | unextended_output_shape, | ||
T * | output_data | ||
) |
Definition at line 27 of file PALTranspose.h.
References copyDimsToDesc(), luci_interpreter::RuntimeShape::dimensionsCount(), luci_interpreter::RuntimeShape::extendedShape(), luci_interpreter_pal::NdArrayDesc< N >::extents, luci_interpreter_pal::TransposeParams::perm, luci_interpreter_pal::NdArrayDesc< N >::strides, and subscriptToIndex().
|
constexpr |
Definition at line 27 of file PALGatherND.h.
Referenced by luci_interpreter::configure_kernel_CircleGatherND(), and GatherND().