ONE - On-device Neural Engine
|
Go to the source code of this file.
Namespaces | |
namespace | luci_interpreter_pal |
Functions | |
template<typename T > | |
bool | luci_interpreter_pal::LessFn (T lhs, T rhs) |
template<typename T > | |
bool | luci_interpreter_pal::LessEqualFn (T lhs, T rhs) |
template<typename T > | |
bool | luci_interpreter_pal::EqualFn (T lhs, T rhs) |
template<typename T > | |
bool | luci_interpreter_pal::GreaterFn (T lhs, T rhs) |
template<typename T > | |
bool | luci_interpreter_pal::GreaterEqualFn (T lhs, T rhs) |
template<typename T > | |
bool | luci_interpreter_pal::NotEqualFn (T lhs, T rhs) |
template<typename T > | |
void | luci_interpreter_pal::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 | luci_interpreter_pal::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 | luci_interpreter_pal::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 | luci_interpreter_pal::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)) |
NdArrayDesc<4> desc1 |
Definition at line 33 of file PALComparisons.h.
Referenced by luci_interpreter::kernels::BinaryOpBroadcastSlow(), BroadcastAdd(), luci_interpreter_pal::BroadcastArithmeticOp4DSlow(), onert_micro::execute::pal::BroadcastArithmeticOp4DSlow(), nnfw::cker::reference::BroadcastBinaryArithmeticOpSlow(), nnfw::cker::reference::BroadcastBinaryArithmeticOpSlow(), nnfw::cker::reference::BroadcastBinaryArithmeticOpSlow(), nnfw::cker::reference::BroadcastBinaryArithmeticOpSlow(), nnfw::cker::reference::BroadcastBinaryArithmeticOpSlow(), onert_micro::execute::pal::BroadcastBinaryOp4DSlow(), luci_interpreter_pal::BroadcastBinaryOp4DSlow(), nnfw::cker::BroadcastComparison4DSlowImpl(), nnfw::cker::BroadcastComparison4DSlowWithScaling(), BroadcastDiv(), BroadcastMul(), onert_micro::execute::pal::BroadcastMul6DSlow(), tflite::reference_ops::BroadcastPow4DSlow(), luci_interpreter_pal::BroadcastPrelu4DSlowFloat(), BroadcastSub(), luci_interpreter_pal::BroadcastTISO4DSlow(), nnfw::cker::FloorDivBroadcast(), nnfw::cker::FloorModBroadcast(), nnfw::cker::LogicalAndBroadcast(), nnfw::cker::LogicalOrBroadcast(), and nnfw::cker::MaximumMinimumBroadcast4DSlow().
NdArrayDesc<4> desc2 |
Definition at line 34 of file PALComparisons.h.
Referenced by luci_interpreter::kernels::BinaryOpBroadcastSlow(), BroadcastAdd(), luci_interpreter_pal::BroadcastArithmeticOp4DSlow(), onert_micro::execute::pal::BroadcastArithmeticOp4DSlow(), nnfw::cker::reference::BroadcastBinaryArithmeticOpSlow(), nnfw::cker::reference::BroadcastBinaryArithmeticOpSlow(), nnfw::cker::reference::BroadcastBinaryArithmeticOpSlow(), nnfw::cker::reference::BroadcastBinaryArithmeticOpSlow(), nnfw::cker::reference::BroadcastBinaryArithmeticOpSlow(), onert_micro::execute::pal::BroadcastBinaryOp4DSlow(), luci_interpreter_pal::BroadcastBinaryOp4DSlow(), nnfw::cker::BroadcastComparison4DSlowImpl(), nnfw::cker::BroadcastComparison4DSlowWithScaling(), BroadcastDiv(), BroadcastMul(), onert_micro::execute::pal::BroadcastMul6DSlow(), tflite::reference_ops::BroadcastPow4DSlow(), luci_interpreter_pal::BroadcastPrelu4DSlowFloat(), BroadcastSub(), luci_interpreter_pal::BroadcastTISO4DSlow(), nnfw::cker::FloorDivBroadcast(), nnfw::cker::FloorModBroadcast(), nnfw::cker::LogicalAndBroadcast(), nnfw::cker::LogicalOrBroadcast(), and nnfw::cker::MaximumMinimumBroadcast4DSlow().
const luci_interpreter::RuntimeShape output_shape |
Definition at line 32 of file PALComparisons.h.
Referenced by nnfw::cker::Abs(), nnfw::cker::optimized::Add(), nnfw::cker::optimized::Add(), onert_micro::execute::pal::ArgMax(), tflite::reference_ops::ArgMax(), tflite::reference_ops::ArgMax(), onert_micro::execute::pal::ArgMin(), nnfw::cker::ArgMinMax(), onert_micro::execute::pal::AveragePool(), onert_micro::execute::pal::AveragePool(), luci_interpreter_pal::AveragePool(), luci_interpreter_pal::AveragePool(), nnfw::cker::AveragePool16(), nnfw::cker::AveragePool32(), nnfw::cker::AveragePool< float >(), nnfw::cker::AveragePool< int8_t >(), luci_interpreter_pal::AveragePool< int8_t >(), nnfw::cker::AveragePool< uint8_t >(), luci_interpreter_pal::BatchMatMul(), onert::backend::cpu::ops::BatchMatMulLayer::batchMatMulFloat32(), onert_micro::execute::pal::BatchToSpaceND(), luci_interpreter_pal::BatchToSpaceND(), nnfw::cker::BatchToSpaceND(), nnfw::cker::reference::BinaryArithmeticOp(), nnfw::cker::BinaryArithmeticOp(), nnfw::cker::reference::BinaryArithmeticOp(), nnfw::cker::reference::BinaryArithmeticOp(), nnfw::cker::BinaryArithmeticOp(), nnfw::cker::reference::BinaryArithmeticOp(), luci::sinf::broadcast_shape(), moco::broadcast_shape(), luci_interpreter_pal::BroadcastAdd4DSlow(), onert_micro::execute::pal::BroadcastAdd4DSlow(), onert_micro::execute::pal::BroadcastAdd4DSlow(), nnfw::cker::optimized::BroadcastAddDispatch(), nnfw::cker::optimized::BroadcastAddDispatch(), luci_interpreter_pal::BroadcastArithmeticOp4DSlow(), onert_micro::execute::pal::BroadcastArithmeticOp4DSlow(), nnfw::cker::BroadcastBinaryArithmeticOp(), nnfw::cker::BroadcastBinaryArithmeticOp(), nnfw::cker::reference::BroadcastBinaryArithmeticOpSlow(), nnfw::cker::reference::BroadcastBinaryArithmeticOpSlow(), nnfw::cker::reference::BroadcastBinaryArithmeticOpSlow(), nnfw::cker::reference::BroadcastBinaryArithmeticOpSlow(), nnfw::cker::reference::BroadcastBinaryArithmeticOpSlow(), onert_micro::execute::pal::BroadcastBinaryOp4DSlow(), luci_interpreter_pal::BroadcastBinaryOp4DSlow(), nnfw::cker::BroadcastComparison4DSlow(), nnfw::cker::BroadcastComparison4DSlowImpl(), nnfw::cker::BroadcastComparison4DSlowWithScaling(), luci_interpreter_pal::BroadcastDiv4DSlow(), onert_micro::execute::pal::BroadcastDiv4DSlow(), nnfw::cker::optimized::BroadcastDivDispatch(), onert_micro::execute::pal::BroadcastFloorDiv4DSlow(), luci_interpreter_pal::BroadcastFloorDiv4DSlow(), onert_micro::execute::pal::BroadcastFloorMod4DSlow(), luci_interpreter_pal::BroadcastFloorMod4DSlow(), onert_micro::execute::pal::BroadcastMaximum4DSlow(), luci_interpreter_pal::BroadcastMaximum4DSlow(), onert_micro::execute::pal::BroadcastMinimum4DSlow(), luci_interpreter_pal::BroadcastMinimum4DSlow(), luci_interpreter_pal::BroadcastMul4DSlow(), onert_micro::execute::pal::BroadcastMul4DSlow(), onert_micro::execute::pal::BroadcastMul6DSlow(), nnfw::cker::optimized::BroadcastMulDispatch(), nnfw::cker::optimized::BroadcastMulDispatch(), tflite::reference_ops::BroadcastPow4DSlow(), luci_interpreter_pal::BroadcastPrelu4DSlowFloat(), tflite::reference_ops::BroadcastSelect4DSlow(), nnfw::cker::BroadcastSelect4DSlow(), onert_micro::execute::pal::BroadcastSquaredDifference4DSlow(), luci_interpreter_pal::BroadcastSub4DSlow(), onert_micro::execute::pal::BroadcastSub4DSlow(), onert_micro::execute::pal::BroadcastSub4DSlow(), nnfw::cker::optimized::BroadcastSubDispatch(), luci_interpreter_pal::BroadcastTISO4DSlow(), nnfw::cker::BroadcastTo(), tflimport::SubGraphBuilder::build(), luci_interpreter_pal::calculateGRU(), luci_interpreter::kernels::calculateOutputShape(), luci_interpreter::kernels::calculateShapeForBroadcast(), luci_interpreter::kernels::calculateShapeForBroadcast(), onert_micro::execute::pal::Cast(), nnfw::cker::train::CategoricalCrossEntropy(), onert_micro::execute::pal::Ceil(), luci::change_outputs(), nnfw::cker::checkOutputSize(), nnfw::cker::Comparison(), nnfw::cker::ComparisonImpl(), nnfw::cker::ComparisonWithScaling(), arm_compute::misc::shape_calculator::compute_depth_to_space_shape_ex(), arm_compute::misc::shape_calculator::compute_gather_shape_ex(), arm_compute::misc::shape_calculator::compute_onehot_shape_ex(), arm_compute::misc::shape_calculator::compute_space_to_depth_shape_ex(), luci_interpreter_pal::Concatenation(), nnfw::cker::Concatenation(), onert_micro::execute::pal::Concatenation(), nnfw::cker::ConcatenationWithScaling(), luci_interpreter::kernels::ArgMax::configure(), luci_interpreter::kernels::BatchMatMul::configure(), luci_interpreter::kernels::BatchToSpaceND::configure(), luci_interpreter::kernels::BroadcastTo::configure(), luci_interpreter::kernels::Concatenation::configure(), luci_interpreter::kernels::DepthToSpace::configure(), luci_interpreter::kernels::ExpandDims::configure(), luci_interpreter::kernels::FullyConnected::configure(), luci_interpreter::kernels::Gather::configure(), luci_interpreter::kernels::Mean::configure(), luci_interpreter::kernels::MirrorPad::configure(), luci_interpreter::kernels::OneHot::configure(), luci_interpreter::kernels::Pack::configure(), luci_interpreter::kernels::Pad::configure(), luci_interpreter::kernels::PadV2::configure(), luci_interpreter::kernels::ReduceMax::configure(), luci_interpreter::kernels::ReduceProd::configure(), luci_interpreter::kernels::Reshape::configure(), luci_interpreter::kernels::ResizeBilinear::configure(), luci_interpreter::kernels::ResizeNearestNeighbor::configure(), luci_interpreter::kernels::ShapeKernel::configure(), luci_interpreter::kernels::SpaceToBatchND::configure(), luci_interpreter::kernels::SpaceToDepth::configure(), luci_interpreter::kernels::Split::configure(), luci_interpreter::kernels::SplitV::configure(), luci_interpreter::kernels::Squeeze::configure(), luci_interpreter::kernels::StridedSlice::configure(), luci_interpreter::kernels::Sum::configure(), luci_interpreter::kernels::Tile::configure(), luci_interpreter::kernels::Transpose::configure(), luci_interpreter::kernels::UnidirectionalSequenceLSTM::configure(), luci_interpreter::kernels::Unpack::configure(), arm_compute::CLDirectTransposeConvLayer::configure(), arm_compute::NEGatherKernelEx::configure(), arm_compute::NETransposeConvLayer::configure(), onert_micro::import::helpers::configure_pooling_kernel_common(), onert_micro::import::helpers::configure_SISO_kernel(), onert_micro::import::helpers::configure_spaces_batches_nd_kernel_common(), nnfw::cker::reference::Conv(), nnfw::cker::multithreaded::Conv(), nnfw::cker::reference::Conv(), nnfw::cker::reference::Conv(), nnfw::cker::optimized::Conv(), mir_onnx::convertConvTransposeV1(), mir_onnx::convertConvV1(), mir_onnx::convertShapeV1(), mir_tflite::TFLiteOpCreator::convertTransposeConv(), onert_micro::execute::pal::ConvFloat(), onert_micro::execute::pal::ConvPerChannel(), onert_micro::execute::pal::Cos(), nnfw::cker::Cos(), onert::backend::xnnpack::ops::FullyConnectedLayer::create(), nnfw::cker::train::Depad(), tflite::reference_ops::DepthConcatenation(), luci_interpreter_pal::DepthToSpace(), nnfw::cker::DepthToSpace(), nnfw::cker::DepthwiseConv(), onert_micro::execute::pal::DepthwiseConv2D< float >(), nnfw::cker::optimized_integer_ops::depthwise_conv::DepthwiseConvGeneral(), nnfw::cker::optimized::depthwise_conv::DepthwiseConvGeneral(), nnfw::cker::reference_integer_ops::DepthwiseConvHybridPerChannel(), nnfw::cker::optimized_integer_ops::DepthwiseConvImpl(), nnfw::cker::optimized::DepthwiseConvImpl(), nnfw::cker::optimized::DepthwiseConvImpl(), nnfw::cker::DepthwiseConvOp(), onert_micro::execute::pal::DepthwiseConvPerChannel(), nnfw::cker::optimized_integer_ops::DepthwiseConvPerChannel(), nnfw::cker::reference_integer_ops::DepthwiseConvPerChannel(), luci_interpreter_pal::DepthwiseConvPerChannel< int8_t >(), nnfw::cker::optimized_integer_ops::DepthwiseConvWithRounding(), nnfw::cker::optimized::DepthwiseConvWithRounding(), tflite::reference_ops::Dequantize(), nnfw::cker::Dequantize(), nnfw::cker::Dequantize(), nnfw::cker::Dequantize(), nnfw::cker::optimized::DilatedIm2col(), nnfw::ruy::DilatedIm2col(), nnfw::cker::optimized::DilatedIm2col(), nnfw::ruy::DilatedIm2col(), nnfw::cker::optimized::Div(), nnfw::cker::ELU(), nnfw::cker::Erf(), onert_micro::execute::evalComparisonGeneric(), luci_interpreter::kernels::lstm::EvalFloat(), onert_micro::execute::evalQuantizedComparisonGeneric(), luci_interpreter::kernels::evalTISOInplaceKernel(), luci_interpreter::kernels::evalTISOKernel(), onert_micro::execute::execute_arg_common(), luci_interpreter::execute_kernel_CircleAdd(), luci_interpreter::execute_kernel_CircleDiv(), luci_interpreter::execute_kernel_CircleFloorDiv(), luci_interpreter::execute_kernel_CircleFloorMod(), luci_interpreter::execute_kernel_CircleMaximum(), luci_interpreter::execute_kernel_CircleMinimum(), luci_interpreter::execute_kernel_CircleMul(), luci_interpreter::execute_kernel_CircleSub(), onert_micro::execute::execute_relu_common(), onert_micro::execute::pal::Exp(), nnfw::cker::Exp(), tflite::reference_ops::FakeQuant(), onert_micro::execute::pal::Fill(), nnfw::cker::Fill(), onert_micro::execute::pal::Floor(), luci_interpreter_pal::Floor(), nnfw::cker::Floor(), nnfw::cker::FloorDivBroadcast(), nnfw::cker::FloorModBroadcast(), ConcatSpec::forward(), onert_micro::execute::pal::FullyConnected(), onert_micro::execute::pal::FullyConnected(), onert_micro::execute::pal::FullyConnected(), luci_interpreter_pal::FullyConnected(), luci_interpreter_pal::FullyConnected(), nnfw::ruy::FullyConnected(), nnfw::cker::FullyConnected(), luci_interpreter_pal::FullyConnected(), luci_interpreter_pal::FullyConnected(), onert_micro::execute::pal::FullyConnected< int8_t >(), luci_interpreter_pal::FullyConnected< int8_t >(), luci_interpreter_pal::FullyConnected< int8_t >(), nnfw::cker::FullyConnectedHybrid(), nnfw::cker::FullyConnectedSparseWeight16x1(), nnfw::cker::FullyConnectedSparseWeightRandom(), nnfw::cker::train::GradientDescent(), onert_micro::execute::pal::GRU(), luci_interpreter_pal::GRU(), onert_micro::train::pal::GRUWeightGrads(), nnfw::cker::HowManyConvThreads(), nnfw::cker::optimized_integer_ops::HowManyConvThreads(), nnfw::cker::reference::HybridConvPerChannel(), nnfw::cker::optimized::Im2col(), nnfw::ruy::Im2col(), onert::shape_inference::inferBatchMatMulShape(), mir::ops::SqueezeOp::inferOutputTypes(), nnfw::cker::InstanceNorm(), luci_interpreter_pal::L2Normalization(), nnfw::cker::L2NormalizeFloat32(), nnfw::cker::L2NormalizeQuant8(), onert_micro::execute::pal::L2Pool(), luci_interpreter_pal::L2Pool(), nnfw::cker::LeakyReLU(), tflite::reference_ops::LocalResponseNormalization(), onert_micro::execute::pal::Log(), nnfw::cker::Log(), nnfw::cker::LogicalAndBroadcast(), nnfw::cker::LogicalNot(), nnfw::cker::LogicalOrBroadcast(), nnfw::cker::Logistic(), luci_interpreter_pal::LogSoftmax(), nnfw::cker::LogSoftmax(), nnfw::cker::LogSoftmax(), main(), nnfw::cker::MatMulBCast::MatMulBCast(), nnfw::cker::MatrixBandPart(), tflite::reference_ops::Maximum(), tflite::reference_ops::Maximum(), nnfw::cker::MaximumMinimumBroadcast4DSlow(), onert_micro::execute::pal::MaxPool(), onert_micro::execute::pal::MaxPool(), luci_interpreter_pal::MaxPool(), luci_interpreter_pal::MaxPool(), nnfw::cker::train::MaxPool2D(), nnfw::cker::MaxPool< float >(), nnfw::cker::MaxPool< uint8_t >(), luci_interpreter_pal::Mean(), nnfw::cker::Mean(), nnfw::cker::MeanAxis1And2(), nnfw::cker::MeanQ8Asymm(), tflite::reference_ops::Minimum(), tflite::reference_ops::Minimum(), nnfw::cker::train::MSE(), tflite::reference_ops::Mul(), tflite::reference_ops::Mul(), nnfw::cker::optimized::Mul(), nnfw::cker::optimized::Mul(), luci_interpreter_pal::Mul(), onert_micro::execute::pal::Neg(), nnfw::cker::Neg(), luci_interpreter_pal::Negate(), nnfw::cker::Conv::operator()(), nnfw::ruy::Conv::operator()(), nnfw::cker::Conv::operator()(), nnfw::cker::Conv::operator()(), nnfw::cker::Conv::operator()(), nnfw::cker::functor::BroadcastTo< Device, T >::operator()(), nnfw::cker::FusedBatchNorm::operator()(), nnfw::cker::Einsum::operator()(), tflite::reference_ops::Pack(), nnfw::cker::Pack(), tflite::reference_ops::PackWithScaling(), onert_micro::execute::pal::Pad(), nnfw::cker::Pad(), luci_interpreter_pal::Pad(), luci::sinf::pad_shape(), tflite::reference_ops::Pow(), nnfw::cker::powImpl(), nnfw::ruy::Conv::prepare(), nnfw::cker::ReduceMean::PrepareforReduce(), nnfw::cker::Conv::prepareQ8uPerTensor(), nnfw::cker::Quantize(), nnfw::cker::Quantize(), nnfw::cker::Quantize(), nnfw::cker::Quantize(), nnfw::cker::Reduce::QuantizedMeanOrSum(), tflite::reference_ops::RankOneSelect(), nnfw::cker::RankOneSelect(), nnfw::cker::Reduce::ReduceGeneric(), nnfw::cker::ReduceMean::ReduceOp(), nnfw::cker::ReduceMean::ReduceOp(), tflite::reference_ops::Relu(), nnfw::cker::ReLU(), tflite::reference_ops::Relu1(), tflite::reference_ops::Relu6(), nnfw::cker::ReLU6(), nnfw::cker::train::ReLU6Grad(), nnfw::cker::train::ReLUGrad(), tflite::reference_ops::ReluX(), tflite::reference_ops::ReluX(), nnfw::cker::ResizeBilinear(), nnfw::cker::ResizeBilinear(), nnfw::cker::ResizeBilinear(), nnfw::cker::ResizeBilinear2x2(), nnfw::cker::ResizeBilinearKernel2x2(), luci_interpreter_pal::ResizeNearestNeighbor(), nnfw::cker::RmsNorm(), nnfw::cker::RoPE(), nnfw::cker::Round(), onert_micro::execute::pal::Round< float >(), onert_micro::execute::pal::Rsqrt(), nnfw::cker::Rsqrt(), onert::compiler::train::pass::LossInsertionPass::run(), mir_interpreter::AvgPool2DImpl< uint8_t >::run(), mir_interpreter::AvgPool2DImpl< T >::run(), mir_interpreter::MaxPool2DImpl< uint8_t >::run(), mir_interpreter::TransposeImpl< T >::run(), mir_interpreter::MaxPool2DImpl< T >::run(), mir_interpreter::ReduceMeanImpl< T >::run(), mir_interpreter::ConcatImpl< T >::run(), mir_interpreter::ConcatImpl< uint8_t >::run(), mir_interpreter::Conv2DImpl< T >::run(), mir_interpreter::DeConv2DImpl< T >::run(), tflite::reference_ops::ScatterNd(), tflite::reference_ops::SegmentSum(), luci_interpreter_pal::Select(), tflite::reference_ops::Select(), nnfw::cker::Select(), nnkit::support::moco::tf::Backend::setInputOutputFromGraph(), onert_micro::execute::pal::Sin(), nnfw::cker::Sin(), onert_micro::execute::pal::SISOOperation(), tflite::reference_ops::Slice(), tflite::reference_ops::Slice(), nnfw::cker::reference::Softmax(), nnfw::cker::Softmax(), nnfw::cker::Softmax(), luci_interpreter_pal::Softmax< int8_t >(), nnfw::cker::train::SoftMaxGrad(), onert_micro::execute::pal::SpaceToBatchND(), luci_interpreter_pal::SpaceToBatchND(), nnfw::cker::SpaceToBatchND(), onert_micro::execute::pal::SpaceToDepth(), luci_interpreter_pal::SpaceToDepth(), nnfw::cker::SpaceToDepth(), tflite::reference_ops::SparseToDense(), onert_micro::execute::pal::Split(), nnfw::cker::Split(), nnfw::cker::SqDiff(), nnfw::cker::SqDiffImpl(), onert_micro::execute::pal::Sqrt(), nnfw::cker::Sqrt(), onert_micro::execute::pal::Square(), nnfw::cker::Square(), nnfw::cker::StatelessRandomUniform(), nnfw::cker::StridedSlice(), nnfw::cker::optimized::Sub(), tflite::reference_ops::Sub16(), onert_micro::execute::pal::SVDF(), onert_micro::execute::pal::Tanh(), nnfw::cker::Tanh(), TEST(), luci::sinf::TensorShapeExpander::to(), nnfw::cker::Transpose2D(), luci_interpreter_pal::TransposeConv(), nnfw::cker::TransposeConv(), onert_micro::execute::pal::TransposeConv< float >(), nnfw::cker::TransposeImpl(), nnfw::cker::reference::TransposeImpl(), onert_micro::execute::pal::UnaryOp(), onert_micro::execute::pal::Unpack(), tflite::reference_ops::Unpack(), nnfw::cker::Unpack(), arm_compute::NEGatherKernelEx::validate(), arm_compute::NETransposeConvLayer::validate(), arm_compute::CLDirectTransposeConvLayer::validate(), enco::validate_output_shape(), onert::compiler::ShapeValidator::visit(), onert::exec::DynamicShapeInferer::visit(), onert::exec::DynamicShapeInferer::visit(), onert::exec::DynamicShapeInferer::visit(), onert::compiler::ShapeValidator::visit(), onert::compiler::ShapeValidator::visit(), onert::exec::DynamicShapeInferer::visit(), onert::exec::DynamicShapeInferer::visit(), onert::compiler::ShapeValidator::visit(), onert::compiler::ShapeValidator::visit(), onert::exec::DynamicShapeInferer::visit(), onert::exec::DynamicShapeInferer::visit(), onert::compiler::ShapeValidator::visit(), onert::exec::DynamicShapeInferer::visit(), onert::exec::DynamicShapeInferer::visit(), onert::exec::DynamicShapeInferer::visit(), onert::compiler::ShapeValidator::visit(), onert::compiler::ShapeValidator::visit(), onert::compiler::ShapeValidator::visit(), onert::exec::DynamicShapeInferer::visit(), onert::exec::DynamicShapeInferer::visit(), onert::compiler::ShapeValidator::visit(), luci::sinf::Algorithm::visit(), luci::sinf::Algorithm::visit(), luci::sinf::Algorithm::visit(), luci::sinf::Algorithm::visit(), luci::sinf::Algorithm::visit(), and luci::sinf::Algorithm::visit().