├── .github ├── mergify.yml └── workflows │ ├── ci.yml │ ├── remove-labels.yml │ └── sync.yml ├── .gitignore ├── AUTHORS ├── CODEOWNERS ├── LICENSE ├── README.md ├── docs ├── TMLK_WS_wm8960_images │ ├── IMG_1355.JPG │ ├── IMG_1356.JPG │ ├── IMG_1357.JPG │ ├── IMG_1360.JPG │ ├── IMG_1361.JPG │ ├── IMG_1362.JPG │ └── IMG_1363.JPG ├── animation_on_arduino.gif ├── hello_world_animation.gif ├── hello_world_screenshot.png ├── hello_world_serial_plotter.png └── magic_wand_attachment.jpg ├── examples ├── hello_world │ ├── README.md │ ├── arduino_constants.cpp │ ├── arduino_main.cpp │ ├── arduino_output_handler.cpp │ ├── constants.h │ ├── hello_world.ino │ ├── main_functions.h │ ├── model.cpp │ ├── model.h │ └── output_handler.h ├── magic_wand │ ├── LICENSE │ ├── README.md │ ├── magic_wand.ino │ ├── magic_wand_model_data.cpp │ ├── magic_wand_model_data.h │ ├── rasterize_stroke.cpp │ ├── rasterize_stroke.h │ ├── train │ │ └── train_magic_wand_model.ipynb │ └── website │ │ └── index.html ├── micro_speech │ ├── README.md │ ├── arduino_audio_provider.cpp │ ├── arduino_audio_provider_nano.cpp │ ├── arduino_command_responder.cpp │ ├── arduino_command_responder_nano.cpp │ ├── arduino_main.cpp │ ├── audio_provider.h │ ├── command_responder.h │ ├── data │ │ ├── no_1000ms.wav │ │ ├── serial_test_config.json │ │ └── yes_1000ms.wav │ ├── feature_provider.cpp │ ├── feature_provider.h │ ├── main_functions.h │ ├── micro_features_micro_features_generator.cpp │ ├── micro_features_micro_features_generator.h │ ├── micro_features_micro_model_settings.cpp │ ├── micro_features_micro_model_settings.h │ ├── micro_features_model.cpp │ ├── micro_features_model.h │ ├── micro_speech.ino │ ├── recognize_commands.cpp │ └── recognize_commands.h └── person_detection │ ├── README.md │ ├── arduino_detection_responder.cpp │ ├── arduino_image_provider.cpp │ ├── arduino_main.cpp │ ├── data │ ├── README.md │ ├── no_person.jpg │ ├── no_person_96x96.bmp │ ├── person.jpg │ ├── person_96x96.bmp │ └── serial_test_config.json │ ├── detection_responder.h │ ├── image_provider.h │ ├── main_functions.h │ ├── model_settings.cpp │ ├── model_settings.h │ ├── person_detect_model_data.cpp │ ├── person_detect_model_data.h │ └── person_detection.ino ├── library.properties ├── scripts ├── MANIFEST.ini ├── README_create_tflm_arduino.md ├── create_tflm_arduino.py ├── fix_arduino_subfolders.py ├── helper_functions.sh ├── install_arduino_cli.sh ├── sync_from_tflite_micro.sh ├── test_arduino_library.sh ├── test_over_serial.py ├── test_repo_tree.sh ├── test_tflm_arduino.sh └── transform_source.py └── src ├── TensorFlowLite.h ├── peripherals ├── README.md ├── audio_codec.h ├── audio_common.h ├── audio_device.h ├── audio_i2s.h ├── button.h ├── button_arduino.cpp ├── examples │ └── audio_play_record │ │ └── audio_play_record.ino ├── i2c.h ├── i2c_arduino.cpp ├── i2c_arduino.h ├── i2s_nrf52840.cpp ├── i2s_nrf52840.h ├── led.h ├── led_arduino.cpp ├── peripherals.h ├── tests │ ├── test_i2s_codec │ │ └── test_i2s_codec.ino │ └── test_wm8960 │ │ └── test_wm8960.ino ├── utility.h ├── utility_arduino.cpp ├── wm8960.cpp ├── wm8960.h ├── wm8960_regs.h ├── ws_wm8960_audio_hat_nrf52840.cpp └── ws_wm8960_audio_hat_nrf52840.h ├── tensorflow └── lite │ ├── builtin_op_data.h │ ├── builtin_ops.h │ ├── c │ ├── builtin_op_data.h │ ├── c_api_types.h │ └── common.h │ ├── context_util.h │ ├── core │ ├── api │ │ ├── error_reporter.cpp │ │ ├── error_reporter.h │ │ ├── flatbuffer_conversions.cpp │ │ ├── flatbuffer_conversions.h │ │ ├── op_resolver.cpp │ │ ├── op_resolver.h │ │ ├── tensor_utils.cpp │ │ └── tensor_utils.h │ └── c │ │ ├── builtin_op_data.h │ │ ├── c_api_types.h │ │ ├── common.cpp │ │ └── common.h │ ├── experimental │ └── microfrontend │ │ └── lib │ │ ├── bits.h │ │ ├── fft.cpp │ │ ├── fft.h │ │ ├── fft_util.cpp │ │ ├── fft_util.h │ │ ├── filterbank.c │ │ ├── filterbank.h │ │ ├── filterbank_util.c │ │ ├── filterbank_util.h │ │ ├── frontend.c │ │ ├── frontend.h │ │ ├── frontend_util.c │ │ ├── frontend_util.h │ │ ├── kiss_fft_common.h │ │ ├── kiss_fft_int16.cpp │ │ ├── kiss_fft_int16.h │ │ ├── log_lut.c │ │ ├── log_lut.h │ │ ├── log_scale.c │ │ ├── log_scale.h │ │ ├── log_scale_util.c │ │ ├── log_scale_util.h │ │ ├── noise_reduction.c │ │ ├── noise_reduction.h │ │ ├── noise_reduction_util.c │ │ ├── noise_reduction_util.h │ │ ├── pcan_gain_control.c │ │ ├── pcan_gain_control.h │ │ ├── pcan_gain_control_util.c │ │ ├── pcan_gain_control_util.h │ │ ├── window.c │ │ ├── window.h │ │ ├── window_util.c │ │ └── window_util.h │ ├── kernels │ ├── internal │ │ ├── common.h │ │ ├── compatibility.h │ │ ├── cppmath.h │ │ ├── max.h │ │ ├── min.h │ │ ├── optimized │ │ │ └── neon_check.h │ │ ├── portable_tensor.h │ │ ├── portable_tensor_utils.cpp │ │ ├── portable_tensor_utils.h │ │ ├── quantization_util.cpp │ │ ├── quantization_util.h │ │ ├── reference │ │ │ ├── add.h │ │ │ ├── add_n.h │ │ │ ├── arg_min_max.h │ │ │ ├── batch_matmul.h │ │ │ ├── batch_to_space_nd.h │ │ │ ├── binary_function.h │ │ │ ├── broadcast_args.h │ │ │ ├── broadcast_to.h │ │ │ ├── ceil.h │ │ │ ├── comparisons.h │ │ │ ├── concatenation.h │ │ │ ├── conv.h │ │ │ ├── cumsum.h │ │ │ ├── depth_to_space.h │ │ │ ├── depthwiseconv_float.h │ │ │ ├── depthwiseconv_uint8.h │ │ │ ├── dequantize.h │ │ │ ├── div.h │ │ │ ├── elu.h │ │ │ ├── exp.h │ │ │ ├── fill.h │ │ │ ├── floor.h │ │ │ ├── floor_div.h │ │ │ ├── floor_mod.h │ │ │ ├── fully_connected.h │ │ │ ├── hard_swish.h │ │ │ ├── integer_ops │ │ │ │ ├── add.h │ │ │ │ ├── conv.h │ │ │ │ ├── depthwise_conv.h │ │ │ │ ├── fully_connected.h │ │ │ │ ├── l2normalization.h │ │ │ │ ├── logistic.h │ │ │ │ ├── mean.h │ │ │ │ ├── mul.h │ │ │ │ ├── pooling.h │ │ │ │ ├── tanh.h │ │ │ │ └── transpose_conv.h │ │ │ ├── l2normalization.h │ │ │ ├── leaky_relu.h │ │ │ ├── log_softmax.h │ │ │ ├── logistic.h │ │ │ ├── lstm_cell.h │ │ │ ├── maximum_minimum.h │ │ │ ├── mul.h │ │ │ ├── neg.h │ │ │ ├── pad.h │ │ │ ├── pooling.h │ │ │ ├── portable_tensor_utils.cpp │ │ │ ├── portable_tensor_utils.h │ │ │ ├── portable_tensor_utils_impl.h │ │ │ ├── prelu.h │ │ │ ├── process_broadcast_shapes.h │ │ │ ├── quantize.h │ │ │ ├── reduce.h │ │ │ ├── requantize.h │ │ │ ├── resize_bilinear.h │ │ │ ├── resize_nearest_neighbor.h │ │ │ ├── round.h │ │ │ ├── select.h │ │ │ ├── slice.h │ │ │ ├── softmax.h │ │ │ ├── space_to_batch_nd.h │ │ │ ├── space_to_depth.h │ │ │ ├── strided_slice.h │ │ │ ├── sub.h │ │ │ ├── tanh.h │ │ │ ├── transpose.h │ │ │ └── transpose_conv.h │ │ ├── runtime_shape.h │ │ ├── strided_slice_logic.h │ │ ├── tensor_ctypes.h │ │ ├── tensor_utils.cpp │ │ └── types.h │ ├── kernel_util.cpp │ ├── kernel_util.h │ ├── op_macros.h │ └── padding.h │ ├── micro │ ├── all_ops_resolver.cpp │ ├── all_ops_resolver.h │ ├── arena_allocator │ │ ├── ibuffer_allocator.h │ │ ├── non_persistent_arena_buffer_allocator.cpp │ │ ├── non_persistent_arena_buffer_allocator.h │ │ ├── persistent_arena_buffer_allocator.cpp │ │ ├── persistent_arena_buffer_allocator.h │ │ ├── recording_single_arena_buffer_allocator.cpp │ │ ├── recording_single_arena_buffer_allocator.h │ │ ├── single_arena_buffer_allocator.cpp │ │ └── single_arena_buffer_allocator.h │ ├── compatibility.h │ ├── debug_log.cpp │ ├── debug_log.h │ ├── fake_micro_context.cpp │ ├── fake_micro_context.h │ ├── flatbuffer_utils.cpp │ ├── flatbuffer_utils.h │ ├── kernels │ │ ├── activation_utils.h │ │ ├── activations.cpp │ │ ├── activations.h │ │ ├── activations_common.cpp │ │ ├── add.h │ │ ├── add_common.cpp │ │ ├── add_n.cpp │ │ ├── arg_min_max.cpp │ │ ├── assign_variable.cpp │ │ ├── batch_to_space_nd.cpp │ │ ├── broadcast_args.cpp │ │ ├── broadcast_to.cpp │ │ ├── call_once.cpp │ │ ├── cast.cpp │ │ ├── ceil.cpp │ │ ├── circular_buffer.cpp │ │ ├── circular_buffer.h │ │ ├── circular_buffer_common.cpp │ │ ├── circular_buffer_flexbuffers_generated_data.h │ │ ├── cmsis_nn │ │ │ ├── add.cpp │ │ │ ├── conv.cpp │ │ │ ├── depthwise_conv.cpp │ │ │ ├── fully_connected.cpp │ │ │ ├── mul.cpp │ │ │ ├── pooling.cpp │ │ │ ├── softmax.cpp │ │ │ └── svdf.cpp │ │ ├── comparisons.cpp │ │ ├── concatenation.cpp │ │ ├── conv.h │ │ ├── conv_common.cpp │ │ ├── conv_test.h │ │ ├── cumsum.cpp │ │ ├── depth_to_space.cpp │ │ ├── depthwise_conv.h │ │ ├── depthwise_conv_common.cpp │ │ ├── dequantize.cpp │ │ ├── dequantize.h │ │ ├── dequantize_common.cpp │ │ ├── detection_postprocess.cpp │ │ ├── detection_postprocess_flexbuffers_generated_data.h │ │ ├── div.cpp │ │ ├── elementwise.cpp │ │ ├── elu.cpp │ │ ├── ethosu.cpp │ │ ├── ethosu.h │ │ ├── exp.cpp │ │ ├── expand_dims.cpp │ │ ├── fill.cpp │ │ ├── floor.cpp │ │ ├── floor_div.cpp │ │ ├── floor_mod.cpp │ │ ├── fully_connected.h │ │ ├── fully_connected_common.cpp │ │ ├── gather.cpp │ │ ├── gather_nd.cpp │ │ ├── hard_swish.cpp │ │ ├── hard_swish.h │ │ ├── hard_swish_common.cpp │ │ ├── if.cpp │ │ ├── kernel_runner.cpp │ │ ├── kernel_runner.h │ │ ├── kernel_util.cpp │ │ ├── kernel_util.h │ │ ├── l2_pool_2d.cpp │ │ ├── l2norm.cpp │ │ ├── leaky_relu.cpp │ │ ├── leaky_relu.h │ │ ├── leaky_relu_common.cpp │ │ ├── log_softmax.cpp │ │ ├── logical.cpp │ │ ├── logical.h │ │ ├── logical_common.cpp │ │ ├── logistic.cpp │ │ ├── logistic.h │ │ ├── logistic_common.cpp │ │ ├── lstm_eval.cpp │ │ ├── lstm_eval.h │ │ ├── lstm_eval_test.h │ │ ├── lstm_shared.h │ │ ├── maximum_minimum.cpp │ │ ├── micro_ops.h │ │ ├── micro_tensor_utils.cpp │ │ ├── micro_tensor_utils.h │ │ ├── mirror_pad.cpp │ │ ├── mul.h │ │ ├── mul_common.cpp │ │ ├── neg.cpp │ │ ├── pack.cpp │ │ ├── pad.cpp │ │ ├── pad.h │ │ ├── pooling.h │ │ ├── pooling_common.cpp │ │ ├── prelu.cpp │ │ ├── prelu.h │ │ ├── prelu_common.cpp │ │ ├── quantize.cpp │ │ ├── quantize.h │ │ ├── quantize_common.cpp │ │ ├── read_variable.cpp │ │ ├── reduce.cpp │ │ ├── reduce.h │ │ ├── reduce_common.cpp │ │ ├── reshape.cpp │ │ ├── resize_bilinear.cpp │ │ ├── resize_nearest_neighbor.cpp │ │ ├── round.cpp │ │ ├── select.cpp │ │ ├── shape.cpp │ │ ├── slice.cpp │ │ ├── softmax.h │ │ ├── softmax_common.cpp │ │ ├── space_to_batch_nd.cpp │ │ ├── space_to_depth.cpp │ │ ├── split.cpp │ │ ├── split_v.cpp │ │ ├── squared_difference.cpp │ │ ├── squeeze.cpp │ │ ├── strided_slice.cpp │ │ ├── sub.cpp │ │ ├── sub.h │ │ ├── sub_common.cpp │ │ ├── svdf.h │ │ ├── svdf_common.cpp │ │ ├── tanh.cpp │ │ ├── transpose.cpp │ │ ├── transpose_conv.cpp │ │ ├── unidirectional_sequence_lstm.cpp │ │ ├── unpack.cpp │ │ ├── var_handle.cpp │ │ ├── while.cpp │ │ └── zeros_like.cpp │ ├── memory_helpers.cpp │ ├── memory_helpers.h │ ├── memory_planner │ │ ├── greedy_memory_planner.cpp │ │ ├── greedy_memory_planner.h │ │ ├── linear_memory_planner.cpp │ │ ├── linear_memory_planner.h │ │ ├── memory_plan_struct.h │ │ ├── micro_memory_planner.h │ │ ├── non_persistent_buffer_planner_shim.cpp │ │ └── non_persistent_buffer_planner_shim.h │ ├── micro_allocation_info.cpp │ ├── micro_allocation_info.h │ ├── micro_allocator.cpp │ ├── micro_allocator.h │ ├── micro_arena_constants.h │ ├── micro_context.cpp │ ├── micro_context.h │ ├── micro_graph.cpp │ ├── micro_graph.h │ ├── micro_interpreter.cpp │ ├── micro_interpreter.h │ ├── micro_log.cpp │ ├── micro_log.h │ ├── micro_mutable_op_resolver.h │ ├── micro_op_resolver.h │ ├── micro_profiler.cpp │ ├── micro_profiler.h │ ├── micro_profiler_interface.h │ ├── micro_resource_variable.cpp │ ├── micro_resource_variable.h │ ├── micro_string.cpp │ ├── micro_string.h │ ├── micro_time.cpp │ ├── micro_time.h │ ├── micro_utils.cpp │ ├── micro_utils.h │ ├── mock_micro_graph.cpp │ ├── mock_micro_graph.h │ ├── recording_micro_allocator.cpp │ ├── recording_micro_allocator.h │ ├── recording_micro_interpreter.h │ ├── system_ringbuffer.h │ ├── system_setup.cpp │ ├── system_setup.h │ ├── test_helper_custom_ops.cpp │ ├── test_helper_custom_ops.h │ ├── test_helpers.cpp │ ├── test_helpers.h │ └── tflite_bridge │ │ ├── flatbuffer_conversions_bridge.cpp │ │ ├── flatbuffer_conversions_bridge.h │ │ ├── micro_error_reporter.cpp │ │ ├── micro_error_reporter.h │ │ ├── op_resolver_bridge.cpp │ │ └── op_resolver_bridge.h │ ├── portable_type_to_tflitetype.h │ └── schema │ ├── schema_generated.h │ ├── schema_utils.cpp │ └── schema_utils.h ├── test_over_serial ├── README.md ├── base64.cpp ├── base64.h ├── test_over_serial.cpp └── test_over_serial.h └── third_party ├── cmsis ├── CMSIS │ └── Core │ │ └── Include │ │ ├── cachel1_armv7.h │ │ ├── cmsis_armcc.h │ │ ├── cmsis_armclang.h │ │ ├── cmsis_armclang_ltm.h │ │ ├── cmsis_compiler.h │ │ ├── cmsis_gcc.h │ │ ├── cmsis_iccarm.h │ │ ├── cmsis_version.h │ │ ├── core_armv81mml.h │ │ ├── core_armv8mbl.h │ │ ├── core_armv8mml.h │ │ ├── core_cm0.h │ │ ├── core_cm0plus.h │ │ ├── core_cm1.h │ │ ├── core_cm23.h │ │ ├── core_cm3.h │ │ ├── core_cm33.h │ │ ├── core_cm35p.h │ │ ├── core_cm4.h │ │ ├── core_cm55.h │ │ ├── core_cm7.h │ │ ├── core_cm85.h │ │ ├── core_sc000.h │ │ ├── core_sc300.h │ │ ├── core_starmc1.h │ │ ├── mpu_armv7.h │ │ ├── mpu_armv8.h │ │ ├── pac_armv81.h │ │ ├── pmu_armv8.h │ │ └── tz_context.h └── LICENSE.txt ├── cmsis_nn ├── Include │ ├── arm_nn_math_types.h │ ├── arm_nn_tables.h │ ├── arm_nn_types.h │ ├── arm_nnfunctions.h │ └── arm_nnsupportfunctions.h ├── LICENSE.txt └── Source │ ├── ActivationFunctions │ ├── arm_relu6_s8.c │ ├── arm_relu_q15.c │ └── arm_relu_q7.c │ ├── BasicMathFunctions │ ├── arm_elementwise_add_s16.c │ ├── arm_elementwise_add_s8.c │ ├── arm_elementwise_mul_s16.c │ └── arm_elementwise_mul_s8.c │ ├── ConcatenationFunctions │ ├── arm_concatenation_s8_w.c │ ├── arm_concatenation_s8_x.c │ ├── arm_concatenation_s8_y.c │ └── arm_concatenation_s8_z.c │ ├── ConvolutionFunctions │ ├── arm_convolve_1_x_n_s8.c │ ├── arm_convolve_1x1_s8_fast.c │ ├── arm_convolve_fast_s16.c │ ├── arm_convolve_s16.c │ ├── arm_convolve_s8.c │ ├── arm_convolve_wrapper_s16.c │ ├── arm_convolve_wrapper_s8.c │ ├── arm_depthwise_conv_3x3_s8.c │ ├── arm_depthwise_conv_fast_s16.c │ ├── arm_depthwise_conv_s16.c │ ├── arm_depthwise_conv_s8.c │ ├── arm_depthwise_conv_s8_opt.c │ ├── arm_depthwise_conv_wrapper_s16.c │ ├── arm_depthwise_conv_wrapper_s8.c │ ├── arm_nn_depthwise_conv_s8_core.c │ ├── arm_nn_mat_mult_kernel_s8_s16.c │ └── arm_nn_mat_mult_s8.c │ ├── FullyConnectedFunctions │ ├── arm_fully_connected_s16.c │ └── arm_fully_connected_s8.c │ ├── NNSupportFunctions │ ├── arm_nn_depthwise_conv_nt_t_padded_s8.c │ ├── arm_nn_depthwise_conv_nt_t_s16.c │ ├── arm_nn_depthwise_conv_nt_t_s8.c │ ├── arm_nn_mat_mul_core_1x_s8.c │ ├── arm_nn_mat_mul_core_4x_s8.c │ ├── arm_nn_mat_mul_kernel_s16.c │ ├── arm_nn_mat_mult_nt_t_s8.c │ ├── arm_nn_vec_mat_mult_t_s16.c │ ├── arm_nn_vec_mat_mult_t_s8.c │ ├── arm_nn_vec_mat_mult_t_svdf_s8.c │ ├── arm_nntables.c │ └── arm_q7_to_q15_with_offset.c │ ├── PoolingFunctions │ ├── arm_avgpool_s16.c │ ├── arm_avgpool_s8.c │ ├── arm_max_pool_s16.c │ └── arm_max_pool_s8.c │ ├── ReshapeFunctions │ └── arm_reshape_s8.c │ ├── SVDFunctions │ ├── arm_svdf_s8.c │ └── arm_svdf_state_s16_s8.c │ └── SoftmaxFunctions │ ├── arm_nn_softmax_common_s8.c │ ├── arm_softmax_s16.c │ ├── arm_softmax_s8.c │ ├── arm_softmax_s8_s16.c │ └── arm_softmax_u8.c ├── flatbuffers ├── LICENSE.txt └── include │ └── flatbuffers │ ├── allocator.h │ ├── array.h │ ├── base.h │ ├── buffer.h │ ├── buffer_ref.h │ ├── default_allocator.h │ ├── detached_buffer.h │ ├── flatbuffer_builder.h │ ├── flatbuffers.h │ ├── flexbuffers.h │ ├── stl_emulation.h │ ├── string.h │ ├── struct.h │ ├── table.h │ ├── util.h │ ├── vector.h │ ├── vector_downward.h │ └── verifier.h ├── gemmlowp ├── LICENSE ├── fixedpoint │ ├── fixedpoint.h │ ├── fixedpoint_neon.h │ └── fixedpoint_sse.h └── internal │ └── detect_platform.h ├── kissfft ├── COPYING ├── _kiss_fft_guts.h ├── kiss_fft.c ├── kiss_fft.h └── tools │ ├── kiss_fftr.c │ └── kiss_fftr.h └── ruy └── ruy └── profiler └── instrumentation.h /.github/mergify.yml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pschatzmann/tflite-micro-arduino-examples/HEAD/.github/mergify.yml -------------------------------------------------------------------------------- /.github/workflows/ci.yml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pschatzmann/tflite-micro-arduino-examples/HEAD/.github/workflows/ci.yml -------------------------------------------------------------------------------- /.github/workflows/remove-labels.yml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pschatzmann/tflite-micro-arduino-examples/HEAD/.github/workflows/remove-labels.yml -------------------------------------------------------------------------------- /.github/workflows/sync.yml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pschatzmann/tflite-micro-arduino-examples/HEAD/.github/workflows/sync.yml -------------------------------------------------------------------------------- /.gitignore: -------------------------------------------------------------------------------- 1 | .vscode 2 | *.swp 3 | -------------------------------------------------------------------------------- /AUTHORS: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pschatzmann/tflite-micro-arduino-examples/HEAD/AUTHORS -------------------------------------------------------------------------------- /CODEOWNERS: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pschatzmann/tflite-micro-arduino-examples/HEAD/CODEOWNERS -------------------------------------------------------------------------------- /LICENSE: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pschatzmann/tflite-micro-arduino-examples/HEAD/LICENSE -------------------------------------------------------------------------------- /README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pschatzmann/tflite-micro-arduino-examples/HEAD/README.md -------------------------------------------------------------------------------- /docs/TMLK_WS_wm8960_images/IMG_1355.JPG: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pschatzmann/tflite-micro-arduino-examples/HEAD/docs/TMLK_WS_wm8960_images/IMG_1355.JPG -------------------------------------------------------------------------------- /docs/TMLK_WS_wm8960_images/IMG_1356.JPG: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pschatzmann/tflite-micro-arduino-examples/HEAD/docs/TMLK_WS_wm8960_images/IMG_1356.JPG -------------------------------------------------------------------------------- /docs/TMLK_WS_wm8960_images/IMG_1357.JPG: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pschatzmann/tflite-micro-arduino-examples/HEAD/docs/TMLK_WS_wm8960_images/IMG_1357.JPG -------------------------------------------------------------------------------- /docs/TMLK_WS_wm8960_images/IMG_1360.JPG: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pschatzmann/tflite-micro-arduino-examples/HEAD/docs/TMLK_WS_wm8960_images/IMG_1360.JPG -------------------------------------------------------------------------------- /docs/TMLK_WS_wm8960_images/IMG_1361.JPG: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pschatzmann/tflite-micro-arduino-examples/HEAD/docs/TMLK_WS_wm8960_images/IMG_1361.JPG -------------------------------------------------------------------------------- /docs/TMLK_WS_wm8960_images/IMG_1362.JPG: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pschatzmann/tflite-micro-arduino-examples/HEAD/docs/TMLK_WS_wm8960_images/IMG_1362.JPG -------------------------------------------------------------------------------- /docs/TMLK_WS_wm8960_images/IMG_1363.JPG: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pschatzmann/tflite-micro-arduino-examples/HEAD/docs/TMLK_WS_wm8960_images/IMG_1363.JPG -------------------------------------------------------------------------------- /docs/animation_on_arduino.gif: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pschatzmann/tflite-micro-arduino-examples/HEAD/docs/animation_on_arduino.gif -------------------------------------------------------------------------------- /docs/hello_world_animation.gif: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pschatzmann/tflite-micro-arduino-examples/HEAD/docs/hello_world_animation.gif -------------------------------------------------------------------------------- /docs/hello_world_screenshot.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pschatzmann/tflite-micro-arduino-examples/HEAD/docs/hello_world_screenshot.png -------------------------------------------------------------------------------- /docs/hello_world_serial_plotter.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pschatzmann/tflite-micro-arduino-examples/HEAD/docs/hello_world_serial_plotter.png -------------------------------------------------------------------------------- /docs/magic_wand_attachment.jpg: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pschatzmann/tflite-micro-arduino-examples/HEAD/docs/magic_wand_attachment.jpg -------------------------------------------------------------------------------- /examples/hello_world/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pschatzmann/tflite-micro-arduino-examples/HEAD/examples/hello_world/README.md -------------------------------------------------------------------------------- /examples/hello_world/arduino_constants.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pschatzmann/tflite-micro-arduino-examples/HEAD/examples/hello_world/arduino_constants.cpp -------------------------------------------------------------------------------- /examples/hello_world/arduino_main.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pschatzmann/tflite-micro-arduino-examples/HEAD/examples/hello_world/arduino_main.cpp -------------------------------------------------------------------------------- /examples/hello_world/arduino_output_handler.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pschatzmann/tflite-micro-arduino-examples/HEAD/examples/hello_world/arduino_output_handler.cpp -------------------------------------------------------------------------------- /examples/hello_world/constants.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pschatzmann/tflite-micro-arduino-examples/HEAD/examples/hello_world/constants.h -------------------------------------------------------------------------------- /examples/hello_world/hello_world.ino: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pschatzmann/tflite-micro-arduino-examples/HEAD/examples/hello_world/hello_world.ino -------------------------------------------------------------------------------- /examples/hello_world/main_functions.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pschatzmann/tflite-micro-arduino-examples/HEAD/examples/hello_world/main_functions.h -------------------------------------------------------------------------------- /examples/hello_world/model.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pschatzmann/tflite-micro-arduino-examples/HEAD/examples/hello_world/model.cpp -------------------------------------------------------------------------------- /examples/hello_world/model.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pschatzmann/tflite-micro-arduino-examples/HEAD/examples/hello_world/model.h -------------------------------------------------------------------------------- /examples/hello_world/output_handler.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pschatzmann/tflite-micro-arduino-examples/HEAD/examples/hello_world/output_handler.h -------------------------------------------------------------------------------- /examples/magic_wand/LICENSE: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pschatzmann/tflite-micro-arduino-examples/HEAD/examples/magic_wand/LICENSE -------------------------------------------------------------------------------- /examples/magic_wand/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pschatzmann/tflite-micro-arduino-examples/HEAD/examples/magic_wand/README.md -------------------------------------------------------------------------------- /examples/magic_wand/magic_wand.ino: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pschatzmann/tflite-micro-arduino-examples/HEAD/examples/magic_wand/magic_wand.ino -------------------------------------------------------------------------------- /examples/magic_wand/magic_wand_model_data.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pschatzmann/tflite-micro-arduino-examples/HEAD/examples/magic_wand/magic_wand_model_data.cpp -------------------------------------------------------------------------------- /examples/magic_wand/magic_wand_model_data.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pschatzmann/tflite-micro-arduino-examples/HEAD/examples/magic_wand/magic_wand_model_data.h -------------------------------------------------------------------------------- /examples/magic_wand/rasterize_stroke.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pschatzmann/tflite-micro-arduino-examples/HEAD/examples/magic_wand/rasterize_stroke.cpp -------------------------------------------------------------------------------- /examples/magic_wand/rasterize_stroke.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pschatzmann/tflite-micro-arduino-examples/HEAD/examples/magic_wand/rasterize_stroke.h -------------------------------------------------------------------------------- /examples/magic_wand/train/train_magic_wand_model.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pschatzmann/tflite-micro-arduino-examples/HEAD/examples/magic_wand/train/train_magic_wand_model.ipynb -------------------------------------------------------------------------------- /examples/magic_wand/website/index.html: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pschatzmann/tflite-micro-arduino-examples/HEAD/examples/magic_wand/website/index.html -------------------------------------------------------------------------------- /examples/micro_speech/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pschatzmann/tflite-micro-arduino-examples/HEAD/examples/micro_speech/README.md -------------------------------------------------------------------------------- /examples/micro_speech/arduino_audio_provider.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pschatzmann/tflite-micro-arduino-examples/HEAD/examples/micro_speech/arduino_audio_provider.cpp -------------------------------------------------------------------------------- /examples/micro_speech/arduino_audio_provider_nano.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pschatzmann/tflite-micro-arduino-examples/HEAD/examples/micro_speech/arduino_audio_provider_nano.cpp -------------------------------------------------------------------------------- /examples/micro_speech/arduino_command_responder.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pschatzmann/tflite-micro-arduino-examples/HEAD/examples/micro_speech/arduino_command_responder.cpp -------------------------------------------------------------------------------- /examples/micro_speech/arduino_command_responder_nano.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pschatzmann/tflite-micro-arduino-examples/HEAD/examples/micro_speech/arduino_command_responder_nano.cpp -------------------------------------------------------------------------------- /examples/micro_speech/arduino_main.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pschatzmann/tflite-micro-arduino-examples/HEAD/examples/micro_speech/arduino_main.cpp -------------------------------------------------------------------------------- /examples/micro_speech/audio_provider.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pschatzmann/tflite-micro-arduino-examples/HEAD/examples/micro_speech/audio_provider.h -------------------------------------------------------------------------------- /examples/micro_speech/command_responder.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pschatzmann/tflite-micro-arduino-examples/HEAD/examples/micro_speech/command_responder.h -------------------------------------------------------------------------------- /examples/micro_speech/data/no_1000ms.wav: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pschatzmann/tflite-micro-arduino-examples/HEAD/examples/micro_speech/data/no_1000ms.wav -------------------------------------------------------------------------------- /examples/micro_speech/data/serial_test_config.json: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pschatzmann/tflite-micro-arduino-examples/HEAD/examples/micro_speech/data/serial_test_config.json -------------------------------------------------------------------------------- /examples/micro_speech/data/yes_1000ms.wav: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pschatzmann/tflite-micro-arduino-examples/HEAD/examples/micro_speech/data/yes_1000ms.wav -------------------------------------------------------------------------------- /examples/micro_speech/feature_provider.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pschatzmann/tflite-micro-arduino-examples/HEAD/examples/micro_speech/feature_provider.cpp -------------------------------------------------------------------------------- /examples/micro_speech/feature_provider.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pschatzmann/tflite-micro-arduino-examples/HEAD/examples/micro_speech/feature_provider.h -------------------------------------------------------------------------------- /examples/micro_speech/main_functions.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pschatzmann/tflite-micro-arduino-examples/HEAD/examples/micro_speech/main_functions.h -------------------------------------------------------------------------------- /examples/micro_speech/micro_features_micro_features_generator.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pschatzmann/tflite-micro-arduino-examples/HEAD/examples/micro_speech/micro_features_micro_features_generator.cpp -------------------------------------------------------------------------------- /examples/micro_speech/micro_features_micro_features_generator.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pschatzmann/tflite-micro-arduino-examples/HEAD/examples/micro_speech/micro_features_micro_features_generator.h -------------------------------------------------------------------------------- /examples/micro_speech/micro_features_micro_model_settings.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pschatzmann/tflite-micro-arduino-examples/HEAD/examples/micro_speech/micro_features_micro_model_settings.cpp -------------------------------------------------------------------------------- /examples/micro_speech/micro_features_micro_model_settings.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pschatzmann/tflite-micro-arduino-examples/HEAD/examples/micro_speech/micro_features_micro_model_settings.h -------------------------------------------------------------------------------- /examples/micro_speech/micro_features_model.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pschatzmann/tflite-micro-arduino-examples/HEAD/examples/micro_speech/micro_features_model.cpp -------------------------------------------------------------------------------- /examples/micro_speech/micro_features_model.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pschatzmann/tflite-micro-arduino-examples/HEAD/examples/micro_speech/micro_features_model.h -------------------------------------------------------------------------------- /examples/micro_speech/micro_speech.ino: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pschatzmann/tflite-micro-arduino-examples/HEAD/examples/micro_speech/micro_speech.ino -------------------------------------------------------------------------------- /examples/micro_speech/recognize_commands.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pschatzmann/tflite-micro-arduino-examples/HEAD/examples/micro_speech/recognize_commands.cpp -------------------------------------------------------------------------------- /examples/micro_speech/recognize_commands.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pschatzmann/tflite-micro-arduino-examples/HEAD/examples/micro_speech/recognize_commands.h -------------------------------------------------------------------------------- /examples/person_detection/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pschatzmann/tflite-micro-arduino-examples/HEAD/examples/person_detection/README.md -------------------------------------------------------------------------------- /examples/person_detection/arduino_detection_responder.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pschatzmann/tflite-micro-arduino-examples/HEAD/examples/person_detection/arduino_detection_responder.cpp -------------------------------------------------------------------------------- /examples/person_detection/arduino_image_provider.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pschatzmann/tflite-micro-arduino-examples/HEAD/examples/person_detection/arduino_image_provider.cpp -------------------------------------------------------------------------------- /examples/person_detection/arduino_main.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pschatzmann/tflite-micro-arduino-examples/HEAD/examples/person_detection/arduino_main.cpp -------------------------------------------------------------------------------- /examples/person_detection/data/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pschatzmann/tflite-micro-arduino-examples/HEAD/examples/person_detection/data/README.md -------------------------------------------------------------------------------- /examples/person_detection/data/no_person.jpg: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pschatzmann/tflite-micro-arduino-examples/HEAD/examples/person_detection/data/no_person.jpg -------------------------------------------------------------------------------- /examples/person_detection/data/no_person_96x96.bmp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pschatzmann/tflite-micro-arduino-examples/HEAD/examples/person_detection/data/no_person_96x96.bmp -------------------------------------------------------------------------------- /examples/person_detection/data/person.jpg: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pschatzmann/tflite-micro-arduino-examples/HEAD/examples/person_detection/data/person.jpg -------------------------------------------------------------------------------- /examples/person_detection/data/person_96x96.bmp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pschatzmann/tflite-micro-arduino-examples/HEAD/examples/person_detection/data/person_96x96.bmp -------------------------------------------------------------------------------- /examples/person_detection/data/serial_test_config.json: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pschatzmann/tflite-micro-arduino-examples/HEAD/examples/person_detection/data/serial_test_config.json -------------------------------------------------------------------------------- /examples/person_detection/detection_responder.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pschatzmann/tflite-micro-arduino-examples/HEAD/examples/person_detection/detection_responder.h -------------------------------------------------------------------------------- /examples/person_detection/image_provider.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pschatzmann/tflite-micro-arduino-examples/HEAD/examples/person_detection/image_provider.h -------------------------------------------------------------------------------- /examples/person_detection/main_functions.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pschatzmann/tflite-micro-arduino-examples/HEAD/examples/person_detection/main_functions.h -------------------------------------------------------------------------------- /examples/person_detection/model_settings.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pschatzmann/tflite-micro-arduino-examples/HEAD/examples/person_detection/model_settings.cpp -------------------------------------------------------------------------------- /examples/person_detection/model_settings.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pschatzmann/tflite-micro-arduino-examples/HEAD/examples/person_detection/model_settings.h -------------------------------------------------------------------------------- /examples/person_detection/person_detect_model_data.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pschatzmann/tflite-micro-arduino-examples/HEAD/examples/person_detection/person_detect_model_data.cpp -------------------------------------------------------------------------------- /examples/person_detection/person_detect_model_data.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pschatzmann/tflite-micro-arduino-examples/HEAD/examples/person_detection/person_detect_model_data.h -------------------------------------------------------------------------------- /examples/person_detection/person_detection.ino: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pschatzmann/tflite-micro-arduino-examples/HEAD/examples/person_detection/person_detection.ino -------------------------------------------------------------------------------- /library.properties: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pschatzmann/tflite-micro-arduino-examples/HEAD/library.properties -------------------------------------------------------------------------------- /scripts/MANIFEST.ini: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pschatzmann/tflite-micro-arduino-examples/HEAD/scripts/MANIFEST.ini -------------------------------------------------------------------------------- /scripts/README_create_tflm_arduino.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pschatzmann/tflite-micro-arduino-examples/HEAD/scripts/README_create_tflm_arduino.md -------------------------------------------------------------------------------- /scripts/create_tflm_arduino.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pschatzmann/tflite-micro-arduino-examples/HEAD/scripts/create_tflm_arduino.py -------------------------------------------------------------------------------- /scripts/fix_arduino_subfolders.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pschatzmann/tflite-micro-arduino-examples/HEAD/scripts/fix_arduino_subfolders.py -------------------------------------------------------------------------------- /scripts/helper_functions.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pschatzmann/tflite-micro-arduino-examples/HEAD/scripts/helper_functions.sh -------------------------------------------------------------------------------- /scripts/install_arduino_cli.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pschatzmann/tflite-micro-arduino-examples/HEAD/scripts/install_arduino_cli.sh -------------------------------------------------------------------------------- /scripts/sync_from_tflite_micro.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pschatzmann/tflite-micro-arduino-examples/HEAD/scripts/sync_from_tflite_micro.sh -------------------------------------------------------------------------------- /scripts/test_arduino_library.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pschatzmann/tflite-micro-arduino-examples/HEAD/scripts/test_arduino_library.sh -------------------------------------------------------------------------------- /scripts/test_over_serial.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pschatzmann/tflite-micro-arduino-examples/HEAD/scripts/test_over_serial.py -------------------------------------------------------------------------------- /scripts/test_repo_tree.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pschatzmann/tflite-micro-arduino-examples/HEAD/scripts/test_repo_tree.sh -------------------------------------------------------------------------------- /scripts/test_tflm_arduino.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pschatzmann/tflite-micro-arduino-examples/HEAD/scripts/test_tflm_arduino.sh -------------------------------------------------------------------------------- /scripts/transform_source.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pschatzmann/tflite-micro-arduino-examples/HEAD/scripts/transform_source.py -------------------------------------------------------------------------------- /src/TensorFlowLite.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pschatzmann/tflite-micro-arduino-examples/HEAD/src/TensorFlowLite.h -------------------------------------------------------------------------------- /src/peripherals/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pschatzmann/tflite-micro-arduino-examples/HEAD/src/peripherals/README.md -------------------------------------------------------------------------------- /src/peripherals/audio_codec.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pschatzmann/tflite-micro-arduino-examples/HEAD/src/peripherals/audio_codec.h -------------------------------------------------------------------------------- /src/peripherals/audio_common.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pschatzmann/tflite-micro-arduino-examples/HEAD/src/peripherals/audio_common.h -------------------------------------------------------------------------------- /src/peripherals/audio_device.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pschatzmann/tflite-micro-arduino-examples/HEAD/src/peripherals/audio_device.h -------------------------------------------------------------------------------- /src/peripherals/audio_i2s.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pschatzmann/tflite-micro-arduino-examples/HEAD/src/peripherals/audio_i2s.h -------------------------------------------------------------------------------- /src/peripherals/button.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pschatzmann/tflite-micro-arduino-examples/HEAD/src/peripherals/button.h -------------------------------------------------------------------------------- /src/peripherals/button_arduino.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pschatzmann/tflite-micro-arduino-examples/HEAD/src/peripherals/button_arduino.cpp -------------------------------------------------------------------------------- /src/peripherals/examples/audio_play_record/audio_play_record.ino: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pschatzmann/tflite-micro-arduino-examples/HEAD/src/peripherals/examples/audio_play_record/audio_play_record.ino -------------------------------------------------------------------------------- /src/peripherals/i2c.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pschatzmann/tflite-micro-arduino-examples/HEAD/src/peripherals/i2c.h -------------------------------------------------------------------------------- /src/peripherals/i2c_arduino.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pschatzmann/tflite-micro-arduino-examples/HEAD/src/peripherals/i2c_arduino.cpp -------------------------------------------------------------------------------- /src/peripherals/i2c_arduino.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pschatzmann/tflite-micro-arduino-examples/HEAD/src/peripherals/i2c_arduino.h -------------------------------------------------------------------------------- /src/peripherals/i2s_nrf52840.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pschatzmann/tflite-micro-arduino-examples/HEAD/src/peripherals/i2s_nrf52840.cpp -------------------------------------------------------------------------------- /src/peripherals/i2s_nrf52840.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pschatzmann/tflite-micro-arduino-examples/HEAD/src/peripherals/i2s_nrf52840.h -------------------------------------------------------------------------------- /src/peripherals/led.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pschatzmann/tflite-micro-arduino-examples/HEAD/src/peripherals/led.h -------------------------------------------------------------------------------- /src/peripherals/led_arduino.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pschatzmann/tflite-micro-arduino-examples/HEAD/src/peripherals/led_arduino.cpp -------------------------------------------------------------------------------- /src/peripherals/peripherals.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pschatzmann/tflite-micro-arduino-examples/HEAD/src/peripherals/peripherals.h -------------------------------------------------------------------------------- /src/peripherals/tests/test_i2s_codec/test_i2s_codec.ino: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pschatzmann/tflite-micro-arduino-examples/HEAD/src/peripherals/tests/test_i2s_codec/test_i2s_codec.ino -------------------------------------------------------------------------------- /src/peripherals/tests/test_wm8960/test_wm8960.ino: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pschatzmann/tflite-micro-arduino-examples/HEAD/src/peripherals/tests/test_wm8960/test_wm8960.ino -------------------------------------------------------------------------------- /src/peripherals/utility.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pschatzmann/tflite-micro-arduino-examples/HEAD/src/peripherals/utility.h -------------------------------------------------------------------------------- /src/peripherals/utility_arduino.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pschatzmann/tflite-micro-arduino-examples/HEAD/src/peripherals/utility_arduino.cpp -------------------------------------------------------------------------------- /src/peripherals/wm8960.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pschatzmann/tflite-micro-arduino-examples/HEAD/src/peripherals/wm8960.cpp -------------------------------------------------------------------------------- /src/peripherals/wm8960.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pschatzmann/tflite-micro-arduino-examples/HEAD/src/peripherals/wm8960.h -------------------------------------------------------------------------------- /src/peripherals/wm8960_regs.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pschatzmann/tflite-micro-arduino-examples/HEAD/src/peripherals/wm8960_regs.h -------------------------------------------------------------------------------- /src/peripherals/ws_wm8960_audio_hat_nrf52840.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pschatzmann/tflite-micro-arduino-examples/HEAD/src/peripherals/ws_wm8960_audio_hat_nrf52840.cpp -------------------------------------------------------------------------------- /src/peripherals/ws_wm8960_audio_hat_nrf52840.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pschatzmann/tflite-micro-arduino-examples/HEAD/src/peripherals/ws_wm8960_audio_hat_nrf52840.h -------------------------------------------------------------------------------- /src/tensorflow/lite/builtin_op_data.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pschatzmann/tflite-micro-arduino-examples/HEAD/src/tensorflow/lite/builtin_op_data.h -------------------------------------------------------------------------------- /src/tensorflow/lite/builtin_ops.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pschatzmann/tflite-micro-arduino-examples/HEAD/src/tensorflow/lite/builtin_ops.h -------------------------------------------------------------------------------- /src/tensorflow/lite/c/builtin_op_data.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pschatzmann/tflite-micro-arduino-examples/HEAD/src/tensorflow/lite/c/builtin_op_data.h -------------------------------------------------------------------------------- /src/tensorflow/lite/c/c_api_types.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pschatzmann/tflite-micro-arduino-examples/HEAD/src/tensorflow/lite/c/c_api_types.h -------------------------------------------------------------------------------- /src/tensorflow/lite/c/common.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pschatzmann/tflite-micro-arduino-examples/HEAD/src/tensorflow/lite/c/common.h -------------------------------------------------------------------------------- /src/tensorflow/lite/context_util.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pschatzmann/tflite-micro-arduino-examples/HEAD/src/tensorflow/lite/context_util.h -------------------------------------------------------------------------------- /src/tensorflow/lite/core/api/error_reporter.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pschatzmann/tflite-micro-arduino-examples/HEAD/src/tensorflow/lite/core/api/error_reporter.cpp -------------------------------------------------------------------------------- /src/tensorflow/lite/core/api/error_reporter.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pschatzmann/tflite-micro-arduino-examples/HEAD/src/tensorflow/lite/core/api/error_reporter.h -------------------------------------------------------------------------------- /src/tensorflow/lite/core/api/flatbuffer_conversions.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pschatzmann/tflite-micro-arduino-examples/HEAD/src/tensorflow/lite/core/api/flatbuffer_conversions.cpp -------------------------------------------------------------------------------- /src/tensorflow/lite/core/api/flatbuffer_conversions.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pschatzmann/tflite-micro-arduino-examples/HEAD/src/tensorflow/lite/core/api/flatbuffer_conversions.h -------------------------------------------------------------------------------- /src/tensorflow/lite/core/api/op_resolver.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pschatzmann/tflite-micro-arduino-examples/HEAD/src/tensorflow/lite/core/api/op_resolver.cpp -------------------------------------------------------------------------------- /src/tensorflow/lite/core/api/op_resolver.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pschatzmann/tflite-micro-arduino-examples/HEAD/src/tensorflow/lite/core/api/op_resolver.h -------------------------------------------------------------------------------- /src/tensorflow/lite/core/api/tensor_utils.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pschatzmann/tflite-micro-arduino-examples/HEAD/src/tensorflow/lite/core/api/tensor_utils.cpp -------------------------------------------------------------------------------- /src/tensorflow/lite/core/api/tensor_utils.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pschatzmann/tflite-micro-arduino-examples/HEAD/src/tensorflow/lite/core/api/tensor_utils.h -------------------------------------------------------------------------------- /src/tensorflow/lite/core/c/builtin_op_data.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pschatzmann/tflite-micro-arduino-examples/HEAD/src/tensorflow/lite/core/c/builtin_op_data.h -------------------------------------------------------------------------------- /src/tensorflow/lite/core/c/c_api_types.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pschatzmann/tflite-micro-arduino-examples/HEAD/src/tensorflow/lite/core/c/c_api_types.h -------------------------------------------------------------------------------- /src/tensorflow/lite/core/c/common.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pschatzmann/tflite-micro-arduino-examples/HEAD/src/tensorflow/lite/core/c/common.cpp -------------------------------------------------------------------------------- /src/tensorflow/lite/core/c/common.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pschatzmann/tflite-micro-arduino-examples/HEAD/src/tensorflow/lite/core/c/common.h -------------------------------------------------------------------------------- /src/tensorflow/lite/experimental/microfrontend/lib/bits.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pschatzmann/tflite-micro-arduino-examples/HEAD/src/tensorflow/lite/experimental/microfrontend/lib/bits.h -------------------------------------------------------------------------------- /src/tensorflow/lite/experimental/microfrontend/lib/fft.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pschatzmann/tflite-micro-arduino-examples/HEAD/src/tensorflow/lite/experimental/microfrontend/lib/fft.cpp -------------------------------------------------------------------------------- /src/tensorflow/lite/experimental/microfrontend/lib/fft.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pschatzmann/tflite-micro-arduino-examples/HEAD/src/tensorflow/lite/experimental/microfrontend/lib/fft.h -------------------------------------------------------------------------------- /src/tensorflow/lite/experimental/microfrontend/lib/fft_util.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pschatzmann/tflite-micro-arduino-examples/HEAD/src/tensorflow/lite/experimental/microfrontend/lib/fft_util.cpp -------------------------------------------------------------------------------- /src/tensorflow/lite/experimental/microfrontend/lib/fft_util.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pschatzmann/tflite-micro-arduino-examples/HEAD/src/tensorflow/lite/experimental/microfrontend/lib/fft_util.h -------------------------------------------------------------------------------- /src/tensorflow/lite/experimental/microfrontend/lib/filterbank.c: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pschatzmann/tflite-micro-arduino-examples/HEAD/src/tensorflow/lite/experimental/microfrontend/lib/filterbank.c -------------------------------------------------------------------------------- /src/tensorflow/lite/experimental/microfrontend/lib/filterbank.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pschatzmann/tflite-micro-arduino-examples/HEAD/src/tensorflow/lite/experimental/microfrontend/lib/filterbank.h -------------------------------------------------------------------------------- /src/tensorflow/lite/experimental/microfrontend/lib/filterbank_util.c: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pschatzmann/tflite-micro-arduino-examples/HEAD/src/tensorflow/lite/experimental/microfrontend/lib/filterbank_util.c -------------------------------------------------------------------------------- /src/tensorflow/lite/experimental/microfrontend/lib/filterbank_util.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pschatzmann/tflite-micro-arduino-examples/HEAD/src/tensorflow/lite/experimental/microfrontend/lib/filterbank_util.h -------------------------------------------------------------------------------- /src/tensorflow/lite/experimental/microfrontend/lib/frontend.c: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pschatzmann/tflite-micro-arduino-examples/HEAD/src/tensorflow/lite/experimental/microfrontend/lib/frontend.c -------------------------------------------------------------------------------- /src/tensorflow/lite/experimental/microfrontend/lib/frontend.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pschatzmann/tflite-micro-arduino-examples/HEAD/src/tensorflow/lite/experimental/microfrontend/lib/frontend.h -------------------------------------------------------------------------------- /src/tensorflow/lite/experimental/microfrontend/lib/frontend_util.c: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pschatzmann/tflite-micro-arduino-examples/HEAD/src/tensorflow/lite/experimental/microfrontend/lib/frontend_util.c -------------------------------------------------------------------------------- /src/tensorflow/lite/experimental/microfrontend/lib/frontend_util.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pschatzmann/tflite-micro-arduino-examples/HEAD/src/tensorflow/lite/experimental/microfrontend/lib/frontend_util.h -------------------------------------------------------------------------------- /src/tensorflow/lite/experimental/microfrontend/lib/kiss_fft_common.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pschatzmann/tflite-micro-arduino-examples/HEAD/src/tensorflow/lite/experimental/microfrontend/lib/kiss_fft_common.h -------------------------------------------------------------------------------- /src/tensorflow/lite/experimental/microfrontend/lib/kiss_fft_int16.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pschatzmann/tflite-micro-arduino-examples/HEAD/src/tensorflow/lite/experimental/microfrontend/lib/kiss_fft_int16.cpp -------------------------------------------------------------------------------- /src/tensorflow/lite/experimental/microfrontend/lib/kiss_fft_int16.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pschatzmann/tflite-micro-arduino-examples/HEAD/src/tensorflow/lite/experimental/microfrontend/lib/kiss_fft_int16.h -------------------------------------------------------------------------------- /src/tensorflow/lite/experimental/microfrontend/lib/log_lut.c: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pschatzmann/tflite-micro-arduino-examples/HEAD/src/tensorflow/lite/experimental/microfrontend/lib/log_lut.c -------------------------------------------------------------------------------- /src/tensorflow/lite/experimental/microfrontend/lib/log_lut.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pschatzmann/tflite-micro-arduino-examples/HEAD/src/tensorflow/lite/experimental/microfrontend/lib/log_lut.h -------------------------------------------------------------------------------- /src/tensorflow/lite/experimental/microfrontend/lib/log_scale.c: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pschatzmann/tflite-micro-arduino-examples/HEAD/src/tensorflow/lite/experimental/microfrontend/lib/log_scale.c -------------------------------------------------------------------------------- /src/tensorflow/lite/experimental/microfrontend/lib/log_scale.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pschatzmann/tflite-micro-arduino-examples/HEAD/src/tensorflow/lite/experimental/microfrontend/lib/log_scale.h -------------------------------------------------------------------------------- /src/tensorflow/lite/experimental/microfrontend/lib/log_scale_util.c: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pschatzmann/tflite-micro-arduino-examples/HEAD/src/tensorflow/lite/experimental/microfrontend/lib/log_scale_util.c -------------------------------------------------------------------------------- /src/tensorflow/lite/experimental/microfrontend/lib/log_scale_util.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pschatzmann/tflite-micro-arduino-examples/HEAD/src/tensorflow/lite/experimental/microfrontend/lib/log_scale_util.h -------------------------------------------------------------------------------- /src/tensorflow/lite/experimental/microfrontend/lib/noise_reduction.c: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pschatzmann/tflite-micro-arduino-examples/HEAD/src/tensorflow/lite/experimental/microfrontend/lib/noise_reduction.c -------------------------------------------------------------------------------- /src/tensorflow/lite/experimental/microfrontend/lib/noise_reduction.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pschatzmann/tflite-micro-arduino-examples/HEAD/src/tensorflow/lite/experimental/microfrontend/lib/noise_reduction.h -------------------------------------------------------------------------------- /src/tensorflow/lite/experimental/microfrontend/lib/noise_reduction_util.c: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pschatzmann/tflite-micro-arduino-examples/HEAD/src/tensorflow/lite/experimental/microfrontend/lib/noise_reduction_util.c -------------------------------------------------------------------------------- /src/tensorflow/lite/experimental/microfrontend/lib/noise_reduction_util.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pschatzmann/tflite-micro-arduino-examples/HEAD/src/tensorflow/lite/experimental/microfrontend/lib/noise_reduction_util.h -------------------------------------------------------------------------------- /src/tensorflow/lite/experimental/microfrontend/lib/pcan_gain_control.c: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pschatzmann/tflite-micro-arduino-examples/HEAD/src/tensorflow/lite/experimental/microfrontend/lib/pcan_gain_control.c -------------------------------------------------------------------------------- /src/tensorflow/lite/experimental/microfrontend/lib/pcan_gain_control.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pschatzmann/tflite-micro-arduino-examples/HEAD/src/tensorflow/lite/experimental/microfrontend/lib/pcan_gain_control.h -------------------------------------------------------------------------------- /src/tensorflow/lite/experimental/microfrontend/lib/pcan_gain_control_util.c: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pschatzmann/tflite-micro-arduino-examples/HEAD/src/tensorflow/lite/experimental/microfrontend/lib/pcan_gain_control_util.c -------------------------------------------------------------------------------- /src/tensorflow/lite/experimental/microfrontend/lib/pcan_gain_control_util.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pschatzmann/tflite-micro-arduino-examples/HEAD/src/tensorflow/lite/experimental/microfrontend/lib/pcan_gain_control_util.h -------------------------------------------------------------------------------- /src/tensorflow/lite/experimental/microfrontend/lib/window.c: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pschatzmann/tflite-micro-arduino-examples/HEAD/src/tensorflow/lite/experimental/microfrontend/lib/window.c -------------------------------------------------------------------------------- /src/tensorflow/lite/experimental/microfrontend/lib/window.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pschatzmann/tflite-micro-arduino-examples/HEAD/src/tensorflow/lite/experimental/microfrontend/lib/window.h -------------------------------------------------------------------------------- /src/tensorflow/lite/experimental/microfrontend/lib/window_util.c: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pschatzmann/tflite-micro-arduino-examples/HEAD/src/tensorflow/lite/experimental/microfrontend/lib/window_util.c -------------------------------------------------------------------------------- /src/tensorflow/lite/experimental/microfrontend/lib/window_util.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pschatzmann/tflite-micro-arduino-examples/HEAD/src/tensorflow/lite/experimental/microfrontend/lib/window_util.h -------------------------------------------------------------------------------- /src/tensorflow/lite/kernels/internal/common.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pschatzmann/tflite-micro-arduino-examples/HEAD/src/tensorflow/lite/kernels/internal/common.h -------------------------------------------------------------------------------- /src/tensorflow/lite/kernels/internal/compatibility.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pschatzmann/tflite-micro-arduino-examples/HEAD/src/tensorflow/lite/kernels/internal/compatibility.h -------------------------------------------------------------------------------- /src/tensorflow/lite/kernels/internal/cppmath.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pschatzmann/tflite-micro-arduino-examples/HEAD/src/tensorflow/lite/kernels/internal/cppmath.h -------------------------------------------------------------------------------- /src/tensorflow/lite/kernels/internal/max.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pschatzmann/tflite-micro-arduino-examples/HEAD/src/tensorflow/lite/kernels/internal/max.h -------------------------------------------------------------------------------- /src/tensorflow/lite/kernels/internal/min.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pschatzmann/tflite-micro-arduino-examples/HEAD/src/tensorflow/lite/kernels/internal/min.h -------------------------------------------------------------------------------- /src/tensorflow/lite/kernels/internal/optimized/neon_check.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pschatzmann/tflite-micro-arduino-examples/HEAD/src/tensorflow/lite/kernels/internal/optimized/neon_check.h -------------------------------------------------------------------------------- /src/tensorflow/lite/kernels/internal/portable_tensor.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pschatzmann/tflite-micro-arduino-examples/HEAD/src/tensorflow/lite/kernels/internal/portable_tensor.h -------------------------------------------------------------------------------- /src/tensorflow/lite/kernels/internal/portable_tensor_utils.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pschatzmann/tflite-micro-arduino-examples/HEAD/src/tensorflow/lite/kernels/internal/portable_tensor_utils.cpp -------------------------------------------------------------------------------- /src/tensorflow/lite/kernels/internal/portable_tensor_utils.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pschatzmann/tflite-micro-arduino-examples/HEAD/src/tensorflow/lite/kernels/internal/portable_tensor_utils.h -------------------------------------------------------------------------------- /src/tensorflow/lite/kernels/internal/quantization_util.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pschatzmann/tflite-micro-arduino-examples/HEAD/src/tensorflow/lite/kernels/internal/quantization_util.cpp -------------------------------------------------------------------------------- /src/tensorflow/lite/kernels/internal/quantization_util.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pschatzmann/tflite-micro-arduino-examples/HEAD/src/tensorflow/lite/kernels/internal/quantization_util.h -------------------------------------------------------------------------------- /src/tensorflow/lite/kernels/internal/reference/add.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pschatzmann/tflite-micro-arduino-examples/HEAD/src/tensorflow/lite/kernels/internal/reference/add.h -------------------------------------------------------------------------------- /src/tensorflow/lite/kernels/internal/reference/add_n.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pschatzmann/tflite-micro-arduino-examples/HEAD/src/tensorflow/lite/kernels/internal/reference/add_n.h -------------------------------------------------------------------------------- /src/tensorflow/lite/kernels/internal/reference/arg_min_max.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pschatzmann/tflite-micro-arduino-examples/HEAD/src/tensorflow/lite/kernels/internal/reference/arg_min_max.h -------------------------------------------------------------------------------- /src/tensorflow/lite/kernels/internal/reference/batch_matmul.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pschatzmann/tflite-micro-arduino-examples/HEAD/src/tensorflow/lite/kernels/internal/reference/batch_matmul.h -------------------------------------------------------------------------------- /src/tensorflow/lite/kernels/internal/reference/batch_to_space_nd.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pschatzmann/tflite-micro-arduino-examples/HEAD/src/tensorflow/lite/kernels/internal/reference/batch_to_space_nd.h -------------------------------------------------------------------------------- /src/tensorflow/lite/kernels/internal/reference/binary_function.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pschatzmann/tflite-micro-arduino-examples/HEAD/src/tensorflow/lite/kernels/internal/reference/binary_function.h -------------------------------------------------------------------------------- /src/tensorflow/lite/kernels/internal/reference/broadcast_args.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pschatzmann/tflite-micro-arduino-examples/HEAD/src/tensorflow/lite/kernels/internal/reference/broadcast_args.h -------------------------------------------------------------------------------- /src/tensorflow/lite/kernels/internal/reference/broadcast_to.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pschatzmann/tflite-micro-arduino-examples/HEAD/src/tensorflow/lite/kernels/internal/reference/broadcast_to.h -------------------------------------------------------------------------------- /src/tensorflow/lite/kernels/internal/reference/ceil.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pschatzmann/tflite-micro-arduino-examples/HEAD/src/tensorflow/lite/kernels/internal/reference/ceil.h -------------------------------------------------------------------------------- /src/tensorflow/lite/kernels/internal/reference/comparisons.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pschatzmann/tflite-micro-arduino-examples/HEAD/src/tensorflow/lite/kernels/internal/reference/comparisons.h -------------------------------------------------------------------------------- /src/tensorflow/lite/kernels/internal/reference/concatenation.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pschatzmann/tflite-micro-arduino-examples/HEAD/src/tensorflow/lite/kernels/internal/reference/concatenation.h -------------------------------------------------------------------------------- /src/tensorflow/lite/kernels/internal/reference/conv.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pschatzmann/tflite-micro-arduino-examples/HEAD/src/tensorflow/lite/kernels/internal/reference/conv.h -------------------------------------------------------------------------------- /src/tensorflow/lite/kernels/internal/reference/cumsum.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pschatzmann/tflite-micro-arduino-examples/HEAD/src/tensorflow/lite/kernels/internal/reference/cumsum.h -------------------------------------------------------------------------------- /src/tensorflow/lite/kernels/internal/reference/depth_to_space.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pschatzmann/tflite-micro-arduino-examples/HEAD/src/tensorflow/lite/kernels/internal/reference/depth_to_space.h -------------------------------------------------------------------------------- /src/tensorflow/lite/kernels/internal/reference/depthwiseconv_float.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pschatzmann/tflite-micro-arduino-examples/HEAD/src/tensorflow/lite/kernels/internal/reference/depthwiseconv_float.h -------------------------------------------------------------------------------- /src/tensorflow/lite/kernels/internal/reference/depthwiseconv_uint8.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pschatzmann/tflite-micro-arduino-examples/HEAD/src/tensorflow/lite/kernels/internal/reference/depthwiseconv_uint8.h -------------------------------------------------------------------------------- /src/tensorflow/lite/kernels/internal/reference/dequantize.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pschatzmann/tflite-micro-arduino-examples/HEAD/src/tensorflow/lite/kernels/internal/reference/dequantize.h -------------------------------------------------------------------------------- /src/tensorflow/lite/kernels/internal/reference/div.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pschatzmann/tflite-micro-arduino-examples/HEAD/src/tensorflow/lite/kernels/internal/reference/div.h -------------------------------------------------------------------------------- /src/tensorflow/lite/kernels/internal/reference/elu.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pschatzmann/tflite-micro-arduino-examples/HEAD/src/tensorflow/lite/kernels/internal/reference/elu.h -------------------------------------------------------------------------------- /src/tensorflow/lite/kernels/internal/reference/exp.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pschatzmann/tflite-micro-arduino-examples/HEAD/src/tensorflow/lite/kernels/internal/reference/exp.h -------------------------------------------------------------------------------- /src/tensorflow/lite/kernels/internal/reference/fill.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pschatzmann/tflite-micro-arduino-examples/HEAD/src/tensorflow/lite/kernels/internal/reference/fill.h -------------------------------------------------------------------------------- /src/tensorflow/lite/kernels/internal/reference/floor.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pschatzmann/tflite-micro-arduino-examples/HEAD/src/tensorflow/lite/kernels/internal/reference/floor.h -------------------------------------------------------------------------------- /src/tensorflow/lite/kernels/internal/reference/floor_div.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pschatzmann/tflite-micro-arduino-examples/HEAD/src/tensorflow/lite/kernels/internal/reference/floor_div.h -------------------------------------------------------------------------------- /src/tensorflow/lite/kernels/internal/reference/floor_mod.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pschatzmann/tflite-micro-arduino-examples/HEAD/src/tensorflow/lite/kernels/internal/reference/floor_mod.h -------------------------------------------------------------------------------- /src/tensorflow/lite/kernels/internal/reference/fully_connected.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pschatzmann/tflite-micro-arduino-examples/HEAD/src/tensorflow/lite/kernels/internal/reference/fully_connected.h -------------------------------------------------------------------------------- /src/tensorflow/lite/kernels/internal/reference/hard_swish.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pschatzmann/tflite-micro-arduino-examples/HEAD/src/tensorflow/lite/kernels/internal/reference/hard_swish.h -------------------------------------------------------------------------------- /src/tensorflow/lite/kernels/internal/reference/integer_ops/add.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pschatzmann/tflite-micro-arduino-examples/HEAD/src/tensorflow/lite/kernels/internal/reference/integer_ops/add.h -------------------------------------------------------------------------------- /src/tensorflow/lite/kernels/internal/reference/integer_ops/conv.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pschatzmann/tflite-micro-arduino-examples/HEAD/src/tensorflow/lite/kernels/internal/reference/integer_ops/conv.h -------------------------------------------------------------------------------- /src/tensorflow/lite/kernels/internal/reference/integer_ops/depthwise_conv.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pschatzmann/tflite-micro-arduino-examples/HEAD/src/tensorflow/lite/kernels/internal/reference/integer_ops/depthwise_conv.h -------------------------------------------------------------------------------- /src/tensorflow/lite/kernels/internal/reference/integer_ops/fully_connected.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pschatzmann/tflite-micro-arduino-examples/HEAD/src/tensorflow/lite/kernels/internal/reference/integer_ops/fully_connected.h -------------------------------------------------------------------------------- /src/tensorflow/lite/kernels/internal/reference/integer_ops/l2normalization.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pschatzmann/tflite-micro-arduino-examples/HEAD/src/tensorflow/lite/kernels/internal/reference/integer_ops/l2normalization.h -------------------------------------------------------------------------------- /src/tensorflow/lite/kernels/internal/reference/integer_ops/logistic.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pschatzmann/tflite-micro-arduino-examples/HEAD/src/tensorflow/lite/kernels/internal/reference/integer_ops/logistic.h -------------------------------------------------------------------------------- /src/tensorflow/lite/kernels/internal/reference/integer_ops/mean.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pschatzmann/tflite-micro-arduino-examples/HEAD/src/tensorflow/lite/kernels/internal/reference/integer_ops/mean.h -------------------------------------------------------------------------------- /src/tensorflow/lite/kernels/internal/reference/integer_ops/mul.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pschatzmann/tflite-micro-arduino-examples/HEAD/src/tensorflow/lite/kernels/internal/reference/integer_ops/mul.h -------------------------------------------------------------------------------- /src/tensorflow/lite/kernels/internal/reference/integer_ops/pooling.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pschatzmann/tflite-micro-arduino-examples/HEAD/src/tensorflow/lite/kernels/internal/reference/integer_ops/pooling.h -------------------------------------------------------------------------------- /src/tensorflow/lite/kernels/internal/reference/integer_ops/tanh.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pschatzmann/tflite-micro-arduino-examples/HEAD/src/tensorflow/lite/kernels/internal/reference/integer_ops/tanh.h -------------------------------------------------------------------------------- /src/tensorflow/lite/kernels/internal/reference/integer_ops/transpose_conv.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pschatzmann/tflite-micro-arduino-examples/HEAD/src/tensorflow/lite/kernels/internal/reference/integer_ops/transpose_conv.h -------------------------------------------------------------------------------- /src/tensorflow/lite/kernels/internal/reference/l2normalization.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pschatzmann/tflite-micro-arduino-examples/HEAD/src/tensorflow/lite/kernels/internal/reference/l2normalization.h -------------------------------------------------------------------------------- /src/tensorflow/lite/kernels/internal/reference/leaky_relu.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pschatzmann/tflite-micro-arduino-examples/HEAD/src/tensorflow/lite/kernels/internal/reference/leaky_relu.h -------------------------------------------------------------------------------- /src/tensorflow/lite/kernels/internal/reference/log_softmax.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pschatzmann/tflite-micro-arduino-examples/HEAD/src/tensorflow/lite/kernels/internal/reference/log_softmax.h -------------------------------------------------------------------------------- /src/tensorflow/lite/kernels/internal/reference/logistic.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pschatzmann/tflite-micro-arduino-examples/HEAD/src/tensorflow/lite/kernels/internal/reference/logistic.h -------------------------------------------------------------------------------- /src/tensorflow/lite/kernels/internal/reference/lstm_cell.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pschatzmann/tflite-micro-arduino-examples/HEAD/src/tensorflow/lite/kernels/internal/reference/lstm_cell.h -------------------------------------------------------------------------------- /src/tensorflow/lite/kernels/internal/reference/maximum_minimum.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pschatzmann/tflite-micro-arduino-examples/HEAD/src/tensorflow/lite/kernels/internal/reference/maximum_minimum.h -------------------------------------------------------------------------------- /src/tensorflow/lite/kernels/internal/reference/mul.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pschatzmann/tflite-micro-arduino-examples/HEAD/src/tensorflow/lite/kernels/internal/reference/mul.h -------------------------------------------------------------------------------- /src/tensorflow/lite/kernels/internal/reference/neg.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pschatzmann/tflite-micro-arduino-examples/HEAD/src/tensorflow/lite/kernels/internal/reference/neg.h -------------------------------------------------------------------------------- /src/tensorflow/lite/kernels/internal/reference/pad.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pschatzmann/tflite-micro-arduino-examples/HEAD/src/tensorflow/lite/kernels/internal/reference/pad.h -------------------------------------------------------------------------------- /src/tensorflow/lite/kernels/internal/reference/pooling.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pschatzmann/tflite-micro-arduino-examples/HEAD/src/tensorflow/lite/kernels/internal/reference/pooling.h -------------------------------------------------------------------------------- /src/tensorflow/lite/kernels/internal/reference/portable_tensor_utils.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pschatzmann/tflite-micro-arduino-examples/HEAD/src/tensorflow/lite/kernels/internal/reference/portable_tensor_utils.cpp -------------------------------------------------------------------------------- /src/tensorflow/lite/kernels/internal/reference/portable_tensor_utils.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pschatzmann/tflite-micro-arduino-examples/HEAD/src/tensorflow/lite/kernels/internal/reference/portable_tensor_utils.h -------------------------------------------------------------------------------- /src/tensorflow/lite/kernels/internal/reference/portable_tensor_utils_impl.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pschatzmann/tflite-micro-arduino-examples/HEAD/src/tensorflow/lite/kernels/internal/reference/portable_tensor_utils_impl.h -------------------------------------------------------------------------------- /src/tensorflow/lite/kernels/internal/reference/prelu.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pschatzmann/tflite-micro-arduino-examples/HEAD/src/tensorflow/lite/kernels/internal/reference/prelu.h -------------------------------------------------------------------------------- /src/tensorflow/lite/kernels/internal/reference/process_broadcast_shapes.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pschatzmann/tflite-micro-arduino-examples/HEAD/src/tensorflow/lite/kernels/internal/reference/process_broadcast_shapes.h -------------------------------------------------------------------------------- /src/tensorflow/lite/kernels/internal/reference/quantize.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pschatzmann/tflite-micro-arduino-examples/HEAD/src/tensorflow/lite/kernels/internal/reference/quantize.h -------------------------------------------------------------------------------- /src/tensorflow/lite/kernels/internal/reference/reduce.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pschatzmann/tflite-micro-arduino-examples/HEAD/src/tensorflow/lite/kernels/internal/reference/reduce.h -------------------------------------------------------------------------------- /src/tensorflow/lite/kernels/internal/reference/requantize.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pschatzmann/tflite-micro-arduino-examples/HEAD/src/tensorflow/lite/kernels/internal/reference/requantize.h -------------------------------------------------------------------------------- /src/tensorflow/lite/kernels/internal/reference/resize_bilinear.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pschatzmann/tflite-micro-arduino-examples/HEAD/src/tensorflow/lite/kernels/internal/reference/resize_bilinear.h -------------------------------------------------------------------------------- /src/tensorflow/lite/kernels/internal/reference/resize_nearest_neighbor.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pschatzmann/tflite-micro-arduino-examples/HEAD/src/tensorflow/lite/kernels/internal/reference/resize_nearest_neighbor.h -------------------------------------------------------------------------------- /src/tensorflow/lite/kernels/internal/reference/round.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pschatzmann/tflite-micro-arduino-examples/HEAD/src/tensorflow/lite/kernels/internal/reference/round.h -------------------------------------------------------------------------------- /src/tensorflow/lite/kernels/internal/reference/select.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pschatzmann/tflite-micro-arduino-examples/HEAD/src/tensorflow/lite/kernels/internal/reference/select.h -------------------------------------------------------------------------------- /src/tensorflow/lite/kernels/internal/reference/slice.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pschatzmann/tflite-micro-arduino-examples/HEAD/src/tensorflow/lite/kernels/internal/reference/slice.h -------------------------------------------------------------------------------- /src/tensorflow/lite/kernels/internal/reference/softmax.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pschatzmann/tflite-micro-arduino-examples/HEAD/src/tensorflow/lite/kernels/internal/reference/softmax.h -------------------------------------------------------------------------------- /src/tensorflow/lite/kernels/internal/reference/space_to_batch_nd.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pschatzmann/tflite-micro-arduino-examples/HEAD/src/tensorflow/lite/kernels/internal/reference/space_to_batch_nd.h -------------------------------------------------------------------------------- /src/tensorflow/lite/kernels/internal/reference/space_to_depth.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pschatzmann/tflite-micro-arduino-examples/HEAD/src/tensorflow/lite/kernels/internal/reference/space_to_depth.h -------------------------------------------------------------------------------- /src/tensorflow/lite/kernels/internal/reference/strided_slice.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pschatzmann/tflite-micro-arduino-examples/HEAD/src/tensorflow/lite/kernels/internal/reference/strided_slice.h -------------------------------------------------------------------------------- /src/tensorflow/lite/kernels/internal/reference/sub.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pschatzmann/tflite-micro-arduino-examples/HEAD/src/tensorflow/lite/kernels/internal/reference/sub.h -------------------------------------------------------------------------------- /src/tensorflow/lite/kernels/internal/reference/tanh.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pschatzmann/tflite-micro-arduino-examples/HEAD/src/tensorflow/lite/kernels/internal/reference/tanh.h -------------------------------------------------------------------------------- /src/tensorflow/lite/kernels/internal/reference/transpose.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pschatzmann/tflite-micro-arduino-examples/HEAD/src/tensorflow/lite/kernels/internal/reference/transpose.h -------------------------------------------------------------------------------- /src/tensorflow/lite/kernels/internal/reference/transpose_conv.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pschatzmann/tflite-micro-arduino-examples/HEAD/src/tensorflow/lite/kernels/internal/reference/transpose_conv.h -------------------------------------------------------------------------------- /src/tensorflow/lite/kernels/internal/runtime_shape.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pschatzmann/tflite-micro-arduino-examples/HEAD/src/tensorflow/lite/kernels/internal/runtime_shape.h -------------------------------------------------------------------------------- /src/tensorflow/lite/kernels/internal/strided_slice_logic.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pschatzmann/tflite-micro-arduino-examples/HEAD/src/tensorflow/lite/kernels/internal/strided_slice_logic.h -------------------------------------------------------------------------------- /src/tensorflow/lite/kernels/internal/tensor_ctypes.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pschatzmann/tflite-micro-arduino-examples/HEAD/src/tensorflow/lite/kernels/internal/tensor_ctypes.h -------------------------------------------------------------------------------- /src/tensorflow/lite/kernels/internal/tensor_utils.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pschatzmann/tflite-micro-arduino-examples/HEAD/src/tensorflow/lite/kernels/internal/tensor_utils.cpp -------------------------------------------------------------------------------- /src/tensorflow/lite/kernels/internal/types.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pschatzmann/tflite-micro-arduino-examples/HEAD/src/tensorflow/lite/kernels/internal/types.h -------------------------------------------------------------------------------- /src/tensorflow/lite/kernels/kernel_util.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pschatzmann/tflite-micro-arduino-examples/HEAD/src/tensorflow/lite/kernels/kernel_util.cpp -------------------------------------------------------------------------------- /src/tensorflow/lite/kernels/kernel_util.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pschatzmann/tflite-micro-arduino-examples/HEAD/src/tensorflow/lite/kernels/kernel_util.h -------------------------------------------------------------------------------- /src/tensorflow/lite/kernels/op_macros.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pschatzmann/tflite-micro-arduino-examples/HEAD/src/tensorflow/lite/kernels/op_macros.h -------------------------------------------------------------------------------- /src/tensorflow/lite/kernels/padding.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pschatzmann/tflite-micro-arduino-examples/HEAD/src/tensorflow/lite/kernels/padding.h -------------------------------------------------------------------------------- /src/tensorflow/lite/micro/all_ops_resolver.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pschatzmann/tflite-micro-arduino-examples/HEAD/src/tensorflow/lite/micro/all_ops_resolver.cpp -------------------------------------------------------------------------------- /src/tensorflow/lite/micro/all_ops_resolver.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pschatzmann/tflite-micro-arduino-examples/HEAD/src/tensorflow/lite/micro/all_ops_resolver.h -------------------------------------------------------------------------------- /src/tensorflow/lite/micro/arena_allocator/ibuffer_allocator.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pschatzmann/tflite-micro-arduino-examples/HEAD/src/tensorflow/lite/micro/arena_allocator/ibuffer_allocator.h -------------------------------------------------------------------------------- /src/tensorflow/lite/micro/arena_allocator/non_persistent_arena_buffer_allocator.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pschatzmann/tflite-micro-arduino-examples/HEAD/src/tensorflow/lite/micro/arena_allocator/non_persistent_arena_buffer_allocator.cpp -------------------------------------------------------------------------------- /src/tensorflow/lite/micro/arena_allocator/non_persistent_arena_buffer_allocator.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pschatzmann/tflite-micro-arduino-examples/HEAD/src/tensorflow/lite/micro/arena_allocator/non_persistent_arena_buffer_allocator.h -------------------------------------------------------------------------------- /src/tensorflow/lite/micro/arena_allocator/persistent_arena_buffer_allocator.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pschatzmann/tflite-micro-arduino-examples/HEAD/src/tensorflow/lite/micro/arena_allocator/persistent_arena_buffer_allocator.cpp -------------------------------------------------------------------------------- /src/tensorflow/lite/micro/arena_allocator/persistent_arena_buffer_allocator.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pschatzmann/tflite-micro-arduino-examples/HEAD/src/tensorflow/lite/micro/arena_allocator/persistent_arena_buffer_allocator.h -------------------------------------------------------------------------------- /src/tensorflow/lite/micro/arena_allocator/recording_single_arena_buffer_allocator.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pschatzmann/tflite-micro-arduino-examples/HEAD/src/tensorflow/lite/micro/arena_allocator/recording_single_arena_buffer_allocator.cpp -------------------------------------------------------------------------------- /src/tensorflow/lite/micro/arena_allocator/recording_single_arena_buffer_allocator.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pschatzmann/tflite-micro-arduino-examples/HEAD/src/tensorflow/lite/micro/arena_allocator/recording_single_arena_buffer_allocator.h -------------------------------------------------------------------------------- /src/tensorflow/lite/micro/arena_allocator/single_arena_buffer_allocator.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pschatzmann/tflite-micro-arduino-examples/HEAD/src/tensorflow/lite/micro/arena_allocator/single_arena_buffer_allocator.cpp -------------------------------------------------------------------------------- /src/tensorflow/lite/micro/arena_allocator/single_arena_buffer_allocator.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pschatzmann/tflite-micro-arduino-examples/HEAD/src/tensorflow/lite/micro/arena_allocator/single_arena_buffer_allocator.h -------------------------------------------------------------------------------- /src/tensorflow/lite/micro/compatibility.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pschatzmann/tflite-micro-arduino-examples/HEAD/src/tensorflow/lite/micro/compatibility.h -------------------------------------------------------------------------------- /src/tensorflow/lite/micro/debug_log.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pschatzmann/tflite-micro-arduino-examples/HEAD/src/tensorflow/lite/micro/debug_log.cpp -------------------------------------------------------------------------------- /src/tensorflow/lite/micro/debug_log.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pschatzmann/tflite-micro-arduino-examples/HEAD/src/tensorflow/lite/micro/debug_log.h -------------------------------------------------------------------------------- /src/tensorflow/lite/micro/fake_micro_context.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pschatzmann/tflite-micro-arduino-examples/HEAD/src/tensorflow/lite/micro/fake_micro_context.cpp -------------------------------------------------------------------------------- /src/tensorflow/lite/micro/fake_micro_context.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pschatzmann/tflite-micro-arduino-examples/HEAD/src/tensorflow/lite/micro/fake_micro_context.h -------------------------------------------------------------------------------- /src/tensorflow/lite/micro/flatbuffer_utils.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pschatzmann/tflite-micro-arduino-examples/HEAD/src/tensorflow/lite/micro/flatbuffer_utils.cpp -------------------------------------------------------------------------------- /src/tensorflow/lite/micro/flatbuffer_utils.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pschatzmann/tflite-micro-arduino-examples/HEAD/src/tensorflow/lite/micro/flatbuffer_utils.h -------------------------------------------------------------------------------- /src/tensorflow/lite/micro/kernels/activation_utils.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pschatzmann/tflite-micro-arduino-examples/HEAD/src/tensorflow/lite/micro/kernels/activation_utils.h -------------------------------------------------------------------------------- /src/tensorflow/lite/micro/kernels/activations.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pschatzmann/tflite-micro-arduino-examples/HEAD/src/tensorflow/lite/micro/kernels/activations.cpp -------------------------------------------------------------------------------- /src/tensorflow/lite/micro/kernels/activations.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pschatzmann/tflite-micro-arduino-examples/HEAD/src/tensorflow/lite/micro/kernels/activations.h -------------------------------------------------------------------------------- /src/tensorflow/lite/micro/kernels/activations_common.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pschatzmann/tflite-micro-arduino-examples/HEAD/src/tensorflow/lite/micro/kernels/activations_common.cpp -------------------------------------------------------------------------------- /src/tensorflow/lite/micro/kernels/add.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pschatzmann/tflite-micro-arduino-examples/HEAD/src/tensorflow/lite/micro/kernels/add.h -------------------------------------------------------------------------------- /src/tensorflow/lite/micro/kernels/add_common.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pschatzmann/tflite-micro-arduino-examples/HEAD/src/tensorflow/lite/micro/kernels/add_common.cpp -------------------------------------------------------------------------------- /src/tensorflow/lite/micro/kernels/add_n.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pschatzmann/tflite-micro-arduino-examples/HEAD/src/tensorflow/lite/micro/kernels/add_n.cpp -------------------------------------------------------------------------------- /src/tensorflow/lite/micro/kernels/arg_min_max.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pschatzmann/tflite-micro-arduino-examples/HEAD/src/tensorflow/lite/micro/kernels/arg_min_max.cpp -------------------------------------------------------------------------------- /src/tensorflow/lite/micro/kernels/assign_variable.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pschatzmann/tflite-micro-arduino-examples/HEAD/src/tensorflow/lite/micro/kernels/assign_variable.cpp -------------------------------------------------------------------------------- /src/tensorflow/lite/micro/kernels/batch_to_space_nd.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pschatzmann/tflite-micro-arduino-examples/HEAD/src/tensorflow/lite/micro/kernels/batch_to_space_nd.cpp -------------------------------------------------------------------------------- /src/tensorflow/lite/micro/kernels/broadcast_args.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pschatzmann/tflite-micro-arduino-examples/HEAD/src/tensorflow/lite/micro/kernels/broadcast_args.cpp -------------------------------------------------------------------------------- /src/tensorflow/lite/micro/kernels/broadcast_to.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pschatzmann/tflite-micro-arduino-examples/HEAD/src/tensorflow/lite/micro/kernels/broadcast_to.cpp -------------------------------------------------------------------------------- /src/tensorflow/lite/micro/kernels/call_once.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pschatzmann/tflite-micro-arduino-examples/HEAD/src/tensorflow/lite/micro/kernels/call_once.cpp -------------------------------------------------------------------------------- /src/tensorflow/lite/micro/kernels/cast.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pschatzmann/tflite-micro-arduino-examples/HEAD/src/tensorflow/lite/micro/kernels/cast.cpp -------------------------------------------------------------------------------- /src/tensorflow/lite/micro/kernels/ceil.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pschatzmann/tflite-micro-arduino-examples/HEAD/src/tensorflow/lite/micro/kernels/ceil.cpp -------------------------------------------------------------------------------- /src/tensorflow/lite/micro/kernels/circular_buffer.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pschatzmann/tflite-micro-arduino-examples/HEAD/src/tensorflow/lite/micro/kernels/circular_buffer.cpp -------------------------------------------------------------------------------- /src/tensorflow/lite/micro/kernels/circular_buffer.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pschatzmann/tflite-micro-arduino-examples/HEAD/src/tensorflow/lite/micro/kernels/circular_buffer.h -------------------------------------------------------------------------------- /src/tensorflow/lite/micro/kernels/circular_buffer_common.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pschatzmann/tflite-micro-arduino-examples/HEAD/src/tensorflow/lite/micro/kernels/circular_buffer_common.cpp -------------------------------------------------------------------------------- /src/tensorflow/lite/micro/kernels/circular_buffer_flexbuffers_generated_data.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pschatzmann/tflite-micro-arduino-examples/HEAD/src/tensorflow/lite/micro/kernels/circular_buffer_flexbuffers_generated_data.h -------------------------------------------------------------------------------- /src/tensorflow/lite/micro/kernels/cmsis_nn/add.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pschatzmann/tflite-micro-arduino-examples/HEAD/src/tensorflow/lite/micro/kernels/cmsis_nn/add.cpp -------------------------------------------------------------------------------- /src/tensorflow/lite/micro/kernels/cmsis_nn/conv.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pschatzmann/tflite-micro-arduino-examples/HEAD/src/tensorflow/lite/micro/kernels/cmsis_nn/conv.cpp -------------------------------------------------------------------------------- /src/tensorflow/lite/micro/kernels/cmsis_nn/depthwise_conv.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pschatzmann/tflite-micro-arduino-examples/HEAD/src/tensorflow/lite/micro/kernels/cmsis_nn/depthwise_conv.cpp -------------------------------------------------------------------------------- /src/tensorflow/lite/micro/kernels/cmsis_nn/fully_connected.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pschatzmann/tflite-micro-arduino-examples/HEAD/src/tensorflow/lite/micro/kernels/cmsis_nn/fully_connected.cpp -------------------------------------------------------------------------------- /src/tensorflow/lite/micro/kernels/cmsis_nn/mul.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pschatzmann/tflite-micro-arduino-examples/HEAD/src/tensorflow/lite/micro/kernels/cmsis_nn/mul.cpp -------------------------------------------------------------------------------- /src/tensorflow/lite/micro/kernels/cmsis_nn/pooling.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pschatzmann/tflite-micro-arduino-examples/HEAD/src/tensorflow/lite/micro/kernels/cmsis_nn/pooling.cpp -------------------------------------------------------------------------------- /src/tensorflow/lite/micro/kernels/cmsis_nn/softmax.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pschatzmann/tflite-micro-arduino-examples/HEAD/src/tensorflow/lite/micro/kernels/cmsis_nn/softmax.cpp -------------------------------------------------------------------------------- /src/tensorflow/lite/micro/kernels/cmsis_nn/svdf.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pschatzmann/tflite-micro-arduino-examples/HEAD/src/tensorflow/lite/micro/kernels/cmsis_nn/svdf.cpp -------------------------------------------------------------------------------- /src/tensorflow/lite/micro/kernels/comparisons.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pschatzmann/tflite-micro-arduino-examples/HEAD/src/tensorflow/lite/micro/kernels/comparisons.cpp -------------------------------------------------------------------------------- /src/tensorflow/lite/micro/kernels/concatenation.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pschatzmann/tflite-micro-arduino-examples/HEAD/src/tensorflow/lite/micro/kernels/concatenation.cpp -------------------------------------------------------------------------------- /src/tensorflow/lite/micro/kernels/conv.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pschatzmann/tflite-micro-arduino-examples/HEAD/src/tensorflow/lite/micro/kernels/conv.h -------------------------------------------------------------------------------- /src/tensorflow/lite/micro/kernels/conv_common.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pschatzmann/tflite-micro-arduino-examples/HEAD/src/tensorflow/lite/micro/kernels/conv_common.cpp -------------------------------------------------------------------------------- /src/tensorflow/lite/micro/kernels/conv_test.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pschatzmann/tflite-micro-arduino-examples/HEAD/src/tensorflow/lite/micro/kernels/conv_test.h -------------------------------------------------------------------------------- /src/tensorflow/lite/micro/kernels/cumsum.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pschatzmann/tflite-micro-arduino-examples/HEAD/src/tensorflow/lite/micro/kernels/cumsum.cpp -------------------------------------------------------------------------------- /src/tensorflow/lite/micro/kernels/depth_to_space.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pschatzmann/tflite-micro-arduino-examples/HEAD/src/tensorflow/lite/micro/kernels/depth_to_space.cpp -------------------------------------------------------------------------------- /src/tensorflow/lite/micro/kernels/depthwise_conv.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pschatzmann/tflite-micro-arduino-examples/HEAD/src/tensorflow/lite/micro/kernels/depthwise_conv.h -------------------------------------------------------------------------------- /src/tensorflow/lite/micro/kernels/depthwise_conv_common.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pschatzmann/tflite-micro-arduino-examples/HEAD/src/tensorflow/lite/micro/kernels/depthwise_conv_common.cpp -------------------------------------------------------------------------------- /src/tensorflow/lite/micro/kernels/dequantize.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pschatzmann/tflite-micro-arduino-examples/HEAD/src/tensorflow/lite/micro/kernels/dequantize.cpp -------------------------------------------------------------------------------- /src/tensorflow/lite/micro/kernels/dequantize.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pschatzmann/tflite-micro-arduino-examples/HEAD/src/tensorflow/lite/micro/kernels/dequantize.h -------------------------------------------------------------------------------- /src/tensorflow/lite/micro/kernels/dequantize_common.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pschatzmann/tflite-micro-arduino-examples/HEAD/src/tensorflow/lite/micro/kernels/dequantize_common.cpp -------------------------------------------------------------------------------- /src/tensorflow/lite/micro/kernels/detection_postprocess.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pschatzmann/tflite-micro-arduino-examples/HEAD/src/tensorflow/lite/micro/kernels/detection_postprocess.cpp -------------------------------------------------------------------------------- /src/tensorflow/lite/micro/kernels/detection_postprocess_flexbuffers_generated_data.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pschatzmann/tflite-micro-arduino-examples/HEAD/src/tensorflow/lite/micro/kernels/detection_postprocess_flexbuffers_generated_data.h -------------------------------------------------------------------------------- /src/tensorflow/lite/micro/kernels/div.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pschatzmann/tflite-micro-arduino-examples/HEAD/src/tensorflow/lite/micro/kernels/div.cpp -------------------------------------------------------------------------------- /src/tensorflow/lite/micro/kernels/elementwise.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pschatzmann/tflite-micro-arduino-examples/HEAD/src/tensorflow/lite/micro/kernels/elementwise.cpp -------------------------------------------------------------------------------- /src/tensorflow/lite/micro/kernels/elu.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pschatzmann/tflite-micro-arduino-examples/HEAD/src/tensorflow/lite/micro/kernels/elu.cpp -------------------------------------------------------------------------------- /src/tensorflow/lite/micro/kernels/ethosu.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pschatzmann/tflite-micro-arduino-examples/HEAD/src/tensorflow/lite/micro/kernels/ethosu.cpp -------------------------------------------------------------------------------- /src/tensorflow/lite/micro/kernels/ethosu.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pschatzmann/tflite-micro-arduino-examples/HEAD/src/tensorflow/lite/micro/kernels/ethosu.h -------------------------------------------------------------------------------- /src/tensorflow/lite/micro/kernels/exp.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pschatzmann/tflite-micro-arduino-examples/HEAD/src/tensorflow/lite/micro/kernels/exp.cpp -------------------------------------------------------------------------------- /src/tensorflow/lite/micro/kernels/expand_dims.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pschatzmann/tflite-micro-arduino-examples/HEAD/src/tensorflow/lite/micro/kernels/expand_dims.cpp -------------------------------------------------------------------------------- /src/tensorflow/lite/micro/kernels/fill.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pschatzmann/tflite-micro-arduino-examples/HEAD/src/tensorflow/lite/micro/kernels/fill.cpp -------------------------------------------------------------------------------- /src/tensorflow/lite/micro/kernels/floor.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pschatzmann/tflite-micro-arduino-examples/HEAD/src/tensorflow/lite/micro/kernels/floor.cpp -------------------------------------------------------------------------------- /src/tensorflow/lite/micro/kernels/floor_div.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pschatzmann/tflite-micro-arduino-examples/HEAD/src/tensorflow/lite/micro/kernels/floor_div.cpp -------------------------------------------------------------------------------- /src/tensorflow/lite/micro/kernels/floor_mod.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pschatzmann/tflite-micro-arduino-examples/HEAD/src/tensorflow/lite/micro/kernels/floor_mod.cpp -------------------------------------------------------------------------------- /src/tensorflow/lite/micro/kernels/fully_connected.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pschatzmann/tflite-micro-arduino-examples/HEAD/src/tensorflow/lite/micro/kernels/fully_connected.h -------------------------------------------------------------------------------- /src/tensorflow/lite/micro/kernels/fully_connected_common.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pschatzmann/tflite-micro-arduino-examples/HEAD/src/tensorflow/lite/micro/kernels/fully_connected_common.cpp -------------------------------------------------------------------------------- /src/tensorflow/lite/micro/kernels/gather.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pschatzmann/tflite-micro-arduino-examples/HEAD/src/tensorflow/lite/micro/kernels/gather.cpp -------------------------------------------------------------------------------- /src/tensorflow/lite/micro/kernels/gather_nd.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pschatzmann/tflite-micro-arduino-examples/HEAD/src/tensorflow/lite/micro/kernels/gather_nd.cpp -------------------------------------------------------------------------------- /src/tensorflow/lite/micro/kernels/hard_swish.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pschatzmann/tflite-micro-arduino-examples/HEAD/src/tensorflow/lite/micro/kernels/hard_swish.cpp -------------------------------------------------------------------------------- /src/tensorflow/lite/micro/kernels/hard_swish.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pschatzmann/tflite-micro-arduino-examples/HEAD/src/tensorflow/lite/micro/kernels/hard_swish.h -------------------------------------------------------------------------------- /src/tensorflow/lite/micro/kernels/hard_swish_common.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pschatzmann/tflite-micro-arduino-examples/HEAD/src/tensorflow/lite/micro/kernels/hard_swish_common.cpp -------------------------------------------------------------------------------- /src/tensorflow/lite/micro/kernels/if.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pschatzmann/tflite-micro-arduino-examples/HEAD/src/tensorflow/lite/micro/kernels/if.cpp -------------------------------------------------------------------------------- /src/tensorflow/lite/micro/kernels/kernel_runner.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pschatzmann/tflite-micro-arduino-examples/HEAD/src/tensorflow/lite/micro/kernels/kernel_runner.cpp -------------------------------------------------------------------------------- /src/tensorflow/lite/micro/kernels/kernel_runner.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pschatzmann/tflite-micro-arduino-examples/HEAD/src/tensorflow/lite/micro/kernels/kernel_runner.h -------------------------------------------------------------------------------- /src/tensorflow/lite/micro/kernels/kernel_util.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pschatzmann/tflite-micro-arduino-examples/HEAD/src/tensorflow/lite/micro/kernels/kernel_util.cpp -------------------------------------------------------------------------------- /src/tensorflow/lite/micro/kernels/kernel_util.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pschatzmann/tflite-micro-arduino-examples/HEAD/src/tensorflow/lite/micro/kernels/kernel_util.h -------------------------------------------------------------------------------- /src/tensorflow/lite/micro/kernels/l2_pool_2d.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pschatzmann/tflite-micro-arduino-examples/HEAD/src/tensorflow/lite/micro/kernels/l2_pool_2d.cpp -------------------------------------------------------------------------------- /src/tensorflow/lite/micro/kernels/l2norm.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pschatzmann/tflite-micro-arduino-examples/HEAD/src/tensorflow/lite/micro/kernels/l2norm.cpp -------------------------------------------------------------------------------- /src/tensorflow/lite/micro/kernels/leaky_relu.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pschatzmann/tflite-micro-arduino-examples/HEAD/src/tensorflow/lite/micro/kernels/leaky_relu.cpp -------------------------------------------------------------------------------- /src/tensorflow/lite/micro/kernels/leaky_relu.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pschatzmann/tflite-micro-arduino-examples/HEAD/src/tensorflow/lite/micro/kernels/leaky_relu.h -------------------------------------------------------------------------------- /src/tensorflow/lite/micro/kernels/leaky_relu_common.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pschatzmann/tflite-micro-arduino-examples/HEAD/src/tensorflow/lite/micro/kernels/leaky_relu_common.cpp -------------------------------------------------------------------------------- /src/tensorflow/lite/micro/kernels/log_softmax.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pschatzmann/tflite-micro-arduino-examples/HEAD/src/tensorflow/lite/micro/kernels/log_softmax.cpp -------------------------------------------------------------------------------- /src/tensorflow/lite/micro/kernels/logical.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pschatzmann/tflite-micro-arduino-examples/HEAD/src/tensorflow/lite/micro/kernels/logical.cpp -------------------------------------------------------------------------------- /src/tensorflow/lite/micro/kernels/logical.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pschatzmann/tflite-micro-arduino-examples/HEAD/src/tensorflow/lite/micro/kernels/logical.h -------------------------------------------------------------------------------- /src/tensorflow/lite/micro/kernels/logical_common.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pschatzmann/tflite-micro-arduino-examples/HEAD/src/tensorflow/lite/micro/kernels/logical_common.cpp -------------------------------------------------------------------------------- /src/tensorflow/lite/micro/kernels/logistic.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pschatzmann/tflite-micro-arduino-examples/HEAD/src/tensorflow/lite/micro/kernels/logistic.cpp -------------------------------------------------------------------------------- /src/tensorflow/lite/micro/kernels/logistic.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pschatzmann/tflite-micro-arduino-examples/HEAD/src/tensorflow/lite/micro/kernels/logistic.h -------------------------------------------------------------------------------- /src/tensorflow/lite/micro/kernels/logistic_common.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pschatzmann/tflite-micro-arduino-examples/HEAD/src/tensorflow/lite/micro/kernels/logistic_common.cpp -------------------------------------------------------------------------------- /src/tensorflow/lite/micro/kernels/lstm_eval.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pschatzmann/tflite-micro-arduino-examples/HEAD/src/tensorflow/lite/micro/kernels/lstm_eval.cpp -------------------------------------------------------------------------------- /src/tensorflow/lite/micro/kernels/lstm_eval.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pschatzmann/tflite-micro-arduino-examples/HEAD/src/tensorflow/lite/micro/kernels/lstm_eval.h -------------------------------------------------------------------------------- /src/tensorflow/lite/micro/kernels/lstm_eval_test.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pschatzmann/tflite-micro-arduino-examples/HEAD/src/tensorflow/lite/micro/kernels/lstm_eval_test.h -------------------------------------------------------------------------------- /src/tensorflow/lite/micro/kernels/lstm_shared.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pschatzmann/tflite-micro-arduino-examples/HEAD/src/tensorflow/lite/micro/kernels/lstm_shared.h -------------------------------------------------------------------------------- /src/tensorflow/lite/micro/kernels/maximum_minimum.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pschatzmann/tflite-micro-arduino-examples/HEAD/src/tensorflow/lite/micro/kernels/maximum_minimum.cpp -------------------------------------------------------------------------------- /src/tensorflow/lite/micro/kernels/micro_ops.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pschatzmann/tflite-micro-arduino-examples/HEAD/src/tensorflow/lite/micro/kernels/micro_ops.h -------------------------------------------------------------------------------- /src/tensorflow/lite/micro/kernels/micro_tensor_utils.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pschatzmann/tflite-micro-arduino-examples/HEAD/src/tensorflow/lite/micro/kernels/micro_tensor_utils.cpp -------------------------------------------------------------------------------- /src/tensorflow/lite/micro/kernels/micro_tensor_utils.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pschatzmann/tflite-micro-arduino-examples/HEAD/src/tensorflow/lite/micro/kernels/micro_tensor_utils.h -------------------------------------------------------------------------------- /src/tensorflow/lite/micro/kernels/mirror_pad.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pschatzmann/tflite-micro-arduino-examples/HEAD/src/tensorflow/lite/micro/kernels/mirror_pad.cpp -------------------------------------------------------------------------------- /src/tensorflow/lite/micro/kernels/mul.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pschatzmann/tflite-micro-arduino-examples/HEAD/src/tensorflow/lite/micro/kernels/mul.h -------------------------------------------------------------------------------- /src/tensorflow/lite/micro/kernels/mul_common.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pschatzmann/tflite-micro-arduino-examples/HEAD/src/tensorflow/lite/micro/kernels/mul_common.cpp -------------------------------------------------------------------------------- /src/tensorflow/lite/micro/kernels/neg.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pschatzmann/tflite-micro-arduino-examples/HEAD/src/tensorflow/lite/micro/kernels/neg.cpp -------------------------------------------------------------------------------- /src/tensorflow/lite/micro/kernels/pack.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pschatzmann/tflite-micro-arduino-examples/HEAD/src/tensorflow/lite/micro/kernels/pack.cpp -------------------------------------------------------------------------------- /src/tensorflow/lite/micro/kernels/pad.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pschatzmann/tflite-micro-arduino-examples/HEAD/src/tensorflow/lite/micro/kernels/pad.cpp -------------------------------------------------------------------------------- /src/tensorflow/lite/micro/kernels/pad.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pschatzmann/tflite-micro-arduino-examples/HEAD/src/tensorflow/lite/micro/kernels/pad.h -------------------------------------------------------------------------------- /src/tensorflow/lite/micro/kernels/pooling.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pschatzmann/tflite-micro-arduino-examples/HEAD/src/tensorflow/lite/micro/kernels/pooling.h -------------------------------------------------------------------------------- /src/tensorflow/lite/micro/kernels/pooling_common.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pschatzmann/tflite-micro-arduino-examples/HEAD/src/tensorflow/lite/micro/kernels/pooling_common.cpp -------------------------------------------------------------------------------- /src/tensorflow/lite/micro/kernels/prelu.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pschatzmann/tflite-micro-arduino-examples/HEAD/src/tensorflow/lite/micro/kernels/prelu.cpp -------------------------------------------------------------------------------- /src/tensorflow/lite/micro/kernels/prelu.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pschatzmann/tflite-micro-arduino-examples/HEAD/src/tensorflow/lite/micro/kernels/prelu.h -------------------------------------------------------------------------------- /src/tensorflow/lite/micro/kernels/prelu_common.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pschatzmann/tflite-micro-arduino-examples/HEAD/src/tensorflow/lite/micro/kernels/prelu_common.cpp -------------------------------------------------------------------------------- /src/tensorflow/lite/micro/kernels/quantize.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pschatzmann/tflite-micro-arduino-examples/HEAD/src/tensorflow/lite/micro/kernels/quantize.cpp -------------------------------------------------------------------------------- /src/tensorflow/lite/micro/kernels/quantize.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pschatzmann/tflite-micro-arduino-examples/HEAD/src/tensorflow/lite/micro/kernels/quantize.h -------------------------------------------------------------------------------- /src/tensorflow/lite/micro/kernels/quantize_common.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pschatzmann/tflite-micro-arduino-examples/HEAD/src/tensorflow/lite/micro/kernels/quantize_common.cpp -------------------------------------------------------------------------------- /src/tensorflow/lite/micro/kernels/read_variable.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pschatzmann/tflite-micro-arduino-examples/HEAD/src/tensorflow/lite/micro/kernels/read_variable.cpp -------------------------------------------------------------------------------- /src/tensorflow/lite/micro/kernels/reduce.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pschatzmann/tflite-micro-arduino-examples/HEAD/src/tensorflow/lite/micro/kernels/reduce.cpp -------------------------------------------------------------------------------- /src/tensorflow/lite/micro/kernels/reduce.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pschatzmann/tflite-micro-arduino-examples/HEAD/src/tensorflow/lite/micro/kernels/reduce.h -------------------------------------------------------------------------------- /src/tensorflow/lite/micro/kernels/reduce_common.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pschatzmann/tflite-micro-arduino-examples/HEAD/src/tensorflow/lite/micro/kernels/reduce_common.cpp -------------------------------------------------------------------------------- /src/tensorflow/lite/micro/kernels/reshape.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pschatzmann/tflite-micro-arduino-examples/HEAD/src/tensorflow/lite/micro/kernels/reshape.cpp -------------------------------------------------------------------------------- /src/tensorflow/lite/micro/kernels/resize_bilinear.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pschatzmann/tflite-micro-arduino-examples/HEAD/src/tensorflow/lite/micro/kernels/resize_bilinear.cpp -------------------------------------------------------------------------------- /src/tensorflow/lite/micro/kernels/resize_nearest_neighbor.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pschatzmann/tflite-micro-arduino-examples/HEAD/src/tensorflow/lite/micro/kernels/resize_nearest_neighbor.cpp -------------------------------------------------------------------------------- /src/tensorflow/lite/micro/kernels/round.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pschatzmann/tflite-micro-arduino-examples/HEAD/src/tensorflow/lite/micro/kernels/round.cpp -------------------------------------------------------------------------------- /src/tensorflow/lite/micro/kernels/select.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pschatzmann/tflite-micro-arduino-examples/HEAD/src/tensorflow/lite/micro/kernels/select.cpp -------------------------------------------------------------------------------- /src/tensorflow/lite/micro/kernels/shape.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pschatzmann/tflite-micro-arduino-examples/HEAD/src/tensorflow/lite/micro/kernels/shape.cpp -------------------------------------------------------------------------------- /src/tensorflow/lite/micro/kernels/slice.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pschatzmann/tflite-micro-arduino-examples/HEAD/src/tensorflow/lite/micro/kernels/slice.cpp -------------------------------------------------------------------------------- /src/tensorflow/lite/micro/kernels/softmax.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pschatzmann/tflite-micro-arduino-examples/HEAD/src/tensorflow/lite/micro/kernels/softmax.h -------------------------------------------------------------------------------- /src/tensorflow/lite/micro/kernels/softmax_common.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pschatzmann/tflite-micro-arduino-examples/HEAD/src/tensorflow/lite/micro/kernels/softmax_common.cpp -------------------------------------------------------------------------------- /src/tensorflow/lite/micro/kernels/space_to_batch_nd.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pschatzmann/tflite-micro-arduino-examples/HEAD/src/tensorflow/lite/micro/kernels/space_to_batch_nd.cpp -------------------------------------------------------------------------------- /src/tensorflow/lite/micro/kernels/space_to_depth.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pschatzmann/tflite-micro-arduino-examples/HEAD/src/tensorflow/lite/micro/kernels/space_to_depth.cpp -------------------------------------------------------------------------------- /src/tensorflow/lite/micro/kernels/split.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pschatzmann/tflite-micro-arduino-examples/HEAD/src/tensorflow/lite/micro/kernels/split.cpp -------------------------------------------------------------------------------- /src/tensorflow/lite/micro/kernels/split_v.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pschatzmann/tflite-micro-arduino-examples/HEAD/src/tensorflow/lite/micro/kernels/split_v.cpp -------------------------------------------------------------------------------- /src/tensorflow/lite/micro/kernels/squared_difference.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pschatzmann/tflite-micro-arduino-examples/HEAD/src/tensorflow/lite/micro/kernels/squared_difference.cpp -------------------------------------------------------------------------------- /src/tensorflow/lite/micro/kernels/squeeze.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pschatzmann/tflite-micro-arduino-examples/HEAD/src/tensorflow/lite/micro/kernels/squeeze.cpp -------------------------------------------------------------------------------- /src/tensorflow/lite/micro/kernels/strided_slice.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pschatzmann/tflite-micro-arduino-examples/HEAD/src/tensorflow/lite/micro/kernels/strided_slice.cpp -------------------------------------------------------------------------------- /src/tensorflow/lite/micro/kernels/sub.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pschatzmann/tflite-micro-arduino-examples/HEAD/src/tensorflow/lite/micro/kernels/sub.cpp -------------------------------------------------------------------------------- /src/tensorflow/lite/micro/kernels/sub.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pschatzmann/tflite-micro-arduino-examples/HEAD/src/tensorflow/lite/micro/kernels/sub.h -------------------------------------------------------------------------------- /src/tensorflow/lite/micro/kernels/sub_common.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pschatzmann/tflite-micro-arduino-examples/HEAD/src/tensorflow/lite/micro/kernels/sub_common.cpp -------------------------------------------------------------------------------- /src/tensorflow/lite/micro/kernels/svdf.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pschatzmann/tflite-micro-arduino-examples/HEAD/src/tensorflow/lite/micro/kernels/svdf.h -------------------------------------------------------------------------------- /src/tensorflow/lite/micro/kernels/svdf_common.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pschatzmann/tflite-micro-arduino-examples/HEAD/src/tensorflow/lite/micro/kernels/svdf_common.cpp -------------------------------------------------------------------------------- /src/tensorflow/lite/micro/kernels/tanh.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pschatzmann/tflite-micro-arduino-examples/HEAD/src/tensorflow/lite/micro/kernels/tanh.cpp -------------------------------------------------------------------------------- /src/tensorflow/lite/micro/kernels/transpose.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pschatzmann/tflite-micro-arduino-examples/HEAD/src/tensorflow/lite/micro/kernels/transpose.cpp -------------------------------------------------------------------------------- /src/tensorflow/lite/micro/kernels/transpose_conv.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pschatzmann/tflite-micro-arduino-examples/HEAD/src/tensorflow/lite/micro/kernels/transpose_conv.cpp -------------------------------------------------------------------------------- /src/tensorflow/lite/micro/kernels/unidirectional_sequence_lstm.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pschatzmann/tflite-micro-arduino-examples/HEAD/src/tensorflow/lite/micro/kernels/unidirectional_sequence_lstm.cpp -------------------------------------------------------------------------------- /src/tensorflow/lite/micro/kernels/unpack.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pschatzmann/tflite-micro-arduino-examples/HEAD/src/tensorflow/lite/micro/kernels/unpack.cpp -------------------------------------------------------------------------------- /src/tensorflow/lite/micro/kernels/var_handle.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pschatzmann/tflite-micro-arduino-examples/HEAD/src/tensorflow/lite/micro/kernels/var_handle.cpp -------------------------------------------------------------------------------- /src/tensorflow/lite/micro/kernels/while.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pschatzmann/tflite-micro-arduino-examples/HEAD/src/tensorflow/lite/micro/kernels/while.cpp -------------------------------------------------------------------------------- /src/tensorflow/lite/micro/kernels/zeros_like.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pschatzmann/tflite-micro-arduino-examples/HEAD/src/tensorflow/lite/micro/kernels/zeros_like.cpp -------------------------------------------------------------------------------- /src/tensorflow/lite/micro/memory_helpers.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pschatzmann/tflite-micro-arduino-examples/HEAD/src/tensorflow/lite/micro/memory_helpers.cpp -------------------------------------------------------------------------------- /src/tensorflow/lite/micro/memory_helpers.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pschatzmann/tflite-micro-arduino-examples/HEAD/src/tensorflow/lite/micro/memory_helpers.h -------------------------------------------------------------------------------- /src/tensorflow/lite/micro/memory_planner/greedy_memory_planner.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pschatzmann/tflite-micro-arduino-examples/HEAD/src/tensorflow/lite/micro/memory_planner/greedy_memory_planner.cpp -------------------------------------------------------------------------------- /src/tensorflow/lite/micro/memory_planner/greedy_memory_planner.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pschatzmann/tflite-micro-arduino-examples/HEAD/src/tensorflow/lite/micro/memory_planner/greedy_memory_planner.h -------------------------------------------------------------------------------- /src/tensorflow/lite/micro/memory_planner/linear_memory_planner.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pschatzmann/tflite-micro-arduino-examples/HEAD/src/tensorflow/lite/micro/memory_planner/linear_memory_planner.cpp -------------------------------------------------------------------------------- /src/tensorflow/lite/micro/memory_planner/linear_memory_planner.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pschatzmann/tflite-micro-arduino-examples/HEAD/src/tensorflow/lite/micro/memory_planner/linear_memory_planner.h -------------------------------------------------------------------------------- /src/tensorflow/lite/micro/memory_planner/memory_plan_struct.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pschatzmann/tflite-micro-arduino-examples/HEAD/src/tensorflow/lite/micro/memory_planner/memory_plan_struct.h -------------------------------------------------------------------------------- /src/tensorflow/lite/micro/memory_planner/micro_memory_planner.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pschatzmann/tflite-micro-arduino-examples/HEAD/src/tensorflow/lite/micro/memory_planner/micro_memory_planner.h -------------------------------------------------------------------------------- /src/tensorflow/lite/micro/memory_planner/non_persistent_buffer_planner_shim.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pschatzmann/tflite-micro-arduino-examples/HEAD/src/tensorflow/lite/micro/memory_planner/non_persistent_buffer_planner_shim.cpp -------------------------------------------------------------------------------- /src/tensorflow/lite/micro/memory_planner/non_persistent_buffer_planner_shim.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pschatzmann/tflite-micro-arduino-examples/HEAD/src/tensorflow/lite/micro/memory_planner/non_persistent_buffer_planner_shim.h -------------------------------------------------------------------------------- /src/tensorflow/lite/micro/micro_allocation_info.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pschatzmann/tflite-micro-arduino-examples/HEAD/src/tensorflow/lite/micro/micro_allocation_info.cpp -------------------------------------------------------------------------------- /src/tensorflow/lite/micro/micro_allocation_info.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pschatzmann/tflite-micro-arduino-examples/HEAD/src/tensorflow/lite/micro/micro_allocation_info.h -------------------------------------------------------------------------------- /src/tensorflow/lite/micro/micro_allocator.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pschatzmann/tflite-micro-arduino-examples/HEAD/src/tensorflow/lite/micro/micro_allocator.cpp -------------------------------------------------------------------------------- /src/tensorflow/lite/micro/micro_allocator.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pschatzmann/tflite-micro-arduino-examples/HEAD/src/tensorflow/lite/micro/micro_allocator.h -------------------------------------------------------------------------------- /src/tensorflow/lite/micro/micro_arena_constants.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pschatzmann/tflite-micro-arduino-examples/HEAD/src/tensorflow/lite/micro/micro_arena_constants.h -------------------------------------------------------------------------------- /src/tensorflow/lite/micro/micro_context.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pschatzmann/tflite-micro-arduino-examples/HEAD/src/tensorflow/lite/micro/micro_context.cpp -------------------------------------------------------------------------------- /src/tensorflow/lite/micro/micro_context.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pschatzmann/tflite-micro-arduino-examples/HEAD/src/tensorflow/lite/micro/micro_context.h -------------------------------------------------------------------------------- /src/tensorflow/lite/micro/micro_graph.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pschatzmann/tflite-micro-arduino-examples/HEAD/src/tensorflow/lite/micro/micro_graph.cpp -------------------------------------------------------------------------------- /src/tensorflow/lite/micro/micro_graph.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pschatzmann/tflite-micro-arduino-examples/HEAD/src/tensorflow/lite/micro/micro_graph.h -------------------------------------------------------------------------------- /src/tensorflow/lite/micro/micro_interpreter.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pschatzmann/tflite-micro-arduino-examples/HEAD/src/tensorflow/lite/micro/micro_interpreter.cpp -------------------------------------------------------------------------------- /src/tensorflow/lite/micro/micro_interpreter.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pschatzmann/tflite-micro-arduino-examples/HEAD/src/tensorflow/lite/micro/micro_interpreter.h -------------------------------------------------------------------------------- /src/tensorflow/lite/micro/micro_log.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pschatzmann/tflite-micro-arduino-examples/HEAD/src/tensorflow/lite/micro/micro_log.cpp -------------------------------------------------------------------------------- /src/tensorflow/lite/micro/micro_log.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pschatzmann/tflite-micro-arduino-examples/HEAD/src/tensorflow/lite/micro/micro_log.h -------------------------------------------------------------------------------- /src/tensorflow/lite/micro/micro_mutable_op_resolver.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pschatzmann/tflite-micro-arduino-examples/HEAD/src/tensorflow/lite/micro/micro_mutable_op_resolver.h -------------------------------------------------------------------------------- /src/tensorflow/lite/micro/micro_op_resolver.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pschatzmann/tflite-micro-arduino-examples/HEAD/src/tensorflow/lite/micro/micro_op_resolver.h -------------------------------------------------------------------------------- /src/tensorflow/lite/micro/micro_profiler.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pschatzmann/tflite-micro-arduino-examples/HEAD/src/tensorflow/lite/micro/micro_profiler.cpp -------------------------------------------------------------------------------- /src/tensorflow/lite/micro/micro_profiler.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pschatzmann/tflite-micro-arduino-examples/HEAD/src/tensorflow/lite/micro/micro_profiler.h -------------------------------------------------------------------------------- /src/tensorflow/lite/micro/micro_profiler_interface.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pschatzmann/tflite-micro-arduino-examples/HEAD/src/tensorflow/lite/micro/micro_profiler_interface.h -------------------------------------------------------------------------------- /src/tensorflow/lite/micro/micro_resource_variable.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pschatzmann/tflite-micro-arduino-examples/HEAD/src/tensorflow/lite/micro/micro_resource_variable.cpp -------------------------------------------------------------------------------- /src/tensorflow/lite/micro/micro_resource_variable.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pschatzmann/tflite-micro-arduino-examples/HEAD/src/tensorflow/lite/micro/micro_resource_variable.h -------------------------------------------------------------------------------- /src/tensorflow/lite/micro/micro_string.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pschatzmann/tflite-micro-arduino-examples/HEAD/src/tensorflow/lite/micro/micro_string.cpp -------------------------------------------------------------------------------- /src/tensorflow/lite/micro/micro_string.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pschatzmann/tflite-micro-arduino-examples/HEAD/src/tensorflow/lite/micro/micro_string.h -------------------------------------------------------------------------------- /src/tensorflow/lite/micro/micro_time.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pschatzmann/tflite-micro-arduino-examples/HEAD/src/tensorflow/lite/micro/micro_time.cpp -------------------------------------------------------------------------------- /src/tensorflow/lite/micro/micro_time.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pschatzmann/tflite-micro-arduino-examples/HEAD/src/tensorflow/lite/micro/micro_time.h -------------------------------------------------------------------------------- /src/tensorflow/lite/micro/micro_utils.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pschatzmann/tflite-micro-arduino-examples/HEAD/src/tensorflow/lite/micro/micro_utils.cpp -------------------------------------------------------------------------------- /src/tensorflow/lite/micro/micro_utils.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pschatzmann/tflite-micro-arduino-examples/HEAD/src/tensorflow/lite/micro/micro_utils.h -------------------------------------------------------------------------------- /src/tensorflow/lite/micro/mock_micro_graph.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pschatzmann/tflite-micro-arduino-examples/HEAD/src/tensorflow/lite/micro/mock_micro_graph.cpp -------------------------------------------------------------------------------- /src/tensorflow/lite/micro/mock_micro_graph.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pschatzmann/tflite-micro-arduino-examples/HEAD/src/tensorflow/lite/micro/mock_micro_graph.h -------------------------------------------------------------------------------- /src/tensorflow/lite/micro/recording_micro_allocator.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pschatzmann/tflite-micro-arduino-examples/HEAD/src/tensorflow/lite/micro/recording_micro_allocator.cpp -------------------------------------------------------------------------------- /src/tensorflow/lite/micro/recording_micro_allocator.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pschatzmann/tflite-micro-arduino-examples/HEAD/src/tensorflow/lite/micro/recording_micro_allocator.h -------------------------------------------------------------------------------- /src/tensorflow/lite/micro/recording_micro_interpreter.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pschatzmann/tflite-micro-arduino-examples/HEAD/src/tensorflow/lite/micro/recording_micro_interpreter.h -------------------------------------------------------------------------------- /src/tensorflow/lite/micro/system_ringbuffer.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pschatzmann/tflite-micro-arduino-examples/HEAD/src/tensorflow/lite/micro/system_ringbuffer.h -------------------------------------------------------------------------------- /src/tensorflow/lite/micro/system_setup.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pschatzmann/tflite-micro-arduino-examples/HEAD/src/tensorflow/lite/micro/system_setup.cpp -------------------------------------------------------------------------------- /src/tensorflow/lite/micro/system_setup.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pschatzmann/tflite-micro-arduino-examples/HEAD/src/tensorflow/lite/micro/system_setup.h -------------------------------------------------------------------------------- /src/tensorflow/lite/micro/test_helper_custom_ops.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pschatzmann/tflite-micro-arduino-examples/HEAD/src/tensorflow/lite/micro/test_helper_custom_ops.cpp -------------------------------------------------------------------------------- /src/tensorflow/lite/micro/test_helper_custom_ops.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pschatzmann/tflite-micro-arduino-examples/HEAD/src/tensorflow/lite/micro/test_helper_custom_ops.h -------------------------------------------------------------------------------- /src/tensorflow/lite/micro/test_helpers.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pschatzmann/tflite-micro-arduino-examples/HEAD/src/tensorflow/lite/micro/test_helpers.cpp -------------------------------------------------------------------------------- /src/tensorflow/lite/micro/test_helpers.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pschatzmann/tflite-micro-arduino-examples/HEAD/src/tensorflow/lite/micro/test_helpers.h -------------------------------------------------------------------------------- /src/tensorflow/lite/micro/tflite_bridge/flatbuffer_conversions_bridge.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pschatzmann/tflite-micro-arduino-examples/HEAD/src/tensorflow/lite/micro/tflite_bridge/flatbuffer_conversions_bridge.cpp -------------------------------------------------------------------------------- /src/tensorflow/lite/micro/tflite_bridge/flatbuffer_conversions_bridge.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pschatzmann/tflite-micro-arduino-examples/HEAD/src/tensorflow/lite/micro/tflite_bridge/flatbuffer_conversions_bridge.h -------------------------------------------------------------------------------- /src/tensorflow/lite/micro/tflite_bridge/micro_error_reporter.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pschatzmann/tflite-micro-arduino-examples/HEAD/src/tensorflow/lite/micro/tflite_bridge/micro_error_reporter.cpp -------------------------------------------------------------------------------- /src/tensorflow/lite/micro/tflite_bridge/micro_error_reporter.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pschatzmann/tflite-micro-arduino-examples/HEAD/src/tensorflow/lite/micro/tflite_bridge/micro_error_reporter.h -------------------------------------------------------------------------------- /src/tensorflow/lite/micro/tflite_bridge/op_resolver_bridge.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pschatzmann/tflite-micro-arduino-examples/HEAD/src/tensorflow/lite/micro/tflite_bridge/op_resolver_bridge.cpp -------------------------------------------------------------------------------- /src/tensorflow/lite/micro/tflite_bridge/op_resolver_bridge.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pschatzmann/tflite-micro-arduino-examples/HEAD/src/tensorflow/lite/micro/tflite_bridge/op_resolver_bridge.h -------------------------------------------------------------------------------- /src/tensorflow/lite/portable_type_to_tflitetype.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pschatzmann/tflite-micro-arduino-examples/HEAD/src/tensorflow/lite/portable_type_to_tflitetype.h -------------------------------------------------------------------------------- /src/tensorflow/lite/schema/schema_generated.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pschatzmann/tflite-micro-arduino-examples/HEAD/src/tensorflow/lite/schema/schema_generated.h -------------------------------------------------------------------------------- /src/tensorflow/lite/schema/schema_utils.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pschatzmann/tflite-micro-arduino-examples/HEAD/src/tensorflow/lite/schema/schema_utils.cpp -------------------------------------------------------------------------------- /src/tensorflow/lite/schema/schema_utils.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pschatzmann/tflite-micro-arduino-examples/HEAD/src/tensorflow/lite/schema/schema_utils.h -------------------------------------------------------------------------------- /src/test_over_serial/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pschatzmann/tflite-micro-arduino-examples/HEAD/src/test_over_serial/README.md -------------------------------------------------------------------------------- /src/test_over_serial/base64.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pschatzmann/tflite-micro-arduino-examples/HEAD/src/test_over_serial/base64.cpp -------------------------------------------------------------------------------- /src/test_over_serial/base64.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pschatzmann/tflite-micro-arduino-examples/HEAD/src/test_over_serial/base64.h -------------------------------------------------------------------------------- /src/test_over_serial/test_over_serial.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pschatzmann/tflite-micro-arduino-examples/HEAD/src/test_over_serial/test_over_serial.cpp -------------------------------------------------------------------------------- /src/test_over_serial/test_over_serial.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pschatzmann/tflite-micro-arduino-examples/HEAD/src/test_over_serial/test_over_serial.h -------------------------------------------------------------------------------- /src/third_party/cmsis/CMSIS/Core/Include/cachel1_armv7.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pschatzmann/tflite-micro-arduino-examples/HEAD/src/third_party/cmsis/CMSIS/Core/Include/cachel1_armv7.h -------------------------------------------------------------------------------- /src/third_party/cmsis/CMSIS/Core/Include/cmsis_armcc.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pschatzmann/tflite-micro-arduino-examples/HEAD/src/third_party/cmsis/CMSIS/Core/Include/cmsis_armcc.h -------------------------------------------------------------------------------- /src/third_party/cmsis/CMSIS/Core/Include/cmsis_armclang.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pschatzmann/tflite-micro-arduino-examples/HEAD/src/third_party/cmsis/CMSIS/Core/Include/cmsis_armclang.h -------------------------------------------------------------------------------- /src/third_party/cmsis/CMSIS/Core/Include/cmsis_armclang_ltm.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pschatzmann/tflite-micro-arduino-examples/HEAD/src/third_party/cmsis/CMSIS/Core/Include/cmsis_armclang_ltm.h -------------------------------------------------------------------------------- /src/third_party/cmsis/CMSIS/Core/Include/cmsis_compiler.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pschatzmann/tflite-micro-arduino-examples/HEAD/src/third_party/cmsis/CMSIS/Core/Include/cmsis_compiler.h -------------------------------------------------------------------------------- /src/third_party/cmsis/CMSIS/Core/Include/cmsis_gcc.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pschatzmann/tflite-micro-arduino-examples/HEAD/src/third_party/cmsis/CMSIS/Core/Include/cmsis_gcc.h -------------------------------------------------------------------------------- /src/third_party/cmsis/CMSIS/Core/Include/cmsis_iccarm.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pschatzmann/tflite-micro-arduino-examples/HEAD/src/third_party/cmsis/CMSIS/Core/Include/cmsis_iccarm.h -------------------------------------------------------------------------------- /src/third_party/cmsis/CMSIS/Core/Include/cmsis_version.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pschatzmann/tflite-micro-arduino-examples/HEAD/src/third_party/cmsis/CMSIS/Core/Include/cmsis_version.h -------------------------------------------------------------------------------- /src/third_party/cmsis/CMSIS/Core/Include/core_armv81mml.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pschatzmann/tflite-micro-arduino-examples/HEAD/src/third_party/cmsis/CMSIS/Core/Include/core_armv81mml.h -------------------------------------------------------------------------------- /src/third_party/cmsis/CMSIS/Core/Include/core_armv8mbl.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pschatzmann/tflite-micro-arduino-examples/HEAD/src/third_party/cmsis/CMSIS/Core/Include/core_armv8mbl.h -------------------------------------------------------------------------------- /src/third_party/cmsis/CMSIS/Core/Include/core_armv8mml.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pschatzmann/tflite-micro-arduino-examples/HEAD/src/third_party/cmsis/CMSIS/Core/Include/core_armv8mml.h -------------------------------------------------------------------------------- /src/third_party/cmsis/CMSIS/Core/Include/core_cm0.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pschatzmann/tflite-micro-arduino-examples/HEAD/src/third_party/cmsis/CMSIS/Core/Include/core_cm0.h -------------------------------------------------------------------------------- /src/third_party/cmsis/CMSIS/Core/Include/core_cm0plus.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pschatzmann/tflite-micro-arduino-examples/HEAD/src/third_party/cmsis/CMSIS/Core/Include/core_cm0plus.h -------------------------------------------------------------------------------- /src/third_party/cmsis/CMSIS/Core/Include/core_cm1.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pschatzmann/tflite-micro-arduino-examples/HEAD/src/third_party/cmsis/CMSIS/Core/Include/core_cm1.h -------------------------------------------------------------------------------- /src/third_party/cmsis/CMSIS/Core/Include/core_cm23.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pschatzmann/tflite-micro-arduino-examples/HEAD/src/third_party/cmsis/CMSIS/Core/Include/core_cm23.h -------------------------------------------------------------------------------- /src/third_party/cmsis/CMSIS/Core/Include/core_cm3.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pschatzmann/tflite-micro-arduino-examples/HEAD/src/third_party/cmsis/CMSIS/Core/Include/core_cm3.h -------------------------------------------------------------------------------- /src/third_party/cmsis/CMSIS/Core/Include/core_cm33.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pschatzmann/tflite-micro-arduino-examples/HEAD/src/third_party/cmsis/CMSIS/Core/Include/core_cm33.h -------------------------------------------------------------------------------- /src/third_party/cmsis/CMSIS/Core/Include/core_cm35p.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pschatzmann/tflite-micro-arduino-examples/HEAD/src/third_party/cmsis/CMSIS/Core/Include/core_cm35p.h -------------------------------------------------------------------------------- /src/third_party/cmsis/CMSIS/Core/Include/core_cm4.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pschatzmann/tflite-micro-arduino-examples/HEAD/src/third_party/cmsis/CMSIS/Core/Include/core_cm4.h -------------------------------------------------------------------------------- /src/third_party/cmsis/CMSIS/Core/Include/core_cm55.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pschatzmann/tflite-micro-arduino-examples/HEAD/src/third_party/cmsis/CMSIS/Core/Include/core_cm55.h -------------------------------------------------------------------------------- /src/third_party/cmsis/CMSIS/Core/Include/core_cm7.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pschatzmann/tflite-micro-arduino-examples/HEAD/src/third_party/cmsis/CMSIS/Core/Include/core_cm7.h -------------------------------------------------------------------------------- /src/third_party/cmsis/CMSIS/Core/Include/core_cm85.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pschatzmann/tflite-micro-arduino-examples/HEAD/src/third_party/cmsis/CMSIS/Core/Include/core_cm85.h -------------------------------------------------------------------------------- /src/third_party/cmsis/CMSIS/Core/Include/core_sc000.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pschatzmann/tflite-micro-arduino-examples/HEAD/src/third_party/cmsis/CMSIS/Core/Include/core_sc000.h -------------------------------------------------------------------------------- /src/third_party/cmsis/CMSIS/Core/Include/core_sc300.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pschatzmann/tflite-micro-arduino-examples/HEAD/src/third_party/cmsis/CMSIS/Core/Include/core_sc300.h -------------------------------------------------------------------------------- /src/third_party/cmsis/CMSIS/Core/Include/core_starmc1.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pschatzmann/tflite-micro-arduino-examples/HEAD/src/third_party/cmsis/CMSIS/Core/Include/core_starmc1.h -------------------------------------------------------------------------------- /src/third_party/cmsis/CMSIS/Core/Include/mpu_armv7.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pschatzmann/tflite-micro-arduino-examples/HEAD/src/third_party/cmsis/CMSIS/Core/Include/mpu_armv7.h -------------------------------------------------------------------------------- /src/third_party/cmsis/CMSIS/Core/Include/mpu_armv8.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pschatzmann/tflite-micro-arduino-examples/HEAD/src/third_party/cmsis/CMSIS/Core/Include/mpu_armv8.h -------------------------------------------------------------------------------- /src/third_party/cmsis/CMSIS/Core/Include/pac_armv81.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pschatzmann/tflite-micro-arduino-examples/HEAD/src/third_party/cmsis/CMSIS/Core/Include/pac_armv81.h -------------------------------------------------------------------------------- /src/third_party/cmsis/CMSIS/Core/Include/pmu_armv8.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pschatzmann/tflite-micro-arduino-examples/HEAD/src/third_party/cmsis/CMSIS/Core/Include/pmu_armv8.h -------------------------------------------------------------------------------- /src/third_party/cmsis/CMSIS/Core/Include/tz_context.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pschatzmann/tflite-micro-arduino-examples/HEAD/src/third_party/cmsis/CMSIS/Core/Include/tz_context.h -------------------------------------------------------------------------------- /src/third_party/cmsis/LICENSE.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pschatzmann/tflite-micro-arduino-examples/HEAD/src/third_party/cmsis/LICENSE.txt -------------------------------------------------------------------------------- /src/third_party/cmsis_nn/Include/arm_nn_math_types.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pschatzmann/tflite-micro-arduino-examples/HEAD/src/third_party/cmsis_nn/Include/arm_nn_math_types.h -------------------------------------------------------------------------------- /src/third_party/cmsis_nn/Include/arm_nn_tables.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pschatzmann/tflite-micro-arduino-examples/HEAD/src/third_party/cmsis_nn/Include/arm_nn_tables.h -------------------------------------------------------------------------------- /src/third_party/cmsis_nn/Include/arm_nn_types.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pschatzmann/tflite-micro-arduino-examples/HEAD/src/third_party/cmsis_nn/Include/arm_nn_types.h -------------------------------------------------------------------------------- /src/third_party/cmsis_nn/Include/arm_nnfunctions.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pschatzmann/tflite-micro-arduino-examples/HEAD/src/third_party/cmsis_nn/Include/arm_nnfunctions.h -------------------------------------------------------------------------------- /src/third_party/cmsis_nn/Include/arm_nnsupportfunctions.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pschatzmann/tflite-micro-arduino-examples/HEAD/src/third_party/cmsis_nn/Include/arm_nnsupportfunctions.h -------------------------------------------------------------------------------- /src/third_party/cmsis_nn/LICENSE.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pschatzmann/tflite-micro-arduino-examples/HEAD/src/third_party/cmsis_nn/LICENSE.txt -------------------------------------------------------------------------------- /src/third_party/cmsis_nn/Source/ActivationFunctions/arm_relu6_s8.c: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pschatzmann/tflite-micro-arduino-examples/HEAD/src/third_party/cmsis_nn/Source/ActivationFunctions/arm_relu6_s8.c -------------------------------------------------------------------------------- /src/third_party/cmsis_nn/Source/ActivationFunctions/arm_relu_q15.c: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pschatzmann/tflite-micro-arduino-examples/HEAD/src/third_party/cmsis_nn/Source/ActivationFunctions/arm_relu_q15.c -------------------------------------------------------------------------------- /src/third_party/cmsis_nn/Source/ActivationFunctions/arm_relu_q7.c: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pschatzmann/tflite-micro-arduino-examples/HEAD/src/third_party/cmsis_nn/Source/ActivationFunctions/arm_relu_q7.c -------------------------------------------------------------------------------- /src/third_party/cmsis_nn/Source/BasicMathFunctions/arm_elementwise_add_s16.c: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pschatzmann/tflite-micro-arduino-examples/HEAD/src/third_party/cmsis_nn/Source/BasicMathFunctions/arm_elementwise_add_s16.c -------------------------------------------------------------------------------- /src/third_party/cmsis_nn/Source/BasicMathFunctions/arm_elementwise_add_s8.c: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pschatzmann/tflite-micro-arduino-examples/HEAD/src/third_party/cmsis_nn/Source/BasicMathFunctions/arm_elementwise_add_s8.c -------------------------------------------------------------------------------- /src/third_party/cmsis_nn/Source/BasicMathFunctions/arm_elementwise_mul_s16.c: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pschatzmann/tflite-micro-arduino-examples/HEAD/src/third_party/cmsis_nn/Source/BasicMathFunctions/arm_elementwise_mul_s16.c -------------------------------------------------------------------------------- /src/third_party/cmsis_nn/Source/BasicMathFunctions/arm_elementwise_mul_s8.c: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pschatzmann/tflite-micro-arduino-examples/HEAD/src/third_party/cmsis_nn/Source/BasicMathFunctions/arm_elementwise_mul_s8.c -------------------------------------------------------------------------------- /src/third_party/cmsis_nn/Source/ConcatenationFunctions/arm_concatenation_s8_w.c: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pschatzmann/tflite-micro-arduino-examples/HEAD/src/third_party/cmsis_nn/Source/ConcatenationFunctions/arm_concatenation_s8_w.c -------------------------------------------------------------------------------- /src/third_party/cmsis_nn/Source/ConcatenationFunctions/arm_concatenation_s8_x.c: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pschatzmann/tflite-micro-arduino-examples/HEAD/src/third_party/cmsis_nn/Source/ConcatenationFunctions/arm_concatenation_s8_x.c -------------------------------------------------------------------------------- /src/third_party/cmsis_nn/Source/ConcatenationFunctions/arm_concatenation_s8_y.c: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pschatzmann/tflite-micro-arduino-examples/HEAD/src/third_party/cmsis_nn/Source/ConcatenationFunctions/arm_concatenation_s8_y.c -------------------------------------------------------------------------------- /src/third_party/cmsis_nn/Source/ConcatenationFunctions/arm_concatenation_s8_z.c: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pschatzmann/tflite-micro-arduino-examples/HEAD/src/third_party/cmsis_nn/Source/ConcatenationFunctions/arm_concatenation_s8_z.c -------------------------------------------------------------------------------- /src/third_party/cmsis_nn/Source/ConvolutionFunctions/arm_convolve_1_x_n_s8.c: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pschatzmann/tflite-micro-arduino-examples/HEAD/src/third_party/cmsis_nn/Source/ConvolutionFunctions/arm_convolve_1_x_n_s8.c -------------------------------------------------------------------------------- /src/third_party/cmsis_nn/Source/ConvolutionFunctions/arm_convolve_1x1_s8_fast.c: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pschatzmann/tflite-micro-arduino-examples/HEAD/src/third_party/cmsis_nn/Source/ConvolutionFunctions/arm_convolve_1x1_s8_fast.c -------------------------------------------------------------------------------- /src/third_party/cmsis_nn/Source/ConvolutionFunctions/arm_convolve_fast_s16.c: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pschatzmann/tflite-micro-arduino-examples/HEAD/src/third_party/cmsis_nn/Source/ConvolutionFunctions/arm_convolve_fast_s16.c -------------------------------------------------------------------------------- /src/third_party/cmsis_nn/Source/ConvolutionFunctions/arm_convolve_s16.c: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pschatzmann/tflite-micro-arduino-examples/HEAD/src/third_party/cmsis_nn/Source/ConvolutionFunctions/arm_convolve_s16.c -------------------------------------------------------------------------------- /src/third_party/cmsis_nn/Source/ConvolutionFunctions/arm_convolve_s8.c: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pschatzmann/tflite-micro-arduino-examples/HEAD/src/third_party/cmsis_nn/Source/ConvolutionFunctions/arm_convolve_s8.c -------------------------------------------------------------------------------- /src/third_party/cmsis_nn/Source/ConvolutionFunctions/arm_convolve_wrapper_s16.c: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pschatzmann/tflite-micro-arduino-examples/HEAD/src/third_party/cmsis_nn/Source/ConvolutionFunctions/arm_convolve_wrapper_s16.c -------------------------------------------------------------------------------- /src/third_party/cmsis_nn/Source/ConvolutionFunctions/arm_convolve_wrapper_s8.c: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pschatzmann/tflite-micro-arduino-examples/HEAD/src/third_party/cmsis_nn/Source/ConvolutionFunctions/arm_convolve_wrapper_s8.c -------------------------------------------------------------------------------- /src/third_party/cmsis_nn/Source/ConvolutionFunctions/arm_depthwise_conv_3x3_s8.c: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pschatzmann/tflite-micro-arduino-examples/HEAD/src/third_party/cmsis_nn/Source/ConvolutionFunctions/arm_depthwise_conv_3x3_s8.c -------------------------------------------------------------------------------- /src/third_party/cmsis_nn/Source/ConvolutionFunctions/arm_depthwise_conv_fast_s16.c: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pschatzmann/tflite-micro-arduino-examples/HEAD/src/third_party/cmsis_nn/Source/ConvolutionFunctions/arm_depthwise_conv_fast_s16.c -------------------------------------------------------------------------------- /src/third_party/cmsis_nn/Source/ConvolutionFunctions/arm_depthwise_conv_s16.c: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pschatzmann/tflite-micro-arduino-examples/HEAD/src/third_party/cmsis_nn/Source/ConvolutionFunctions/arm_depthwise_conv_s16.c -------------------------------------------------------------------------------- /src/third_party/cmsis_nn/Source/ConvolutionFunctions/arm_depthwise_conv_s8.c: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pschatzmann/tflite-micro-arduino-examples/HEAD/src/third_party/cmsis_nn/Source/ConvolutionFunctions/arm_depthwise_conv_s8.c -------------------------------------------------------------------------------- /src/third_party/cmsis_nn/Source/ConvolutionFunctions/arm_depthwise_conv_s8_opt.c: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pschatzmann/tflite-micro-arduino-examples/HEAD/src/third_party/cmsis_nn/Source/ConvolutionFunctions/arm_depthwise_conv_s8_opt.c -------------------------------------------------------------------------------- /src/third_party/cmsis_nn/Source/ConvolutionFunctions/arm_depthwise_conv_wrapper_s16.c: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pschatzmann/tflite-micro-arduino-examples/HEAD/src/third_party/cmsis_nn/Source/ConvolutionFunctions/arm_depthwise_conv_wrapper_s16.c -------------------------------------------------------------------------------- /src/third_party/cmsis_nn/Source/ConvolutionFunctions/arm_depthwise_conv_wrapper_s8.c: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pschatzmann/tflite-micro-arduino-examples/HEAD/src/third_party/cmsis_nn/Source/ConvolutionFunctions/arm_depthwise_conv_wrapper_s8.c -------------------------------------------------------------------------------- /src/third_party/cmsis_nn/Source/ConvolutionFunctions/arm_nn_depthwise_conv_s8_core.c: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pschatzmann/tflite-micro-arduino-examples/HEAD/src/third_party/cmsis_nn/Source/ConvolutionFunctions/arm_nn_depthwise_conv_s8_core.c -------------------------------------------------------------------------------- /src/third_party/cmsis_nn/Source/ConvolutionFunctions/arm_nn_mat_mult_kernel_s8_s16.c: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pschatzmann/tflite-micro-arduino-examples/HEAD/src/third_party/cmsis_nn/Source/ConvolutionFunctions/arm_nn_mat_mult_kernel_s8_s16.c -------------------------------------------------------------------------------- /src/third_party/cmsis_nn/Source/ConvolutionFunctions/arm_nn_mat_mult_s8.c: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pschatzmann/tflite-micro-arduino-examples/HEAD/src/third_party/cmsis_nn/Source/ConvolutionFunctions/arm_nn_mat_mult_s8.c -------------------------------------------------------------------------------- /src/third_party/cmsis_nn/Source/FullyConnectedFunctions/arm_fully_connected_s16.c: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pschatzmann/tflite-micro-arduino-examples/HEAD/src/third_party/cmsis_nn/Source/FullyConnectedFunctions/arm_fully_connected_s16.c -------------------------------------------------------------------------------- /src/third_party/cmsis_nn/Source/FullyConnectedFunctions/arm_fully_connected_s8.c: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pschatzmann/tflite-micro-arduino-examples/HEAD/src/third_party/cmsis_nn/Source/FullyConnectedFunctions/arm_fully_connected_s8.c -------------------------------------------------------------------------------- /src/third_party/cmsis_nn/Source/NNSupportFunctions/arm_nn_depthwise_conv_nt_t_padded_s8.c: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pschatzmann/tflite-micro-arduino-examples/HEAD/src/third_party/cmsis_nn/Source/NNSupportFunctions/arm_nn_depthwise_conv_nt_t_padded_s8.c -------------------------------------------------------------------------------- /src/third_party/cmsis_nn/Source/NNSupportFunctions/arm_nn_depthwise_conv_nt_t_s16.c: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pschatzmann/tflite-micro-arduino-examples/HEAD/src/third_party/cmsis_nn/Source/NNSupportFunctions/arm_nn_depthwise_conv_nt_t_s16.c -------------------------------------------------------------------------------- /src/third_party/cmsis_nn/Source/NNSupportFunctions/arm_nn_depthwise_conv_nt_t_s8.c: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pschatzmann/tflite-micro-arduino-examples/HEAD/src/third_party/cmsis_nn/Source/NNSupportFunctions/arm_nn_depthwise_conv_nt_t_s8.c -------------------------------------------------------------------------------- /src/third_party/cmsis_nn/Source/NNSupportFunctions/arm_nn_mat_mul_core_1x_s8.c: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pschatzmann/tflite-micro-arduino-examples/HEAD/src/third_party/cmsis_nn/Source/NNSupportFunctions/arm_nn_mat_mul_core_1x_s8.c -------------------------------------------------------------------------------- /src/third_party/cmsis_nn/Source/NNSupportFunctions/arm_nn_mat_mul_core_4x_s8.c: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pschatzmann/tflite-micro-arduino-examples/HEAD/src/third_party/cmsis_nn/Source/NNSupportFunctions/arm_nn_mat_mul_core_4x_s8.c -------------------------------------------------------------------------------- /src/third_party/cmsis_nn/Source/NNSupportFunctions/arm_nn_mat_mul_kernel_s16.c: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pschatzmann/tflite-micro-arduino-examples/HEAD/src/third_party/cmsis_nn/Source/NNSupportFunctions/arm_nn_mat_mul_kernel_s16.c -------------------------------------------------------------------------------- /src/third_party/cmsis_nn/Source/NNSupportFunctions/arm_nn_mat_mult_nt_t_s8.c: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pschatzmann/tflite-micro-arduino-examples/HEAD/src/third_party/cmsis_nn/Source/NNSupportFunctions/arm_nn_mat_mult_nt_t_s8.c -------------------------------------------------------------------------------- /src/third_party/cmsis_nn/Source/NNSupportFunctions/arm_nn_vec_mat_mult_t_s16.c: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pschatzmann/tflite-micro-arduino-examples/HEAD/src/third_party/cmsis_nn/Source/NNSupportFunctions/arm_nn_vec_mat_mult_t_s16.c -------------------------------------------------------------------------------- /src/third_party/cmsis_nn/Source/NNSupportFunctions/arm_nn_vec_mat_mult_t_s8.c: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pschatzmann/tflite-micro-arduino-examples/HEAD/src/third_party/cmsis_nn/Source/NNSupportFunctions/arm_nn_vec_mat_mult_t_s8.c -------------------------------------------------------------------------------- /src/third_party/cmsis_nn/Source/NNSupportFunctions/arm_nn_vec_mat_mult_t_svdf_s8.c: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pschatzmann/tflite-micro-arduino-examples/HEAD/src/third_party/cmsis_nn/Source/NNSupportFunctions/arm_nn_vec_mat_mult_t_svdf_s8.c -------------------------------------------------------------------------------- /src/third_party/cmsis_nn/Source/NNSupportFunctions/arm_nntables.c: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pschatzmann/tflite-micro-arduino-examples/HEAD/src/third_party/cmsis_nn/Source/NNSupportFunctions/arm_nntables.c -------------------------------------------------------------------------------- /src/third_party/cmsis_nn/Source/NNSupportFunctions/arm_q7_to_q15_with_offset.c: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pschatzmann/tflite-micro-arduino-examples/HEAD/src/third_party/cmsis_nn/Source/NNSupportFunctions/arm_q7_to_q15_with_offset.c -------------------------------------------------------------------------------- /src/third_party/cmsis_nn/Source/PoolingFunctions/arm_avgpool_s16.c: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pschatzmann/tflite-micro-arduino-examples/HEAD/src/third_party/cmsis_nn/Source/PoolingFunctions/arm_avgpool_s16.c -------------------------------------------------------------------------------- /src/third_party/cmsis_nn/Source/PoolingFunctions/arm_avgpool_s8.c: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pschatzmann/tflite-micro-arduino-examples/HEAD/src/third_party/cmsis_nn/Source/PoolingFunctions/arm_avgpool_s8.c -------------------------------------------------------------------------------- /src/third_party/cmsis_nn/Source/PoolingFunctions/arm_max_pool_s16.c: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pschatzmann/tflite-micro-arduino-examples/HEAD/src/third_party/cmsis_nn/Source/PoolingFunctions/arm_max_pool_s16.c -------------------------------------------------------------------------------- /src/third_party/cmsis_nn/Source/PoolingFunctions/arm_max_pool_s8.c: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pschatzmann/tflite-micro-arduino-examples/HEAD/src/third_party/cmsis_nn/Source/PoolingFunctions/arm_max_pool_s8.c -------------------------------------------------------------------------------- /src/third_party/cmsis_nn/Source/ReshapeFunctions/arm_reshape_s8.c: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pschatzmann/tflite-micro-arduino-examples/HEAD/src/third_party/cmsis_nn/Source/ReshapeFunctions/arm_reshape_s8.c -------------------------------------------------------------------------------- /src/third_party/cmsis_nn/Source/SVDFunctions/arm_svdf_s8.c: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pschatzmann/tflite-micro-arduino-examples/HEAD/src/third_party/cmsis_nn/Source/SVDFunctions/arm_svdf_s8.c -------------------------------------------------------------------------------- /src/third_party/cmsis_nn/Source/SVDFunctions/arm_svdf_state_s16_s8.c: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pschatzmann/tflite-micro-arduino-examples/HEAD/src/third_party/cmsis_nn/Source/SVDFunctions/arm_svdf_state_s16_s8.c -------------------------------------------------------------------------------- /src/third_party/cmsis_nn/Source/SoftmaxFunctions/arm_nn_softmax_common_s8.c: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pschatzmann/tflite-micro-arduino-examples/HEAD/src/third_party/cmsis_nn/Source/SoftmaxFunctions/arm_nn_softmax_common_s8.c -------------------------------------------------------------------------------- /src/third_party/cmsis_nn/Source/SoftmaxFunctions/arm_softmax_s16.c: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pschatzmann/tflite-micro-arduino-examples/HEAD/src/third_party/cmsis_nn/Source/SoftmaxFunctions/arm_softmax_s16.c -------------------------------------------------------------------------------- /src/third_party/cmsis_nn/Source/SoftmaxFunctions/arm_softmax_s8.c: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pschatzmann/tflite-micro-arduino-examples/HEAD/src/third_party/cmsis_nn/Source/SoftmaxFunctions/arm_softmax_s8.c -------------------------------------------------------------------------------- /src/third_party/cmsis_nn/Source/SoftmaxFunctions/arm_softmax_s8_s16.c: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pschatzmann/tflite-micro-arduino-examples/HEAD/src/third_party/cmsis_nn/Source/SoftmaxFunctions/arm_softmax_s8_s16.c -------------------------------------------------------------------------------- /src/third_party/cmsis_nn/Source/SoftmaxFunctions/arm_softmax_u8.c: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pschatzmann/tflite-micro-arduino-examples/HEAD/src/third_party/cmsis_nn/Source/SoftmaxFunctions/arm_softmax_u8.c -------------------------------------------------------------------------------- /src/third_party/flatbuffers/LICENSE.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pschatzmann/tflite-micro-arduino-examples/HEAD/src/third_party/flatbuffers/LICENSE.txt -------------------------------------------------------------------------------- /src/third_party/flatbuffers/include/flatbuffers/allocator.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pschatzmann/tflite-micro-arduino-examples/HEAD/src/third_party/flatbuffers/include/flatbuffers/allocator.h -------------------------------------------------------------------------------- /src/third_party/flatbuffers/include/flatbuffers/array.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pschatzmann/tflite-micro-arduino-examples/HEAD/src/third_party/flatbuffers/include/flatbuffers/array.h -------------------------------------------------------------------------------- /src/third_party/flatbuffers/include/flatbuffers/base.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pschatzmann/tflite-micro-arduino-examples/HEAD/src/third_party/flatbuffers/include/flatbuffers/base.h -------------------------------------------------------------------------------- /src/third_party/flatbuffers/include/flatbuffers/buffer.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pschatzmann/tflite-micro-arduino-examples/HEAD/src/third_party/flatbuffers/include/flatbuffers/buffer.h -------------------------------------------------------------------------------- /src/third_party/flatbuffers/include/flatbuffers/buffer_ref.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pschatzmann/tflite-micro-arduino-examples/HEAD/src/third_party/flatbuffers/include/flatbuffers/buffer_ref.h -------------------------------------------------------------------------------- /src/third_party/flatbuffers/include/flatbuffers/default_allocator.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pschatzmann/tflite-micro-arduino-examples/HEAD/src/third_party/flatbuffers/include/flatbuffers/default_allocator.h -------------------------------------------------------------------------------- /src/third_party/flatbuffers/include/flatbuffers/detached_buffer.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pschatzmann/tflite-micro-arduino-examples/HEAD/src/third_party/flatbuffers/include/flatbuffers/detached_buffer.h -------------------------------------------------------------------------------- /src/third_party/flatbuffers/include/flatbuffers/flatbuffer_builder.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pschatzmann/tflite-micro-arduino-examples/HEAD/src/third_party/flatbuffers/include/flatbuffers/flatbuffer_builder.h -------------------------------------------------------------------------------- /src/third_party/flatbuffers/include/flatbuffers/flatbuffers.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pschatzmann/tflite-micro-arduino-examples/HEAD/src/third_party/flatbuffers/include/flatbuffers/flatbuffers.h -------------------------------------------------------------------------------- /src/third_party/flatbuffers/include/flatbuffers/flexbuffers.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pschatzmann/tflite-micro-arduino-examples/HEAD/src/third_party/flatbuffers/include/flatbuffers/flexbuffers.h -------------------------------------------------------------------------------- /src/third_party/flatbuffers/include/flatbuffers/stl_emulation.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pschatzmann/tflite-micro-arduino-examples/HEAD/src/third_party/flatbuffers/include/flatbuffers/stl_emulation.h -------------------------------------------------------------------------------- /src/third_party/flatbuffers/include/flatbuffers/string.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pschatzmann/tflite-micro-arduino-examples/HEAD/src/third_party/flatbuffers/include/flatbuffers/string.h -------------------------------------------------------------------------------- /src/third_party/flatbuffers/include/flatbuffers/struct.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pschatzmann/tflite-micro-arduino-examples/HEAD/src/third_party/flatbuffers/include/flatbuffers/struct.h -------------------------------------------------------------------------------- /src/third_party/flatbuffers/include/flatbuffers/table.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pschatzmann/tflite-micro-arduino-examples/HEAD/src/third_party/flatbuffers/include/flatbuffers/table.h -------------------------------------------------------------------------------- /src/third_party/flatbuffers/include/flatbuffers/util.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pschatzmann/tflite-micro-arduino-examples/HEAD/src/third_party/flatbuffers/include/flatbuffers/util.h -------------------------------------------------------------------------------- /src/third_party/flatbuffers/include/flatbuffers/vector.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pschatzmann/tflite-micro-arduino-examples/HEAD/src/third_party/flatbuffers/include/flatbuffers/vector.h -------------------------------------------------------------------------------- /src/third_party/flatbuffers/include/flatbuffers/vector_downward.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pschatzmann/tflite-micro-arduino-examples/HEAD/src/third_party/flatbuffers/include/flatbuffers/vector_downward.h -------------------------------------------------------------------------------- /src/third_party/flatbuffers/include/flatbuffers/verifier.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pschatzmann/tflite-micro-arduino-examples/HEAD/src/third_party/flatbuffers/include/flatbuffers/verifier.h -------------------------------------------------------------------------------- /src/third_party/gemmlowp/LICENSE: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pschatzmann/tflite-micro-arduino-examples/HEAD/src/third_party/gemmlowp/LICENSE -------------------------------------------------------------------------------- /src/third_party/gemmlowp/fixedpoint/fixedpoint.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pschatzmann/tflite-micro-arduino-examples/HEAD/src/third_party/gemmlowp/fixedpoint/fixedpoint.h -------------------------------------------------------------------------------- /src/third_party/gemmlowp/fixedpoint/fixedpoint_neon.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pschatzmann/tflite-micro-arduino-examples/HEAD/src/third_party/gemmlowp/fixedpoint/fixedpoint_neon.h -------------------------------------------------------------------------------- /src/third_party/gemmlowp/fixedpoint/fixedpoint_sse.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pschatzmann/tflite-micro-arduino-examples/HEAD/src/third_party/gemmlowp/fixedpoint/fixedpoint_sse.h -------------------------------------------------------------------------------- /src/third_party/gemmlowp/internal/detect_platform.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pschatzmann/tflite-micro-arduino-examples/HEAD/src/third_party/gemmlowp/internal/detect_platform.h -------------------------------------------------------------------------------- /src/third_party/kissfft/COPYING: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pschatzmann/tflite-micro-arduino-examples/HEAD/src/third_party/kissfft/COPYING -------------------------------------------------------------------------------- /src/third_party/kissfft/_kiss_fft_guts.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pschatzmann/tflite-micro-arduino-examples/HEAD/src/third_party/kissfft/_kiss_fft_guts.h -------------------------------------------------------------------------------- /src/third_party/kissfft/kiss_fft.c: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pschatzmann/tflite-micro-arduino-examples/HEAD/src/third_party/kissfft/kiss_fft.c -------------------------------------------------------------------------------- /src/third_party/kissfft/kiss_fft.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pschatzmann/tflite-micro-arduino-examples/HEAD/src/third_party/kissfft/kiss_fft.h -------------------------------------------------------------------------------- /src/third_party/kissfft/tools/kiss_fftr.c: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pschatzmann/tflite-micro-arduino-examples/HEAD/src/third_party/kissfft/tools/kiss_fftr.c -------------------------------------------------------------------------------- /src/third_party/kissfft/tools/kiss_fftr.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pschatzmann/tflite-micro-arduino-examples/HEAD/src/third_party/kissfft/tools/kiss_fftr.h -------------------------------------------------------------------------------- /src/third_party/ruy/ruy/profiler/instrumentation.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pschatzmann/tflite-micro-arduino-examples/HEAD/src/third_party/ruy/ruy/profiler/instrumentation.h --------------------------------------------------------------------------------