xmos-ai-tools 1.3.2.dev19__py3-none-macosx_11_0_arm64.whl → 1.3.2.dev37__py3-none-macosx_11_0_arm64.whl
This diff represents the content of publicly available package versions that have been released to one of the supported registries. The information contained in this diff is provided for informational purposes only and reflects changes between package versions as they appear in their respective public registries.
- xmos_ai_tools/runtime/include/lib_tflite_micro/api/inference_engine.h +9 -9
- xmos_ai_tools/runtime/include/lib_tflite_micro/src/tflite-xcore-kernels/xcore_common.h +2 -2
- xmos_ai_tools/runtime/include/lib_tflite_micro/src/tflite-xcore-kernels/xcore_custom_options.h +2 -2
- xmos_ai_tools/runtime/include/lib_tflite_micro/src/tflite-xcore-kernels/xcore_error_reporter.h +3 -3
- xmos_ai_tools/runtime/include/lib_tflite_micro/src/tflite-xcore-kernels/xcore_interpreter.h +8 -8
- xmos_ai_tools/runtime/include/lib_tflite_micro/src/tflite-xcore-kernels/xcore_ops.h +3 -3
- xmos_ai_tools/runtime/include/lib_tflite_micro/src/tflite-xcore-kernels/xcore_profiler.h +4 -4
- xmos_ai_tools/runtime/include/lib_tflite_micro/src/tflite-xcore-kernels/xcore_utils.h +5 -5
- xmos_ai_tools/runtime/include/lib_xud/lib_xud/api/xud.h +3 -3
- xmos_ai_tools/runtime/include/tensorflow/lite/array.h +4 -4
- xmos_ai_tools/runtime/include/tensorflow/lite/context_util.h +2 -2
- xmos_ai_tools/runtime/include/tensorflow/lite/core/api/error_reporter.h +3 -3
- xmos_ai_tools/runtime/include/tensorflow/lite/core/api/flatbuffer_conversions.h +2 -2
- xmos_ai_tools/runtime/include/tensorflow/lite/core/api/tensor_utils.h +2 -2
- xmos_ai_tools/runtime/include/tensorflow/lite/core/c/c_api_types.h +3 -3
- xmos_ai_tools/runtime/include/tensorflow/lite/core/c/common.h +17 -17
- xmos_ai_tools/runtime/include/tensorflow/lite/kernels/internal/common.h +2 -2
- xmos_ai_tools/runtime/include/tensorflow/lite/kernels/internal/cppmath.h +2 -2
- xmos_ai_tools/runtime/include/tensorflow/lite/kernels/internal/max.h +2 -2
- xmos_ai_tools/runtime/include/tensorflow/lite/kernels/internal/min.h +2 -2
- xmos_ai_tools/runtime/include/tensorflow/lite/kernels/internal/portable_tensor.h +2 -2
- xmos_ai_tools/runtime/include/tensorflow/lite/kernels/internal/portable_tensor_utils.h +2 -2
- xmos_ai_tools/runtime/include/tensorflow/lite/kernels/internal/quantization_util.h +2 -2
- xmos_ai_tools/runtime/include/tensorflow/lite/kernels/internal/reference/add.h +3 -3
- xmos_ai_tools/runtime/include/tensorflow/lite/kernels/internal/reference/add_n.h +2 -2
- xmos_ai_tools/runtime/include/tensorflow/lite/kernels/internal/reference/arg_min_max.h +2 -2
- xmos_ai_tools/runtime/include/tensorflow/lite/kernels/internal/reference/batch_matmul.h +2 -2
- xmos_ai_tools/runtime/include/tensorflow/lite/kernels/internal/reference/batch_to_space_nd.h +2 -2
- xmos_ai_tools/runtime/include/tensorflow/lite/kernels/internal/reference/binary_function.h +2 -2
- xmos_ai_tools/runtime/include/tensorflow/lite/kernels/internal/reference/broadcast_args.h +2 -2
- xmos_ai_tools/runtime/include/tensorflow/lite/kernels/internal/reference/broadcast_to.h +2 -2
- xmos_ai_tools/runtime/include/tensorflow/lite/kernels/internal/reference/ceil.h +2 -2
- xmos_ai_tools/runtime/include/tensorflow/lite/kernels/internal/reference/comparisons.h +2 -2
- xmos_ai_tools/runtime/include/tensorflow/lite/kernels/internal/reference/concatenation.h +3 -3
- xmos_ai_tools/runtime/include/tensorflow/lite/kernels/internal/reference/conv.h +2 -2
- xmos_ai_tools/runtime/include/tensorflow/lite/kernels/internal/reference/cumsum.h +2 -2
- xmos_ai_tools/runtime/include/tensorflow/lite/kernels/internal/reference/depth_to_space.h +3 -3
- xmos_ai_tools/runtime/include/tensorflow/lite/kernels/internal/reference/depthwiseconv_float.h +1 -1
- xmos_ai_tools/runtime/include/tensorflow/lite/kernels/internal/reference/depthwiseconv_uint8.h +1 -1
- xmos_ai_tools/runtime/include/tensorflow/lite/kernels/internal/reference/dequantize.h +4 -4
- xmos_ai_tools/runtime/include/tensorflow/lite/kernels/internal/reference/div.h +2 -2
- xmos_ai_tools/runtime/include/tensorflow/lite/kernels/internal/reference/elu.h +2 -2
- xmos_ai_tools/runtime/include/tensorflow/lite/kernels/internal/reference/exp.h +2 -2
- xmos_ai_tools/runtime/include/tensorflow/lite/kernels/internal/reference/fill.h +2 -2
- xmos_ai_tools/runtime/include/tensorflow/lite/kernels/internal/reference/floor.h +2 -2
- xmos_ai_tools/runtime/include/tensorflow/lite/kernels/internal/reference/floor_div.h +2 -2
- xmos_ai_tools/runtime/include/tensorflow/lite/kernels/internal/reference/floor_mod.h +2 -2
- xmos_ai_tools/runtime/include/tensorflow/lite/kernels/internal/reference/fully_connected.h +2 -2
- xmos_ai_tools/runtime/include/tensorflow/lite/kernels/internal/reference/hard_swish.h +2 -2
- xmos_ai_tools/runtime/include/tensorflow/lite/kernels/internal/reference/integer_ops/add.h +2 -2
- xmos_ai_tools/runtime/include/tensorflow/lite/kernels/internal/reference/integer_ops/conv.h +2 -2
- xmos_ai_tools/runtime/include/tensorflow/lite/kernels/internal/reference/integer_ops/depthwise_conv.h +2 -2
- xmos_ai_tools/runtime/include/tensorflow/lite/kernels/internal/reference/integer_ops/fully_connected.h +2 -2
- xmos_ai_tools/runtime/include/tensorflow/lite/kernels/internal/reference/integer_ops/l2normalization.h +2 -2
- xmos_ai_tools/runtime/include/tensorflow/lite/kernels/internal/reference/integer_ops/logistic.h +2 -2
- xmos_ai_tools/runtime/include/tensorflow/lite/kernels/internal/reference/integer_ops/mul.h +2 -2
- xmos_ai_tools/runtime/include/tensorflow/lite/kernels/internal/reference/integer_ops/pooling.h +2 -2
- xmos_ai_tools/runtime/include/tensorflow/lite/kernels/internal/reference/integer_ops/tanh.h +2 -2
- xmos_ai_tools/runtime/include/tensorflow/lite/kernels/internal/reference/integer_ops/transpose_conv.h +2 -2
- xmos_ai_tools/runtime/include/tensorflow/lite/kernels/internal/reference/l2normalization.h +4 -4
- xmos_ai_tools/runtime/include/tensorflow/lite/kernels/internal/reference/leaky_relu.h +3 -3
- xmos_ai_tools/runtime/include/tensorflow/lite/kernels/internal/reference/log_softmax.h +2 -2
- xmos_ai_tools/runtime/include/tensorflow/lite/kernels/internal/reference/logistic.h +2 -2
- xmos_ai_tools/runtime/include/tensorflow/lite/kernels/internal/reference/lstm_cell.h +5 -5
- xmos_ai_tools/runtime/include/tensorflow/lite/kernels/internal/reference/maximum_minimum.h +2 -2
- xmos_ai_tools/runtime/include/tensorflow/lite/kernels/internal/reference/mul.h +2 -2
- xmos_ai_tools/runtime/include/tensorflow/lite/kernels/internal/reference/neg.h +2 -2
- xmos_ai_tools/runtime/include/tensorflow/lite/kernels/internal/reference/pad.h +8 -8
- xmos_ai_tools/runtime/include/tensorflow/lite/kernels/internal/reference/pooling.h +2 -2
- xmos_ai_tools/runtime/include/tensorflow/lite/kernels/internal/reference/portable_tensor_utils.h +2 -2
- xmos_ai_tools/runtime/include/tensorflow/lite/kernels/internal/reference/portable_tensor_utils_impl.h +2 -2
- xmos_ai_tools/runtime/include/tensorflow/lite/kernels/internal/reference/prelu.h +2 -2
- xmos_ai_tools/runtime/include/tensorflow/lite/kernels/internal/reference/process_broadcast_shapes.h +3 -3
- xmos_ai_tools/runtime/include/tensorflow/lite/kernels/internal/reference/quantize.h +4 -4
- xmos_ai_tools/runtime/include/tensorflow/lite/kernels/internal/reference/reduce.h +3 -3
- xmos_ai_tools/runtime/include/tensorflow/lite/kernels/internal/reference/requantize.h +2 -2
- xmos_ai_tools/runtime/include/tensorflow/lite/kernels/internal/reference/resize_bilinear.h +4 -4
- xmos_ai_tools/runtime/include/tensorflow/lite/kernels/internal/reference/resize_nearest_neighbor.h +3 -3
- xmos_ai_tools/runtime/include/tensorflow/lite/kernels/internal/reference/round.h +2 -2
- xmos_ai_tools/runtime/include/tensorflow/lite/kernels/internal/reference/select.h +2 -2
- xmos_ai_tools/runtime/include/tensorflow/lite/kernels/internal/reference/slice.h +5 -5
- xmos_ai_tools/runtime/include/tensorflow/lite/kernels/internal/reference/softmax.h +2 -2
- xmos_ai_tools/runtime/include/tensorflow/lite/kernels/internal/reference/space_to_batch_nd.h +2 -2
- xmos_ai_tools/runtime/include/tensorflow/lite/kernels/internal/reference/space_to_depth.h +3 -3
- xmos_ai_tools/runtime/include/tensorflow/lite/kernels/internal/reference/strided_slice.h +6 -6
- xmos_ai_tools/runtime/include/tensorflow/lite/kernels/internal/reference/sub.h +2 -2
- xmos_ai_tools/runtime/include/tensorflow/lite/kernels/internal/reference/tanh.h +2 -2
- xmos_ai_tools/runtime/include/tensorflow/lite/kernels/internal/reference/transpose.h +2 -2
- xmos_ai_tools/runtime/include/tensorflow/lite/kernels/internal/reference/transpose_conv.h +2 -2
- xmos_ai_tools/runtime/include/tensorflow/lite/kernels/internal/runtime_shape.h +2 -2
- xmos_ai_tools/runtime/include/tensorflow/lite/kernels/internal/strided_slice_logic.h +9 -9
- xmos_ai_tools/runtime/include/tensorflow/lite/kernels/internal/tensor_ctypes.h +2 -2
- xmos_ai_tools/runtime/include/tensorflow/lite/kernels/internal/types.h +2 -2
- xmos_ai_tools/runtime/include/tensorflow/lite/kernels/kernel_util.h +2 -2
- xmos_ai_tools/runtime/include/tensorflow/lite/kernels/padding.h +2 -2
- xmos_ai_tools/runtime/include/tensorflow/lite/micro/arena_allocator/ibuffer_allocator.h +2 -2
- xmos_ai_tools/runtime/include/tensorflow/lite/micro/arena_allocator/non_persistent_arena_buffer_allocator.h +2 -2
- xmos_ai_tools/runtime/include/tensorflow/lite/micro/arena_allocator/persistent_arena_buffer_allocator.h +2 -2
- xmos_ai_tools/runtime/include/tensorflow/lite/micro/arena_allocator/recording_single_arena_buffer_allocator.h +2 -2
- xmos_ai_tools/runtime/include/tensorflow/lite/micro/arena_allocator/single_arena_buffer_allocator.h +2 -2
- xmos_ai_tools/runtime/include/tensorflow/lite/micro/benchmarks/micro_benchmark.h +7 -7
- xmos_ai_tools/runtime/include/tensorflow/lite/micro/fake_micro_context.h +2 -2
- xmos_ai_tools/runtime/include/tensorflow/lite/micro/flatbuffer_utils.h +2 -2
- xmos_ai_tools/runtime/include/tensorflow/lite/micro/kernels/activation_utils.h +2 -2
- xmos_ai_tools/runtime/include/tensorflow/lite/micro/kernels/activations.h +2 -2
- xmos_ai_tools/runtime/include/tensorflow/lite/micro/kernels/add.h +2 -2
- xmos_ai_tools/runtime/include/tensorflow/lite/micro/kernels/arc_mli/mli_function_specializations.h +2 -2
- xmos_ai_tools/runtime/include/tensorflow/lite/micro/kernels/arc_mli/mli_interface.h +2 -2
- xmos_ai_tools/runtime/include/tensorflow/lite/micro/kernels/arc_mli/mli_slicers.h +2 -2
- xmos_ai_tools/runtime/include/tensorflow/lite/micro/kernels/arc_mli/mli_tf_utils.h +4 -4
- xmos_ai_tools/runtime/include/tensorflow/lite/micro/kernels/arc_mli/scratch_buf_mgr.h +2 -2
- xmos_ai_tools/runtime/include/tensorflow/lite/micro/kernels/arc_mli/scratch_buffers.h +2 -2
- xmos_ai_tools/runtime/include/tensorflow/lite/micro/kernels/ceva/types.h +6 -6
- xmos_ai_tools/runtime/include/tensorflow/lite/micro/kernels/circular_buffer.h +2 -2
- xmos_ai_tools/runtime/include/tensorflow/lite/micro/kernels/conv.h +2 -2
- xmos_ai_tools/runtime/include/tensorflow/lite/micro/kernels/conv_test.h +2 -2
- xmos_ai_tools/runtime/include/tensorflow/lite/micro/kernels/depthwise_conv.h +2 -2
- xmos_ai_tools/runtime/include/tensorflow/lite/micro/kernels/dequantize.h +3 -3
- xmos_ai_tools/runtime/include/tensorflow/lite/micro/kernels/ethosu.h +2 -2
- xmos_ai_tools/runtime/include/tensorflow/lite/micro/kernels/fully_connected.h +2 -2
- xmos_ai_tools/runtime/include/tensorflow/lite/micro/kernels/hard_swish.h +2 -2
- xmos_ai_tools/runtime/include/tensorflow/lite/micro/kernels/kernel_runner.h +2 -2
- xmos_ai_tools/runtime/include/tensorflow/lite/micro/kernels/kernel_util.h +2 -2
- xmos_ai_tools/runtime/include/tensorflow/lite/micro/kernels/leaky_relu.h +2 -2
- xmos_ai_tools/runtime/include/tensorflow/lite/micro/kernels/logical.h +2 -2
- xmos_ai_tools/runtime/include/tensorflow/lite/micro/kernels/logistic.h +2 -2
- xmos_ai_tools/runtime/include/tensorflow/lite/micro/kernels/lstm_eval.h +48 -48
- xmos_ai_tools/runtime/include/tensorflow/lite/micro/kernels/lstm_eval_test.h +57 -57
- xmos_ai_tools/runtime/include/tensorflow/lite/micro/kernels/lstm_shared.h +2 -2
- xmos_ai_tools/runtime/include/tensorflow/lite/micro/kernels/micro_ops.h +2 -2
- xmos_ai_tools/runtime/include/tensorflow/lite/micro/kernels/micro_tensor_utils.h +2 -2
- xmos_ai_tools/runtime/include/tensorflow/lite/micro/kernels/mul.h +2 -2
- xmos_ai_tools/runtime/include/tensorflow/lite/micro/kernels/pad.h +2 -2
- xmos_ai_tools/runtime/include/tensorflow/lite/micro/kernels/pooling.h +15 -15
- xmos_ai_tools/runtime/include/tensorflow/lite/micro/kernels/prelu.h +2 -2
- xmos_ai_tools/runtime/include/tensorflow/lite/micro/kernels/quantize.h +3 -3
- xmos_ai_tools/runtime/include/tensorflow/lite/micro/kernels/reduce.h +2 -2
- xmos_ai_tools/runtime/include/tensorflow/lite/micro/kernels/reshape.h +2 -2
- xmos_ai_tools/runtime/include/tensorflow/lite/micro/kernels/softmax.h +2 -2
- xmos_ai_tools/runtime/include/tensorflow/lite/micro/kernels/strided_slice.h +2 -2
- xmos_ai_tools/runtime/include/tensorflow/lite/micro/kernels/sub.h +2 -2
- xmos_ai_tools/runtime/include/tensorflow/lite/micro/kernels/svdf.h +2 -2
- xmos_ai_tools/runtime/include/tensorflow/lite/micro/kernels/testdata/conv_test_data.h +2 -2
- xmos_ai_tools/runtime/include/tensorflow/lite/micro/kernels/testdata/lstm_test_data.h +7 -7
- xmos_ai_tools/runtime/include/tensorflow/lite/micro/kernels/unidirectional_sequence_lstm.h +2 -2
- xmos_ai_tools/runtime/include/tensorflow/lite/micro/kernels/xtensa/hifimini/fixedpoint_utils.h +2 -2
- xmos_ai_tools/runtime/include/tensorflow/lite/micro/kernels/xtensa/lstm_eval.h +2 -2
- xmos_ai_tools/runtime/include/tensorflow/lite/micro/kernels/xtensa/lstm_shared.h +2 -2
- xmos_ai_tools/runtime/include/tensorflow/lite/micro/kernels/xtensa/xtensa_add.h +2 -2
- xmos_ai_tools/runtime/include/tensorflow/lite/micro/kernels/xtensa/xtensa_conv.h +2 -2
- xmos_ai_tools/runtime/include/tensorflow/lite/micro/kernels/xtensa/xtensa_depthwise_conv.h +2 -2
- xmos_ai_tools/runtime/include/tensorflow/lite/micro/kernels/xtensa/xtensa_fully_connected.h +2 -2
- xmos_ai_tools/runtime/include/tensorflow/lite/micro/kernels/xtensa/xtensa_pad.h +2 -2
- xmos_ai_tools/runtime/include/tensorflow/lite/micro/kernels/xtensa/xtensa_pooling.h +2 -2
- xmos_ai_tools/runtime/include/tensorflow/lite/micro/kernels/xtensa/xtensa_reduce.h +2 -2
- xmos_ai_tools/runtime/include/tensorflow/lite/micro/kernels/xtensa/xtensa_reshape.h +2 -2
- xmos_ai_tools/runtime/include/tensorflow/lite/micro/kernels/xtensa/xtensa_softmax.h +2 -2
- xmos_ai_tools/runtime/include/tensorflow/lite/micro/kernels/xtensa/xtensa_svdf.h +2 -2
- xmos_ai_tools/runtime/include/tensorflow/lite/micro/memory_helpers.h +3 -3
- xmos_ai_tools/runtime/include/tensorflow/lite/micro/memory_planner/greedy_memory_planner.h +2 -2
- xmos_ai_tools/runtime/include/tensorflow/lite/micro/memory_planner/linear_memory_planner.h +2 -2
- xmos_ai_tools/runtime/include/tensorflow/lite/micro/memory_planner/memory_plan_struct.h +2 -2
- xmos_ai_tools/runtime/include/tensorflow/lite/micro/memory_planner/micro_memory_planner.h +2 -2
- xmos_ai_tools/runtime/include/tensorflow/lite/micro/memory_planner/non_persistent_buffer_planner_shim.h +2 -2
- xmos_ai_tools/runtime/include/tensorflow/lite/micro/micro_allocation_info.h +3 -3
- xmos_ai_tools/runtime/include/tensorflow/lite/micro/micro_allocator.h +3 -3
- xmos_ai_tools/runtime/include/tensorflow/lite/micro/micro_arena_constants.h +2 -2
- xmos_ai_tools/runtime/include/tensorflow/lite/micro/micro_context.h +3 -3
- xmos_ai_tools/runtime/include/tensorflow/lite/micro/micro_graph.h +4 -4
- xmos_ai_tools/runtime/include/tensorflow/lite/micro/micro_interpreter.h +2 -2
- xmos_ai_tools/runtime/include/tensorflow/lite/micro/micro_interpreter_context.h +2 -2
- xmos_ai_tools/runtime/include/tensorflow/lite/micro/micro_interpreter_graph.h +4 -4
- xmos_ai_tools/runtime/include/tensorflow/lite/micro/micro_log.h +4 -4
- xmos_ai_tools/runtime/include/tensorflow/lite/micro/micro_mutable_op_resolver.h +50 -50
- xmos_ai_tools/runtime/include/tensorflow/lite/micro/micro_op_resolver.h +2 -2
- xmos_ai_tools/runtime/include/tensorflow/lite/micro/micro_profiler.h +2 -2
- xmos_ai_tools/runtime/include/tensorflow/lite/micro/micro_profiler_interface.h +2 -2
- xmos_ai_tools/runtime/include/tensorflow/lite/micro/micro_resource_variable.h +2 -2
- xmos_ai_tools/runtime/include/tensorflow/lite/micro/micro_time.h +2 -2
- xmos_ai_tools/runtime/include/tensorflow/lite/micro/micro_utils.h +2 -2
- xmos_ai_tools/runtime/include/tensorflow/lite/micro/mock_micro_graph.h +2 -2
- xmos_ai_tools/runtime/include/tensorflow/lite/micro/python/tflite_size/src/flatbuffer_size.h +2 -2
- xmos_ai_tools/runtime/include/tensorflow/lite/micro/python/tflite_size/src/flatbuffer_size_wrapper.h +2 -2
- xmos_ai_tools/runtime/include/tensorflow/lite/micro/recording_micro_allocator.h +2 -2
- xmos_ai_tools/runtime/include/tensorflow/lite/micro/recording_micro_interpreter.h +2 -2
- xmos_ai_tools/runtime/include/tensorflow/lite/micro/system_setup.h +2 -2
- xmos_ai_tools/runtime/include/tensorflow/lite/micro/test_helper_custom_ops.h +2 -2
- xmos_ai_tools/runtime/include/tensorflow/lite/micro/test_helpers.h +6 -6
- xmos_ai_tools/runtime/include/tensorflow/lite/micro/testing/micro_test.h +4 -4
- xmos_ai_tools/runtime/include/tensorflow/lite/micro/tflite_bridge/flatbuffer_conversions_bridge.h +2 -2
- xmos_ai_tools/runtime/include/tensorflow/lite/micro/tflite_bridge/micro_error_reporter.h +2 -2
- xmos_ai_tools/runtime/include/tensorflow/lite/micro/tools/benchmarking/log_utils.h +2 -2
- xmos_ai_tools/runtime/include/tensorflow/lite/micro/tools/benchmarking/metrics.h +3 -3
- xmos_ai_tools/runtime/include/tensorflow/lite/micro/tools/benchmarking/op_resolver.h +3 -3
- xmos_ai_tools/runtime/include/tensorflow/lite/portable_type_to_tflitetype.h +2 -2
- xmos_ai_tools/runtime/include/tensorflow/lite/schema/schema_generated.h +2731 -2731
- xmos_ai_tools/runtime/include/tensorflow/lite/schema/schema_utils.h +2 -2
- xmos_ai_tools/runtime/lib/libhost_xtflitemicro.a +0 -0
- xmos_ai_tools/runtime/lib/libxtflitemicro.a +0 -0
- xmos_ai_tools/xinterpreters/libs/macos/xtflm_python.1.0.1.dylib +0 -0
- xmos_ai_tools/xinterpreters/libs/macos/xtflm_python.dylib +0 -0
- {xmos_ai_tools-1.3.2.dev19.data → xmos_ai_tools-1.3.2.dev37.data}/data/bin/xcore-opt +0 -0
- {xmos_ai_tools-1.3.2.dev19.dist-info → xmos_ai_tools-1.3.2.dev37.dist-info}/METADATA +2 -2
- {xmos_ai_tools-1.3.2.dev19.dist-info → xmos_ai_tools-1.3.2.dev37.dist-info}/RECORD +206 -206
- {xmos_ai_tools-1.3.2.dev19.dist-info → xmos_ai_tools-1.3.2.dev37.dist-info}/WHEEL +0 -0
- {xmos_ai_tools-1.3.2.dev19.dist-info → xmos_ai_tools-1.3.2.dev37.dist-info}/top_level.txt +0 -0
@@ -24,11 +24,11 @@ void VMicroPrintf(const char* format, va_list args);
|
|
24
24
|
#else
|
25
25
|
// We use a #define to ensure that the strings are completely stripped, to
|
26
26
|
// prevent an unnecessary increase in the binary size.
|
27
|
-
#define MicroPrintf(...)
|
28
|
-
#define VMicroPrintf(...)
|
27
|
+
#define MicroPrintf(...) tflite_micro::Unused(__VA_ARGS__)
|
28
|
+
#define VMicroPrintf(...) tflite_micro::Unused(__VA_ARGS__)
|
29
29
|
#endif
|
30
30
|
|
31
|
-
namespace
|
31
|
+
namespace tflite_micro {
|
32
32
|
|
33
33
|
// From
|
34
34
|
// https://stackoverflow.com/questions/23235910/variadic-unused-function-macro
|
@@ -37,6 +37,6 @@ void Unused(Args&&... args) {
|
|
37
37
|
(void)(sizeof...(args));
|
38
38
|
}
|
39
39
|
|
40
|
-
} // namespace
|
40
|
+
} // namespace tflite_micro
|
41
41
|
|
42
42
|
#endif // TENSORFLOW_LITE_MICRO_MICRO_LOG_H_
|
@@ -36,7 +36,7 @@ limitations under the License.
|
|
36
36
|
#include "tensorflow/lite/micro/micro_op_resolver.h"
|
37
37
|
#include "tensorflow/lite/schema/schema_generated.h"
|
38
38
|
|
39
|
-
namespace
|
39
|
+
namespace tflite_micro {
|
40
40
|
TFLMRegistration* Register_DETECTION_POSTPROCESS();
|
41
41
|
|
42
42
|
template <unsigned int tOpCount>
|
@@ -46,7 +46,7 @@ class MicroMutableOpResolver : public MicroOpResolver {
|
|
46
46
|
|
47
47
|
explicit MicroMutableOpResolver() {}
|
48
48
|
|
49
|
-
const TFLMRegistration* FindOp(
|
49
|
+
const TFLMRegistration* FindOp(tflite_micro::BuiltinOperator op) const override {
|
50
50
|
if (op == BuiltinOperator_CUSTOM) return nullptr;
|
51
51
|
|
52
52
|
for (unsigned int i = 0; i < registrations_len_; ++i) {
|
@@ -121,7 +121,7 @@ class MicroMutableOpResolver : public MicroOpResolver {
|
|
121
121
|
}
|
122
122
|
|
123
123
|
TfLiteStatus AddAddN() {
|
124
|
-
return AddBuiltin(BuiltinOperator_ADD_N,
|
124
|
+
return AddBuiltin(BuiltinOperator_ADD_N, tflite_micro::Register_ADD_N(),
|
125
125
|
ParseAddN);
|
126
126
|
}
|
127
127
|
|
@@ -135,7 +135,7 @@ class MicroMutableOpResolver : public MicroOpResolver {
|
|
135
135
|
|
136
136
|
TfLiteStatus AddAssignVariable() {
|
137
137
|
return AddBuiltin(BuiltinOperator_ASSIGN_VARIABLE,
|
138
|
-
|
138
|
+
tflite_micro::Register_ASSIGN_VARIABLE(), ParseAssignVariable);
|
139
139
|
}
|
140
140
|
|
141
141
|
TfLiteStatus AddAveragePool2D(
|
@@ -145,7 +145,7 @@ class MicroMutableOpResolver : public MicroOpResolver {
|
|
145
145
|
|
146
146
|
TfLiteStatus AddBatchMatMul() {
|
147
147
|
return AddBuiltin(BuiltinOperator_BATCH_MATMUL,
|
148
|
-
|
148
|
+
tflite_micro::Register_BATCH_MATMUL(), ParseBatchMatMul);
|
149
149
|
}
|
150
150
|
|
151
151
|
TfLiteStatus AddBatchToSpaceNd() {
|
@@ -177,7 +177,7 @@ class MicroMutableOpResolver : public MicroOpResolver {
|
|
177
177
|
}
|
178
178
|
|
179
179
|
TfLiteStatus AddCircularBuffer() {
|
180
|
-
return AddCustom("CIRCULAR_BUFFER",
|
180
|
+
return AddCustom("CIRCULAR_BUFFER", tflite_micro::Register_CIRCULAR_BUFFER());
|
181
181
|
}
|
182
182
|
|
183
183
|
TfLiteStatus AddConcatenation() {
|
@@ -191,22 +191,22 @@ class MicroMutableOpResolver : public MicroOpResolver {
|
|
191
191
|
}
|
192
192
|
|
193
193
|
TfLiteStatus AddCos() {
|
194
|
-
return AddBuiltin(BuiltinOperator_COS,
|
194
|
+
return AddBuiltin(BuiltinOperator_COS, tflite_micro::Register_COS(), ParseCos);
|
195
195
|
}
|
196
196
|
|
197
197
|
TfLiteStatus AddCumSum() {
|
198
|
-
return AddBuiltin(BuiltinOperator_CUMSUM,
|
198
|
+
return AddBuiltin(BuiltinOperator_CUMSUM, tflite_micro::Register_CUMSUM(),
|
199
199
|
ParseCumsum);
|
200
200
|
}
|
201
201
|
|
202
202
|
TfLiteStatus AddDelay() {
|
203
203
|
// TODO(b/286250473): change back name to "Delay" and remove namespace
|
204
|
-
return AddCustom("SignalDelay",
|
204
|
+
return AddCustom("SignalDelay", tflite_micro::tflm_signal::Register_DELAY());
|
205
205
|
}
|
206
206
|
|
207
207
|
TfLiteStatus AddDepthToSpace() {
|
208
208
|
return AddBuiltin(BuiltinOperator_DEPTH_TO_SPACE,
|
209
|
-
|
209
|
+
tflite_micro::Register_DEPTH_TO_SPACE(), ParseDepthToSpace);
|
210
210
|
}
|
211
211
|
|
212
212
|
TfLiteStatus AddDepthwiseConv2D(
|
@@ -216,17 +216,17 @@ class MicroMutableOpResolver : public MicroOpResolver {
|
|
216
216
|
}
|
217
217
|
|
218
218
|
TfLiteStatus AddDequantize() {
|
219
|
-
return AddBuiltin(BuiltinOperator_DEQUANTIZE,
|
219
|
+
return AddBuiltin(BuiltinOperator_DEQUANTIZE, tflite_micro::Register_DEQUANTIZE(),
|
220
220
|
ParseDequantize);
|
221
221
|
}
|
222
222
|
|
223
223
|
TfLiteStatus AddDetectionPostprocess() {
|
224
224
|
return AddCustom("TFLite_Detection_PostProcess",
|
225
|
-
|
225
|
+
tflite_micro::Register_DETECTION_POSTPROCESS());
|
226
226
|
}
|
227
227
|
|
228
228
|
TfLiteStatus AddDiv() {
|
229
|
-
return AddBuiltin(BuiltinOperator_DIV,
|
229
|
+
return AddBuiltin(BuiltinOperator_DIV, tflite_micro::Register_DIV(), ParseDiv);
|
230
230
|
}
|
231
231
|
|
232
232
|
TfLiteStatus AddEmbeddingLookup() {
|
@@ -236,11 +236,11 @@ class MicroMutableOpResolver : public MicroOpResolver {
|
|
236
236
|
|
237
237
|
TfLiteStatus AddEnergy() {
|
238
238
|
// TODO(b/286250473): change back name to "Energy" and remove namespace
|
239
|
-
return AddCustom("SignalEnergy",
|
239
|
+
return AddCustom("SignalEnergy", tflite_micro::tflm_signal::Register_ENERGY());
|
240
240
|
}
|
241
241
|
|
242
242
|
TfLiteStatus AddElu() {
|
243
|
-
return AddBuiltin(BuiltinOperator_ELU,
|
243
|
+
return AddBuiltin(BuiltinOperator_ELU, tflite_micro::Register_ELU(), ParseElu);
|
244
244
|
}
|
245
245
|
|
246
246
|
TfLiteStatus AddEqual() {
|
@@ -248,9 +248,9 @@ class MicroMutableOpResolver : public MicroOpResolver {
|
|
248
248
|
}
|
249
249
|
|
250
250
|
TfLiteStatus AddEthosU() {
|
251
|
-
TFLMRegistration* registration =
|
251
|
+
TFLMRegistration* registration = tflite_micro::Register_ETHOSU();
|
252
252
|
if (registration) {
|
253
|
-
return AddCustom(
|
253
|
+
return AddCustom(tflite_micro::GetString_ETHOSU(), registration);
|
254
254
|
}
|
255
255
|
return kTfLiteOk;
|
256
256
|
}
|
@@ -267,36 +267,36 @@ class MicroMutableOpResolver : public MicroOpResolver {
|
|
267
267
|
TfLiteStatus AddFftAutoScale() {
|
268
268
|
// TODO(b/286250473): change back name and remove namespace
|
269
269
|
return AddCustom("SignalFftAutoScale",
|
270
|
-
|
270
|
+
tflite_micro::tflm_signal::Register_FFT_AUTO_SCALE());
|
271
271
|
}
|
272
272
|
|
273
273
|
TfLiteStatus AddFill() {
|
274
|
-
return AddBuiltin(BuiltinOperator_FILL,
|
274
|
+
return AddBuiltin(BuiltinOperator_FILL, tflite_micro::Register_FILL(), ParseFill);
|
275
275
|
}
|
276
276
|
|
277
277
|
TfLiteStatus AddFilterBank() {
|
278
278
|
// TODO(b/286250473): change back name to "FilterBank" and remove namespace
|
279
279
|
return AddCustom("SignalFilterBank",
|
280
|
-
|
280
|
+
tflite_micro::tflm_signal::Register_FILTER_BANK());
|
281
281
|
}
|
282
282
|
TfLiteStatus AddFilterBankLog() {
|
283
283
|
// TODO(b/286250473): change back name to "FilterBankLog" and remove
|
284
284
|
// namespace
|
285
285
|
return AddCustom("SignalFilterBankLog",
|
286
|
-
|
286
|
+
tflite_micro::tflm_signal::Register_FILTER_BANK_LOG());
|
287
287
|
}
|
288
288
|
TfLiteStatus AddFilterBankSquareRoot() {
|
289
289
|
// TODO(b/286250473): change back name to "FilterBankSquareRoot" and remove
|
290
290
|
// namespace
|
291
291
|
return AddCustom("SignalFilterBankSquareRoot",
|
292
|
-
|
292
|
+
tflite_micro::tflm_signal::Register_FILTER_BANK_SQUARE_ROOT());
|
293
293
|
}
|
294
294
|
TfLiteStatus AddFilterBankSpectralSubtraction() {
|
295
295
|
// TODO(b/286250473): change back name to "FilterBankSpectralSubtraction"
|
296
296
|
// and remove namespace
|
297
297
|
return AddCustom(
|
298
298
|
"SignalFilterBankSpectralSubtraction",
|
299
|
-
|
299
|
+
tflite_micro::tflm_signal::Register_FILTER_BANK_SPECTRAL_SUBTRACTION());
|
300
300
|
}
|
301
301
|
|
302
302
|
TfLiteStatus AddFloor() {
|
@@ -304,18 +304,18 @@ class MicroMutableOpResolver : public MicroOpResolver {
|
|
304
304
|
}
|
305
305
|
|
306
306
|
TfLiteStatus AddFloorDiv() {
|
307
|
-
return AddBuiltin(BuiltinOperator_FLOOR_DIV,
|
307
|
+
return AddBuiltin(BuiltinOperator_FLOOR_DIV, tflite_micro::Register_FLOOR_DIV(),
|
308
308
|
ParseFloorDiv);
|
309
309
|
}
|
310
310
|
|
311
311
|
TfLiteStatus AddFloorMod() {
|
312
|
-
return AddBuiltin(BuiltinOperator_FLOOR_MOD,
|
312
|
+
return AddBuiltin(BuiltinOperator_FLOOR_MOD, tflite_micro::Register_FLOOR_MOD(),
|
313
313
|
ParseFloorMod);
|
314
314
|
}
|
315
315
|
|
316
316
|
TfLiteStatus AddFramer() {
|
317
317
|
// TODO(b/286250473): change back name to "Framer" and remove namespace
|
318
|
-
return AddCustom("SignalFramer",
|
318
|
+
return AddCustom("SignalFramer", tflite_micro::tflm_signal::Register_FRAMER());
|
319
319
|
}
|
320
320
|
|
321
321
|
TfLiteStatus AddFullyConnected(
|
@@ -325,12 +325,12 @@ class MicroMutableOpResolver : public MicroOpResolver {
|
|
325
325
|
}
|
326
326
|
|
327
327
|
TfLiteStatus AddGather() {
|
328
|
-
return AddBuiltin(BuiltinOperator_GATHER,
|
328
|
+
return AddBuiltin(BuiltinOperator_GATHER, tflite_micro::Register_GATHER(),
|
329
329
|
ParseGather);
|
330
330
|
}
|
331
331
|
|
332
332
|
TfLiteStatus AddGatherNd() {
|
333
|
-
return AddBuiltin(BuiltinOperator_GATHER_ND,
|
333
|
+
return AddBuiltin(BuiltinOperator_GATHER_ND, tflite_micro::Register_GATHER_ND(),
|
334
334
|
ParseGatherNd);
|
335
335
|
}
|
336
336
|
|
@@ -345,12 +345,12 @@ class MicroMutableOpResolver : public MicroOpResolver {
|
|
345
345
|
}
|
346
346
|
|
347
347
|
TfLiteStatus AddHardSwish() {
|
348
|
-
return AddBuiltin(BuiltinOperator_HARD_SWISH,
|
348
|
+
return AddBuiltin(BuiltinOperator_HARD_SWISH, tflite_micro::Register_HARD_SWISH(),
|
349
349
|
ParseHardSwish);
|
350
350
|
}
|
351
351
|
|
352
352
|
TfLiteStatus AddIf() {
|
353
|
-
return AddBuiltin(BuiltinOperator_IF,
|
353
|
+
return AddBuiltin(BuiltinOperator_IF, tflite_micro::Register_IF(), ParseIf);
|
354
354
|
}
|
355
355
|
|
356
356
|
TfLiteStatus AddIrfft(const TFLMRegistration* registration =
|
@@ -365,12 +365,12 @@ class MicroMutableOpResolver : public MicroOpResolver {
|
|
365
365
|
}
|
366
366
|
|
367
367
|
TfLiteStatus AddL2Pool2D() {
|
368
|
-
return AddBuiltin(BuiltinOperator_L2_POOL_2D,
|
368
|
+
return AddBuiltin(BuiltinOperator_L2_POOL_2D, tflite_micro::Register_L2_POOL_2D(),
|
369
369
|
ParsePool);
|
370
370
|
}
|
371
371
|
|
372
372
|
TfLiteStatus AddLeakyRelu() {
|
373
|
-
return AddBuiltin(BuiltinOperator_LEAKY_RELU,
|
373
|
+
return AddBuiltin(BuiltinOperator_LEAKY_RELU, tflite_micro::Register_LEAKY_RELU(),
|
374
374
|
ParseLeakyRelu);
|
375
375
|
}
|
376
376
|
|
@@ -389,7 +389,7 @@ class MicroMutableOpResolver : public MicroOpResolver {
|
|
389
389
|
|
390
390
|
TfLiteStatus AddLogicalAnd() {
|
391
391
|
return AddBuiltin(BuiltinOperator_LOGICAL_AND,
|
392
|
-
|
392
|
+
tflite_micro::Register_LOGICAL_AND(), ParseLogicalAnd);
|
393
393
|
}
|
394
394
|
|
395
395
|
TfLiteStatus AddLogicalNot() {
|
@@ -398,18 +398,18 @@ class MicroMutableOpResolver : public MicroOpResolver {
|
|
398
398
|
}
|
399
399
|
|
400
400
|
TfLiteStatus AddLogicalOr() {
|
401
|
-
return AddBuiltin(BuiltinOperator_LOGICAL_OR,
|
401
|
+
return AddBuiltin(BuiltinOperator_LOGICAL_OR, tflite_micro::Register_LOGICAL_OR(),
|
402
402
|
ParseLogicalOr);
|
403
403
|
}
|
404
404
|
|
405
405
|
TfLiteStatus AddLogistic() {
|
406
|
-
return AddBuiltin(BuiltinOperator_LOGISTIC,
|
406
|
+
return AddBuiltin(BuiltinOperator_LOGISTIC, tflite_micro::Register_LOGISTIC(),
|
407
407
|
ParseLogistic);
|
408
408
|
}
|
409
409
|
|
410
410
|
TfLiteStatus AddLogSoftmax() {
|
411
411
|
return AddBuiltin(BuiltinOperator_LOG_SOFTMAX,
|
412
|
-
|
412
|
+
tflite_micro::Register_LOG_SOFTMAX(), ParseLogSoftmax);
|
413
413
|
}
|
414
414
|
|
415
415
|
TfLiteStatus AddMaximum() {
|
@@ -423,7 +423,7 @@ class MicroMutableOpResolver : public MicroOpResolver {
|
|
423
423
|
}
|
424
424
|
|
425
425
|
TfLiteStatus AddMirrorPad() {
|
426
|
-
return AddBuiltin(BuiltinOperator_MIRROR_PAD,
|
426
|
+
return AddBuiltin(BuiltinOperator_MIRROR_PAD, tflite_micro::Register_MIRROR_PAD(),
|
427
427
|
ParseMirrorPad);
|
428
428
|
}
|
429
429
|
|
@@ -452,7 +452,7 @@ class MicroMutableOpResolver : public MicroOpResolver {
|
|
452
452
|
TfLiteStatus AddOverlapAdd() {
|
453
453
|
// TODO(b/286250473): change back name to "OverlapAdd" and remove namespace
|
454
454
|
return AddCustom("SignalOverlapAdd",
|
455
|
-
|
455
|
+
tflite_micro::tflm_signal::Register_OVERLAP_ADD());
|
456
456
|
}
|
457
457
|
|
458
458
|
TfLiteStatus AddPack() {
|
@@ -469,11 +469,11 @@ class MicroMutableOpResolver : public MicroOpResolver {
|
|
469
469
|
|
470
470
|
TfLiteStatus AddPCAN() {
|
471
471
|
// TODO(b/286250473): change back name to "PCAN" and remove namespace
|
472
|
-
return AddCustom("SignalPCAN",
|
472
|
+
return AddCustom("SignalPCAN", tflite_micro::tflm_signal::Register_PCAN());
|
473
473
|
}
|
474
474
|
|
475
475
|
TfLiteStatus AddPrelu() {
|
476
|
-
return AddBuiltin(BuiltinOperator_PRELU,
|
476
|
+
return AddBuiltin(BuiltinOperator_PRELU, tflite_micro::Register_PRELU(),
|
477
477
|
ParsePrelu);
|
478
478
|
}
|
479
479
|
|
@@ -484,7 +484,7 @@ class MicroMutableOpResolver : public MicroOpResolver {
|
|
484
484
|
|
485
485
|
TfLiteStatus AddReadVariable() {
|
486
486
|
return AddBuiltin(BuiltinOperator_READ_VARIABLE,
|
487
|
-
|
487
|
+
tflite_micro::Register_READ_VARIABLE(), ParseReadVariable);
|
488
488
|
}
|
489
489
|
|
490
490
|
TfLiteStatus AddReduceMax() {
|
@@ -493,11 +493,11 @@ class MicroMutableOpResolver : public MicroOpResolver {
|
|
493
493
|
}
|
494
494
|
|
495
495
|
TfLiteStatus AddRelu() {
|
496
|
-
return AddBuiltin(BuiltinOperator_RELU,
|
496
|
+
return AddBuiltin(BuiltinOperator_RELU, tflite_micro::Register_RELU(), ParseRelu);
|
497
497
|
}
|
498
498
|
|
499
499
|
TfLiteStatus AddRelu6() {
|
500
|
-
return AddBuiltin(BuiltinOperator_RELU6,
|
500
|
+
return AddBuiltin(BuiltinOperator_RELU6, tflite_micro::Register_RELU6(),
|
501
501
|
ParseRelu6);
|
502
502
|
}
|
503
503
|
|
@@ -586,7 +586,7 @@ class MicroMutableOpResolver : public MicroOpResolver {
|
|
586
586
|
|
587
587
|
TfLiteStatus AddSquaredDifference() {
|
588
588
|
return AddBuiltin(BuiltinOperator_SQUARED_DIFFERENCE,
|
589
|
-
|
589
|
+
tflite_micro::Register_SQUARED_DIFFERENCE(),
|
590
590
|
ParseSquaredDifference);
|
591
591
|
}
|
592
592
|
|
@@ -597,11 +597,11 @@ class MicroMutableOpResolver : public MicroOpResolver {
|
|
597
597
|
|
598
598
|
TfLiteStatus AddStacker() {
|
599
599
|
// TODO(b/286250473): change back name to "Stacker" and remove namespace
|
600
|
-
return AddCustom("SignalStacker",
|
600
|
+
return AddCustom("SignalStacker", tflite_micro::tflm_signal::Register_STACKER());
|
601
601
|
}
|
602
602
|
|
603
603
|
TfLiteStatus AddSub() {
|
604
|
-
return AddBuiltin(BuiltinOperator_SUB,
|
604
|
+
return AddBuiltin(BuiltinOperator_SUB, tflite_micro::Register_SUB(), ParseSub);
|
605
605
|
}
|
606
606
|
|
607
607
|
TfLiteStatus AddSum() {
|
@@ -618,7 +618,7 @@ class MicroMutableOpResolver : public MicroOpResolver {
|
|
618
618
|
|
619
619
|
TfLiteStatus AddTransposeConv() {
|
620
620
|
return AddBuiltin(BuiltinOperator_TRANSPOSE_CONV,
|
621
|
-
|
621
|
+
tflite_micro::Register_TRANSPOSE_CONV(), ParseTransposeConv);
|
622
622
|
}
|
623
623
|
|
624
624
|
TfLiteStatus AddTranspose() {
|
@@ -648,7 +648,7 @@ class MicroMutableOpResolver : public MicroOpResolver {
|
|
648
648
|
|
649
649
|
TfLiteStatus AddWindow() {
|
650
650
|
// TODO(b/286250473): change back name to "Window" and remove namespace
|
651
|
-
return AddCustom("SignalWindow",
|
651
|
+
return AddCustom("SignalWindow", tflite_micro::tflm_signal::Register_WINDOW());
|
652
652
|
}
|
653
653
|
|
654
654
|
TfLiteStatus AddZerosLike() {
|
@@ -659,7 +659,7 @@ class MicroMutableOpResolver : public MicroOpResolver {
|
|
659
659
|
unsigned int GetRegistrationLength() { return registrations_len_; }
|
660
660
|
|
661
661
|
private:
|
662
|
-
TfLiteStatus AddBuiltin(
|
662
|
+
TfLiteStatus AddBuiltin(tflite_micro::BuiltinOperator op,
|
663
663
|
const TFLMRegistration& registration,
|
664
664
|
TfLiteBridgeBuiltinParseFunction parser) {
|
665
665
|
if (op == BuiltinOperator_CUSTOM) {
|
@@ -703,6 +703,6 @@ class MicroMutableOpResolver : public MicroOpResolver {
|
|
703
703
|
unsigned int num_buitin_ops_ = 0;
|
704
704
|
};
|
705
705
|
|
706
|
-
}; // namespace
|
706
|
+
}; // namespace tflite_micro
|
707
707
|
|
708
708
|
#endif // TENSORFLOW_LITE_MICRO_MICRO_MUTABLE_OP_RESOLVER_H_
|
@@ -20,7 +20,7 @@ limitations under the License.
|
|
20
20
|
#include "tensorflow/lite/micro/tflite_bridge/flatbuffer_conversions_bridge.h"
|
21
21
|
#include "tensorflow/lite/schema/schema_generated.h"
|
22
22
|
|
23
|
-
namespace
|
23
|
+
namespace tflite_micro {
|
24
24
|
|
25
25
|
// This is an interface for the OpResolver for TFLiteMicro. The differences from
|
26
26
|
// the TFLite OpResolver base class are to:
|
@@ -57,6 +57,6 @@ TfLiteStatus GetRegistrationFromOpCode(const OperatorCode* opcode,
|
|
57
57
|
const MicroOpResolver& op_resolver,
|
58
58
|
const TFLMRegistration** registration);
|
59
59
|
|
60
|
-
} // namespace
|
60
|
+
} // namespace tflite_micro
|
61
61
|
|
62
62
|
#endif // TENSORFLOW_LITE_MICRO_MICRO_OP_RESOLVER_H_
|
@@ -19,7 +19,7 @@ limitations under the License.
|
|
19
19
|
#include "tensorflow/lite/micro/compatibility.h"
|
20
20
|
#include "tensorflow/lite/micro/micro_profiler_interface.h"
|
21
21
|
|
22
|
-
namespace
|
22
|
+
namespace tflite_micro {
|
23
23
|
|
24
24
|
// MicroProfiler creates a common way to gain fine-grained insight into runtime
|
25
25
|
// performance. Bottleck operators can be identified along with slow code
|
@@ -135,6 +135,6 @@ class ScopedMicroProfiler {
|
|
135
135
|
};
|
136
136
|
#endif // !defined(TF_LITE_STRIP_ERROR_STRINGS)
|
137
137
|
|
138
|
-
} // namespace
|
138
|
+
} // namespace tflite_micro
|
139
139
|
|
140
140
|
#endif // TENSORFLOW_LITE_MICRO_MICRO_PROFILER_H_
|
@@ -18,7 +18,7 @@ limitations under the License.
|
|
18
18
|
|
19
19
|
#include <cstdint>
|
20
20
|
|
21
|
-
namespace
|
21
|
+
namespace tflite_micro {
|
22
22
|
|
23
23
|
// Interface class that the TFLM framework relies on for profiling.
|
24
24
|
class MicroProfilerInterface {
|
@@ -33,6 +33,6 @@ class MicroProfilerInterface {
|
|
33
33
|
virtual void EndEvent(uint32_t event_handle) = 0;
|
34
34
|
};
|
35
35
|
|
36
|
-
} // namespace
|
36
|
+
} // namespace tflite_micro
|
37
37
|
|
38
38
|
#endif // TENSORFLOW_LITE_MICRO_MICRO_PROFILER_INTERFACE_H_
|
@@ -21,7 +21,7 @@ limitations under the License.
|
|
21
21
|
#include "tensorflow/lite/c/common.h"
|
22
22
|
#include "tensorflow/lite/micro/micro_allocator.h"
|
23
23
|
|
24
|
-
namespace
|
24
|
+
namespace tflite_micro {
|
25
25
|
|
26
26
|
class MicroResourceVariables {
|
27
27
|
public:
|
@@ -84,6 +84,6 @@ class MicroResourceVariables {
|
|
84
84
|
int num_resource_variables_;
|
85
85
|
};
|
86
86
|
|
87
|
-
} // namespace
|
87
|
+
} // namespace tflite_micro
|
88
88
|
|
89
89
|
#endif // TFLITE_MICRO_TENSORFLOW_LITE_MICRO_MICRO_RESOURCE_H_
|
@@ -17,7 +17,7 @@ limitations under the License.
|
|
17
17
|
|
18
18
|
#include <cstdint>
|
19
19
|
|
20
|
-
namespace
|
20
|
+
namespace tflite_micro {
|
21
21
|
|
22
22
|
// These functions should be implemented by each target platform, and provide an
|
23
23
|
// accurate tick count along with how many ticks there are per second.
|
@@ -31,6 +31,6 @@ inline uint32_t TicksToMs(int32_t ticks) {
|
|
31
31
|
static_cast<float>(ticks_per_second()));
|
32
32
|
}
|
33
33
|
|
34
|
-
} // namespace
|
34
|
+
} // namespace tflite_micro
|
35
35
|
|
36
36
|
#endif // TENSORFLOW_LITE_MICRO_MICRO_TIME_H_
|
@@ -23,7 +23,7 @@ limitations under the License.
|
|
23
23
|
|
24
24
|
#include "tensorflow/lite/c/common.h"
|
25
25
|
|
26
|
-
namespace
|
26
|
+
namespace tflite_micro {
|
27
27
|
|
28
28
|
// Returns number of elements in the shape array.
|
29
29
|
|
@@ -157,6 +157,6 @@ inline int QMaxFromTfLiteType(TfLiteType type) {
|
|
157
157
|
}
|
158
158
|
}
|
159
159
|
|
160
|
-
} // namespace
|
160
|
+
} // namespace tflite_micro
|
161
161
|
|
162
162
|
#endif // TENSORFLOW_LITE_MICRO_MICRO_UTILS_H_
|
@@ -21,7 +21,7 @@ limitations under the License.
|
|
21
21
|
#include "tensorflow/lite/micro/micro_graph.h"
|
22
22
|
#include "tensorflow/lite/schema/schema_generated.h"
|
23
23
|
|
24
|
-
namespace
|
24
|
+
namespace tflite_micro {
|
25
25
|
|
26
26
|
// MockMicroGraph stubs out all MicroGraph methods used during invoke. A count
|
27
27
|
// of the number of calls to invoke for each subgraph is maintained for
|
@@ -55,6 +55,6 @@ class MockMicroGraph : public MicroGraph {
|
|
55
55
|
TF_LITE_REMOVE_VIRTUAL_DELETE
|
56
56
|
};
|
57
57
|
|
58
|
-
} // namespace
|
58
|
+
} // namespace tflite_micro
|
59
59
|
|
60
60
|
#endif // TENSORFLOW_LITE_MICRO_MOCK_MICRO_GRAPH_H_
|
xmos_ai_tools/runtime/include/tensorflow/lite/micro/python/tflite_size/src/flatbuffer_size.h
CHANGED
@@ -20,11 +20,11 @@ limitations under the License.
|
|
20
20
|
#include "flatbuffers/flatbuffers.h"
|
21
21
|
#include "flatbuffers/util.h"
|
22
22
|
|
23
|
-
namespace
|
23
|
+
namespace tflite_micro {
|
24
24
|
|
25
25
|
std::string FlatBufferSizeToJsonString(
|
26
26
|
const uint8_t* buffer, const flatbuffers::TypeTable* type_table);
|
27
27
|
|
28
|
-
} // namespace
|
28
|
+
} // namespace tflite_micro
|
29
29
|
|
30
30
|
#endif // TENSORFLOW_LITE_MICRO_PYTHON_TFLITE_SIZE_SRC_FLATBUFFERS_SIZE_H_
|
xmos_ai_tools/runtime/include/tensorflow/lite/micro/python/tflite_size/src/flatbuffer_size_wrapper.h
CHANGED
@@ -19,7 +19,7 @@ limitations under the License.
|
|
19
19
|
|
20
20
|
#include <string>
|
21
21
|
|
22
|
-
namespace
|
22
|
+
namespace tflite_micro {
|
23
23
|
|
24
24
|
class FlatbufferSizeWrapper {
|
25
25
|
public:
|
@@ -29,5 +29,5 @@ class FlatbufferSizeWrapper {
|
|
29
29
|
std::string ConvertToJsonString(const char* in_flatbuffer);
|
30
30
|
};
|
31
31
|
|
32
|
-
} // namespace
|
32
|
+
} // namespace tflite_micro
|
33
33
|
#endif // TENSORFLOW_LITE_MICRO_PYTHON_TFLITE_SIZE_SRC_FLATBUFFERS_SIZE_WRAPPER_H_
|
@@ -20,7 +20,7 @@ limitations under the License.
|
|
20
20
|
#include "tensorflow/lite/micro/compatibility.h"
|
21
21
|
#include "tensorflow/lite/micro/micro_allocator.h"
|
22
22
|
|
23
|
-
namespace
|
23
|
+
namespace tflite_micro {
|
24
24
|
|
25
25
|
// List of buckets currently recorded by this class. Each type keeps a list of
|
26
26
|
// allocated information during model initialization.
|
@@ -120,6 +120,6 @@ class RecordingMicroAllocator : public MicroAllocator {
|
|
120
120
|
TF_LITE_REMOVE_VIRTUAL_DELETE
|
121
121
|
};
|
122
122
|
|
123
|
-
} // namespace
|
123
|
+
} // namespace tflite_micro
|
124
124
|
|
125
125
|
#endif // TENSORFLOW_LITE_MICRO_RECORDING_MICRO_ALLOCATOR_H_
|
@@ -20,7 +20,7 @@ limitations under the License.
|
|
20
20
|
#include "tensorflow/lite/micro/micro_profiler_interface.h"
|
21
21
|
#include "tensorflow/lite/micro/recording_micro_allocator.h"
|
22
22
|
|
23
|
-
namespace
|
23
|
+
namespace tflite_micro {
|
24
24
|
|
25
25
|
// Utility subclass that enables internal recordings of the MicroInterpreter.
|
26
26
|
// This class should be used to audit and analyze memory arena usage for a given
|
@@ -64,6 +64,6 @@ class RecordingMicroInterpreter : public MicroInterpreter {
|
|
64
64
|
const RecordingMicroAllocator& recording_micro_allocator_;
|
65
65
|
};
|
66
66
|
|
67
|
-
} // namespace
|
67
|
+
} // namespace tflite_micro
|
68
68
|
|
69
69
|
#endif // TENSORFLOW_LITE_MICRO_RECORDING_MICRO_INTERPRETER_H_
|
@@ -15,13 +15,13 @@ limitations under the License.
|
|
15
15
|
#ifndef TENSORFLOW_LITE_MICRO_SYSTEM_SETUP_H_
|
16
16
|
#define TENSORFLOW_LITE_MICRO_SYSTEM_SETUP_H_
|
17
17
|
|
18
|
-
namespace
|
18
|
+
namespace tflite_micro {
|
19
19
|
|
20
20
|
// This should called during initialization of TFLM binaries and tests. It can
|
21
21
|
// be specialized if there is a need for custom target-specific intialization.
|
22
22
|
// For more information, see tensorflow/lite/micro/system_setup.cc.
|
23
23
|
void InitializeTarget();
|
24
24
|
|
25
|
-
} // namespace
|
25
|
+
} // namespace tflite_micro
|
26
26
|
|
27
27
|
#endif // TENSORFLOW_LITE_MICRO_SYSTEM_SETUP_H_
|
@@ -27,7 +27,7 @@ limitations under the License.
|
|
27
27
|
#include "tensorflow/lite/portable_type_to_tflitetype.h"
|
28
28
|
#include "tensorflow/lite/schema/schema_generated.h"
|
29
29
|
|
30
|
-
namespace
|
30
|
+
namespace tflite_micro {
|
31
31
|
namespace testing {
|
32
32
|
|
33
33
|
class PackerOp {
|
@@ -44,6 +44,6 @@ class PackerOp {
|
|
44
44
|
};
|
45
45
|
|
46
46
|
} // namespace testing
|
47
|
-
} // namespace
|
47
|
+
} // namespace tflite_micro
|
48
48
|
|
49
49
|
#endif // TENSORFLOW_LITE_MICRO_TEST_HELPER_CUSTOM_OPS_H_
|
@@ -30,11 +30,11 @@ limitations under the License.
|
|
30
30
|
#include "tensorflow/lite/portable_type_to_tflitetype.h"
|
31
31
|
#include "tensorflow/lite/schema/schema_generated.h"
|
32
32
|
|
33
|
-
namespace
|
33
|
+
namespace tflite_micro {
|
34
34
|
namespace testing {
|
35
35
|
|
36
36
|
constexpr int kOfflinePlannerHeaderSize = 3;
|
37
|
-
using TestingOpResolver =
|
37
|
+
using TestingOpResolver = tflite_micro::MicroMutableOpResolver<10>;
|
38
38
|
|
39
39
|
struct NodeConnection_ {
|
40
40
|
std::initializer_list<int32_t> input;
|
@@ -224,7 +224,7 @@ TfLiteTensor CreateTensor(const T* data, TfLiteIntArray* dims,
|
|
224
224
|
|
225
225
|
if (type == kTfLiteInt4) {
|
226
226
|
result.type = kTfLiteInt4;
|
227
|
-
PackInt4ValuesDenselyInPlace(
|
227
|
+
PackInt4ValuesDenselyInPlace(tflite_micro::GetTensorData<uint8_t>(&result),
|
228
228
|
ElementCount(*dims));
|
229
229
|
result.bytes = ((ElementCount(*dims) + 1) / 2);
|
230
230
|
} else {
|
@@ -254,7 +254,7 @@ TfLiteTensor CreateQuantizedTensor(const float* input, T* quantized,
|
|
254
254
|
int zero_point, bool is_variable = false,
|
255
255
|
TfLiteType type = kTfLiteNoType) {
|
256
256
|
int input_size = ElementCount(*dims);
|
257
|
-
|
257
|
+
tflite_micro::Quantize(input, quantized, input_size, scale, zero_point);
|
258
258
|
return CreateQuantizedTensor(quantized, dims, scale, zero_point, is_variable,
|
259
259
|
type);
|
260
260
|
}
|
@@ -297,7 +297,7 @@ TfLiteTensor CreateSymmetricPerChannelQuantizedTensor(
|
|
297
297
|
int quantized_dimension, bool is_variable = false,
|
298
298
|
TfLiteType tensor_weight_type = kTfLiteNoType);
|
299
299
|
|
300
|
-
// Returns the number of tensors in the default subgraph for a
|
300
|
+
// Returns the number of tensors in the default subgraph for a tflite_micro::Model.
|
301
301
|
size_t GetModelTensorCount(const Model* model);
|
302
302
|
|
303
303
|
// Derives the asymmetric quantization scaling factor from a min and max range.
|
@@ -329,6 +329,6 @@ inline int ZeroPointFromMinMax(const float min, const float max) {
|
|
329
329
|
}
|
330
330
|
|
331
331
|
} // namespace testing
|
332
|
-
} // namespace
|
332
|
+
} // namespace tflite_micro
|
333
333
|
|
334
334
|
#endif // TENSORFLOW_LITE_MICRO_TEST_HELPERS_H_
|