├── .gitignore ├── CMakeLists.txt ├── CMakeLists_template.txt ├── README.md ├── benchmark_results.txt ├── examples ├── hello_world │ ├── CMakeLists.txt │ ├── constants.cpp │ ├── constants.h │ ├── hello_world_float_model_data.cpp │ ├── hello_world_float_model_data.h │ ├── hello_world_int8_model_data.cpp │ ├── hello_world_int8_model_data.h │ ├── hello_world_test.cpp │ ├── main.cpp │ ├── main_functions.cpp │ ├── main_functions.h │ ├── output_handler.h │ ├── output_handler_test.cpp │ └── rp2 │ │ └── output_handler.cpp └── person_detection │ ├── CMakeLists.txt │ ├── detection_responder.cpp │ ├── detection_responder.h │ ├── detection_responder_test.cpp │ ├── image_provider.cpp │ ├── image_provider.h │ ├── image_provider_test.cpp │ ├── main.cpp │ ├── main_functions.cpp │ ├── main_functions.h │ ├── model_settings.cpp │ ├── model_settings.h │ ├── no_person_image_data.h │ ├── person_detect_model_data.h │ ├── person_detection_test.cpp │ ├── person_image_data.h │ └── tensorflow │ └── lite │ └── micro │ ├── benchmarks │ └── person_detection_benchmark.cpp │ └── tools │ └── make │ └── downloads │ └── person_model │ ├── no_person_image_data.cpp │ ├── person_detect_model_data.cpp │ └── person_image_data.cpp ├── pico_sdk_import.cmake ├── src ├── signal │ ├── micro │ │ └── kernels │ │ │ ├── delay.cpp │ │ │ ├── delay_flexbuffers_generated_data.h │ │ │ ├── energy.cpp │ │ │ ├── energy_flexbuffers_generated_data.h │ │ │ ├── fft_auto_scale_common.cpp │ │ │ ├── fft_auto_scale_kernel.cpp │ │ │ ├── fft_auto_scale_kernel.h │ │ │ ├── fft_flexbuffers_generated_data.h │ │ │ ├── filter_bank.cpp │ │ │ ├── filter_bank_flexbuffers_generated_data.h │ │ │ ├── filter_bank_log.cpp │ │ │ ├── filter_bank_log_flexbuffers_generated_data.h │ │ │ ├── filter_bank_spectral_subtraction.cpp │ │ │ ├── filter_bank_spectral_subtraction_flexbuffers_generated_data.h │ │ │ ├── filter_bank_square_root.cpp │ │ │ ├── filter_bank_square_root.h │ │ │ ├── filter_bank_square_root_common.cpp │ │ │ ├── framer.cpp │ │ │ ├── framer_flexbuffers_generated_data.h │ │ │ ├── irfft.cpp │ │ │ ├── irfft.h │ │ │ ├── overlap_add.cpp │ │ │ ├── overlap_add_flexbuffers_generated_data.h │ │ │ ├── pcan.cpp │ │ │ ├── pcan_flexbuffers_generated_data.h │ │ │ ├── rfft.cpp │ │ │ ├── rfft.h │ │ │ ├── stacker.cpp │ │ │ ├── stacker_flexbuffers_generated_data.h │ │ │ ├── window.cpp │ │ │ └── window_flexbuffers_generated_data.h │ └── src │ │ ├── circular_buffer.cpp │ │ ├── circular_buffer.h │ │ ├── complex.h │ │ ├── energy.cpp │ │ ├── energy.h │ │ ├── fft_auto_scale.cpp │ │ ├── fft_auto_scale.h │ │ ├── filter_bank.cpp │ │ ├── filter_bank.h │ │ ├── filter_bank_log.cpp │ │ ├── filter_bank_log.h │ │ ├── filter_bank_spectral_subtraction.cpp │ │ ├── filter_bank_spectral_subtraction.h │ │ ├── filter_bank_square_root.cpp │ │ ├── filter_bank_square_root.h │ │ ├── irfft.h │ │ ├── irfft_float.cpp │ │ ├── irfft_int16.cpp │ │ ├── irfft_int32.cpp │ │ ├── kiss_fft_wrappers │ │ ├── kiss_fft_common.h │ │ ├── kiss_fft_float.cpp │ │ ├── kiss_fft_float.h │ │ ├── kiss_fft_int16.cpp │ │ ├── kiss_fft_int16.h │ │ ├── kiss_fft_int32.cpp │ │ └── kiss_fft_int32.h │ │ ├── log.cpp │ │ ├── log.h │ │ ├── max_abs.cpp │ │ ├── max_abs.h │ │ ├── msb.h │ │ ├── msb_32.cpp │ │ ├── msb_64.cpp │ │ ├── overlap_add.cpp │ │ ├── overlap_add.h │ │ ├── pcan_argc_fixed.cpp │ │ ├── pcan_argc_fixed.h │ │ ├── rfft.h │ │ ├── rfft_float.cpp │ │ ├── rfft_int16.cpp │ │ ├── rfft_int32.cpp │ │ ├── square_root.h │ │ ├── square_root_32.cpp │ │ ├── square_root_64.cpp │ │ ├── window.cpp │ │ └── window.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 │ │ │ ├── tensor_utils.cpp │ │ │ └── tensor_utils.h │ │ ├── c │ │ │ ├── builtin_op_data.h │ │ │ ├── c_api_types.h │ │ │ ├── common.cpp │ │ │ └── common.h │ │ └── macros.h │ │ ├── kernels │ │ ├── internal │ │ │ ├── common.cpp │ │ │ ├── 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.cpp │ │ │ │ ├── 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.cpp │ │ │ ├── tensor_ctypes.h │ │ │ ├── tensor_utils.cpp │ │ │ └── types.h │ │ ├── kernel_util.cpp │ │ ├── kernel_util.h │ │ ├── op_macros.h │ │ └── padding.h │ │ ├── micro │ │ ├── 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 │ │ ├── benchmarks │ │ │ └── micro_benchmark.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_matmul.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 │ │ │ │ ├── transpose_conv.cpp │ │ │ │ └── unidirectional_sequence_lstm.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 │ │ │ ├── embedding_lookup.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_common.cpp │ │ │ ├── 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 │ │ │ ├── reshape.h │ │ │ ├── reshape_common.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 │ │ │ ├── strided_slice.h │ │ │ ├── strided_slice_common.cpp │ │ │ ├── sub.cpp │ │ │ ├── sub.h │ │ │ ├── sub_common.cpp │ │ │ ├── svdf.h │ │ │ ├── svdf_common.cpp │ │ │ ├── tanh.cpp │ │ │ ├── transpose.cpp │ │ │ ├── transpose_conv.h │ │ │ ├── unidirectional_sequence_lstm.h │ │ │ ├── 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_common.h │ │ ├── micro_context.cpp │ │ ├── micro_context.h │ │ ├── micro_graph.h │ │ ├── micro_interpreter.cpp │ │ ├── micro_interpreter.h │ │ ├── micro_interpreter_context.cpp │ │ ├── micro_interpreter_context.h │ │ ├── micro_interpreter_graph.cpp │ │ ├── micro_interpreter_graph.h │ │ ├── micro_log.cpp │ │ ├── micro_log.h │ │ ├── micro_mutable_op_resolver.h │ │ ├── micro_op_resolver.cpp │ │ ├── micro_op_resolver.h │ │ ├── micro_profiler.cpp │ │ ├── micro_profiler.h │ │ ├── micro_profiler_interface.h │ │ ├── micro_resource_variable.cpp │ │ ├── micro_resource_variable.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_setup.cpp │ │ ├── system_setup.h │ │ ├── test_helper_custom_ops.cpp │ │ ├── test_helper_custom_ops.h │ │ ├── test_helpers.cpp │ │ ├── test_helpers.h │ │ ├── testing │ │ │ └── micro_test.h │ │ └── tflite_bridge │ │ │ ├── flatbuffer_conversions_bridge.cpp │ │ │ ├── flatbuffer_conversions_bridge.h │ │ │ ├── micro_error_reporter.cpp │ │ │ └── micro_error_reporter.h │ │ ├── portable_type_to_tflitetype.h │ │ └── schema │ │ ├── schema_generated.h │ │ ├── schema_utils.cpp │ │ └── schema_utils.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_tiarmclang.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 │ │ ├── Internal │ │ │ └── arm_nn_compiler.h │ │ ├── arm_nn_math_types.h │ │ ├── arm_nn_tables.h │ │ ├── arm_nn_types.h │ │ ├── arm_nnfunctions.h │ │ └── arm_nnsupportfunctions.h │ ├── LICENSE.txt │ └── Source │ │ ├── ActivationFunctions │ │ ├── arm_nn_activation_s16.c │ │ ├── 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_s16_s8.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_s4.c │ │ ├── arm_convolve_1x1_s4_fast.c │ │ ├── arm_convolve_1x1_s8.c │ │ ├── arm_convolve_1x1_s8_fast.c │ │ ├── arm_convolve_fast_s16.c │ │ ├── arm_convolve_get_buffer_sizes_s16.c │ │ ├── arm_convolve_get_buffer_sizes_s4.c │ │ ├── arm_convolve_get_buffer_sizes_s8.c │ │ ├── arm_convolve_s16.c │ │ ├── arm_convolve_s4.c │ │ ├── arm_convolve_s8.c │ │ ├── arm_convolve_wrapper_s16.c │ │ ├── arm_convolve_wrapper_s4.c │ │ ├── arm_convolve_wrapper_s8.c │ │ ├── arm_depthwise_conv_3x3_s8.c │ │ ├── arm_depthwise_conv_fast_s16.c │ │ ├── arm_depthwise_conv_get_buffer_sizes_s16.c │ │ ├── arm_depthwise_conv_get_buffer_sizes_s4.c │ │ ├── arm_depthwise_conv_get_buffer_sizes_s8.c │ │ ├── arm_depthwise_conv_s16.c │ │ ├── arm_depthwise_conv_s4.c │ │ ├── arm_depthwise_conv_s4_opt.c │ │ ├── arm_depthwise_conv_s8.c │ │ ├── arm_depthwise_conv_s8_opt.c │ │ ├── arm_depthwise_conv_wrapper_s16.c │ │ ├── arm_depthwise_conv_wrapper_s4.c │ │ ├── arm_depthwise_conv_wrapper_s8.c │ │ ├── arm_nn_depthwise_conv_s8_core.c │ │ ├── arm_nn_mat_mult_kernel_s4_s16.c │ │ ├── arm_nn_mat_mult_kernel_s8_s16.c │ │ ├── arm_nn_mat_mult_s8.c │ │ ├── arm_transpose_conv_get_buffer_sizes_s8.c │ │ └── arm_transpose_conv_s8.c │ │ ├── FullyConnectedFunctions │ │ ├── arm_fully_connected_get_buffer_sizes_s16.c │ │ ├── arm_fully_connected_get_buffer_sizes_s8.c │ │ ├── arm_fully_connected_s16.c │ │ ├── arm_fully_connected_s4.c │ │ ├── arm_fully_connected_s8.c │ │ └── arm_vector_sum_s8.c │ │ ├── LSTMFunctions │ │ └── arm_lstm_unidirectional_s8_s16.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_lstm_calculate_gate_s8_s16.c │ │ ├── arm_nn_lstm_step_s8_s16.c │ │ ├── arm_nn_lstm_update_cell_state_s16.c │ │ ├── arm_nn_lstm_update_output_s8_s16.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_s4.c │ │ ├── arm_nn_mat_mult_nt_t_s8.c │ │ ├── arm_nn_mat_mult_nt_t_s8_s32.c │ │ ├── arm_nn_vec_mat_mul_result_acc_s8.c │ │ ├── arm_nn_vec_mat_mult_t_s16.c │ │ ├── arm_nn_vec_mat_mult_t_s4.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 │ │ └── arm_s8_to_s16_unordered_with_offset.c │ │ ├── PoolingFunctions │ │ ├── arm_avgpool_get_buffer_sizes_s16.c │ │ ├── arm_avgpool_get_buffer_sizes_s8.c │ │ ├── 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_get_buffer_sizes_s8.c │ │ ├── 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 │ └── include │ │ └── flatbuffers │ │ ├── allocator.h │ │ ├── array.h │ │ ├── base.h │ │ ├── buffer.h │ │ ├── buffer_ref.h │ │ ├── code_generator.h │ │ ├── code_generators.h │ │ ├── default_allocator.h │ │ ├── detached_buffer.h │ │ ├── file_manager.h │ │ ├── flatbuffer_builder.h │ │ ├── flatbuffers.h │ │ ├── flex_flat_util.h │ │ ├── flexbuffers.h │ │ ├── grpc.h │ │ ├── hash.h │ │ ├── idl.h │ │ ├── minireflect.h │ │ ├── reflection.h │ │ ├── reflection_generated.h │ │ ├── registry.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 ├── sync ├── MANIFEST.ini ├── add_usb.py ├── arm_nn_mat_mult_nt_t_s8.c ├── create_tests.py ├── create_tflm_arduino.py ├── fix_arduino_subfolders.py ├── micro_benchmark.h ├── micro_profiler.cpp ├── micro_test.h ├── micro_time.cpp ├── replace_string_with_file_contents.py ├── sync_with_upstream.sh ├── system_setup.cpp ├── test_CMakeLists_template.txt └── transform_source.py └── tests ├── arena_allocator_non_persistent_arena_buffer_allocator_test ├── CMakeLists.txt └── non_persistent_arena_buffer_allocator_test.cpp ├── arena_allocator_persistent_arena_buffer_allocator_test ├── CMakeLists.txt └── persistent_arena_buffer_allocator_test.cpp ├── arena_allocator_recording_single_arena_buffer_allocator_test ├── CMakeLists.txt └── recording_single_arena_buffer_allocator_test.cpp ├── arena_allocator_single_arena_buffer_allocator_test ├── CMakeLists.txt └── single_arena_buffer_allocator_test.cpp ├── fake_micro_context_test ├── CMakeLists.txt └── fake_micro_context_test.cpp ├── flatbuffer_utils_test ├── CMakeLists.txt └── flatbuffer_utils_test.cpp ├── kernels_activations_test ├── CMakeLists.txt └── activations_test.cpp ├── kernels_add_n_test ├── CMakeLists.txt └── add_n_test.cpp ├── kernels_add_test ├── CMakeLists.txt └── add_test.cpp ├── kernels_arg_min_max_test ├── CMakeLists.txt └── arg_min_max_test.cpp ├── kernels_batch_matmul_test ├── CMakeLists.txt └── batch_matmul_test.cpp ├── kernels_batch_to_space_nd_test ├── CMakeLists.txt └── batch_to_space_nd_test.cpp ├── kernels_broadcast_args_test ├── CMakeLists.txt └── broadcast_args_test.cpp ├── kernels_broadcast_to_test ├── CMakeLists.txt └── broadcast_to_test.cpp ├── kernels_call_once_test ├── CMakeLists.txt └── call_once_test.cpp ├── kernels_cast_test ├── CMakeLists.txt └── cast_test.cpp ├── kernels_ceil_test ├── CMakeLists.txt └── ceil_test.cpp ├── kernels_circular_buffer_test ├── CMakeLists.txt ├── circular_buffer_test.cpp └── tensorflow │ └── lite │ └── micro │ └── kernels │ ├── circular_buffer_flexbuffers_generated_data.cpp │ └── circular_buffer_flexbuffers_generated_data.h ├── kernels_comparisons_test ├── CMakeLists.txt └── comparisons_test.cpp ├── kernels_concatenation_test ├── CMakeLists.txt └── concatenation_test.cpp ├── kernels_conv_test ├── CMakeLists.txt ├── conv_test.cpp └── tensorflow │ └── lite │ └── micro │ └── kernels │ ├── conv_test_common.cpp │ └── testdata │ ├── conv_test_data.cpp │ └── conv_test_data.h ├── kernels_cumsum_test ├── CMakeLists.txt └── cumsum_test.cpp ├── kernels_depth_to_space_test ├── CMakeLists.txt └── depth_to_space_test.cpp ├── kernels_depthwise_conv_test ├── CMakeLists.txt └── depthwise_conv_test.cpp ├── kernels_dequantize_test ├── CMakeLists.txt └── dequantize_test.cpp ├── kernels_detection_postprocess_test ├── CMakeLists.txt ├── detection_postprocess_test.cpp └── tensorflow │ └── lite │ └── micro │ └── kernels │ ├── detection_postprocess_flexbuffers_generated_data.cpp │ └── detection_postprocess_flexbuffers_generated_data.h ├── kernels_div_test ├── CMakeLists.txt └── div_test.cpp ├── kernels_elementwise_test ├── CMakeLists.txt └── elementwise_test.cpp ├── kernels_elu_test ├── CMakeLists.txt └── elu_test.cpp ├── kernels_embedding_lookup_test ├── CMakeLists.txt └── embedding_lookup_test.cpp ├── kernels_exp_test ├── CMakeLists.txt └── exp_test.cpp ├── kernels_expand_dims_test ├── CMakeLists.txt └── expand_dims_test.cpp ├── kernels_fill_test ├── CMakeLists.txt └── fill_test.cpp ├── kernels_floor_div_test ├── CMakeLists.txt └── floor_div_test.cpp ├── kernels_floor_mod_test ├── CMakeLists.txt └── floor_mod_test.cpp ├── kernels_floor_test ├── CMakeLists.txt └── floor_test.cpp ├── kernels_fully_connected_test ├── CMakeLists.txt └── fully_connected_test.cpp ├── kernels_gather_nd_test ├── CMakeLists.txt └── gather_nd_test.cpp ├── kernels_gather_test ├── CMakeLists.txt └── gather_test.cpp ├── kernels_hard_swish_test ├── CMakeLists.txt └── hard_swish_test.cpp ├── kernels_if_test ├── CMakeLists.txt └── if_test.cpp ├── kernels_l2_pool_2d_test ├── CMakeLists.txt └── l2_pool_2d_test.cpp ├── kernels_l2norm_test ├── CMakeLists.txt └── l2norm_test.cpp ├── kernels_leaky_relu_test ├── CMakeLists.txt └── leaky_relu_test.cpp ├── kernels_log_softmax_test ├── CMakeLists.txt └── log_softmax_test.cpp ├── kernels_logical_test ├── CMakeLists.txt └── logical_test.cpp ├── kernels_logistic_test ├── CMakeLists.txt └── logistic_test.cpp ├── kernels_lstm_eval_test ├── CMakeLists.txt ├── lstm_eval_test.cpp └── tensorflow │ └── lite │ └── micro │ └── kernels │ └── testdata │ ├── lstm_test_data.cpp │ └── lstm_test_data.h ├── kernels_maximum_minimum_test ├── CMakeLists.txt └── maximum_minimum_test.cpp ├── kernels_mirror_pad_test ├── CMakeLists.txt └── mirror_pad_test.cpp ├── kernels_mul_test ├── CMakeLists.txt └── mul_test.cpp ├── kernels_neg_test ├── CMakeLists.txt └── neg_test.cpp ├── kernels_pack_test ├── CMakeLists.txt └── pack_test.cpp ├── kernels_pad_test ├── CMakeLists.txt └── pad_test.cpp ├── kernels_pooling_test ├── CMakeLists.txt └── pooling_test.cpp ├── kernels_prelu_test ├── CMakeLists.txt └── prelu_test.cpp ├── kernels_quantization_util_test ├── CMakeLists.txt └── quantization_util_test.cpp ├── kernels_quantize_test ├── CMakeLists.txt └── quantize_test.cpp ├── kernels_reduce_test ├── CMakeLists.txt └── reduce_test.cpp ├── kernels_reshape_test ├── CMakeLists.txt └── reshape_test.cpp ├── kernels_resize_bilinear_test ├── CMakeLists.txt └── resize_bilinear_test.cpp ├── kernels_resize_nearest_neighbor_test ├── CMakeLists.txt └── resize_nearest_neighbor_test.cpp ├── kernels_round_test ├── CMakeLists.txt └── round_test.cpp ├── kernels_select_test ├── CMakeLists.txt └── select_test.cpp ├── kernels_shape_test ├── CMakeLists.txt └── shape_test.cpp ├── kernels_slice_test ├── CMakeLists.txt └── slice_test.cpp ├── kernels_softmax_test ├── CMakeLists.txt └── softmax_test.cpp ├── kernels_space_to_batch_nd_test ├── CMakeLists.txt └── space_to_batch_nd_test.cpp ├── kernels_space_to_depth_test ├── CMakeLists.txt └── space_to_depth_test.cpp ├── kernels_split_test ├── CMakeLists.txt └── split_test.cpp ├── kernels_split_v_test ├── CMakeLists.txt └── split_v_test.cpp ├── kernels_squared_difference_test ├── CMakeLists.txt └── squared_difference_test.cpp ├── kernels_squeeze_test ├── CMakeLists.txt └── squeeze_test.cpp ├── kernels_strided_slice_test ├── CMakeLists.txt └── strided_slice_test.cpp ├── kernels_sub_test ├── CMakeLists.txt └── sub_test.cpp ├── kernels_svdf_test ├── CMakeLists.txt └── svdf_test.cpp ├── kernels_tanh_test ├── CMakeLists.txt └── tanh_test.cpp ├── kernels_transpose_conv_test ├── CMakeLists.txt └── transpose_conv_test.cpp ├── kernels_transpose_test ├── CMakeLists.txt └── transpose_test.cpp ├── kernels_unidirectional_sequence_lstm_test ├── CMakeLists.txt ├── tensorflow │ └── lite │ │ └── micro │ │ └── kernels │ │ └── testdata │ │ ├── lstm_test_data.cpp │ │ └── lstm_test_data.h └── unidirectional_sequence_lstm_test.cpp ├── kernels_unpack_test ├── CMakeLists.txt └── unpack_test.cpp ├── kernels_while_test ├── CMakeLists.txt └── while_test.cpp ├── kernels_zeros_like_test ├── CMakeLists.txt └── zeros_like_test.cpp ├── memory_arena_threshold_test ├── CMakeLists.txt ├── memory_arena_threshold_test.cpp └── tensorflow │ └── lite │ └── micro │ ├── models │ ├── keyword_scrambled_model_data.cpp │ └── keyword_scrambled_model_data.h │ └── testing │ ├── test_conv_model.cpp │ └── test_conv_model.h ├── memory_helpers_test ├── CMakeLists.txt └── memory_helpers_test.cpp ├── memory_planner_greedy_memory_planner_test ├── CMakeLists.txt └── greedy_memory_planner_test.cpp ├── memory_planner_linear_memory_planner_test ├── CMakeLists.txt └── linear_memory_planner_test.cpp ├── memory_planner_non_persistent_buffer_planner_shim_test ├── CMakeLists.txt └── non_persistent_buffer_planner_shim_test.cpp ├── micro_allocation_info_test ├── CMakeLists.txt └── micro_allocation_info_test.cpp ├── micro_allocator_test ├── CMakeLists.txt ├── micro_allocator_test.cpp └── tensorflow │ └── lite │ └── micro │ └── testing │ ├── test_conv_model.cpp │ └── test_conv_model.h ├── micro_interpreter_context_test ├── CMakeLists.txt └── micro_interpreter_context_test.cpp ├── micro_log_test ├── CMakeLists.txt └── micro_log_test.cpp ├── micro_mutable_op_resolver_test ├── CMakeLists.txt └── micro_mutable_op_resolver_test.cpp ├── micro_resource_variable_test ├── CMakeLists.txt └── micro_resource_variable_test.cpp ├── micro_time_test ├── CMakeLists.txt └── micro_time_test.cpp ├── micro_utils_test ├── CMakeLists.txt └── micro_utils_test.cpp ├── recording_micro_allocator_test ├── CMakeLists.txt ├── recording_micro_allocator_test.cpp └── tensorflow │ └── lite │ └── micro │ └── testing │ ├── test_conv_model.cpp │ └── test_conv_model.h ├── testing_helpers_test ├── CMakeLists.txt └── testing_helpers_test.cpp └── testing_util_test ├── CMakeLists.txt └── util_test.cpp /.gitignore: -------------------------------------------------------------------------------- 1 | /.vscode 2 | /build 3 | -------------------------------------------------------------------------------- /CMakeLists.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/moonshine-ai/pico-tflmicro/HEAD/CMakeLists.txt -------------------------------------------------------------------------------- /CMakeLists_template.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/moonshine-ai/pico-tflmicro/HEAD/CMakeLists_template.txt -------------------------------------------------------------------------------- /README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/moonshine-ai/pico-tflmicro/HEAD/README.md -------------------------------------------------------------------------------- /benchmark_results.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/moonshine-ai/pico-tflmicro/HEAD/benchmark_results.txt -------------------------------------------------------------------------------- /examples/hello_world/CMakeLists.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/moonshine-ai/pico-tflmicro/HEAD/examples/hello_world/CMakeLists.txt -------------------------------------------------------------------------------- /examples/hello_world/constants.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/moonshine-ai/pico-tflmicro/HEAD/examples/hello_world/constants.cpp -------------------------------------------------------------------------------- /examples/hello_world/constants.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/moonshine-ai/pico-tflmicro/HEAD/examples/hello_world/constants.h -------------------------------------------------------------------------------- /examples/hello_world/hello_world_float_model_data.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/moonshine-ai/pico-tflmicro/HEAD/examples/hello_world/hello_world_float_model_data.cpp -------------------------------------------------------------------------------- /examples/hello_world/hello_world_float_model_data.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/moonshine-ai/pico-tflmicro/HEAD/examples/hello_world/hello_world_float_model_data.h -------------------------------------------------------------------------------- /examples/hello_world/hello_world_int8_model_data.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/moonshine-ai/pico-tflmicro/HEAD/examples/hello_world/hello_world_int8_model_data.cpp -------------------------------------------------------------------------------- /examples/hello_world/hello_world_int8_model_data.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/moonshine-ai/pico-tflmicro/HEAD/examples/hello_world/hello_world_int8_model_data.h -------------------------------------------------------------------------------- /examples/hello_world/hello_world_test.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/moonshine-ai/pico-tflmicro/HEAD/examples/hello_world/hello_world_test.cpp -------------------------------------------------------------------------------- /examples/hello_world/main.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/moonshine-ai/pico-tflmicro/HEAD/examples/hello_world/main.cpp -------------------------------------------------------------------------------- /examples/hello_world/main_functions.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/moonshine-ai/pico-tflmicro/HEAD/examples/hello_world/main_functions.cpp -------------------------------------------------------------------------------- /examples/hello_world/main_functions.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/moonshine-ai/pico-tflmicro/HEAD/examples/hello_world/main_functions.h -------------------------------------------------------------------------------- /examples/hello_world/output_handler.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/moonshine-ai/pico-tflmicro/HEAD/examples/hello_world/output_handler.h -------------------------------------------------------------------------------- /examples/hello_world/output_handler_test.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/moonshine-ai/pico-tflmicro/HEAD/examples/hello_world/output_handler_test.cpp -------------------------------------------------------------------------------- /examples/hello_world/rp2/output_handler.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/moonshine-ai/pico-tflmicro/HEAD/examples/hello_world/rp2/output_handler.cpp -------------------------------------------------------------------------------- /examples/person_detection/CMakeLists.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/moonshine-ai/pico-tflmicro/HEAD/examples/person_detection/CMakeLists.txt -------------------------------------------------------------------------------- /examples/person_detection/detection_responder.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/moonshine-ai/pico-tflmicro/HEAD/examples/person_detection/detection_responder.cpp -------------------------------------------------------------------------------- /examples/person_detection/detection_responder.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/moonshine-ai/pico-tflmicro/HEAD/examples/person_detection/detection_responder.h -------------------------------------------------------------------------------- /examples/person_detection/detection_responder_test.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/moonshine-ai/pico-tflmicro/HEAD/examples/person_detection/detection_responder_test.cpp -------------------------------------------------------------------------------- /examples/person_detection/image_provider.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/moonshine-ai/pico-tflmicro/HEAD/examples/person_detection/image_provider.cpp -------------------------------------------------------------------------------- /examples/person_detection/image_provider.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/moonshine-ai/pico-tflmicro/HEAD/examples/person_detection/image_provider.h -------------------------------------------------------------------------------- /examples/person_detection/image_provider_test.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/moonshine-ai/pico-tflmicro/HEAD/examples/person_detection/image_provider_test.cpp -------------------------------------------------------------------------------- /examples/person_detection/main.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/moonshine-ai/pico-tflmicro/HEAD/examples/person_detection/main.cpp -------------------------------------------------------------------------------- /examples/person_detection/main_functions.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/moonshine-ai/pico-tflmicro/HEAD/examples/person_detection/main_functions.cpp -------------------------------------------------------------------------------- /examples/person_detection/main_functions.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/moonshine-ai/pico-tflmicro/HEAD/examples/person_detection/main_functions.h -------------------------------------------------------------------------------- /examples/person_detection/model_settings.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/moonshine-ai/pico-tflmicro/HEAD/examples/person_detection/model_settings.cpp -------------------------------------------------------------------------------- /examples/person_detection/model_settings.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/moonshine-ai/pico-tflmicro/HEAD/examples/person_detection/model_settings.h -------------------------------------------------------------------------------- /examples/person_detection/no_person_image_data.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/moonshine-ai/pico-tflmicro/HEAD/examples/person_detection/no_person_image_data.h -------------------------------------------------------------------------------- /examples/person_detection/person_detect_model_data.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/moonshine-ai/pico-tflmicro/HEAD/examples/person_detection/person_detect_model_data.h -------------------------------------------------------------------------------- /examples/person_detection/person_detection_test.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/moonshine-ai/pico-tflmicro/HEAD/examples/person_detection/person_detection_test.cpp -------------------------------------------------------------------------------- /examples/person_detection/person_image_data.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/moonshine-ai/pico-tflmicro/HEAD/examples/person_detection/person_image_data.h -------------------------------------------------------------------------------- /pico_sdk_import.cmake: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/moonshine-ai/pico-tflmicro/HEAD/pico_sdk_import.cmake -------------------------------------------------------------------------------- /src/signal/micro/kernels/delay.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/moonshine-ai/pico-tflmicro/HEAD/src/signal/micro/kernels/delay.cpp -------------------------------------------------------------------------------- /src/signal/micro/kernels/delay_flexbuffers_generated_data.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/moonshine-ai/pico-tflmicro/HEAD/src/signal/micro/kernels/delay_flexbuffers_generated_data.h -------------------------------------------------------------------------------- /src/signal/micro/kernels/energy.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/moonshine-ai/pico-tflmicro/HEAD/src/signal/micro/kernels/energy.cpp -------------------------------------------------------------------------------- /src/signal/micro/kernels/energy_flexbuffers_generated_data.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/moonshine-ai/pico-tflmicro/HEAD/src/signal/micro/kernels/energy_flexbuffers_generated_data.h -------------------------------------------------------------------------------- /src/signal/micro/kernels/fft_auto_scale_common.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/moonshine-ai/pico-tflmicro/HEAD/src/signal/micro/kernels/fft_auto_scale_common.cpp -------------------------------------------------------------------------------- /src/signal/micro/kernels/fft_auto_scale_kernel.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/moonshine-ai/pico-tflmicro/HEAD/src/signal/micro/kernels/fft_auto_scale_kernel.cpp -------------------------------------------------------------------------------- /src/signal/micro/kernels/fft_auto_scale_kernel.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/moonshine-ai/pico-tflmicro/HEAD/src/signal/micro/kernels/fft_auto_scale_kernel.h -------------------------------------------------------------------------------- /src/signal/micro/kernels/fft_flexbuffers_generated_data.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/moonshine-ai/pico-tflmicro/HEAD/src/signal/micro/kernels/fft_flexbuffers_generated_data.h -------------------------------------------------------------------------------- /src/signal/micro/kernels/filter_bank.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/moonshine-ai/pico-tflmicro/HEAD/src/signal/micro/kernels/filter_bank.cpp -------------------------------------------------------------------------------- /src/signal/micro/kernels/filter_bank_flexbuffers_generated_data.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/moonshine-ai/pico-tflmicro/HEAD/src/signal/micro/kernels/filter_bank_flexbuffers_generated_data.h -------------------------------------------------------------------------------- /src/signal/micro/kernels/filter_bank_log.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/moonshine-ai/pico-tflmicro/HEAD/src/signal/micro/kernels/filter_bank_log.cpp -------------------------------------------------------------------------------- /src/signal/micro/kernels/filter_bank_log_flexbuffers_generated_data.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/moonshine-ai/pico-tflmicro/HEAD/src/signal/micro/kernels/filter_bank_log_flexbuffers_generated_data.h -------------------------------------------------------------------------------- /src/signal/micro/kernels/filter_bank_spectral_subtraction.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/moonshine-ai/pico-tflmicro/HEAD/src/signal/micro/kernels/filter_bank_spectral_subtraction.cpp -------------------------------------------------------------------------------- /src/signal/micro/kernels/filter_bank_square_root.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/moonshine-ai/pico-tflmicro/HEAD/src/signal/micro/kernels/filter_bank_square_root.cpp -------------------------------------------------------------------------------- /src/signal/micro/kernels/filter_bank_square_root.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/moonshine-ai/pico-tflmicro/HEAD/src/signal/micro/kernels/filter_bank_square_root.h -------------------------------------------------------------------------------- /src/signal/micro/kernels/filter_bank_square_root_common.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/moonshine-ai/pico-tflmicro/HEAD/src/signal/micro/kernels/filter_bank_square_root_common.cpp -------------------------------------------------------------------------------- /src/signal/micro/kernels/framer.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/moonshine-ai/pico-tflmicro/HEAD/src/signal/micro/kernels/framer.cpp -------------------------------------------------------------------------------- /src/signal/micro/kernels/framer_flexbuffers_generated_data.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/moonshine-ai/pico-tflmicro/HEAD/src/signal/micro/kernels/framer_flexbuffers_generated_data.h -------------------------------------------------------------------------------- /src/signal/micro/kernels/irfft.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/moonshine-ai/pico-tflmicro/HEAD/src/signal/micro/kernels/irfft.cpp -------------------------------------------------------------------------------- /src/signal/micro/kernels/irfft.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/moonshine-ai/pico-tflmicro/HEAD/src/signal/micro/kernels/irfft.h -------------------------------------------------------------------------------- /src/signal/micro/kernels/overlap_add.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/moonshine-ai/pico-tflmicro/HEAD/src/signal/micro/kernels/overlap_add.cpp -------------------------------------------------------------------------------- /src/signal/micro/kernels/overlap_add_flexbuffers_generated_data.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/moonshine-ai/pico-tflmicro/HEAD/src/signal/micro/kernels/overlap_add_flexbuffers_generated_data.h -------------------------------------------------------------------------------- /src/signal/micro/kernels/pcan.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/moonshine-ai/pico-tflmicro/HEAD/src/signal/micro/kernels/pcan.cpp -------------------------------------------------------------------------------- /src/signal/micro/kernels/pcan_flexbuffers_generated_data.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/moonshine-ai/pico-tflmicro/HEAD/src/signal/micro/kernels/pcan_flexbuffers_generated_data.h -------------------------------------------------------------------------------- /src/signal/micro/kernels/rfft.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/moonshine-ai/pico-tflmicro/HEAD/src/signal/micro/kernels/rfft.cpp -------------------------------------------------------------------------------- /src/signal/micro/kernels/rfft.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/moonshine-ai/pico-tflmicro/HEAD/src/signal/micro/kernels/rfft.h -------------------------------------------------------------------------------- /src/signal/micro/kernels/stacker.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/moonshine-ai/pico-tflmicro/HEAD/src/signal/micro/kernels/stacker.cpp -------------------------------------------------------------------------------- /src/signal/micro/kernels/stacker_flexbuffers_generated_data.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/moonshine-ai/pico-tflmicro/HEAD/src/signal/micro/kernels/stacker_flexbuffers_generated_data.h -------------------------------------------------------------------------------- /src/signal/micro/kernels/window.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/moonshine-ai/pico-tflmicro/HEAD/src/signal/micro/kernels/window.cpp -------------------------------------------------------------------------------- /src/signal/micro/kernels/window_flexbuffers_generated_data.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/moonshine-ai/pico-tflmicro/HEAD/src/signal/micro/kernels/window_flexbuffers_generated_data.h -------------------------------------------------------------------------------- /src/signal/src/circular_buffer.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/moonshine-ai/pico-tflmicro/HEAD/src/signal/src/circular_buffer.cpp -------------------------------------------------------------------------------- /src/signal/src/circular_buffer.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/moonshine-ai/pico-tflmicro/HEAD/src/signal/src/circular_buffer.h -------------------------------------------------------------------------------- /src/signal/src/complex.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/moonshine-ai/pico-tflmicro/HEAD/src/signal/src/complex.h -------------------------------------------------------------------------------- /src/signal/src/energy.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/moonshine-ai/pico-tflmicro/HEAD/src/signal/src/energy.cpp -------------------------------------------------------------------------------- /src/signal/src/energy.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/moonshine-ai/pico-tflmicro/HEAD/src/signal/src/energy.h -------------------------------------------------------------------------------- /src/signal/src/fft_auto_scale.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/moonshine-ai/pico-tflmicro/HEAD/src/signal/src/fft_auto_scale.cpp -------------------------------------------------------------------------------- /src/signal/src/fft_auto_scale.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/moonshine-ai/pico-tflmicro/HEAD/src/signal/src/fft_auto_scale.h -------------------------------------------------------------------------------- /src/signal/src/filter_bank.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/moonshine-ai/pico-tflmicro/HEAD/src/signal/src/filter_bank.cpp -------------------------------------------------------------------------------- /src/signal/src/filter_bank.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/moonshine-ai/pico-tflmicro/HEAD/src/signal/src/filter_bank.h -------------------------------------------------------------------------------- /src/signal/src/filter_bank_log.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/moonshine-ai/pico-tflmicro/HEAD/src/signal/src/filter_bank_log.cpp -------------------------------------------------------------------------------- /src/signal/src/filter_bank_log.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/moonshine-ai/pico-tflmicro/HEAD/src/signal/src/filter_bank_log.h -------------------------------------------------------------------------------- /src/signal/src/filter_bank_spectral_subtraction.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/moonshine-ai/pico-tflmicro/HEAD/src/signal/src/filter_bank_spectral_subtraction.cpp -------------------------------------------------------------------------------- /src/signal/src/filter_bank_spectral_subtraction.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/moonshine-ai/pico-tflmicro/HEAD/src/signal/src/filter_bank_spectral_subtraction.h -------------------------------------------------------------------------------- /src/signal/src/filter_bank_square_root.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/moonshine-ai/pico-tflmicro/HEAD/src/signal/src/filter_bank_square_root.cpp -------------------------------------------------------------------------------- /src/signal/src/filter_bank_square_root.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/moonshine-ai/pico-tflmicro/HEAD/src/signal/src/filter_bank_square_root.h -------------------------------------------------------------------------------- /src/signal/src/irfft.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/moonshine-ai/pico-tflmicro/HEAD/src/signal/src/irfft.h -------------------------------------------------------------------------------- /src/signal/src/irfft_float.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/moonshine-ai/pico-tflmicro/HEAD/src/signal/src/irfft_float.cpp -------------------------------------------------------------------------------- /src/signal/src/irfft_int16.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/moonshine-ai/pico-tflmicro/HEAD/src/signal/src/irfft_int16.cpp -------------------------------------------------------------------------------- /src/signal/src/irfft_int32.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/moonshine-ai/pico-tflmicro/HEAD/src/signal/src/irfft_int32.cpp -------------------------------------------------------------------------------- /src/signal/src/kiss_fft_wrappers/kiss_fft_common.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/moonshine-ai/pico-tflmicro/HEAD/src/signal/src/kiss_fft_wrappers/kiss_fft_common.h -------------------------------------------------------------------------------- /src/signal/src/kiss_fft_wrappers/kiss_fft_float.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/moonshine-ai/pico-tflmicro/HEAD/src/signal/src/kiss_fft_wrappers/kiss_fft_float.cpp -------------------------------------------------------------------------------- /src/signal/src/kiss_fft_wrappers/kiss_fft_float.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/moonshine-ai/pico-tflmicro/HEAD/src/signal/src/kiss_fft_wrappers/kiss_fft_float.h -------------------------------------------------------------------------------- /src/signal/src/kiss_fft_wrappers/kiss_fft_int16.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/moonshine-ai/pico-tflmicro/HEAD/src/signal/src/kiss_fft_wrappers/kiss_fft_int16.cpp -------------------------------------------------------------------------------- /src/signal/src/kiss_fft_wrappers/kiss_fft_int16.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/moonshine-ai/pico-tflmicro/HEAD/src/signal/src/kiss_fft_wrappers/kiss_fft_int16.h -------------------------------------------------------------------------------- /src/signal/src/kiss_fft_wrappers/kiss_fft_int32.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/moonshine-ai/pico-tflmicro/HEAD/src/signal/src/kiss_fft_wrappers/kiss_fft_int32.cpp -------------------------------------------------------------------------------- /src/signal/src/kiss_fft_wrappers/kiss_fft_int32.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/moonshine-ai/pico-tflmicro/HEAD/src/signal/src/kiss_fft_wrappers/kiss_fft_int32.h -------------------------------------------------------------------------------- /src/signal/src/log.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/moonshine-ai/pico-tflmicro/HEAD/src/signal/src/log.cpp -------------------------------------------------------------------------------- /src/signal/src/log.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/moonshine-ai/pico-tflmicro/HEAD/src/signal/src/log.h -------------------------------------------------------------------------------- /src/signal/src/max_abs.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/moonshine-ai/pico-tflmicro/HEAD/src/signal/src/max_abs.cpp -------------------------------------------------------------------------------- /src/signal/src/max_abs.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/moonshine-ai/pico-tflmicro/HEAD/src/signal/src/max_abs.h -------------------------------------------------------------------------------- /src/signal/src/msb.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/moonshine-ai/pico-tflmicro/HEAD/src/signal/src/msb.h -------------------------------------------------------------------------------- /src/signal/src/msb_32.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/moonshine-ai/pico-tflmicro/HEAD/src/signal/src/msb_32.cpp -------------------------------------------------------------------------------- /src/signal/src/msb_64.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/moonshine-ai/pico-tflmicro/HEAD/src/signal/src/msb_64.cpp -------------------------------------------------------------------------------- /src/signal/src/overlap_add.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/moonshine-ai/pico-tflmicro/HEAD/src/signal/src/overlap_add.cpp -------------------------------------------------------------------------------- /src/signal/src/overlap_add.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/moonshine-ai/pico-tflmicro/HEAD/src/signal/src/overlap_add.h -------------------------------------------------------------------------------- /src/signal/src/pcan_argc_fixed.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/moonshine-ai/pico-tflmicro/HEAD/src/signal/src/pcan_argc_fixed.cpp -------------------------------------------------------------------------------- /src/signal/src/pcan_argc_fixed.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/moonshine-ai/pico-tflmicro/HEAD/src/signal/src/pcan_argc_fixed.h -------------------------------------------------------------------------------- /src/signal/src/rfft.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/moonshine-ai/pico-tflmicro/HEAD/src/signal/src/rfft.h -------------------------------------------------------------------------------- /src/signal/src/rfft_float.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/moonshine-ai/pico-tflmicro/HEAD/src/signal/src/rfft_float.cpp -------------------------------------------------------------------------------- /src/signal/src/rfft_int16.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/moonshine-ai/pico-tflmicro/HEAD/src/signal/src/rfft_int16.cpp -------------------------------------------------------------------------------- /src/signal/src/rfft_int32.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/moonshine-ai/pico-tflmicro/HEAD/src/signal/src/rfft_int32.cpp -------------------------------------------------------------------------------- /src/signal/src/square_root.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/moonshine-ai/pico-tflmicro/HEAD/src/signal/src/square_root.h -------------------------------------------------------------------------------- /src/signal/src/square_root_32.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/moonshine-ai/pico-tflmicro/HEAD/src/signal/src/square_root_32.cpp -------------------------------------------------------------------------------- /src/signal/src/square_root_64.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/moonshine-ai/pico-tflmicro/HEAD/src/signal/src/square_root_64.cpp -------------------------------------------------------------------------------- /src/signal/src/window.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/moonshine-ai/pico-tflmicro/HEAD/src/signal/src/window.cpp -------------------------------------------------------------------------------- /src/signal/src/window.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/moonshine-ai/pico-tflmicro/HEAD/src/signal/src/window.h -------------------------------------------------------------------------------- /src/tensorflow/lite/builtin_op_data.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/moonshine-ai/pico-tflmicro/HEAD/src/tensorflow/lite/builtin_op_data.h -------------------------------------------------------------------------------- /src/tensorflow/lite/builtin_ops.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/moonshine-ai/pico-tflmicro/HEAD/src/tensorflow/lite/builtin_ops.h -------------------------------------------------------------------------------- /src/tensorflow/lite/c/builtin_op_data.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/moonshine-ai/pico-tflmicro/HEAD/src/tensorflow/lite/c/builtin_op_data.h -------------------------------------------------------------------------------- /src/tensorflow/lite/c/c_api_types.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/moonshine-ai/pico-tflmicro/HEAD/src/tensorflow/lite/c/c_api_types.h -------------------------------------------------------------------------------- /src/tensorflow/lite/c/common.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/moonshine-ai/pico-tflmicro/HEAD/src/tensorflow/lite/c/common.h -------------------------------------------------------------------------------- /src/tensorflow/lite/context_util.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/moonshine-ai/pico-tflmicro/HEAD/src/tensorflow/lite/context_util.h -------------------------------------------------------------------------------- /src/tensorflow/lite/core/api/error_reporter.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/moonshine-ai/pico-tflmicro/HEAD/src/tensorflow/lite/core/api/error_reporter.cpp -------------------------------------------------------------------------------- /src/tensorflow/lite/core/api/error_reporter.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/moonshine-ai/pico-tflmicro/HEAD/src/tensorflow/lite/core/api/error_reporter.h -------------------------------------------------------------------------------- /src/tensorflow/lite/core/api/flatbuffer_conversions.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/moonshine-ai/pico-tflmicro/HEAD/src/tensorflow/lite/core/api/flatbuffer_conversions.cpp -------------------------------------------------------------------------------- /src/tensorflow/lite/core/api/flatbuffer_conversions.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/moonshine-ai/pico-tflmicro/HEAD/src/tensorflow/lite/core/api/flatbuffer_conversions.h -------------------------------------------------------------------------------- /src/tensorflow/lite/core/api/tensor_utils.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/moonshine-ai/pico-tflmicro/HEAD/src/tensorflow/lite/core/api/tensor_utils.cpp -------------------------------------------------------------------------------- /src/tensorflow/lite/core/api/tensor_utils.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/moonshine-ai/pico-tflmicro/HEAD/src/tensorflow/lite/core/api/tensor_utils.h -------------------------------------------------------------------------------- /src/tensorflow/lite/core/c/builtin_op_data.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/moonshine-ai/pico-tflmicro/HEAD/src/tensorflow/lite/core/c/builtin_op_data.h -------------------------------------------------------------------------------- /src/tensorflow/lite/core/c/c_api_types.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/moonshine-ai/pico-tflmicro/HEAD/src/tensorflow/lite/core/c/c_api_types.h -------------------------------------------------------------------------------- /src/tensorflow/lite/core/c/common.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/moonshine-ai/pico-tflmicro/HEAD/src/tensorflow/lite/core/c/common.cpp -------------------------------------------------------------------------------- /src/tensorflow/lite/core/c/common.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/moonshine-ai/pico-tflmicro/HEAD/src/tensorflow/lite/core/c/common.h -------------------------------------------------------------------------------- /src/tensorflow/lite/core/macros.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/moonshine-ai/pico-tflmicro/HEAD/src/tensorflow/lite/core/macros.h -------------------------------------------------------------------------------- /src/tensorflow/lite/kernels/internal/common.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/moonshine-ai/pico-tflmicro/HEAD/src/tensorflow/lite/kernels/internal/common.cpp -------------------------------------------------------------------------------- /src/tensorflow/lite/kernels/internal/common.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/moonshine-ai/pico-tflmicro/HEAD/src/tensorflow/lite/kernels/internal/common.h -------------------------------------------------------------------------------- /src/tensorflow/lite/kernels/internal/compatibility.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/moonshine-ai/pico-tflmicro/HEAD/src/tensorflow/lite/kernels/internal/compatibility.h -------------------------------------------------------------------------------- /src/tensorflow/lite/kernels/internal/cppmath.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/moonshine-ai/pico-tflmicro/HEAD/src/tensorflow/lite/kernels/internal/cppmath.h -------------------------------------------------------------------------------- /src/tensorflow/lite/kernels/internal/max.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/moonshine-ai/pico-tflmicro/HEAD/src/tensorflow/lite/kernels/internal/max.h -------------------------------------------------------------------------------- /src/tensorflow/lite/kernels/internal/min.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/moonshine-ai/pico-tflmicro/HEAD/src/tensorflow/lite/kernels/internal/min.h -------------------------------------------------------------------------------- /src/tensorflow/lite/kernels/internal/optimized/neon_check.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/moonshine-ai/pico-tflmicro/HEAD/src/tensorflow/lite/kernels/internal/optimized/neon_check.h -------------------------------------------------------------------------------- /src/tensorflow/lite/kernels/internal/portable_tensor.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/moonshine-ai/pico-tflmicro/HEAD/src/tensorflow/lite/kernels/internal/portable_tensor.h -------------------------------------------------------------------------------- /src/tensorflow/lite/kernels/internal/portable_tensor_utils.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/moonshine-ai/pico-tflmicro/HEAD/src/tensorflow/lite/kernels/internal/portable_tensor_utils.cpp -------------------------------------------------------------------------------- /src/tensorflow/lite/kernels/internal/portable_tensor_utils.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/moonshine-ai/pico-tflmicro/HEAD/src/tensorflow/lite/kernels/internal/portable_tensor_utils.h -------------------------------------------------------------------------------- /src/tensorflow/lite/kernels/internal/quantization_util.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/moonshine-ai/pico-tflmicro/HEAD/src/tensorflow/lite/kernels/internal/quantization_util.cpp -------------------------------------------------------------------------------- /src/tensorflow/lite/kernels/internal/quantization_util.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/moonshine-ai/pico-tflmicro/HEAD/src/tensorflow/lite/kernels/internal/quantization_util.h -------------------------------------------------------------------------------- /src/tensorflow/lite/kernels/internal/reference/add.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/moonshine-ai/pico-tflmicro/HEAD/src/tensorflow/lite/kernels/internal/reference/add.h -------------------------------------------------------------------------------- /src/tensorflow/lite/kernels/internal/reference/add_n.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/moonshine-ai/pico-tflmicro/HEAD/src/tensorflow/lite/kernels/internal/reference/add_n.h -------------------------------------------------------------------------------- /src/tensorflow/lite/kernels/internal/reference/arg_min_max.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/moonshine-ai/pico-tflmicro/HEAD/src/tensorflow/lite/kernels/internal/reference/arg_min_max.h -------------------------------------------------------------------------------- /src/tensorflow/lite/kernels/internal/reference/batch_matmul.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/moonshine-ai/pico-tflmicro/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/moonshine-ai/pico-tflmicro/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/moonshine-ai/pico-tflmicro/HEAD/src/tensorflow/lite/kernels/internal/reference/binary_function.h -------------------------------------------------------------------------------- /src/tensorflow/lite/kernels/internal/reference/broadcast_args.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/moonshine-ai/pico-tflmicro/HEAD/src/tensorflow/lite/kernels/internal/reference/broadcast_args.h -------------------------------------------------------------------------------- /src/tensorflow/lite/kernels/internal/reference/broadcast_to.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/moonshine-ai/pico-tflmicro/HEAD/src/tensorflow/lite/kernels/internal/reference/broadcast_to.h -------------------------------------------------------------------------------- /src/tensorflow/lite/kernels/internal/reference/ceil.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/moonshine-ai/pico-tflmicro/HEAD/src/tensorflow/lite/kernels/internal/reference/ceil.h -------------------------------------------------------------------------------- /src/tensorflow/lite/kernels/internal/reference/comparisons.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/moonshine-ai/pico-tflmicro/HEAD/src/tensorflow/lite/kernels/internal/reference/comparisons.cpp -------------------------------------------------------------------------------- /src/tensorflow/lite/kernels/internal/reference/comparisons.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/moonshine-ai/pico-tflmicro/HEAD/src/tensorflow/lite/kernels/internal/reference/comparisons.h -------------------------------------------------------------------------------- /src/tensorflow/lite/kernels/internal/reference/concatenation.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/moonshine-ai/pico-tflmicro/HEAD/src/tensorflow/lite/kernels/internal/reference/concatenation.h -------------------------------------------------------------------------------- /src/tensorflow/lite/kernels/internal/reference/conv.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/moonshine-ai/pico-tflmicro/HEAD/src/tensorflow/lite/kernels/internal/reference/conv.h -------------------------------------------------------------------------------- /src/tensorflow/lite/kernels/internal/reference/cumsum.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/moonshine-ai/pico-tflmicro/HEAD/src/tensorflow/lite/kernels/internal/reference/cumsum.h -------------------------------------------------------------------------------- /src/tensorflow/lite/kernels/internal/reference/depth_to_space.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/moonshine-ai/pico-tflmicro/HEAD/src/tensorflow/lite/kernels/internal/reference/depth_to_space.h -------------------------------------------------------------------------------- /src/tensorflow/lite/kernels/internal/reference/depthwiseconv_float.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/moonshine-ai/pico-tflmicro/HEAD/src/tensorflow/lite/kernels/internal/reference/depthwiseconv_float.h -------------------------------------------------------------------------------- /src/tensorflow/lite/kernels/internal/reference/depthwiseconv_uint8.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/moonshine-ai/pico-tflmicro/HEAD/src/tensorflow/lite/kernels/internal/reference/depthwiseconv_uint8.h -------------------------------------------------------------------------------- /src/tensorflow/lite/kernels/internal/reference/dequantize.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/moonshine-ai/pico-tflmicro/HEAD/src/tensorflow/lite/kernels/internal/reference/dequantize.h -------------------------------------------------------------------------------- /src/tensorflow/lite/kernels/internal/reference/div.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/moonshine-ai/pico-tflmicro/HEAD/src/tensorflow/lite/kernels/internal/reference/div.h -------------------------------------------------------------------------------- /src/tensorflow/lite/kernels/internal/reference/elu.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/moonshine-ai/pico-tflmicro/HEAD/src/tensorflow/lite/kernels/internal/reference/elu.h -------------------------------------------------------------------------------- /src/tensorflow/lite/kernels/internal/reference/exp.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/moonshine-ai/pico-tflmicro/HEAD/src/tensorflow/lite/kernels/internal/reference/exp.h -------------------------------------------------------------------------------- /src/tensorflow/lite/kernels/internal/reference/fill.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/moonshine-ai/pico-tflmicro/HEAD/src/tensorflow/lite/kernels/internal/reference/fill.h -------------------------------------------------------------------------------- /src/tensorflow/lite/kernels/internal/reference/floor.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/moonshine-ai/pico-tflmicro/HEAD/src/tensorflow/lite/kernels/internal/reference/floor.h -------------------------------------------------------------------------------- /src/tensorflow/lite/kernels/internal/reference/floor_div.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/moonshine-ai/pico-tflmicro/HEAD/src/tensorflow/lite/kernels/internal/reference/floor_div.h -------------------------------------------------------------------------------- /src/tensorflow/lite/kernels/internal/reference/floor_mod.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/moonshine-ai/pico-tflmicro/HEAD/src/tensorflow/lite/kernels/internal/reference/floor_mod.h -------------------------------------------------------------------------------- /src/tensorflow/lite/kernels/internal/reference/fully_connected.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/moonshine-ai/pico-tflmicro/HEAD/src/tensorflow/lite/kernels/internal/reference/fully_connected.h -------------------------------------------------------------------------------- /src/tensorflow/lite/kernels/internal/reference/hard_swish.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/moonshine-ai/pico-tflmicro/HEAD/src/tensorflow/lite/kernels/internal/reference/hard_swish.h -------------------------------------------------------------------------------- /src/tensorflow/lite/kernels/internal/reference/integer_ops/add.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/moonshine-ai/pico-tflmicro/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/moonshine-ai/pico-tflmicro/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/moonshine-ai/pico-tflmicro/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/moonshine-ai/pico-tflmicro/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/moonshine-ai/pico-tflmicro/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/moonshine-ai/pico-tflmicro/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/moonshine-ai/pico-tflmicro/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/moonshine-ai/pico-tflmicro/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/moonshine-ai/pico-tflmicro/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/moonshine-ai/pico-tflmicro/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/moonshine-ai/pico-tflmicro/HEAD/src/tensorflow/lite/kernels/internal/reference/integer_ops/transpose_conv.h -------------------------------------------------------------------------------- /src/tensorflow/lite/kernels/internal/reference/l2normalization.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/moonshine-ai/pico-tflmicro/HEAD/src/tensorflow/lite/kernels/internal/reference/l2normalization.h -------------------------------------------------------------------------------- /src/tensorflow/lite/kernels/internal/reference/leaky_relu.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/moonshine-ai/pico-tflmicro/HEAD/src/tensorflow/lite/kernels/internal/reference/leaky_relu.h -------------------------------------------------------------------------------- /src/tensorflow/lite/kernels/internal/reference/log_softmax.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/moonshine-ai/pico-tflmicro/HEAD/src/tensorflow/lite/kernels/internal/reference/log_softmax.h -------------------------------------------------------------------------------- /src/tensorflow/lite/kernels/internal/reference/logistic.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/moonshine-ai/pico-tflmicro/HEAD/src/tensorflow/lite/kernels/internal/reference/logistic.h -------------------------------------------------------------------------------- /src/tensorflow/lite/kernels/internal/reference/lstm_cell.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/moonshine-ai/pico-tflmicro/HEAD/src/tensorflow/lite/kernels/internal/reference/lstm_cell.h -------------------------------------------------------------------------------- /src/tensorflow/lite/kernels/internal/reference/maximum_minimum.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/moonshine-ai/pico-tflmicro/HEAD/src/tensorflow/lite/kernels/internal/reference/maximum_minimum.h -------------------------------------------------------------------------------- /src/tensorflow/lite/kernels/internal/reference/mul.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/moonshine-ai/pico-tflmicro/HEAD/src/tensorflow/lite/kernels/internal/reference/mul.h -------------------------------------------------------------------------------- /src/tensorflow/lite/kernels/internal/reference/neg.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/moonshine-ai/pico-tflmicro/HEAD/src/tensorflow/lite/kernels/internal/reference/neg.h -------------------------------------------------------------------------------- /src/tensorflow/lite/kernels/internal/reference/pad.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/moonshine-ai/pico-tflmicro/HEAD/src/tensorflow/lite/kernels/internal/reference/pad.h -------------------------------------------------------------------------------- /src/tensorflow/lite/kernels/internal/reference/pooling.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/moonshine-ai/pico-tflmicro/HEAD/src/tensorflow/lite/kernels/internal/reference/pooling.h -------------------------------------------------------------------------------- /src/tensorflow/lite/kernels/internal/reference/portable_tensor_utils.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/moonshine-ai/pico-tflmicro/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/moonshine-ai/pico-tflmicro/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/moonshine-ai/pico-tflmicro/HEAD/src/tensorflow/lite/kernels/internal/reference/portable_tensor_utils_impl.h -------------------------------------------------------------------------------- /src/tensorflow/lite/kernels/internal/reference/prelu.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/moonshine-ai/pico-tflmicro/HEAD/src/tensorflow/lite/kernels/internal/reference/prelu.h -------------------------------------------------------------------------------- /src/tensorflow/lite/kernels/internal/reference/process_broadcast_shapes.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/moonshine-ai/pico-tflmicro/HEAD/src/tensorflow/lite/kernels/internal/reference/process_broadcast_shapes.h -------------------------------------------------------------------------------- /src/tensorflow/lite/kernels/internal/reference/quantize.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/moonshine-ai/pico-tflmicro/HEAD/src/tensorflow/lite/kernels/internal/reference/quantize.h -------------------------------------------------------------------------------- /src/tensorflow/lite/kernels/internal/reference/reduce.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/moonshine-ai/pico-tflmicro/HEAD/src/tensorflow/lite/kernels/internal/reference/reduce.h -------------------------------------------------------------------------------- /src/tensorflow/lite/kernels/internal/reference/requantize.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/moonshine-ai/pico-tflmicro/HEAD/src/tensorflow/lite/kernels/internal/reference/requantize.h -------------------------------------------------------------------------------- /src/tensorflow/lite/kernels/internal/reference/resize_bilinear.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/moonshine-ai/pico-tflmicro/HEAD/src/tensorflow/lite/kernels/internal/reference/resize_bilinear.h -------------------------------------------------------------------------------- /src/tensorflow/lite/kernels/internal/reference/resize_nearest_neighbor.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/moonshine-ai/pico-tflmicro/HEAD/src/tensorflow/lite/kernels/internal/reference/resize_nearest_neighbor.h -------------------------------------------------------------------------------- /src/tensorflow/lite/kernels/internal/reference/round.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/moonshine-ai/pico-tflmicro/HEAD/src/tensorflow/lite/kernels/internal/reference/round.h -------------------------------------------------------------------------------- /src/tensorflow/lite/kernels/internal/reference/select.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/moonshine-ai/pico-tflmicro/HEAD/src/tensorflow/lite/kernels/internal/reference/select.h -------------------------------------------------------------------------------- /src/tensorflow/lite/kernels/internal/reference/slice.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/moonshine-ai/pico-tflmicro/HEAD/src/tensorflow/lite/kernels/internal/reference/slice.h -------------------------------------------------------------------------------- /src/tensorflow/lite/kernels/internal/reference/softmax.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/moonshine-ai/pico-tflmicro/HEAD/src/tensorflow/lite/kernels/internal/reference/softmax.h -------------------------------------------------------------------------------- /src/tensorflow/lite/kernels/internal/reference/space_to_batch_nd.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/moonshine-ai/pico-tflmicro/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/moonshine-ai/pico-tflmicro/HEAD/src/tensorflow/lite/kernels/internal/reference/space_to_depth.h -------------------------------------------------------------------------------- /src/tensorflow/lite/kernels/internal/reference/strided_slice.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/moonshine-ai/pico-tflmicro/HEAD/src/tensorflow/lite/kernels/internal/reference/strided_slice.h -------------------------------------------------------------------------------- /src/tensorflow/lite/kernels/internal/reference/sub.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/moonshine-ai/pico-tflmicro/HEAD/src/tensorflow/lite/kernels/internal/reference/sub.h -------------------------------------------------------------------------------- /src/tensorflow/lite/kernels/internal/reference/tanh.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/moonshine-ai/pico-tflmicro/HEAD/src/tensorflow/lite/kernels/internal/reference/tanh.h -------------------------------------------------------------------------------- /src/tensorflow/lite/kernels/internal/reference/transpose.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/moonshine-ai/pico-tflmicro/HEAD/src/tensorflow/lite/kernels/internal/reference/transpose.h -------------------------------------------------------------------------------- /src/tensorflow/lite/kernels/internal/reference/transpose_conv.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/moonshine-ai/pico-tflmicro/HEAD/src/tensorflow/lite/kernels/internal/reference/transpose_conv.h -------------------------------------------------------------------------------- /src/tensorflow/lite/kernels/internal/runtime_shape.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/moonshine-ai/pico-tflmicro/HEAD/src/tensorflow/lite/kernels/internal/runtime_shape.h -------------------------------------------------------------------------------- /src/tensorflow/lite/kernels/internal/strided_slice_logic.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/moonshine-ai/pico-tflmicro/HEAD/src/tensorflow/lite/kernels/internal/strided_slice_logic.h -------------------------------------------------------------------------------- /src/tensorflow/lite/kernels/internal/tensor_ctypes.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/moonshine-ai/pico-tflmicro/HEAD/src/tensorflow/lite/kernels/internal/tensor_ctypes.cpp -------------------------------------------------------------------------------- /src/tensorflow/lite/kernels/internal/tensor_ctypes.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/moonshine-ai/pico-tflmicro/HEAD/src/tensorflow/lite/kernels/internal/tensor_ctypes.h -------------------------------------------------------------------------------- /src/tensorflow/lite/kernels/internal/tensor_utils.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/moonshine-ai/pico-tflmicro/HEAD/src/tensorflow/lite/kernels/internal/tensor_utils.cpp -------------------------------------------------------------------------------- /src/tensorflow/lite/kernels/internal/types.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/moonshine-ai/pico-tflmicro/HEAD/src/tensorflow/lite/kernels/internal/types.h -------------------------------------------------------------------------------- /src/tensorflow/lite/kernels/kernel_util.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/moonshine-ai/pico-tflmicro/HEAD/src/tensorflow/lite/kernels/kernel_util.cpp -------------------------------------------------------------------------------- /src/tensorflow/lite/kernels/kernel_util.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/moonshine-ai/pico-tflmicro/HEAD/src/tensorflow/lite/kernels/kernel_util.h -------------------------------------------------------------------------------- /src/tensorflow/lite/kernels/op_macros.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/moonshine-ai/pico-tflmicro/HEAD/src/tensorflow/lite/kernels/op_macros.h -------------------------------------------------------------------------------- /src/tensorflow/lite/kernels/padding.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/moonshine-ai/pico-tflmicro/HEAD/src/tensorflow/lite/kernels/padding.h -------------------------------------------------------------------------------- /src/tensorflow/lite/micro/arena_allocator/ibuffer_allocator.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/moonshine-ai/pico-tflmicro/HEAD/src/tensorflow/lite/micro/arena_allocator/ibuffer_allocator.h -------------------------------------------------------------------------------- /src/tensorflow/lite/micro/arena_allocator/persistent_arena_buffer_allocator.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/moonshine-ai/pico-tflmicro/HEAD/src/tensorflow/lite/micro/arena_allocator/persistent_arena_buffer_allocator.h -------------------------------------------------------------------------------- /src/tensorflow/lite/micro/arena_allocator/single_arena_buffer_allocator.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/moonshine-ai/pico-tflmicro/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/moonshine-ai/pico-tflmicro/HEAD/src/tensorflow/lite/micro/arena_allocator/single_arena_buffer_allocator.h -------------------------------------------------------------------------------- /src/tensorflow/lite/micro/benchmarks/micro_benchmark.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/moonshine-ai/pico-tflmicro/HEAD/src/tensorflow/lite/micro/benchmarks/micro_benchmark.h -------------------------------------------------------------------------------- /src/tensorflow/lite/micro/compatibility.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/moonshine-ai/pico-tflmicro/HEAD/src/tensorflow/lite/micro/compatibility.h -------------------------------------------------------------------------------- /src/tensorflow/lite/micro/debug_log.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/moonshine-ai/pico-tflmicro/HEAD/src/tensorflow/lite/micro/debug_log.cpp -------------------------------------------------------------------------------- /src/tensorflow/lite/micro/debug_log.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/moonshine-ai/pico-tflmicro/HEAD/src/tensorflow/lite/micro/debug_log.h -------------------------------------------------------------------------------- /src/tensorflow/lite/micro/fake_micro_context.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/moonshine-ai/pico-tflmicro/HEAD/src/tensorflow/lite/micro/fake_micro_context.cpp -------------------------------------------------------------------------------- /src/tensorflow/lite/micro/fake_micro_context.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/moonshine-ai/pico-tflmicro/HEAD/src/tensorflow/lite/micro/fake_micro_context.h -------------------------------------------------------------------------------- /src/tensorflow/lite/micro/flatbuffer_utils.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/moonshine-ai/pico-tflmicro/HEAD/src/tensorflow/lite/micro/flatbuffer_utils.cpp -------------------------------------------------------------------------------- /src/tensorflow/lite/micro/flatbuffer_utils.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/moonshine-ai/pico-tflmicro/HEAD/src/tensorflow/lite/micro/flatbuffer_utils.h -------------------------------------------------------------------------------- /src/tensorflow/lite/micro/kernels/activation_utils.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/moonshine-ai/pico-tflmicro/HEAD/src/tensorflow/lite/micro/kernels/activation_utils.h -------------------------------------------------------------------------------- /src/tensorflow/lite/micro/kernels/activations.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/moonshine-ai/pico-tflmicro/HEAD/src/tensorflow/lite/micro/kernels/activations.cpp -------------------------------------------------------------------------------- /src/tensorflow/lite/micro/kernels/activations.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/moonshine-ai/pico-tflmicro/HEAD/src/tensorflow/lite/micro/kernels/activations.h -------------------------------------------------------------------------------- /src/tensorflow/lite/micro/kernels/activations_common.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/moonshine-ai/pico-tflmicro/HEAD/src/tensorflow/lite/micro/kernels/activations_common.cpp -------------------------------------------------------------------------------- /src/tensorflow/lite/micro/kernels/add.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/moonshine-ai/pico-tflmicro/HEAD/src/tensorflow/lite/micro/kernels/add.h -------------------------------------------------------------------------------- /src/tensorflow/lite/micro/kernels/add_common.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/moonshine-ai/pico-tflmicro/HEAD/src/tensorflow/lite/micro/kernels/add_common.cpp -------------------------------------------------------------------------------- /src/tensorflow/lite/micro/kernels/add_n.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/moonshine-ai/pico-tflmicro/HEAD/src/tensorflow/lite/micro/kernels/add_n.cpp -------------------------------------------------------------------------------- /src/tensorflow/lite/micro/kernels/arg_min_max.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/moonshine-ai/pico-tflmicro/HEAD/src/tensorflow/lite/micro/kernels/arg_min_max.cpp -------------------------------------------------------------------------------- /src/tensorflow/lite/micro/kernels/assign_variable.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/moonshine-ai/pico-tflmicro/HEAD/src/tensorflow/lite/micro/kernels/assign_variable.cpp -------------------------------------------------------------------------------- /src/tensorflow/lite/micro/kernels/batch_matmul.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/moonshine-ai/pico-tflmicro/HEAD/src/tensorflow/lite/micro/kernels/batch_matmul.cpp -------------------------------------------------------------------------------- /src/tensorflow/lite/micro/kernels/batch_to_space_nd.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/moonshine-ai/pico-tflmicro/HEAD/src/tensorflow/lite/micro/kernels/batch_to_space_nd.cpp -------------------------------------------------------------------------------- /src/tensorflow/lite/micro/kernels/broadcast_args.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/moonshine-ai/pico-tflmicro/HEAD/src/tensorflow/lite/micro/kernels/broadcast_args.cpp -------------------------------------------------------------------------------- /src/tensorflow/lite/micro/kernels/broadcast_to.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/moonshine-ai/pico-tflmicro/HEAD/src/tensorflow/lite/micro/kernels/broadcast_to.cpp -------------------------------------------------------------------------------- /src/tensorflow/lite/micro/kernels/call_once.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/moonshine-ai/pico-tflmicro/HEAD/src/tensorflow/lite/micro/kernels/call_once.cpp -------------------------------------------------------------------------------- /src/tensorflow/lite/micro/kernels/cast.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/moonshine-ai/pico-tflmicro/HEAD/src/tensorflow/lite/micro/kernels/cast.cpp -------------------------------------------------------------------------------- /src/tensorflow/lite/micro/kernels/ceil.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/moonshine-ai/pico-tflmicro/HEAD/src/tensorflow/lite/micro/kernels/ceil.cpp -------------------------------------------------------------------------------- /src/tensorflow/lite/micro/kernels/circular_buffer.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/moonshine-ai/pico-tflmicro/HEAD/src/tensorflow/lite/micro/kernels/circular_buffer.cpp -------------------------------------------------------------------------------- /src/tensorflow/lite/micro/kernels/circular_buffer.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/moonshine-ai/pico-tflmicro/HEAD/src/tensorflow/lite/micro/kernels/circular_buffer.h -------------------------------------------------------------------------------- /src/tensorflow/lite/micro/kernels/circular_buffer_common.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/moonshine-ai/pico-tflmicro/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/moonshine-ai/pico-tflmicro/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/moonshine-ai/pico-tflmicro/HEAD/src/tensorflow/lite/micro/kernels/cmsis_nn/add.cpp -------------------------------------------------------------------------------- /src/tensorflow/lite/micro/kernels/cmsis_nn/conv.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/moonshine-ai/pico-tflmicro/HEAD/src/tensorflow/lite/micro/kernels/cmsis_nn/conv.cpp -------------------------------------------------------------------------------- /src/tensorflow/lite/micro/kernels/cmsis_nn/depthwise_conv.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/moonshine-ai/pico-tflmicro/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/moonshine-ai/pico-tflmicro/HEAD/src/tensorflow/lite/micro/kernels/cmsis_nn/fully_connected.cpp -------------------------------------------------------------------------------- /src/tensorflow/lite/micro/kernels/cmsis_nn/mul.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/moonshine-ai/pico-tflmicro/HEAD/src/tensorflow/lite/micro/kernels/cmsis_nn/mul.cpp -------------------------------------------------------------------------------- /src/tensorflow/lite/micro/kernels/cmsis_nn/pooling.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/moonshine-ai/pico-tflmicro/HEAD/src/tensorflow/lite/micro/kernels/cmsis_nn/pooling.cpp -------------------------------------------------------------------------------- /src/tensorflow/lite/micro/kernels/cmsis_nn/softmax.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/moonshine-ai/pico-tflmicro/HEAD/src/tensorflow/lite/micro/kernels/cmsis_nn/softmax.cpp -------------------------------------------------------------------------------- /src/tensorflow/lite/micro/kernels/cmsis_nn/svdf.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/moonshine-ai/pico-tflmicro/HEAD/src/tensorflow/lite/micro/kernels/cmsis_nn/svdf.cpp -------------------------------------------------------------------------------- /src/tensorflow/lite/micro/kernels/cmsis_nn/transpose_conv.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/moonshine-ai/pico-tflmicro/HEAD/src/tensorflow/lite/micro/kernels/cmsis_nn/transpose_conv.cpp -------------------------------------------------------------------------------- /src/tensorflow/lite/micro/kernels/cmsis_nn/unidirectional_sequence_lstm.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/moonshine-ai/pico-tflmicro/HEAD/src/tensorflow/lite/micro/kernels/cmsis_nn/unidirectional_sequence_lstm.cpp -------------------------------------------------------------------------------- /src/tensorflow/lite/micro/kernels/comparisons.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/moonshine-ai/pico-tflmicro/HEAD/src/tensorflow/lite/micro/kernels/comparisons.cpp -------------------------------------------------------------------------------- /src/tensorflow/lite/micro/kernels/concatenation.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/moonshine-ai/pico-tflmicro/HEAD/src/tensorflow/lite/micro/kernels/concatenation.cpp -------------------------------------------------------------------------------- /src/tensorflow/lite/micro/kernels/conv.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/moonshine-ai/pico-tflmicro/HEAD/src/tensorflow/lite/micro/kernels/conv.h -------------------------------------------------------------------------------- /src/tensorflow/lite/micro/kernels/conv_common.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/moonshine-ai/pico-tflmicro/HEAD/src/tensorflow/lite/micro/kernels/conv_common.cpp -------------------------------------------------------------------------------- /src/tensorflow/lite/micro/kernels/conv_test.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/moonshine-ai/pico-tflmicro/HEAD/src/tensorflow/lite/micro/kernels/conv_test.h -------------------------------------------------------------------------------- /src/tensorflow/lite/micro/kernels/cumsum.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/moonshine-ai/pico-tflmicro/HEAD/src/tensorflow/lite/micro/kernels/cumsum.cpp -------------------------------------------------------------------------------- /src/tensorflow/lite/micro/kernels/depth_to_space.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/moonshine-ai/pico-tflmicro/HEAD/src/tensorflow/lite/micro/kernels/depth_to_space.cpp -------------------------------------------------------------------------------- /src/tensorflow/lite/micro/kernels/depthwise_conv.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/moonshine-ai/pico-tflmicro/HEAD/src/tensorflow/lite/micro/kernels/depthwise_conv.h -------------------------------------------------------------------------------- /src/tensorflow/lite/micro/kernels/depthwise_conv_common.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/moonshine-ai/pico-tflmicro/HEAD/src/tensorflow/lite/micro/kernels/depthwise_conv_common.cpp -------------------------------------------------------------------------------- /src/tensorflow/lite/micro/kernels/dequantize.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/moonshine-ai/pico-tflmicro/HEAD/src/tensorflow/lite/micro/kernels/dequantize.cpp -------------------------------------------------------------------------------- /src/tensorflow/lite/micro/kernels/dequantize.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/moonshine-ai/pico-tflmicro/HEAD/src/tensorflow/lite/micro/kernels/dequantize.h -------------------------------------------------------------------------------- /src/tensorflow/lite/micro/kernels/dequantize_common.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/moonshine-ai/pico-tflmicro/HEAD/src/tensorflow/lite/micro/kernels/dequantize_common.cpp -------------------------------------------------------------------------------- /src/tensorflow/lite/micro/kernels/detection_postprocess.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/moonshine-ai/pico-tflmicro/HEAD/src/tensorflow/lite/micro/kernels/detection_postprocess.cpp -------------------------------------------------------------------------------- /src/tensorflow/lite/micro/kernels/div.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/moonshine-ai/pico-tflmicro/HEAD/src/tensorflow/lite/micro/kernels/div.cpp -------------------------------------------------------------------------------- /src/tensorflow/lite/micro/kernels/elementwise.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/moonshine-ai/pico-tflmicro/HEAD/src/tensorflow/lite/micro/kernels/elementwise.cpp -------------------------------------------------------------------------------- /src/tensorflow/lite/micro/kernels/elu.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/moonshine-ai/pico-tflmicro/HEAD/src/tensorflow/lite/micro/kernels/elu.cpp -------------------------------------------------------------------------------- /src/tensorflow/lite/micro/kernels/embedding_lookup.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/moonshine-ai/pico-tflmicro/HEAD/src/tensorflow/lite/micro/kernels/embedding_lookup.cpp -------------------------------------------------------------------------------- /src/tensorflow/lite/micro/kernels/ethosu.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/moonshine-ai/pico-tflmicro/HEAD/src/tensorflow/lite/micro/kernels/ethosu.cpp -------------------------------------------------------------------------------- /src/tensorflow/lite/micro/kernels/ethosu.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/moonshine-ai/pico-tflmicro/HEAD/src/tensorflow/lite/micro/kernels/ethosu.h -------------------------------------------------------------------------------- /src/tensorflow/lite/micro/kernels/exp.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/moonshine-ai/pico-tflmicro/HEAD/src/tensorflow/lite/micro/kernels/exp.cpp -------------------------------------------------------------------------------- /src/tensorflow/lite/micro/kernels/expand_dims.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/moonshine-ai/pico-tflmicro/HEAD/src/tensorflow/lite/micro/kernels/expand_dims.cpp -------------------------------------------------------------------------------- /src/tensorflow/lite/micro/kernels/fill.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/moonshine-ai/pico-tflmicro/HEAD/src/tensorflow/lite/micro/kernels/fill.cpp -------------------------------------------------------------------------------- /src/tensorflow/lite/micro/kernels/floor.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/moonshine-ai/pico-tflmicro/HEAD/src/tensorflow/lite/micro/kernels/floor.cpp -------------------------------------------------------------------------------- /src/tensorflow/lite/micro/kernels/floor_div.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/moonshine-ai/pico-tflmicro/HEAD/src/tensorflow/lite/micro/kernels/floor_div.cpp -------------------------------------------------------------------------------- /src/tensorflow/lite/micro/kernels/floor_mod.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/moonshine-ai/pico-tflmicro/HEAD/src/tensorflow/lite/micro/kernels/floor_mod.cpp -------------------------------------------------------------------------------- /src/tensorflow/lite/micro/kernels/fully_connected.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/moonshine-ai/pico-tflmicro/HEAD/src/tensorflow/lite/micro/kernels/fully_connected.h -------------------------------------------------------------------------------- /src/tensorflow/lite/micro/kernels/fully_connected_common.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/moonshine-ai/pico-tflmicro/HEAD/src/tensorflow/lite/micro/kernels/fully_connected_common.cpp -------------------------------------------------------------------------------- /src/tensorflow/lite/micro/kernels/gather.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/moonshine-ai/pico-tflmicro/HEAD/src/tensorflow/lite/micro/kernels/gather.cpp -------------------------------------------------------------------------------- /src/tensorflow/lite/micro/kernels/gather_nd.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/moonshine-ai/pico-tflmicro/HEAD/src/tensorflow/lite/micro/kernels/gather_nd.cpp -------------------------------------------------------------------------------- /src/tensorflow/lite/micro/kernels/hard_swish.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/moonshine-ai/pico-tflmicro/HEAD/src/tensorflow/lite/micro/kernels/hard_swish.cpp -------------------------------------------------------------------------------- /src/tensorflow/lite/micro/kernels/hard_swish.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/moonshine-ai/pico-tflmicro/HEAD/src/tensorflow/lite/micro/kernels/hard_swish.h -------------------------------------------------------------------------------- /src/tensorflow/lite/micro/kernels/hard_swish_common.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/moonshine-ai/pico-tflmicro/HEAD/src/tensorflow/lite/micro/kernels/hard_swish_common.cpp -------------------------------------------------------------------------------- /src/tensorflow/lite/micro/kernels/if.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/moonshine-ai/pico-tflmicro/HEAD/src/tensorflow/lite/micro/kernels/if.cpp -------------------------------------------------------------------------------- /src/tensorflow/lite/micro/kernels/kernel_runner.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/moonshine-ai/pico-tflmicro/HEAD/src/tensorflow/lite/micro/kernels/kernel_runner.cpp -------------------------------------------------------------------------------- /src/tensorflow/lite/micro/kernels/kernel_runner.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/moonshine-ai/pico-tflmicro/HEAD/src/tensorflow/lite/micro/kernels/kernel_runner.h -------------------------------------------------------------------------------- /src/tensorflow/lite/micro/kernels/kernel_util.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/moonshine-ai/pico-tflmicro/HEAD/src/tensorflow/lite/micro/kernels/kernel_util.cpp -------------------------------------------------------------------------------- /src/tensorflow/lite/micro/kernels/kernel_util.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/moonshine-ai/pico-tflmicro/HEAD/src/tensorflow/lite/micro/kernels/kernel_util.h -------------------------------------------------------------------------------- /src/tensorflow/lite/micro/kernels/l2_pool_2d.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/moonshine-ai/pico-tflmicro/HEAD/src/tensorflow/lite/micro/kernels/l2_pool_2d.cpp -------------------------------------------------------------------------------- /src/tensorflow/lite/micro/kernels/l2norm.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/moonshine-ai/pico-tflmicro/HEAD/src/tensorflow/lite/micro/kernels/l2norm.cpp -------------------------------------------------------------------------------- /src/tensorflow/lite/micro/kernels/leaky_relu.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/moonshine-ai/pico-tflmicro/HEAD/src/tensorflow/lite/micro/kernels/leaky_relu.cpp -------------------------------------------------------------------------------- /src/tensorflow/lite/micro/kernels/leaky_relu.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/moonshine-ai/pico-tflmicro/HEAD/src/tensorflow/lite/micro/kernels/leaky_relu.h -------------------------------------------------------------------------------- /src/tensorflow/lite/micro/kernels/leaky_relu_common.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/moonshine-ai/pico-tflmicro/HEAD/src/tensorflow/lite/micro/kernels/leaky_relu_common.cpp -------------------------------------------------------------------------------- /src/tensorflow/lite/micro/kernels/log_softmax.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/moonshine-ai/pico-tflmicro/HEAD/src/tensorflow/lite/micro/kernels/log_softmax.cpp -------------------------------------------------------------------------------- /src/tensorflow/lite/micro/kernels/logical.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/moonshine-ai/pico-tflmicro/HEAD/src/tensorflow/lite/micro/kernels/logical.cpp -------------------------------------------------------------------------------- /src/tensorflow/lite/micro/kernels/logical.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/moonshine-ai/pico-tflmicro/HEAD/src/tensorflow/lite/micro/kernels/logical.h -------------------------------------------------------------------------------- /src/tensorflow/lite/micro/kernels/logical_common.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/moonshine-ai/pico-tflmicro/HEAD/src/tensorflow/lite/micro/kernels/logical_common.cpp -------------------------------------------------------------------------------- /src/tensorflow/lite/micro/kernels/logistic.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/moonshine-ai/pico-tflmicro/HEAD/src/tensorflow/lite/micro/kernels/logistic.cpp -------------------------------------------------------------------------------- /src/tensorflow/lite/micro/kernels/logistic.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/moonshine-ai/pico-tflmicro/HEAD/src/tensorflow/lite/micro/kernels/logistic.h -------------------------------------------------------------------------------- /src/tensorflow/lite/micro/kernels/logistic_common.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/moonshine-ai/pico-tflmicro/HEAD/src/tensorflow/lite/micro/kernels/logistic_common.cpp -------------------------------------------------------------------------------- /src/tensorflow/lite/micro/kernels/lstm_eval.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/moonshine-ai/pico-tflmicro/HEAD/src/tensorflow/lite/micro/kernels/lstm_eval.cpp -------------------------------------------------------------------------------- /src/tensorflow/lite/micro/kernels/lstm_eval.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/moonshine-ai/pico-tflmicro/HEAD/src/tensorflow/lite/micro/kernels/lstm_eval.h -------------------------------------------------------------------------------- /src/tensorflow/lite/micro/kernels/lstm_eval_common.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/moonshine-ai/pico-tflmicro/HEAD/src/tensorflow/lite/micro/kernels/lstm_eval_common.cpp -------------------------------------------------------------------------------- /src/tensorflow/lite/micro/kernels/lstm_eval_test.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/moonshine-ai/pico-tflmicro/HEAD/src/tensorflow/lite/micro/kernels/lstm_eval_test.h -------------------------------------------------------------------------------- /src/tensorflow/lite/micro/kernels/lstm_shared.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/moonshine-ai/pico-tflmicro/HEAD/src/tensorflow/lite/micro/kernels/lstm_shared.h -------------------------------------------------------------------------------- /src/tensorflow/lite/micro/kernels/maximum_minimum.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/moonshine-ai/pico-tflmicro/HEAD/src/tensorflow/lite/micro/kernels/maximum_minimum.cpp -------------------------------------------------------------------------------- /src/tensorflow/lite/micro/kernels/micro_ops.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/moonshine-ai/pico-tflmicro/HEAD/src/tensorflow/lite/micro/kernels/micro_ops.h -------------------------------------------------------------------------------- /src/tensorflow/lite/micro/kernels/micro_tensor_utils.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/moonshine-ai/pico-tflmicro/HEAD/src/tensorflow/lite/micro/kernels/micro_tensor_utils.cpp -------------------------------------------------------------------------------- /src/tensorflow/lite/micro/kernels/micro_tensor_utils.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/moonshine-ai/pico-tflmicro/HEAD/src/tensorflow/lite/micro/kernels/micro_tensor_utils.h -------------------------------------------------------------------------------- /src/tensorflow/lite/micro/kernels/mirror_pad.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/moonshine-ai/pico-tflmicro/HEAD/src/tensorflow/lite/micro/kernels/mirror_pad.cpp -------------------------------------------------------------------------------- /src/tensorflow/lite/micro/kernels/mul.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/moonshine-ai/pico-tflmicro/HEAD/src/tensorflow/lite/micro/kernels/mul.h -------------------------------------------------------------------------------- /src/tensorflow/lite/micro/kernels/mul_common.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/moonshine-ai/pico-tflmicro/HEAD/src/tensorflow/lite/micro/kernels/mul_common.cpp -------------------------------------------------------------------------------- /src/tensorflow/lite/micro/kernels/neg.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/moonshine-ai/pico-tflmicro/HEAD/src/tensorflow/lite/micro/kernels/neg.cpp -------------------------------------------------------------------------------- /src/tensorflow/lite/micro/kernels/pack.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/moonshine-ai/pico-tflmicro/HEAD/src/tensorflow/lite/micro/kernels/pack.cpp -------------------------------------------------------------------------------- /src/tensorflow/lite/micro/kernels/pad.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/moonshine-ai/pico-tflmicro/HEAD/src/tensorflow/lite/micro/kernels/pad.cpp -------------------------------------------------------------------------------- /src/tensorflow/lite/micro/kernels/pad.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/moonshine-ai/pico-tflmicro/HEAD/src/tensorflow/lite/micro/kernels/pad.h -------------------------------------------------------------------------------- /src/tensorflow/lite/micro/kernels/pooling.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/moonshine-ai/pico-tflmicro/HEAD/src/tensorflow/lite/micro/kernels/pooling.h -------------------------------------------------------------------------------- /src/tensorflow/lite/micro/kernels/pooling_common.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/moonshine-ai/pico-tflmicro/HEAD/src/tensorflow/lite/micro/kernels/pooling_common.cpp -------------------------------------------------------------------------------- /src/tensorflow/lite/micro/kernels/prelu.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/moonshine-ai/pico-tflmicro/HEAD/src/tensorflow/lite/micro/kernels/prelu.cpp -------------------------------------------------------------------------------- /src/tensorflow/lite/micro/kernels/prelu.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/moonshine-ai/pico-tflmicro/HEAD/src/tensorflow/lite/micro/kernels/prelu.h -------------------------------------------------------------------------------- /src/tensorflow/lite/micro/kernels/prelu_common.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/moonshine-ai/pico-tflmicro/HEAD/src/tensorflow/lite/micro/kernels/prelu_common.cpp -------------------------------------------------------------------------------- /src/tensorflow/lite/micro/kernels/quantize.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/moonshine-ai/pico-tflmicro/HEAD/src/tensorflow/lite/micro/kernels/quantize.cpp -------------------------------------------------------------------------------- /src/tensorflow/lite/micro/kernels/quantize.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/moonshine-ai/pico-tflmicro/HEAD/src/tensorflow/lite/micro/kernels/quantize.h -------------------------------------------------------------------------------- /src/tensorflow/lite/micro/kernels/quantize_common.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/moonshine-ai/pico-tflmicro/HEAD/src/tensorflow/lite/micro/kernels/quantize_common.cpp -------------------------------------------------------------------------------- /src/tensorflow/lite/micro/kernels/read_variable.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/moonshine-ai/pico-tflmicro/HEAD/src/tensorflow/lite/micro/kernels/read_variable.cpp -------------------------------------------------------------------------------- /src/tensorflow/lite/micro/kernels/reduce.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/moonshine-ai/pico-tflmicro/HEAD/src/tensorflow/lite/micro/kernels/reduce.cpp -------------------------------------------------------------------------------- /src/tensorflow/lite/micro/kernels/reduce.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/moonshine-ai/pico-tflmicro/HEAD/src/tensorflow/lite/micro/kernels/reduce.h -------------------------------------------------------------------------------- /src/tensorflow/lite/micro/kernels/reduce_common.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/moonshine-ai/pico-tflmicro/HEAD/src/tensorflow/lite/micro/kernels/reduce_common.cpp -------------------------------------------------------------------------------- /src/tensorflow/lite/micro/kernels/reshape.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/moonshine-ai/pico-tflmicro/HEAD/src/tensorflow/lite/micro/kernels/reshape.cpp -------------------------------------------------------------------------------- /src/tensorflow/lite/micro/kernels/reshape.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/moonshine-ai/pico-tflmicro/HEAD/src/tensorflow/lite/micro/kernels/reshape.h -------------------------------------------------------------------------------- /src/tensorflow/lite/micro/kernels/reshape_common.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/moonshine-ai/pico-tflmicro/HEAD/src/tensorflow/lite/micro/kernels/reshape_common.cpp -------------------------------------------------------------------------------- /src/tensorflow/lite/micro/kernels/resize_bilinear.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/moonshine-ai/pico-tflmicro/HEAD/src/tensorflow/lite/micro/kernels/resize_bilinear.cpp -------------------------------------------------------------------------------- /src/tensorflow/lite/micro/kernels/resize_nearest_neighbor.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/moonshine-ai/pico-tflmicro/HEAD/src/tensorflow/lite/micro/kernels/resize_nearest_neighbor.cpp -------------------------------------------------------------------------------- /src/tensorflow/lite/micro/kernels/round.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/moonshine-ai/pico-tflmicro/HEAD/src/tensorflow/lite/micro/kernels/round.cpp -------------------------------------------------------------------------------- /src/tensorflow/lite/micro/kernels/select.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/moonshine-ai/pico-tflmicro/HEAD/src/tensorflow/lite/micro/kernels/select.cpp -------------------------------------------------------------------------------- /src/tensorflow/lite/micro/kernels/shape.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/moonshine-ai/pico-tflmicro/HEAD/src/tensorflow/lite/micro/kernels/shape.cpp -------------------------------------------------------------------------------- /src/tensorflow/lite/micro/kernels/slice.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/moonshine-ai/pico-tflmicro/HEAD/src/tensorflow/lite/micro/kernels/slice.cpp -------------------------------------------------------------------------------- /src/tensorflow/lite/micro/kernels/softmax.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/moonshine-ai/pico-tflmicro/HEAD/src/tensorflow/lite/micro/kernels/softmax.h -------------------------------------------------------------------------------- /src/tensorflow/lite/micro/kernels/softmax_common.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/moonshine-ai/pico-tflmicro/HEAD/src/tensorflow/lite/micro/kernels/softmax_common.cpp -------------------------------------------------------------------------------- /src/tensorflow/lite/micro/kernels/space_to_batch_nd.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/moonshine-ai/pico-tflmicro/HEAD/src/tensorflow/lite/micro/kernels/space_to_batch_nd.cpp -------------------------------------------------------------------------------- /src/tensorflow/lite/micro/kernels/space_to_depth.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/moonshine-ai/pico-tflmicro/HEAD/src/tensorflow/lite/micro/kernels/space_to_depth.cpp -------------------------------------------------------------------------------- /src/tensorflow/lite/micro/kernels/split.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/moonshine-ai/pico-tflmicro/HEAD/src/tensorflow/lite/micro/kernels/split.cpp -------------------------------------------------------------------------------- /src/tensorflow/lite/micro/kernels/split_v.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/moonshine-ai/pico-tflmicro/HEAD/src/tensorflow/lite/micro/kernels/split_v.cpp -------------------------------------------------------------------------------- /src/tensorflow/lite/micro/kernels/squared_difference.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/moonshine-ai/pico-tflmicro/HEAD/src/tensorflow/lite/micro/kernels/squared_difference.cpp -------------------------------------------------------------------------------- /src/tensorflow/lite/micro/kernels/squeeze.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/moonshine-ai/pico-tflmicro/HEAD/src/tensorflow/lite/micro/kernels/squeeze.cpp -------------------------------------------------------------------------------- /src/tensorflow/lite/micro/kernels/strided_slice.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/moonshine-ai/pico-tflmicro/HEAD/src/tensorflow/lite/micro/kernels/strided_slice.cpp -------------------------------------------------------------------------------- /src/tensorflow/lite/micro/kernels/strided_slice.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/moonshine-ai/pico-tflmicro/HEAD/src/tensorflow/lite/micro/kernels/strided_slice.h -------------------------------------------------------------------------------- /src/tensorflow/lite/micro/kernels/strided_slice_common.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/moonshine-ai/pico-tflmicro/HEAD/src/tensorflow/lite/micro/kernels/strided_slice_common.cpp -------------------------------------------------------------------------------- /src/tensorflow/lite/micro/kernels/sub.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/moonshine-ai/pico-tflmicro/HEAD/src/tensorflow/lite/micro/kernels/sub.cpp -------------------------------------------------------------------------------- /src/tensorflow/lite/micro/kernels/sub.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/moonshine-ai/pico-tflmicro/HEAD/src/tensorflow/lite/micro/kernels/sub.h -------------------------------------------------------------------------------- /src/tensorflow/lite/micro/kernels/sub_common.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/moonshine-ai/pico-tflmicro/HEAD/src/tensorflow/lite/micro/kernels/sub_common.cpp -------------------------------------------------------------------------------- /src/tensorflow/lite/micro/kernels/svdf.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/moonshine-ai/pico-tflmicro/HEAD/src/tensorflow/lite/micro/kernels/svdf.h -------------------------------------------------------------------------------- /src/tensorflow/lite/micro/kernels/svdf_common.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/moonshine-ai/pico-tflmicro/HEAD/src/tensorflow/lite/micro/kernels/svdf_common.cpp -------------------------------------------------------------------------------- /src/tensorflow/lite/micro/kernels/tanh.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/moonshine-ai/pico-tflmicro/HEAD/src/tensorflow/lite/micro/kernels/tanh.cpp -------------------------------------------------------------------------------- /src/tensorflow/lite/micro/kernels/transpose.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/moonshine-ai/pico-tflmicro/HEAD/src/tensorflow/lite/micro/kernels/transpose.cpp -------------------------------------------------------------------------------- /src/tensorflow/lite/micro/kernels/transpose_conv.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/moonshine-ai/pico-tflmicro/HEAD/src/tensorflow/lite/micro/kernels/transpose_conv.h -------------------------------------------------------------------------------- /src/tensorflow/lite/micro/kernels/unidirectional_sequence_lstm.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/moonshine-ai/pico-tflmicro/HEAD/src/tensorflow/lite/micro/kernels/unidirectional_sequence_lstm.h -------------------------------------------------------------------------------- /src/tensorflow/lite/micro/kernels/unpack.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/moonshine-ai/pico-tflmicro/HEAD/src/tensorflow/lite/micro/kernels/unpack.cpp -------------------------------------------------------------------------------- /src/tensorflow/lite/micro/kernels/var_handle.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/moonshine-ai/pico-tflmicro/HEAD/src/tensorflow/lite/micro/kernels/var_handle.cpp -------------------------------------------------------------------------------- /src/tensorflow/lite/micro/kernels/while.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/moonshine-ai/pico-tflmicro/HEAD/src/tensorflow/lite/micro/kernels/while.cpp -------------------------------------------------------------------------------- /src/tensorflow/lite/micro/kernels/zeros_like.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/moonshine-ai/pico-tflmicro/HEAD/src/tensorflow/lite/micro/kernels/zeros_like.cpp -------------------------------------------------------------------------------- /src/tensorflow/lite/micro/memory_helpers.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/moonshine-ai/pico-tflmicro/HEAD/src/tensorflow/lite/micro/memory_helpers.cpp -------------------------------------------------------------------------------- /src/tensorflow/lite/micro/memory_helpers.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/moonshine-ai/pico-tflmicro/HEAD/src/tensorflow/lite/micro/memory_helpers.h -------------------------------------------------------------------------------- /src/tensorflow/lite/micro/memory_planner/greedy_memory_planner.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/moonshine-ai/pico-tflmicro/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/moonshine-ai/pico-tflmicro/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/moonshine-ai/pico-tflmicro/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/moonshine-ai/pico-tflmicro/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/moonshine-ai/pico-tflmicro/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/moonshine-ai/pico-tflmicro/HEAD/src/tensorflow/lite/micro/memory_planner/micro_memory_planner.h -------------------------------------------------------------------------------- /src/tensorflow/lite/micro/memory_planner/non_persistent_buffer_planner_shim.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/moonshine-ai/pico-tflmicro/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/moonshine-ai/pico-tflmicro/HEAD/src/tensorflow/lite/micro/micro_allocation_info.cpp -------------------------------------------------------------------------------- /src/tensorflow/lite/micro/micro_allocation_info.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/moonshine-ai/pico-tflmicro/HEAD/src/tensorflow/lite/micro/micro_allocation_info.h -------------------------------------------------------------------------------- /src/tensorflow/lite/micro/micro_allocator.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/moonshine-ai/pico-tflmicro/HEAD/src/tensorflow/lite/micro/micro_allocator.cpp -------------------------------------------------------------------------------- /src/tensorflow/lite/micro/micro_allocator.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/moonshine-ai/pico-tflmicro/HEAD/src/tensorflow/lite/micro/micro_allocator.h -------------------------------------------------------------------------------- /src/tensorflow/lite/micro/micro_arena_constants.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/moonshine-ai/pico-tflmicro/HEAD/src/tensorflow/lite/micro/micro_arena_constants.h -------------------------------------------------------------------------------- /src/tensorflow/lite/micro/micro_common.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/moonshine-ai/pico-tflmicro/HEAD/src/tensorflow/lite/micro/micro_common.h -------------------------------------------------------------------------------- /src/tensorflow/lite/micro/micro_context.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/moonshine-ai/pico-tflmicro/HEAD/src/tensorflow/lite/micro/micro_context.cpp -------------------------------------------------------------------------------- /src/tensorflow/lite/micro/micro_context.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/moonshine-ai/pico-tflmicro/HEAD/src/tensorflow/lite/micro/micro_context.h -------------------------------------------------------------------------------- /src/tensorflow/lite/micro/micro_graph.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/moonshine-ai/pico-tflmicro/HEAD/src/tensorflow/lite/micro/micro_graph.h -------------------------------------------------------------------------------- /src/tensorflow/lite/micro/micro_interpreter.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/moonshine-ai/pico-tflmicro/HEAD/src/tensorflow/lite/micro/micro_interpreter.cpp -------------------------------------------------------------------------------- /src/tensorflow/lite/micro/micro_interpreter.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/moonshine-ai/pico-tflmicro/HEAD/src/tensorflow/lite/micro/micro_interpreter.h -------------------------------------------------------------------------------- /src/tensorflow/lite/micro/micro_interpreter_context.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/moonshine-ai/pico-tflmicro/HEAD/src/tensorflow/lite/micro/micro_interpreter_context.cpp -------------------------------------------------------------------------------- /src/tensorflow/lite/micro/micro_interpreter_context.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/moonshine-ai/pico-tflmicro/HEAD/src/tensorflow/lite/micro/micro_interpreter_context.h -------------------------------------------------------------------------------- /src/tensorflow/lite/micro/micro_interpreter_graph.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/moonshine-ai/pico-tflmicro/HEAD/src/tensorflow/lite/micro/micro_interpreter_graph.cpp -------------------------------------------------------------------------------- /src/tensorflow/lite/micro/micro_interpreter_graph.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/moonshine-ai/pico-tflmicro/HEAD/src/tensorflow/lite/micro/micro_interpreter_graph.h -------------------------------------------------------------------------------- /src/tensorflow/lite/micro/micro_log.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/moonshine-ai/pico-tflmicro/HEAD/src/tensorflow/lite/micro/micro_log.cpp -------------------------------------------------------------------------------- /src/tensorflow/lite/micro/micro_log.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/moonshine-ai/pico-tflmicro/HEAD/src/tensorflow/lite/micro/micro_log.h -------------------------------------------------------------------------------- /src/tensorflow/lite/micro/micro_mutable_op_resolver.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/moonshine-ai/pico-tflmicro/HEAD/src/tensorflow/lite/micro/micro_mutable_op_resolver.h -------------------------------------------------------------------------------- /src/tensorflow/lite/micro/micro_op_resolver.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/moonshine-ai/pico-tflmicro/HEAD/src/tensorflow/lite/micro/micro_op_resolver.cpp -------------------------------------------------------------------------------- /src/tensorflow/lite/micro/micro_op_resolver.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/moonshine-ai/pico-tflmicro/HEAD/src/tensorflow/lite/micro/micro_op_resolver.h -------------------------------------------------------------------------------- /src/tensorflow/lite/micro/micro_profiler.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/moonshine-ai/pico-tflmicro/HEAD/src/tensorflow/lite/micro/micro_profiler.cpp -------------------------------------------------------------------------------- /src/tensorflow/lite/micro/micro_profiler.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/moonshine-ai/pico-tflmicro/HEAD/src/tensorflow/lite/micro/micro_profiler.h -------------------------------------------------------------------------------- /src/tensorflow/lite/micro/micro_profiler_interface.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/moonshine-ai/pico-tflmicro/HEAD/src/tensorflow/lite/micro/micro_profiler_interface.h -------------------------------------------------------------------------------- /src/tensorflow/lite/micro/micro_resource_variable.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/moonshine-ai/pico-tflmicro/HEAD/src/tensorflow/lite/micro/micro_resource_variable.cpp -------------------------------------------------------------------------------- /src/tensorflow/lite/micro/micro_resource_variable.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/moonshine-ai/pico-tflmicro/HEAD/src/tensorflow/lite/micro/micro_resource_variable.h -------------------------------------------------------------------------------- /src/tensorflow/lite/micro/micro_time.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/moonshine-ai/pico-tflmicro/HEAD/src/tensorflow/lite/micro/micro_time.cpp -------------------------------------------------------------------------------- /src/tensorflow/lite/micro/micro_time.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/moonshine-ai/pico-tflmicro/HEAD/src/tensorflow/lite/micro/micro_time.h -------------------------------------------------------------------------------- /src/tensorflow/lite/micro/micro_utils.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/moonshine-ai/pico-tflmicro/HEAD/src/tensorflow/lite/micro/micro_utils.cpp -------------------------------------------------------------------------------- /src/tensorflow/lite/micro/micro_utils.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/moonshine-ai/pico-tflmicro/HEAD/src/tensorflow/lite/micro/micro_utils.h -------------------------------------------------------------------------------- /src/tensorflow/lite/micro/mock_micro_graph.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/moonshine-ai/pico-tflmicro/HEAD/src/tensorflow/lite/micro/mock_micro_graph.cpp -------------------------------------------------------------------------------- /src/tensorflow/lite/micro/mock_micro_graph.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/moonshine-ai/pico-tflmicro/HEAD/src/tensorflow/lite/micro/mock_micro_graph.h -------------------------------------------------------------------------------- /src/tensorflow/lite/micro/recording_micro_allocator.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/moonshine-ai/pico-tflmicro/HEAD/src/tensorflow/lite/micro/recording_micro_allocator.cpp -------------------------------------------------------------------------------- /src/tensorflow/lite/micro/recording_micro_allocator.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/moonshine-ai/pico-tflmicro/HEAD/src/tensorflow/lite/micro/recording_micro_allocator.h -------------------------------------------------------------------------------- /src/tensorflow/lite/micro/recording_micro_interpreter.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/moonshine-ai/pico-tflmicro/HEAD/src/tensorflow/lite/micro/recording_micro_interpreter.h -------------------------------------------------------------------------------- /src/tensorflow/lite/micro/system_setup.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/moonshine-ai/pico-tflmicro/HEAD/src/tensorflow/lite/micro/system_setup.cpp -------------------------------------------------------------------------------- /src/tensorflow/lite/micro/system_setup.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/moonshine-ai/pico-tflmicro/HEAD/src/tensorflow/lite/micro/system_setup.h -------------------------------------------------------------------------------- /src/tensorflow/lite/micro/test_helper_custom_ops.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/moonshine-ai/pico-tflmicro/HEAD/src/tensorflow/lite/micro/test_helper_custom_ops.cpp -------------------------------------------------------------------------------- /src/tensorflow/lite/micro/test_helper_custom_ops.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/moonshine-ai/pico-tflmicro/HEAD/src/tensorflow/lite/micro/test_helper_custom_ops.h -------------------------------------------------------------------------------- /src/tensorflow/lite/micro/test_helpers.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/moonshine-ai/pico-tflmicro/HEAD/src/tensorflow/lite/micro/test_helpers.cpp -------------------------------------------------------------------------------- /src/tensorflow/lite/micro/test_helpers.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/moonshine-ai/pico-tflmicro/HEAD/src/tensorflow/lite/micro/test_helpers.h -------------------------------------------------------------------------------- /src/tensorflow/lite/micro/testing/micro_test.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/moonshine-ai/pico-tflmicro/HEAD/src/tensorflow/lite/micro/testing/micro_test.h -------------------------------------------------------------------------------- /src/tensorflow/lite/micro/tflite_bridge/flatbuffer_conversions_bridge.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/moonshine-ai/pico-tflmicro/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/moonshine-ai/pico-tflmicro/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/moonshine-ai/pico-tflmicro/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/moonshine-ai/pico-tflmicro/HEAD/src/tensorflow/lite/micro/tflite_bridge/micro_error_reporter.h -------------------------------------------------------------------------------- /src/tensorflow/lite/portable_type_to_tflitetype.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/moonshine-ai/pico-tflmicro/HEAD/src/tensorflow/lite/portable_type_to_tflitetype.h -------------------------------------------------------------------------------- /src/tensorflow/lite/schema/schema_generated.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/moonshine-ai/pico-tflmicro/HEAD/src/tensorflow/lite/schema/schema_generated.h -------------------------------------------------------------------------------- /src/tensorflow/lite/schema/schema_utils.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/moonshine-ai/pico-tflmicro/HEAD/src/tensorflow/lite/schema/schema_utils.cpp -------------------------------------------------------------------------------- /src/tensorflow/lite/schema/schema_utils.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/moonshine-ai/pico-tflmicro/HEAD/src/tensorflow/lite/schema/schema_utils.h -------------------------------------------------------------------------------- /src/third_party/cmsis/CMSIS/Core/Include/cachel1_armv7.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/moonshine-ai/pico-tflmicro/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/moonshine-ai/pico-tflmicro/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/moonshine-ai/pico-tflmicro/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/moonshine-ai/pico-tflmicro/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/moonshine-ai/pico-tflmicro/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/moonshine-ai/pico-tflmicro/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/moonshine-ai/pico-tflmicro/HEAD/src/third_party/cmsis/CMSIS/Core/Include/cmsis_iccarm.h -------------------------------------------------------------------------------- /src/third_party/cmsis/CMSIS/Core/Include/cmsis_tiarmclang.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/moonshine-ai/pico-tflmicro/HEAD/src/third_party/cmsis/CMSIS/Core/Include/cmsis_tiarmclang.h -------------------------------------------------------------------------------- /src/third_party/cmsis/CMSIS/Core/Include/cmsis_version.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/moonshine-ai/pico-tflmicro/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/moonshine-ai/pico-tflmicro/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/moonshine-ai/pico-tflmicro/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/moonshine-ai/pico-tflmicro/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/moonshine-ai/pico-tflmicro/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/moonshine-ai/pico-tflmicro/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/moonshine-ai/pico-tflmicro/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/moonshine-ai/pico-tflmicro/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/moonshine-ai/pico-tflmicro/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/moonshine-ai/pico-tflmicro/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/moonshine-ai/pico-tflmicro/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/moonshine-ai/pico-tflmicro/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/moonshine-ai/pico-tflmicro/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/moonshine-ai/pico-tflmicro/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/moonshine-ai/pico-tflmicro/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/moonshine-ai/pico-tflmicro/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/moonshine-ai/pico-tflmicro/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/moonshine-ai/pico-tflmicro/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/moonshine-ai/pico-tflmicro/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/moonshine-ai/pico-tflmicro/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/moonshine-ai/pico-tflmicro/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/moonshine-ai/pico-tflmicro/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/moonshine-ai/pico-tflmicro/HEAD/src/third_party/cmsis/CMSIS/Core/Include/tz_context.h -------------------------------------------------------------------------------- /src/third_party/cmsis/LICENSE.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/moonshine-ai/pico-tflmicro/HEAD/src/third_party/cmsis/LICENSE.txt -------------------------------------------------------------------------------- /src/third_party/cmsis_nn/Include/Internal/arm_nn_compiler.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/moonshine-ai/pico-tflmicro/HEAD/src/third_party/cmsis_nn/Include/Internal/arm_nn_compiler.h -------------------------------------------------------------------------------- /src/third_party/cmsis_nn/Include/arm_nn_math_types.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/moonshine-ai/pico-tflmicro/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/moonshine-ai/pico-tflmicro/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/moonshine-ai/pico-tflmicro/HEAD/src/third_party/cmsis_nn/Include/arm_nn_types.h -------------------------------------------------------------------------------- /src/third_party/cmsis_nn/Include/arm_nnfunctions.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/moonshine-ai/pico-tflmicro/HEAD/src/third_party/cmsis_nn/Include/arm_nnfunctions.h -------------------------------------------------------------------------------- /src/third_party/cmsis_nn/Include/arm_nnsupportfunctions.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/moonshine-ai/pico-tflmicro/HEAD/src/third_party/cmsis_nn/Include/arm_nnsupportfunctions.h -------------------------------------------------------------------------------- /src/third_party/cmsis_nn/LICENSE.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/moonshine-ai/pico-tflmicro/HEAD/src/third_party/cmsis_nn/LICENSE.txt -------------------------------------------------------------------------------- /src/third_party/cmsis_nn/Source/ActivationFunctions/arm_nn_activation_s16.c: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/moonshine-ai/pico-tflmicro/HEAD/src/third_party/cmsis_nn/Source/ActivationFunctions/arm_nn_activation_s16.c -------------------------------------------------------------------------------- /src/third_party/cmsis_nn/Source/ActivationFunctions/arm_relu6_s8.c: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/moonshine-ai/pico-tflmicro/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/moonshine-ai/pico-tflmicro/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/moonshine-ai/pico-tflmicro/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/moonshine-ai/pico-tflmicro/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/moonshine-ai/pico-tflmicro/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/moonshine-ai/pico-tflmicro/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/moonshine-ai/pico-tflmicro/HEAD/src/third_party/cmsis_nn/Source/BasicMathFunctions/arm_elementwise_mul_s8.c -------------------------------------------------------------------------------- /src/third_party/cmsis_nn/Source/ConvolutionFunctions/arm_convolve_1_x_n_s8.c: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/moonshine-ai/pico-tflmicro/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_s4.c: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/moonshine-ai/pico-tflmicro/HEAD/src/third_party/cmsis_nn/Source/ConvolutionFunctions/arm_convolve_1x1_s4.c -------------------------------------------------------------------------------- /src/third_party/cmsis_nn/Source/ConvolutionFunctions/arm_convolve_1x1_s8.c: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/moonshine-ai/pico-tflmicro/HEAD/src/third_party/cmsis_nn/Source/ConvolutionFunctions/arm_convolve_1x1_s8.c -------------------------------------------------------------------------------- /src/third_party/cmsis_nn/Source/ConvolutionFunctions/arm_convolve_fast_s16.c: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/moonshine-ai/pico-tflmicro/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/moonshine-ai/pico-tflmicro/HEAD/src/third_party/cmsis_nn/Source/ConvolutionFunctions/arm_convolve_s16.c -------------------------------------------------------------------------------- /src/third_party/cmsis_nn/Source/ConvolutionFunctions/arm_convolve_s4.c: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/moonshine-ai/pico-tflmicro/HEAD/src/third_party/cmsis_nn/Source/ConvolutionFunctions/arm_convolve_s4.c -------------------------------------------------------------------------------- /src/third_party/cmsis_nn/Source/ConvolutionFunctions/arm_convolve_s8.c: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/moonshine-ai/pico-tflmicro/HEAD/src/third_party/cmsis_nn/Source/ConvolutionFunctions/arm_convolve_s8.c -------------------------------------------------------------------------------- /src/third_party/cmsis_nn/Source/ConvolutionFunctions/arm_convolve_wrapper_s4.c: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/moonshine-ai/pico-tflmicro/HEAD/src/third_party/cmsis_nn/Source/ConvolutionFunctions/arm_convolve_wrapper_s4.c -------------------------------------------------------------------------------- /src/third_party/cmsis_nn/Source/ConvolutionFunctions/arm_convolve_wrapper_s8.c: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/moonshine-ai/pico-tflmicro/HEAD/src/third_party/cmsis_nn/Source/ConvolutionFunctions/arm_convolve_wrapper_s8.c -------------------------------------------------------------------------------- /src/third_party/cmsis_nn/Source/ConvolutionFunctions/arm_nn_mat_mult_s8.c: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/moonshine-ai/pico-tflmicro/HEAD/src/third_party/cmsis_nn/Source/ConvolutionFunctions/arm_nn_mat_mult_s8.c -------------------------------------------------------------------------------- /src/third_party/cmsis_nn/Source/FullyConnectedFunctions/arm_vector_sum_s8.c: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/moonshine-ai/pico-tflmicro/HEAD/src/third_party/cmsis_nn/Source/FullyConnectedFunctions/arm_vector_sum_s8.c -------------------------------------------------------------------------------- /src/third_party/cmsis_nn/Source/NNSupportFunctions/arm_nntables.c: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/moonshine-ai/pico-tflmicro/HEAD/src/third_party/cmsis_nn/Source/NNSupportFunctions/arm_nntables.c -------------------------------------------------------------------------------- /src/third_party/cmsis_nn/Source/PoolingFunctions/arm_avgpool_s16.c: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/moonshine-ai/pico-tflmicro/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/moonshine-ai/pico-tflmicro/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/moonshine-ai/pico-tflmicro/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/moonshine-ai/pico-tflmicro/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/moonshine-ai/pico-tflmicro/HEAD/src/third_party/cmsis_nn/Source/ReshapeFunctions/arm_reshape_s8.c -------------------------------------------------------------------------------- /src/third_party/cmsis_nn/Source/SVDFunctions/arm_svdf_get_buffer_sizes_s8.c: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/moonshine-ai/pico-tflmicro/HEAD/src/third_party/cmsis_nn/Source/SVDFunctions/arm_svdf_get_buffer_sizes_s8.c -------------------------------------------------------------------------------- /src/third_party/cmsis_nn/Source/SVDFunctions/arm_svdf_s8.c: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/moonshine-ai/pico-tflmicro/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/moonshine-ai/pico-tflmicro/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/moonshine-ai/pico-tflmicro/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/moonshine-ai/pico-tflmicro/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/moonshine-ai/pico-tflmicro/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/moonshine-ai/pico-tflmicro/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/moonshine-ai/pico-tflmicro/HEAD/src/third_party/cmsis_nn/Source/SoftmaxFunctions/arm_softmax_u8.c -------------------------------------------------------------------------------- /src/third_party/flatbuffers/LICENSE: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/moonshine-ai/pico-tflmicro/HEAD/src/third_party/flatbuffers/LICENSE -------------------------------------------------------------------------------- /src/third_party/flatbuffers/include/flatbuffers/allocator.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/moonshine-ai/pico-tflmicro/HEAD/src/third_party/flatbuffers/include/flatbuffers/allocator.h -------------------------------------------------------------------------------- /src/third_party/flatbuffers/include/flatbuffers/array.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/moonshine-ai/pico-tflmicro/HEAD/src/third_party/flatbuffers/include/flatbuffers/array.h -------------------------------------------------------------------------------- /src/third_party/flatbuffers/include/flatbuffers/base.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/moonshine-ai/pico-tflmicro/HEAD/src/third_party/flatbuffers/include/flatbuffers/base.h -------------------------------------------------------------------------------- /src/third_party/flatbuffers/include/flatbuffers/buffer.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/moonshine-ai/pico-tflmicro/HEAD/src/third_party/flatbuffers/include/flatbuffers/buffer.h -------------------------------------------------------------------------------- /src/third_party/flatbuffers/include/flatbuffers/buffer_ref.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/moonshine-ai/pico-tflmicro/HEAD/src/third_party/flatbuffers/include/flatbuffers/buffer_ref.h -------------------------------------------------------------------------------- /src/third_party/flatbuffers/include/flatbuffers/code_generator.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/moonshine-ai/pico-tflmicro/HEAD/src/third_party/flatbuffers/include/flatbuffers/code_generator.h -------------------------------------------------------------------------------- /src/third_party/flatbuffers/include/flatbuffers/code_generators.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/moonshine-ai/pico-tflmicro/HEAD/src/third_party/flatbuffers/include/flatbuffers/code_generators.h -------------------------------------------------------------------------------- /src/third_party/flatbuffers/include/flatbuffers/default_allocator.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/moonshine-ai/pico-tflmicro/HEAD/src/third_party/flatbuffers/include/flatbuffers/default_allocator.h -------------------------------------------------------------------------------- /src/third_party/flatbuffers/include/flatbuffers/detached_buffer.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/moonshine-ai/pico-tflmicro/HEAD/src/third_party/flatbuffers/include/flatbuffers/detached_buffer.h -------------------------------------------------------------------------------- /src/third_party/flatbuffers/include/flatbuffers/file_manager.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/moonshine-ai/pico-tflmicro/HEAD/src/third_party/flatbuffers/include/flatbuffers/file_manager.h -------------------------------------------------------------------------------- /src/third_party/flatbuffers/include/flatbuffers/flatbuffer_builder.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/moonshine-ai/pico-tflmicro/HEAD/src/third_party/flatbuffers/include/flatbuffers/flatbuffer_builder.h -------------------------------------------------------------------------------- /src/third_party/flatbuffers/include/flatbuffers/flatbuffers.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/moonshine-ai/pico-tflmicro/HEAD/src/third_party/flatbuffers/include/flatbuffers/flatbuffers.h -------------------------------------------------------------------------------- /src/third_party/flatbuffers/include/flatbuffers/flex_flat_util.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/moonshine-ai/pico-tflmicro/HEAD/src/third_party/flatbuffers/include/flatbuffers/flex_flat_util.h -------------------------------------------------------------------------------- /src/third_party/flatbuffers/include/flatbuffers/flexbuffers.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/moonshine-ai/pico-tflmicro/HEAD/src/third_party/flatbuffers/include/flatbuffers/flexbuffers.h -------------------------------------------------------------------------------- /src/third_party/flatbuffers/include/flatbuffers/grpc.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/moonshine-ai/pico-tflmicro/HEAD/src/third_party/flatbuffers/include/flatbuffers/grpc.h -------------------------------------------------------------------------------- /src/third_party/flatbuffers/include/flatbuffers/hash.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/moonshine-ai/pico-tflmicro/HEAD/src/third_party/flatbuffers/include/flatbuffers/hash.h -------------------------------------------------------------------------------- /src/third_party/flatbuffers/include/flatbuffers/idl.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/moonshine-ai/pico-tflmicro/HEAD/src/third_party/flatbuffers/include/flatbuffers/idl.h -------------------------------------------------------------------------------- /src/third_party/flatbuffers/include/flatbuffers/minireflect.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/moonshine-ai/pico-tflmicro/HEAD/src/third_party/flatbuffers/include/flatbuffers/minireflect.h -------------------------------------------------------------------------------- /src/third_party/flatbuffers/include/flatbuffers/reflection.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/moonshine-ai/pico-tflmicro/HEAD/src/third_party/flatbuffers/include/flatbuffers/reflection.h -------------------------------------------------------------------------------- /src/third_party/flatbuffers/include/flatbuffers/reflection_generated.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/moonshine-ai/pico-tflmicro/HEAD/src/third_party/flatbuffers/include/flatbuffers/reflection_generated.h -------------------------------------------------------------------------------- /src/third_party/flatbuffers/include/flatbuffers/registry.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/moonshine-ai/pico-tflmicro/HEAD/src/third_party/flatbuffers/include/flatbuffers/registry.h -------------------------------------------------------------------------------- /src/third_party/flatbuffers/include/flatbuffers/stl_emulation.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/moonshine-ai/pico-tflmicro/HEAD/src/third_party/flatbuffers/include/flatbuffers/stl_emulation.h -------------------------------------------------------------------------------- /src/third_party/flatbuffers/include/flatbuffers/string.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/moonshine-ai/pico-tflmicro/HEAD/src/third_party/flatbuffers/include/flatbuffers/string.h -------------------------------------------------------------------------------- /src/third_party/flatbuffers/include/flatbuffers/struct.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/moonshine-ai/pico-tflmicro/HEAD/src/third_party/flatbuffers/include/flatbuffers/struct.h -------------------------------------------------------------------------------- /src/third_party/flatbuffers/include/flatbuffers/table.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/moonshine-ai/pico-tflmicro/HEAD/src/third_party/flatbuffers/include/flatbuffers/table.h -------------------------------------------------------------------------------- /src/third_party/flatbuffers/include/flatbuffers/util.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/moonshine-ai/pico-tflmicro/HEAD/src/third_party/flatbuffers/include/flatbuffers/util.h -------------------------------------------------------------------------------- /src/third_party/flatbuffers/include/flatbuffers/vector.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/moonshine-ai/pico-tflmicro/HEAD/src/third_party/flatbuffers/include/flatbuffers/vector.h -------------------------------------------------------------------------------- /src/third_party/flatbuffers/include/flatbuffers/vector_downward.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/moonshine-ai/pico-tflmicro/HEAD/src/third_party/flatbuffers/include/flatbuffers/vector_downward.h -------------------------------------------------------------------------------- /src/third_party/flatbuffers/include/flatbuffers/verifier.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/moonshine-ai/pico-tflmicro/HEAD/src/third_party/flatbuffers/include/flatbuffers/verifier.h -------------------------------------------------------------------------------- /src/third_party/gemmlowp/LICENSE: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/moonshine-ai/pico-tflmicro/HEAD/src/third_party/gemmlowp/LICENSE -------------------------------------------------------------------------------- /src/third_party/gemmlowp/fixedpoint/fixedpoint.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/moonshine-ai/pico-tflmicro/HEAD/src/third_party/gemmlowp/fixedpoint/fixedpoint.h -------------------------------------------------------------------------------- /src/third_party/gemmlowp/fixedpoint/fixedpoint_neon.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/moonshine-ai/pico-tflmicro/HEAD/src/third_party/gemmlowp/fixedpoint/fixedpoint_neon.h -------------------------------------------------------------------------------- /src/third_party/gemmlowp/fixedpoint/fixedpoint_sse.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/moonshine-ai/pico-tflmicro/HEAD/src/third_party/gemmlowp/fixedpoint/fixedpoint_sse.h -------------------------------------------------------------------------------- /src/third_party/gemmlowp/internal/detect_platform.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/moonshine-ai/pico-tflmicro/HEAD/src/third_party/gemmlowp/internal/detect_platform.h -------------------------------------------------------------------------------- /src/third_party/kissfft/COPYING: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/moonshine-ai/pico-tflmicro/HEAD/src/third_party/kissfft/COPYING -------------------------------------------------------------------------------- /src/third_party/kissfft/_kiss_fft_guts.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/moonshine-ai/pico-tflmicro/HEAD/src/third_party/kissfft/_kiss_fft_guts.h -------------------------------------------------------------------------------- /src/third_party/kissfft/kiss_fft.c: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/moonshine-ai/pico-tflmicro/HEAD/src/third_party/kissfft/kiss_fft.c -------------------------------------------------------------------------------- /src/third_party/kissfft/kiss_fft.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/moonshine-ai/pico-tflmicro/HEAD/src/third_party/kissfft/kiss_fft.h -------------------------------------------------------------------------------- /src/third_party/kissfft/tools/kiss_fftr.c: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/moonshine-ai/pico-tflmicro/HEAD/src/third_party/kissfft/tools/kiss_fftr.c -------------------------------------------------------------------------------- /src/third_party/kissfft/tools/kiss_fftr.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/moonshine-ai/pico-tflmicro/HEAD/src/third_party/kissfft/tools/kiss_fftr.h -------------------------------------------------------------------------------- /src/third_party/ruy/ruy/profiler/instrumentation.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/moonshine-ai/pico-tflmicro/HEAD/src/third_party/ruy/ruy/profiler/instrumentation.h -------------------------------------------------------------------------------- /sync/MANIFEST.ini: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/moonshine-ai/pico-tflmicro/HEAD/sync/MANIFEST.ini -------------------------------------------------------------------------------- /sync/add_usb.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/moonshine-ai/pico-tflmicro/HEAD/sync/add_usb.py -------------------------------------------------------------------------------- /sync/arm_nn_mat_mult_nt_t_s8.c: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/moonshine-ai/pico-tflmicro/HEAD/sync/arm_nn_mat_mult_nt_t_s8.c -------------------------------------------------------------------------------- /sync/create_tests.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/moonshine-ai/pico-tflmicro/HEAD/sync/create_tests.py -------------------------------------------------------------------------------- /sync/create_tflm_arduino.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/moonshine-ai/pico-tflmicro/HEAD/sync/create_tflm_arduino.py -------------------------------------------------------------------------------- /sync/fix_arduino_subfolders.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/moonshine-ai/pico-tflmicro/HEAD/sync/fix_arduino_subfolders.py -------------------------------------------------------------------------------- /sync/micro_benchmark.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/moonshine-ai/pico-tflmicro/HEAD/sync/micro_benchmark.h -------------------------------------------------------------------------------- /sync/micro_profiler.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/moonshine-ai/pico-tflmicro/HEAD/sync/micro_profiler.cpp -------------------------------------------------------------------------------- /sync/micro_test.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/moonshine-ai/pico-tflmicro/HEAD/sync/micro_test.h -------------------------------------------------------------------------------- /sync/micro_time.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/moonshine-ai/pico-tflmicro/HEAD/sync/micro_time.cpp -------------------------------------------------------------------------------- /sync/replace_string_with_file_contents.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/moonshine-ai/pico-tflmicro/HEAD/sync/replace_string_with_file_contents.py -------------------------------------------------------------------------------- /sync/sync_with_upstream.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/moonshine-ai/pico-tflmicro/HEAD/sync/sync_with_upstream.sh -------------------------------------------------------------------------------- /sync/system_setup.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/moonshine-ai/pico-tflmicro/HEAD/sync/system_setup.cpp -------------------------------------------------------------------------------- /sync/test_CMakeLists_template.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/moonshine-ai/pico-tflmicro/HEAD/sync/test_CMakeLists_template.txt -------------------------------------------------------------------------------- /sync/transform_source.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/moonshine-ai/pico-tflmicro/HEAD/sync/transform_source.py -------------------------------------------------------------------------------- /tests/arena_allocator_persistent_arena_buffer_allocator_test/CMakeLists.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/moonshine-ai/pico-tflmicro/HEAD/tests/arena_allocator_persistent_arena_buffer_allocator_test/CMakeLists.txt -------------------------------------------------------------------------------- /tests/arena_allocator_single_arena_buffer_allocator_test/CMakeLists.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/moonshine-ai/pico-tflmicro/HEAD/tests/arena_allocator_single_arena_buffer_allocator_test/CMakeLists.txt -------------------------------------------------------------------------------- /tests/fake_micro_context_test/CMakeLists.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/moonshine-ai/pico-tflmicro/HEAD/tests/fake_micro_context_test/CMakeLists.txt -------------------------------------------------------------------------------- /tests/fake_micro_context_test/fake_micro_context_test.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/moonshine-ai/pico-tflmicro/HEAD/tests/fake_micro_context_test/fake_micro_context_test.cpp -------------------------------------------------------------------------------- /tests/flatbuffer_utils_test/CMakeLists.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/moonshine-ai/pico-tflmicro/HEAD/tests/flatbuffer_utils_test/CMakeLists.txt -------------------------------------------------------------------------------- /tests/flatbuffer_utils_test/flatbuffer_utils_test.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/moonshine-ai/pico-tflmicro/HEAD/tests/flatbuffer_utils_test/flatbuffer_utils_test.cpp -------------------------------------------------------------------------------- /tests/kernels_activations_test/CMakeLists.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/moonshine-ai/pico-tflmicro/HEAD/tests/kernels_activations_test/CMakeLists.txt -------------------------------------------------------------------------------- /tests/kernels_activations_test/activations_test.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/moonshine-ai/pico-tflmicro/HEAD/tests/kernels_activations_test/activations_test.cpp -------------------------------------------------------------------------------- /tests/kernels_add_n_test/CMakeLists.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/moonshine-ai/pico-tflmicro/HEAD/tests/kernels_add_n_test/CMakeLists.txt -------------------------------------------------------------------------------- /tests/kernels_add_n_test/add_n_test.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/moonshine-ai/pico-tflmicro/HEAD/tests/kernels_add_n_test/add_n_test.cpp -------------------------------------------------------------------------------- /tests/kernels_add_test/CMakeLists.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/moonshine-ai/pico-tflmicro/HEAD/tests/kernels_add_test/CMakeLists.txt -------------------------------------------------------------------------------- /tests/kernels_add_test/add_test.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/moonshine-ai/pico-tflmicro/HEAD/tests/kernels_add_test/add_test.cpp -------------------------------------------------------------------------------- /tests/kernels_arg_min_max_test/CMakeLists.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/moonshine-ai/pico-tflmicro/HEAD/tests/kernels_arg_min_max_test/CMakeLists.txt -------------------------------------------------------------------------------- /tests/kernels_arg_min_max_test/arg_min_max_test.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/moonshine-ai/pico-tflmicro/HEAD/tests/kernels_arg_min_max_test/arg_min_max_test.cpp -------------------------------------------------------------------------------- /tests/kernels_batch_matmul_test/CMakeLists.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/moonshine-ai/pico-tflmicro/HEAD/tests/kernels_batch_matmul_test/CMakeLists.txt -------------------------------------------------------------------------------- /tests/kernels_batch_matmul_test/batch_matmul_test.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/moonshine-ai/pico-tflmicro/HEAD/tests/kernels_batch_matmul_test/batch_matmul_test.cpp -------------------------------------------------------------------------------- /tests/kernels_batch_to_space_nd_test/CMakeLists.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/moonshine-ai/pico-tflmicro/HEAD/tests/kernels_batch_to_space_nd_test/CMakeLists.txt -------------------------------------------------------------------------------- /tests/kernels_batch_to_space_nd_test/batch_to_space_nd_test.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/moonshine-ai/pico-tflmicro/HEAD/tests/kernels_batch_to_space_nd_test/batch_to_space_nd_test.cpp -------------------------------------------------------------------------------- /tests/kernels_broadcast_args_test/CMakeLists.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/moonshine-ai/pico-tflmicro/HEAD/tests/kernels_broadcast_args_test/CMakeLists.txt -------------------------------------------------------------------------------- /tests/kernels_broadcast_args_test/broadcast_args_test.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/moonshine-ai/pico-tflmicro/HEAD/tests/kernels_broadcast_args_test/broadcast_args_test.cpp -------------------------------------------------------------------------------- /tests/kernels_broadcast_to_test/CMakeLists.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/moonshine-ai/pico-tflmicro/HEAD/tests/kernels_broadcast_to_test/CMakeLists.txt -------------------------------------------------------------------------------- /tests/kernels_broadcast_to_test/broadcast_to_test.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/moonshine-ai/pico-tflmicro/HEAD/tests/kernels_broadcast_to_test/broadcast_to_test.cpp -------------------------------------------------------------------------------- /tests/kernels_call_once_test/CMakeLists.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/moonshine-ai/pico-tflmicro/HEAD/tests/kernels_call_once_test/CMakeLists.txt -------------------------------------------------------------------------------- /tests/kernels_call_once_test/call_once_test.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/moonshine-ai/pico-tflmicro/HEAD/tests/kernels_call_once_test/call_once_test.cpp -------------------------------------------------------------------------------- /tests/kernels_cast_test/CMakeLists.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/moonshine-ai/pico-tflmicro/HEAD/tests/kernels_cast_test/CMakeLists.txt -------------------------------------------------------------------------------- /tests/kernels_cast_test/cast_test.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/moonshine-ai/pico-tflmicro/HEAD/tests/kernels_cast_test/cast_test.cpp -------------------------------------------------------------------------------- /tests/kernels_ceil_test/CMakeLists.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/moonshine-ai/pico-tflmicro/HEAD/tests/kernels_ceil_test/CMakeLists.txt -------------------------------------------------------------------------------- /tests/kernels_ceil_test/ceil_test.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/moonshine-ai/pico-tflmicro/HEAD/tests/kernels_ceil_test/ceil_test.cpp -------------------------------------------------------------------------------- /tests/kernels_circular_buffer_test/CMakeLists.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/moonshine-ai/pico-tflmicro/HEAD/tests/kernels_circular_buffer_test/CMakeLists.txt -------------------------------------------------------------------------------- /tests/kernels_circular_buffer_test/circular_buffer_test.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/moonshine-ai/pico-tflmicro/HEAD/tests/kernels_circular_buffer_test/circular_buffer_test.cpp -------------------------------------------------------------------------------- /tests/kernels_comparisons_test/CMakeLists.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/moonshine-ai/pico-tflmicro/HEAD/tests/kernels_comparisons_test/CMakeLists.txt -------------------------------------------------------------------------------- /tests/kernels_comparisons_test/comparisons_test.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/moonshine-ai/pico-tflmicro/HEAD/tests/kernels_comparisons_test/comparisons_test.cpp -------------------------------------------------------------------------------- /tests/kernels_concatenation_test/CMakeLists.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/moonshine-ai/pico-tflmicro/HEAD/tests/kernels_concatenation_test/CMakeLists.txt -------------------------------------------------------------------------------- /tests/kernels_concatenation_test/concatenation_test.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/moonshine-ai/pico-tflmicro/HEAD/tests/kernels_concatenation_test/concatenation_test.cpp -------------------------------------------------------------------------------- /tests/kernels_conv_test/CMakeLists.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/moonshine-ai/pico-tflmicro/HEAD/tests/kernels_conv_test/CMakeLists.txt -------------------------------------------------------------------------------- /tests/kernels_conv_test/conv_test.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/moonshine-ai/pico-tflmicro/HEAD/tests/kernels_conv_test/conv_test.cpp -------------------------------------------------------------------------------- /tests/kernels_conv_test/tensorflow/lite/micro/kernels/conv_test_common.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/moonshine-ai/pico-tflmicro/HEAD/tests/kernels_conv_test/tensorflow/lite/micro/kernels/conv_test_common.cpp -------------------------------------------------------------------------------- /tests/kernels_cumsum_test/CMakeLists.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/moonshine-ai/pico-tflmicro/HEAD/tests/kernels_cumsum_test/CMakeLists.txt -------------------------------------------------------------------------------- /tests/kernels_cumsum_test/cumsum_test.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/moonshine-ai/pico-tflmicro/HEAD/tests/kernels_cumsum_test/cumsum_test.cpp -------------------------------------------------------------------------------- /tests/kernels_depth_to_space_test/CMakeLists.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/moonshine-ai/pico-tflmicro/HEAD/tests/kernels_depth_to_space_test/CMakeLists.txt -------------------------------------------------------------------------------- /tests/kernels_depth_to_space_test/depth_to_space_test.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/moonshine-ai/pico-tflmicro/HEAD/tests/kernels_depth_to_space_test/depth_to_space_test.cpp -------------------------------------------------------------------------------- /tests/kernels_depthwise_conv_test/CMakeLists.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/moonshine-ai/pico-tflmicro/HEAD/tests/kernels_depthwise_conv_test/CMakeLists.txt -------------------------------------------------------------------------------- /tests/kernels_depthwise_conv_test/depthwise_conv_test.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/moonshine-ai/pico-tflmicro/HEAD/tests/kernels_depthwise_conv_test/depthwise_conv_test.cpp -------------------------------------------------------------------------------- /tests/kernels_dequantize_test/CMakeLists.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/moonshine-ai/pico-tflmicro/HEAD/tests/kernels_dequantize_test/CMakeLists.txt -------------------------------------------------------------------------------- /tests/kernels_dequantize_test/dequantize_test.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/moonshine-ai/pico-tflmicro/HEAD/tests/kernels_dequantize_test/dequantize_test.cpp -------------------------------------------------------------------------------- /tests/kernels_detection_postprocess_test/CMakeLists.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/moonshine-ai/pico-tflmicro/HEAD/tests/kernels_detection_postprocess_test/CMakeLists.txt -------------------------------------------------------------------------------- /tests/kernels_detection_postprocess_test/detection_postprocess_test.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/moonshine-ai/pico-tflmicro/HEAD/tests/kernels_detection_postprocess_test/detection_postprocess_test.cpp -------------------------------------------------------------------------------- /tests/kernels_div_test/CMakeLists.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/moonshine-ai/pico-tflmicro/HEAD/tests/kernels_div_test/CMakeLists.txt -------------------------------------------------------------------------------- /tests/kernels_div_test/div_test.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/moonshine-ai/pico-tflmicro/HEAD/tests/kernels_div_test/div_test.cpp -------------------------------------------------------------------------------- /tests/kernels_elementwise_test/CMakeLists.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/moonshine-ai/pico-tflmicro/HEAD/tests/kernels_elementwise_test/CMakeLists.txt -------------------------------------------------------------------------------- /tests/kernels_elementwise_test/elementwise_test.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/moonshine-ai/pico-tflmicro/HEAD/tests/kernels_elementwise_test/elementwise_test.cpp -------------------------------------------------------------------------------- /tests/kernels_elu_test/CMakeLists.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/moonshine-ai/pico-tflmicro/HEAD/tests/kernels_elu_test/CMakeLists.txt -------------------------------------------------------------------------------- /tests/kernels_elu_test/elu_test.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/moonshine-ai/pico-tflmicro/HEAD/tests/kernels_elu_test/elu_test.cpp -------------------------------------------------------------------------------- /tests/kernels_embedding_lookup_test/CMakeLists.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/moonshine-ai/pico-tflmicro/HEAD/tests/kernels_embedding_lookup_test/CMakeLists.txt -------------------------------------------------------------------------------- /tests/kernels_embedding_lookup_test/embedding_lookup_test.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/moonshine-ai/pico-tflmicro/HEAD/tests/kernels_embedding_lookup_test/embedding_lookup_test.cpp -------------------------------------------------------------------------------- /tests/kernels_exp_test/CMakeLists.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/moonshine-ai/pico-tflmicro/HEAD/tests/kernels_exp_test/CMakeLists.txt -------------------------------------------------------------------------------- /tests/kernels_exp_test/exp_test.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/moonshine-ai/pico-tflmicro/HEAD/tests/kernels_exp_test/exp_test.cpp -------------------------------------------------------------------------------- /tests/kernels_expand_dims_test/CMakeLists.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/moonshine-ai/pico-tflmicro/HEAD/tests/kernels_expand_dims_test/CMakeLists.txt -------------------------------------------------------------------------------- /tests/kernels_expand_dims_test/expand_dims_test.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/moonshine-ai/pico-tflmicro/HEAD/tests/kernels_expand_dims_test/expand_dims_test.cpp -------------------------------------------------------------------------------- /tests/kernels_fill_test/CMakeLists.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/moonshine-ai/pico-tflmicro/HEAD/tests/kernels_fill_test/CMakeLists.txt -------------------------------------------------------------------------------- /tests/kernels_fill_test/fill_test.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/moonshine-ai/pico-tflmicro/HEAD/tests/kernels_fill_test/fill_test.cpp -------------------------------------------------------------------------------- /tests/kernels_floor_div_test/CMakeLists.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/moonshine-ai/pico-tflmicro/HEAD/tests/kernels_floor_div_test/CMakeLists.txt -------------------------------------------------------------------------------- /tests/kernels_floor_div_test/floor_div_test.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/moonshine-ai/pico-tflmicro/HEAD/tests/kernels_floor_div_test/floor_div_test.cpp -------------------------------------------------------------------------------- /tests/kernels_floor_mod_test/CMakeLists.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/moonshine-ai/pico-tflmicro/HEAD/tests/kernels_floor_mod_test/CMakeLists.txt -------------------------------------------------------------------------------- /tests/kernels_floor_mod_test/floor_mod_test.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/moonshine-ai/pico-tflmicro/HEAD/tests/kernels_floor_mod_test/floor_mod_test.cpp -------------------------------------------------------------------------------- /tests/kernels_floor_test/CMakeLists.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/moonshine-ai/pico-tflmicro/HEAD/tests/kernels_floor_test/CMakeLists.txt -------------------------------------------------------------------------------- /tests/kernels_floor_test/floor_test.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/moonshine-ai/pico-tflmicro/HEAD/tests/kernels_floor_test/floor_test.cpp -------------------------------------------------------------------------------- /tests/kernels_fully_connected_test/CMakeLists.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/moonshine-ai/pico-tflmicro/HEAD/tests/kernels_fully_connected_test/CMakeLists.txt -------------------------------------------------------------------------------- /tests/kernels_fully_connected_test/fully_connected_test.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/moonshine-ai/pico-tflmicro/HEAD/tests/kernels_fully_connected_test/fully_connected_test.cpp -------------------------------------------------------------------------------- /tests/kernels_gather_nd_test/CMakeLists.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/moonshine-ai/pico-tflmicro/HEAD/tests/kernels_gather_nd_test/CMakeLists.txt -------------------------------------------------------------------------------- /tests/kernels_gather_nd_test/gather_nd_test.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/moonshine-ai/pico-tflmicro/HEAD/tests/kernels_gather_nd_test/gather_nd_test.cpp -------------------------------------------------------------------------------- /tests/kernels_gather_test/CMakeLists.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/moonshine-ai/pico-tflmicro/HEAD/tests/kernels_gather_test/CMakeLists.txt -------------------------------------------------------------------------------- /tests/kernels_gather_test/gather_test.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/moonshine-ai/pico-tflmicro/HEAD/tests/kernels_gather_test/gather_test.cpp -------------------------------------------------------------------------------- /tests/kernels_hard_swish_test/CMakeLists.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/moonshine-ai/pico-tflmicro/HEAD/tests/kernels_hard_swish_test/CMakeLists.txt -------------------------------------------------------------------------------- /tests/kernels_hard_swish_test/hard_swish_test.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/moonshine-ai/pico-tflmicro/HEAD/tests/kernels_hard_swish_test/hard_swish_test.cpp -------------------------------------------------------------------------------- /tests/kernels_if_test/CMakeLists.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/moonshine-ai/pico-tflmicro/HEAD/tests/kernels_if_test/CMakeLists.txt -------------------------------------------------------------------------------- /tests/kernels_if_test/if_test.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/moonshine-ai/pico-tflmicro/HEAD/tests/kernels_if_test/if_test.cpp -------------------------------------------------------------------------------- /tests/kernels_l2_pool_2d_test/CMakeLists.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/moonshine-ai/pico-tflmicro/HEAD/tests/kernels_l2_pool_2d_test/CMakeLists.txt -------------------------------------------------------------------------------- /tests/kernels_l2_pool_2d_test/l2_pool_2d_test.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/moonshine-ai/pico-tflmicro/HEAD/tests/kernels_l2_pool_2d_test/l2_pool_2d_test.cpp -------------------------------------------------------------------------------- /tests/kernels_l2norm_test/CMakeLists.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/moonshine-ai/pico-tflmicro/HEAD/tests/kernels_l2norm_test/CMakeLists.txt -------------------------------------------------------------------------------- /tests/kernels_l2norm_test/l2norm_test.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/moonshine-ai/pico-tflmicro/HEAD/tests/kernels_l2norm_test/l2norm_test.cpp -------------------------------------------------------------------------------- /tests/kernels_leaky_relu_test/CMakeLists.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/moonshine-ai/pico-tflmicro/HEAD/tests/kernels_leaky_relu_test/CMakeLists.txt -------------------------------------------------------------------------------- /tests/kernels_leaky_relu_test/leaky_relu_test.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/moonshine-ai/pico-tflmicro/HEAD/tests/kernels_leaky_relu_test/leaky_relu_test.cpp -------------------------------------------------------------------------------- /tests/kernels_log_softmax_test/CMakeLists.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/moonshine-ai/pico-tflmicro/HEAD/tests/kernels_log_softmax_test/CMakeLists.txt -------------------------------------------------------------------------------- /tests/kernels_log_softmax_test/log_softmax_test.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/moonshine-ai/pico-tflmicro/HEAD/tests/kernels_log_softmax_test/log_softmax_test.cpp -------------------------------------------------------------------------------- /tests/kernels_logical_test/CMakeLists.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/moonshine-ai/pico-tflmicro/HEAD/tests/kernels_logical_test/CMakeLists.txt -------------------------------------------------------------------------------- /tests/kernels_logical_test/logical_test.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/moonshine-ai/pico-tflmicro/HEAD/tests/kernels_logical_test/logical_test.cpp -------------------------------------------------------------------------------- /tests/kernels_logistic_test/CMakeLists.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/moonshine-ai/pico-tflmicro/HEAD/tests/kernels_logistic_test/CMakeLists.txt -------------------------------------------------------------------------------- /tests/kernels_logistic_test/logistic_test.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/moonshine-ai/pico-tflmicro/HEAD/tests/kernels_logistic_test/logistic_test.cpp -------------------------------------------------------------------------------- /tests/kernels_lstm_eval_test/CMakeLists.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/moonshine-ai/pico-tflmicro/HEAD/tests/kernels_lstm_eval_test/CMakeLists.txt -------------------------------------------------------------------------------- /tests/kernels_lstm_eval_test/lstm_eval_test.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/moonshine-ai/pico-tflmicro/HEAD/tests/kernels_lstm_eval_test/lstm_eval_test.cpp -------------------------------------------------------------------------------- /tests/kernels_maximum_minimum_test/CMakeLists.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/moonshine-ai/pico-tflmicro/HEAD/tests/kernels_maximum_minimum_test/CMakeLists.txt -------------------------------------------------------------------------------- /tests/kernels_maximum_minimum_test/maximum_minimum_test.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/moonshine-ai/pico-tflmicro/HEAD/tests/kernels_maximum_minimum_test/maximum_minimum_test.cpp -------------------------------------------------------------------------------- /tests/kernels_mirror_pad_test/CMakeLists.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/moonshine-ai/pico-tflmicro/HEAD/tests/kernels_mirror_pad_test/CMakeLists.txt -------------------------------------------------------------------------------- /tests/kernels_mirror_pad_test/mirror_pad_test.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/moonshine-ai/pico-tflmicro/HEAD/tests/kernels_mirror_pad_test/mirror_pad_test.cpp -------------------------------------------------------------------------------- /tests/kernels_mul_test/CMakeLists.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/moonshine-ai/pico-tflmicro/HEAD/tests/kernels_mul_test/CMakeLists.txt -------------------------------------------------------------------------------- /tests/kernels_mul_test/mul_test.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/moonshine-ai/pico-tflmicro/HEAD/tests/kernels_mul_test/mul_test.cpp -------------------------------------------------------------------------------- /tests/kernels_neg_test/CMakeLists.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/moonshine-ai/pico-tflmicro/HEAD/tests/kernels_neg_test/CMakeLists.txt -------------------------------------------------------------------------------- /tests/kernels_neg_test/neg_test.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/moonshine-ai/pico-tflmicro/HEAD/tests/kernels_neg_test/neg_test.cpp -------------------------------------------------------------------------------- /tests/kernels_pack_test/CMakeLists.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/moonshine-ai/pico-tflmicro/HEAD/tests/kernels_pack_test/CMakeLists.txt -------------------------------------------------------------------------------- /tests/kernels_pack_test/pack_test.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/moonshine-ai/pico-tflmicro/HEAD/tests/kernels_pack_test/pack_test.cpp -------------------------------------------------------------------------------- /tests/kernels_pad_test/CMakeLists.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/moonshine-ai/pico-tflmicro/HEAD/tests/kernels_pad_test/CMakeLists.txt -------------------------------------------------------------------------------- /tests/kernels_pad_test/pad_test.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/moonshine-ai/pico-tflmicro/HEAD/tests/kernels_pad_test/pad_test.cpp -------------------------------------------------------------------------------- /tests/kernels_pooling_test/CMakeLists.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/moonshine-ai/pico-tflmicro/HEAD/tests/kernels_pooling_test/CMakeLists.txt -------------------------------------------------------------------------------- /tests/kernels_pooling_test/pooling_test.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/moonshine-ai/pico-tflmicro/HEAD/tests/kernels_pooling_test/pooling_test.cpp -------------------------------------------------------------------------------- /tests/kernels_prelu_test/CMakeLists.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/moonshine-ai/pico-tflmicro/HEAD/tests/kernels_prelu_test/CMakeLists.txt -------------------------------------------------------------------------------- /tests/kernels_prelu_test/prelu_test.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/moonshine-ai/pico-tflmicro/HEAD/tests/kernels_prelu_test/prelu_test.cpp -------------------------------------------------------------------------------- /tests/kernels_quantization_util_test/CMakeLists.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/moonshine-ai/pico-tflmicro/HEAD/tests/kernels_quantization_util_test/CMakeLists.txt -------------------------------------------------------------------------------- /tests/kernels_quantization_util_test/quantization_util_test.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/moonshine-ai/pico-tflmicro/HEAD/tests/kernels_quantization_util_test/quantization_util_test.cpp -------------------------------------------------------------------------------- /tests/kernels_quantize_test/CMakeLists.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/moonshine-ai/pico-tflmicro/HEAD/tests/kernels_quantize_test/CMakeLists.txt -------------------------------------------------------------------------------- /tests/kernels_quantize_test/quantize_test.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/moonshine-ai/pico-tflmicro/HEAD/tests/kernels_quantize_test/quantize_test.cpp -------------------------------------------------------------------------------- /tests/kernels_reduce_test/CMakeLists.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/moonshine-ai/pico-tflmicro/HEAD/tests/kernels_reduce_test/CMakeLists.txt -------------------------------------------------------------------------------- /tests/kernels_reduce_test/reduce_test.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/moonshine-ai/pico-tflmicro/HEAD/tests/kernels_reduce_test/reduce_test.cpp -------------------------------------------------------------------------------- /tests/kernels_reshape_test/CMakeLists.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/moonshine-ai/pico-tflmicro/HEAD/tests/kernels_reshape_test/CMakeLists.txt -------------------------------------------------------------------------------- /tests/kernels_reshape_test/reshape_test.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/moonshine-ai/pico-tflmicro/HEAD/tests/kernels_reshape_test/reshape_test.cpp -------------------------------------------------------------------------------- /tests/kernels_resize_bilinear_test/CMakeLists.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/moonshine-ai/pico-tflmicro/HEAD/tests/kernels_resize_bilinear_test/CMakeLists.txt -------------------------------------------------------------------------------- /tests/kernels_resize_bilinear_test/resize_bilinear_test.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/moonshine-ai/pico-tflmicro/HEAD/tests/kernels_resize_bilinear_test/resize_bilinear_test.cpp -------------------------------------------------------------------------------- /tests/kernels_resize_nearest_neighbor_test/CMakeLists.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/moonshine-ai/pico-tflmicro/HEAD/tests/kernels_resize_nearest_neighbor_test/CMakeLists.txt -------------------------------------------------------------------------------- /tests/kernels_resize_nearest_neighbor_test/resize_nearest_neighbor_test.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/moonshine-ai/pico-tflmicro/HEAD/tests/kernels_resize_nearest_neighbor_test/resize_nearest_neighbor_test.cpp -------------------------------------------------------------------------------- /tests/kernels_round_test/CMakeLists.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/moonshine-ai/pico-tflmicro/HEAD/tests/kernels_round_test/CMakeLists.txt -------------------------------------------------------------------------------- /tests/kernels_round_test/round_test.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/moonshine-ai/pico-tflmicro/HEAD/tests/kernels_round_test/round_test.cpp -------------------------------------------------------------------------------- /tests/kernels_select_test/CMakeLists.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/moonshine-ai/pico-tflmicro/HEAD/tests/kernels_select_test/CMakeLists.txt -------------------------------------------------------------------------------- /tests/kernels_select_test/select_test.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/moonshine-ai/pico-tflmicro/HEAD/tests/kernels_select_test/select_test.cpp -------------------------------------------------------------------------------- /tests/kernels_shape_test/CMakeLists.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/moonshine-ai/pico-tflmicro/HEAD/tests/kernels_shape_test/CMakeLists.txt -------------------------------------------------------------------------------- /tests/kernels_shape_test/shape_test.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/moonshine-ai/pico-tflmicro/HEAD/tests/kernels_shape_test/shape_test.cpp -------------------------------------------------------------------------------- /tests/kernels_slice_test/CMakeLists.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/moonshine-ai/pico-tflmicro/HEAD/tests/kernels_slice_test/CMakeLists.txt -------------------------------------------------------------------------------- /tests/kernels_slice_test/slice_test.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/moonshine-ai/pico-tflmicro/HEAD/tests/kernels_slice_test/slice_test.cpp -------------------------------------------------------------------------------- /tests/kernels_softmax_test/CMakeLists.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/moonshine-ai/pico-tflmicro/HEAD/tests/kernels_softmax_test/CMakeLists.txt -------------------------------------------------------------------------------- /tests/kernels_softmax_test/softmax_test.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/moonshine-ai/pico-tflmicro/HEAD/tests/kernels_softmax_test/softmax_test.cpp -------------------------------------------------------------------------------- /tests/kernels_space_to_batch_nd_test/CMakeLists.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/moonshine-ai/pico-tflmicro/HEAD/tests/kernels_space_to_batch_nd_test/CMakeLists.txt -------------------------------------------------------------------------------- /tests/kernels_space_to_batch_nd_test/space_to_batch_nd_test.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/moonshine-ai/pico-tflmicro/HEAD/tests/kernels_space_to_batch_nd_test/space_to_batch_nd_test.cpp -------------------------------------------------------------------------------- /tests/kernels_space_to_depth_test/CMakeLists.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/moonshine-ai/pico-tflmicro/HEAD/tests/kernels_space_to_depth_test/CMakeLists.txt -------------------------------------------------------------------------------- /tests/kernels_space_to_depth_test/space_to_depth_test.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/moonshine-ai/pico-tflmicro/HEAD/tests/kernels_space_to_depth_test/space_to_depth_test.cpp -------------------------------------------------------------------------------- /tests/kernels_split_test/CMakeLists.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/moonshine-ai/pico-tflmicro/HEAD/tests/kernels_split_test/CMakeLists.txt -------------------------------------------------------------------------------- /tests/kernels_split_test/split_test.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/moonshine-ai/pico-tflmicro/HEAD/tests/kernels_split_test/split_test.cpp -------------------------------------------------------------------------------- /tests/kernels_split_v_test/CMakeLists.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/moonshine-ai/pico-tflmicro/HEAD/tests/kernels_split_v_test/CMakeLists.txt -------------------------------------------------------------------------------- /tests/kernels_split_v_test/split_v_test.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/moonshine-ai/pico-tflmicro/HEAD/tests/kernels_split_v_test/split_v_test.cpp -------------------------------------------------------------------------------- /tests/kernels_squared_difference_test/CMakeLists.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/moonshine-ai/pico-tflmicro/HEAD/tests/kernels_squared_difference_test/CMakeLists.txt -------------------------------------------------------------------------------- /tests/kernels_squared_difference_test/squared_difference_test.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/moonshine-ai/pico-tflmicro/HEAD/tests/kernels_squared_difference_test/squared_difference_test.cpp -------------------------------------------------------------------------------- /tests/kernels_squeeze_test/CMakeLists.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/moonshine-ai/pico-tflmicro/HEAD/tests/kernels_squeeze_test/CMakeLists.txt -------------------------------------------------------------------------------- /tests/kernels_squeeze_test/squeeze_test.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/moonshine-ai/pico-tflmicro/HEAD/tests/kernels_squeeze_test/squeeze_test.cpp -------------------------------------------------------------------------------- /tests/kernels_strided_slice_test/CMakeLists.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/moonshine-ai/pico-tflmicro/HEAD/tests/kernels_strided_slice_test/CMakeLists.txt -------------------------------------------------------------------------------- /tests/kernels_strided_slice_test/strided_slice_test.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/moonshine-ai/pico-tflmicro/HEAD/tests/kernels_strided_slice_test/strided_slice_test.cpp -------------------------------------------------------------------------------- /tests/kernels_sub_test/CMakeLists.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/moonshine-ai/pico-tflmicro/HEAD/tests/kernels_sub_test/CMakeLists.txt -------------------------------------------------------------------------------- /tests/kernels_sub_test/sub_test.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/moonshine-ai/pico-tflmicro/HEAD/tests/kernels_sub_test/sub_test.cpp -------------------------------------------------------------------------------- /tests/kernels_svdf_test/CMakeLists.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/moonshine-ai/pico-tflmicro/HEAD/tests/kernels_svdf_test/CMakeLists.txt -------------------------------------------------------------------------------- /tests/kernels_svdf_test/svdf_test.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/moonshine-ai/pico-tflmicro/HEAD/tests/kernels_svdf_test/svdf_test.cpp -------------------------------------------------------------------------------- /tests/kernels_tanh_test/CMakeLists.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/moonshine-ai/pico-tflmicro/HEAD/tests/kernels_tanh_test/CMakeLists.txt -------------------------------------------------------------------------------- /tests/kernels_tanh_test/tanh_test.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/moonshine-ai/pico-tflmicro/HEAD/tests/kernels_tanh_test/tanh_test.cpp -------------------------------------------------------------------------------- /tests/kernels_transpose_conv_test/CMakeLists.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/moonshine-ai/pico-tflmicro/HEAD/tests/kernels_transpose_conv_test/CMakeLists.txt -------------------------------------------------------------------------------- /tests/kernels_transpose_conv_test/transpose_conv_test.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/moonshine-ai/pico-tflmicro/HEAD/tests/kernels_transpose_conv_test/transpose_conv_test.cpp -------------------------------------------------------------------------------- /tests/kernels_transpose_test/CMakeLists.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/moonshine-ai/pico-tflmicro/HEAD/tests/kernels_transpose_test/CMakeLists.txt -------------------------------------------------------------------------------- /tests/kernels_transpose_test/transpose_test.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/moonshine-ai/pico-tflmicro/HEAD/tests/kernels_transpose_test/transpose_test.cpp -------------------------------------------------------------------------------- /tests/kernels_unidirectional_sequence_lstm_test/CMakeLists.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/moonshine-ai/pico-tflmicro/HEAD/tests/kernels_unidirectional_sequence_lstm_test/CMakeLists.txt -------------------------------------------------------------------------------- /tests/kernels_unpack_test/CMakeLists.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/moonshine-ai/pico-tflmicro/HEAD/tests/kernels_unpack_test/CMakeLists.txt -------------------------------------------------------------------------------- /tests/kernels_unpack_test/unpack_test.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/moonshine-ai/pico-tflmicro/HEAD/tests/kernels_unpack_test/unpack_test.cpp -------------------------------------------------------------------------------- /tests/kernels_while_test/CMakeLists.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/moonshine-ai/pico-tflmicro/HEAD/tests/kernels_while_test/CMakeLists.txt -------------------------------------------------------------------------------- /tests/kernels_while_test/while_test.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/moonshine-ai/pico-tflmicro/HEAD/tests/kernels_while_test/while_test.cpp -------------------------------------------------------------------------------- /tests/kernels_zeros_like_test/CMakeLists.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/moonshine-ai/pico-tflmicro/HEAD/tests/kernels_zeros_like_test/CMakeLists.txt -------------------------------------------------------------------------------- /tests/kernels_zeros_like_test/zeros_like_test.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/moonshine-ai/pico-tflmicro/HEAD/tests/kernels_zeros_like_test/zeros_like_test.cpp -------------------------------------------------------------------------------- /tests/memory_arena_threshold_test/CMakeLists.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/moonshine-ai/pico-tflmicro/HEAD/tests/memory_arena_threshold_test/CMakeLists.txt -------------------------------------------------------------------------------- /tests/memory_arena_threshold_test/memory_arena_threshold_test.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/moonshine-ai/pico-tflmicro/HEAD/tests/memory_arena_threshold_test/memory_arena_threshold_test.cpp -------------------------------------------------------------------------------- /tests/memory_helpers_test/CMakeLists.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/moonshine-ai/pico-tflmicro/HEAD/tests/memory_helpers_test/CMakeLists.txt -------------------------------------------------------------------------------- /tests/memory_helpers_test/memory_helpers_test.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/moonshine-ai/pico-tflmicro/HEAD/tests/memory_helpers_test/memory_helpers_test.cpp -------------------------------------------------------------------------------- /tests/memory_planner_greedy_memory_planner_test/CMakeLists.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/moonshine-ai/pico-tflmicro/HEAD/tests/memory_planner_greedy_memory_planner_test/CMakeLists.txt -------------------------------------------------------------------------------- /tests/memory_planner_linear_memory_planner_test/CMakeLists.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/moonshine-ai/pico-tflmicro/HEAD/tests/memory_planner_linear_memory_planner_test/CMakeLists.txt -------------------------------------------------------------------------------- /tests/memory_planner_non_persistent_buffer_planner_shim_test/CMakeLists.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/moonshine-ai/pico-tflmicro/HEAD/tests/memory_planner_non_persistent_buffer_planner_shim_test/CMakeLists.txt -------------------------------------------------------------------------------- /tests/micro_allocation_info_test/CMakeLists.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/moonshine-ai/pico-tflmicro/HEAD/tests/micro_allocation_info_test/CMakeLists.txt -------------------------------------------------------------------------------- /tests/micro_allocation_info_test/micro_allocation_info_test.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/moonshine-ai/pico-tflmicro/HEAD/tests/micro_allocation_info_test/micro_allocation_info_test.cpp -------------------------------------------------------------------------------- /tests/micro_allocator_test/CMakeLists.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/moonshine-ai/pico-tflmicro/HEAD/tests/micro_allocator_test/CMakeLists.txt -------------------------------------------------------------------------------- /tests/micro_allocator_test/micro_allocator_test.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/moonshine-ai/pico-tflmicro/HEAD/tests/micro_allocator_test/micro_allocator_test.cpp -------------------------------------------------------------------------------- /tests/micro_allocator_test/tensorflow/lite/micro/testing/test_conv_model.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/moonshine-ai/pico-tflmicro/HEAD/tests/micro_allocator_test/tensorflow/lite/micro/testing/test_conv_model.h -------------------------------------------------------------------------------- /tests/micro_interpreter_context_test/CMakeLists.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/moonshine-ai/pico-tflmicro/HEAD/tests/micro_interpreter_context_test/CMakeLists.txt -------------------------------------------------------------------------------- /tests/micro_interpreter_context_test/micro_interpreter_context_test.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/moonshine-ai/pico-tflmicro/HEAD/tests/micro_interpreter_context_test/micro_interpreter_context_test.cpp -------------------------------------------------------------------------------- /tests/micro_log_test/CMakeLists.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/moonshine-ai/pico-tflmicro/HEAD/tests/micro_log_test/CMakeLists.txt -------------------------------------------------------------------------------- /tests/micro_log_test/micro_log_test.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/moonshine-ai/pico-tflmicro/HEAD/tests/micro_log_test/micro_log_test.cpp -------------------------------------------------------------------------------- /tests/micro_mutable_op_resolver_test/CMakeLists.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/moonshine-ai/pico-tflmicro/HEAD/tests/micro_mutable_op_resolver_test/CMakeLists.txt -------------------------------------------------------------------------------- /tests/micro_mutable_op_resolver_test/micro_mutable_op_resolver_test.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/moonshine-ai/pico-tflmicro/HEAD/tests/micro_mutable_op_resolver_test/micro_mutable_op_resolver_test.cpp -------------------------------------------------------------------------------- /tests/micro_resource_variable_test/CMakeLists.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/moonshine-ai/pico-tflmicro/HEAD/tests/micro_resource_variable_test/CMakeLists.txt -------------------------------------------------------------------------------- /tests/micro_resource_variable_test/micro_resource_variable_test.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/moonshine-ai/pico-tflmicro/HEAD/tests/micro_resource_variable_test/micro_resource_variable_test.cpp -------------------------------------------------------------------------------- /tests/micro_time_test/CMakeLists.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/moonshine-ai/pico-tflmicro/HEAD/tests/micro_time_test/CMakeLists.txt -------------------------------------------------------------------------------- /tests/micro_time_test/micro_time_test.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/moonshine-ai/pico-tflmicro/HEAD/tests/micro_time_test/micro_time_test.cpp -------------------------------------------------------------------------------- /tests/micro_utils_test/CMakeLists.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/moonshine-ai/pico-tflmicro/HEAD/tests/micro_utils_test/CMakeLists.txt -------------------------------------------------------------------------------- /tests/micro_utils_test/micro_utils_test.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/moonshine-ai/pico-tflmicro/HEAD/tests/micro_utils_test/micro_utils_test.cpp -------------------------------------------------------------------------------- /tests/recording_micro_allocator_test/CMakeLists.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/moonshine-ai/pico-tflmicro/HEAD/tests/recording_micro_allocator_test/CMakeLists.txt -------------------------------------------------------------------------------- /tests/recording_micro_allocator_test/recording_micro_allocator_test.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/moonshine-ai/pico-tflmicro/HEAD/tests/recording_micro_allocator_test/recording_micro_allocator_test.cpp -------------------------------------------------------------------------------- /tests/testing_helpers_test/CMakeLists.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/moonshine-ai/pico-tflmicro/HEAD/tests/testing_helpers_test/CMakeLists.txt -------------------------------------------------------------------------------- /tests/testing_helpers_test/testing_helpers_test.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/moonshine-ai/pico-tflmicro/HEAD/tests/testing_helpers_test/testing_helpers_test.cpp -------------------------------------------------------------------------------- /tests/testing_util_test/CMakeLists.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/moonshine-ai/pico-tflmicro/HEAD/tests/testing_util_test/CMakeLists.txt -------------------------------------------------------------------------------- /tests/testing_util_test/util_test.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/moonshine-ai/pico-tflmicro/HEAD/tests/testing_util_test/util_test.cpp --------------------------------------------------------------------------------