├── CMakeLists.txt ├── README.md ├── bin ├── magic_wand_ble.uf2 ├── micro_speech.uf2 ├── person_detection_benchmark.uf2 ├── person_detection_int8.uf2 ├── pico4ml_ble_magic_wand.uf2 └── pico4ml_magic_wand.uf2 ├── examples ├── hello_world │ ├── CMakeLists.txt │ ├── constants.cpp │ ├── constants.h │ ├── hello_world_test.cpp │ ├── main.cpp │ ├── main_functions.cpp │ ├── main_functions.h │ ├── model.cpp │ ├── model.h │ ├── output_handler.h │ ├── output_handler_test.cpp │ └── rp2 │ │ └── output_handler.cpp ├── keyword_benchmark │ ├── CMakeLists.txt │ └── tensorflow │ │ └── lite │ │ └── micro │ │ └── benchmarks │ │ ├── keyword_benchmark.cpp │ │ ├── keyword_scrambled_model_data.cpp │ │ └── keyword_scrambled_model_data.h ├── magic_wand │ ├── CMakeLists.txt │ ├── accelerometer_handler.cpp │ ├── accelerometer_handler.h │ ├── accelerometer_handler_test.cpp │ ├── constants.h │ ├── gesture_predictor.cpp │ ├── gesture_predictor.h │ ├── gesture_predictor_test.cpp │ ├── magic_wand_model_data.cpp │ ├── magic_wand_model_data.h │ ├── magic_wand_test.cpp │ ├── main.cpp │ ├── main_functions.cpp │ ├── main_functions.h │ ├── output_handler.cpp │ ├── output_handler.h │ ├── output_handler_test.cpp │ ├── pico4ml_ble_accelerometer_handler.cpp │ ├── pico4ml_ble_main_functions.cpp │ ├── ring_micro_features_data.cpp │ ├── ring_micro_features_data.h │ ├── slope_micro_features_data.cpp │ └── slope_micro_features_data.h ├── magic_wand_ble │ ├── CMakeLists.txt │ ├── LICENSE │ ├── imu_provider.h │ ├── magic_wand_model_data.cpp │ ├── magic_wand_model_data.h │ ├── main.cpp │ ├── main_functions.cpp │ ├── main_functions.h │ ├── micro_features_data.cpp │ ├── micro_features_data.h │ ├── rasterize_stroke.cpp │ └── rasterize_stroke.h ├── micro_speech │ ├── CMakeLists.txt │ ├── audio_provider.cpp │ ├── audio_provider.h │ ├── audio_provider_mock.cpp │ ├── audio_provider_mock_test.cpp │ ├── audio_provider_test.cpp │ ├── command_responder.cpp │ ├── command_responder.h │ ├── command_responder_test.cpp │ ├── feature_provider.cpp │ ├── feature_provider.h │ ├── feature_provider_test.cpp │ ├── main.cpp │ ├── main_functions.cpp │ ├── main_functions.h │ ├── micro_features │ │ ├── micro_features_generator.cpp │ │ ├── micro_features_generator.h │ │ ├── micro_features_generator_test.cpp │ │ ├── micro_model_settings.cpp │ │ ├── micro_model_settings.h │ │ ├── model.cpp │ │ ├── model.h │ │ ├── no_feature_data_slice.cpp │ │ ├── no_feature_data_slice.h │ │ ├── no_micro_features_data.cpp │ │ ├── no_micro_features_data.h │ │ ├── yes_feature_data_slice.cpp │ │ ├── yes_feature_data_slice.h │ │ ├── yes_micro_features_data.cpp │ │ └── yes_micro_features_data.h │ ├── micro_speech_benchmark.cpp │ ├── micro_speech_test.cpp │ ├── no_1000ms_sample_data.cpp │ ├── no_1000ms_sample_data.h │ ├── no_30ms_sample_data.cpp │ ├── no_30ms_sample_data.h │ ├── recognize_commands.cpp │ ├── recognize_commands.h │ ├── recognize_commands_test.cpp │ ├── simple_features │ │ ├── no_power_spectrum_data.cpp │ │ ├── no_power_spectrum_data.h │ │ ├── simple_features_generator.cpp │ │ ├── simple_features_generator.h │ │ ├── simple_features_generator_test.cpp │ │ ├── simple_model_settings.h │ │ ├── yes_power_spectrum_data.cpp │ │ └── yes_power_spectrum_data.h │ ├── tensorflow │ │ └── lite │ │ │ ├── experimental │ │ │ └── microfrontend │ │ │ │ └── lib │ │ │ │ ├── bits.h │ │ │ │ ├── fft.cpp │ │ │ │ ├── fft.h │ │ │ │ ├── fft_util.cpp │ │ │ │ ├── fft_util.h │ │ │ │ ├── filterbank.c │ │ │ │ ├── filterbank.h │ │ │ │ ├── filterbank_util.c │ │ │ │ ├── filterbank_util.h │ │ │ │ ├── frontend.c │ │ │ │ ├── frontend.h │ │ │ │ ├── frontend_util.c │ │ │ │ ├── frontend_util.h │ │ │ │ ├── log_lut.c │ │ │ │ ├── log_lut.h │ │ │ │ ├── log_scale.c │ │ │ │ ├── log_scale.h │ │ │ │ ├── log_scale_util.c │ │ │ │ ├── log_scale_util.h │ │ │ │ ├── noise_reduction.c │ │ │ │ ├── noise_reduction.h │ │ │ │ ├── noise_reduction_util.c │ │ │ │ ├── noise_reduction_util.h │ │ │ │ ├── pcan_gain_control.c │ │ │ │ ├── pcan_gain_control.h │ │ │ │ ├── pcan_gain_control_util.c │ │ │ │ ├── pcan_gain_control_util.h │ │ │ │ ├── window.c │ │ │ │ ├── window.h │ │ │ │ ├── window_util.c │ │ │ │ └── window_util.h │ │ │ └── micro │ │ │ └── tools │ │ │ └── make │ │ │ └── downloads │ │ │ └── kissfft │ │ │ ├── COPYING │ │ │ ├── _kiss_fft_guts.h │ │ │ ├── kiss_fft.c │ │ │ ├── kiss_fft.h │ │ │ └── tools │ │ │ ├── kiss_fftr.c │ │ │ └── kiss_fftr.h │ ├── yes_1000ms_sample_data.cpp │ ├── yes_1000ms_sample_data.h │ ├── yes_30ms_sample_data.cpp │ └── yes_30ms_sample_data.h └── 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_int8 │ ├── no_person_image_data.cpp │ ├── person_detect_model_data.cpp │ └── person_image_data.cpp ├── img ├── Ring.gif ├── Slope.gif ├── Wing.gif ├── bootsel.png ├── minicom_output_person.png ├── minicom_output_speech.png ├── minicom_output_wand.png ├── minicom_output_wand_lab.png ├── no_person_screen.jpg ├── person_screen.jpg ├── persond_build.png ├── pico4ml.png ├── speech_build.png ├── tflmicro_cmake_output.png ├── tflmicro_make_output.png ├── wand_build.png └── wand_build_lab.png ├── include ├── ICM20948 │ ├── CMakeLists.txt │ ├── ICM20948.cpp │ ├── ICM20948.h │ ├── README.md │ └── examples │ │ ├── SimpleAccelerometer │ │ └── SimpleAccelerometer.ino │ │ ├── SimpleGyroscope │ │ └── SimpleGyroscope.ino │ │ └── SimpleMagnetometer │ │ └── SimpleMagnetometer.ino ├── ICM42622 │ ├── CMakeLists.txt │ ├── ICM42622.cpp │ └── ICM42622.h ├── LCD_st7735 │ ├── CMakeLists.txt │ ├── DEV_Config.c │ ├── DEV_Config.h │ ├── Debug.h │ ├── LCD_st7735.c │ ├── LCD_st7735.h │ ├── README.md │ ├── examples │ │ ├── RGB_Display │ │ │ └── RGB_Display.ino │ │ └── camera_display │ │ │ └── camera_display.ino │ ├── fonts.c │ ├── fonts.h │ └── testimg.h ├── arducam_hm01b0 │ ├── CMakeLists.txt │ ├── README.md │ ├── arducam_hm01b0.c │ ├── arducam_hm01b0.h │ ├── examples │ │ └── camera │ │ │ └── camera.ino │ ├── hm01b0_init.h │ ├── image.pio │ └── image.pio.h ├── arducam_mic │ ├── CMakeLists.txt │ ├── README.md │ ├── arducam_mic.c │ ├── arducam_mic.h │ ├── examples │ │ └── mic │ │ │ └── mic.ino │ ├── mic_i2s.pio │ └── mic_i2s.pio.h └── pico-microphone │ ├── CMakeLists.txt │ ├── LICENSE │ ├── README.md │ ├── pico_sdk_import.cmake │ └── src │ ├── OpenPDM2PCM │ ├── LICENSE.txt │ ├── OpenPDMFilter.c │ └── OpenPDMFilter.h │ ├── analog_microphone.c │ ├── include │ └── pico │ │ ├── analog_microphone.h │ │ └── pdm_microphone.h │ ├── pdm_microphone.c │ └── pdm_microphone.pio ├── pico_sdk_import.cmake ├── src ├── tensorflow │ ├── LICENSE │ ├── core │ │ └── public │ │ │ └── version.h │ └── lite │ │ ├── c │ │ ├── builtin_op_data.h │ │ ├── common.c │ │ └── common.h │ │ ├── core │ │ └── api │ │ │ ├── error_reporter.cpp │ │ │ ├── error_reporter.h │ │ │ ├── flatbuffer_conversions.cpp │ │ │ ├── flatbuffer_conversions.h │ │ │ ├── op_resolver.cpp │ │ │ ├── op_resolver.h │ │ │ ├── profiler.h │ │ │ ├── tensor_utils.cpp │ │ │ └── tensor_utils.h │ │ ├── kernels │ │ ├── internal │ │ │ ├── common.h │ │ │ ├── compatibility.h │ │ │ ├── cppmath.h │ │ │ ├── max.h │ │ │ ├── min.h │ │ │ ├── optimized │ │ │ │ └── neon_check.h │ │ │ ├── portable_tensor.h │ │ │ ├── quantization_util.cpp │ │ │ ├── quantization_util.h │ │ │ ├── reference │ │ │ │ ├── add.h │ │ │ │ ├── arg_min_max.h │ │ │ │ ├── binary_function.h │ │ │ │ ├── ceil.h │ │ │ │ ├── comparisons.h │ │ │ │ ├── concatenation.h │ │ │ │ ├── conv.h │ │ │ │ ├── depthwiseconv_float.h │ │ │ │ ├── depthwiseconv_uint8.h │ │ │ │ ├── dequantize.h │ │ │ │ ├── floor.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 │ │ │ │ ├── l2normalization.h │ │ │ │ ├── logistic.h │ │ │ │ ├── maximum_minimum.h │ │ │ │ ├── mul.h │ │ │ │ ├── neg.h │ │ │ │ ├── pad.h │ │ │ │ ├── pooling.h │ │ │ │ ├── prelu.h │ │ │ │ ├── process_broadcast_shapes.h │ │ │ │ ├── quantize.h │ │ │ │ ├── reduce.h │ │ │ │ ├── requantize.h │ │ │ │ ├── resize_nearest_neighbor.h │ │ │ │ ├── round.h │ │ │ │ ├── softmax.h │ │ │ │ ├── strided_slice.h │ │ │ │ ├── sub.h │ │ │ │ └── tanh.h │ │ │ ├── strided_slice_logic.h │ │ │ ├── tensor_ctypes.h │ │ │ └── types.h │ │ ├── kernel_util.cpp │ │ ├── kernel_util.h │ │ ├── op_macros.h │ │ └── padding.h │ │ ├── micro │ │ ├── all_ops_resolver.cpp │ │ ├── all_ops_resolver.h │ │ ├── benchmarks │ │ │ ├── keyword_scrambled_model_data.cpp │ │ │ ├── keyword_scrambled_model_data.h │ │ │ └── micro_benchmark.h │ │ ├── compatibility.h │ │ ├── debug_log.h │ │ ├── kernels │ │ │ ├── activation_utils.h │ │ │ ├── activations.cpp │ │ │ ├── arg_min_max.cpp │ │ │ ├── ceil.cpp │ │ │ ├── circular_buffer.cpp │ │ │ ├── cmsis-nn │ │ │ │ ├── add.cpp │ │ │ │ ├── conv.cpp │ │ │ │ ├── depthwise_conv.cpp │ │ │ │ ├── fully_connected.cpp │ │ │ │ ├── mul.cpp │ │ │ │ ├── pooling.cpp │ │ │ │ ├── softmax.cpp │ │ │ │ └── svdf.cpp │ │ │ ├── comparisons.cpp │ │ │ ├── concatenation.cpp │ │ │ ├── dequantize.cpp │ │ │ ├── detection_postprocess.cpp │ │ │ ├── elementwise.cpp │ │ │ ├── ethosu.cpp │ │ │ ├── ethosu.h │ │ │ ├── flexbuffers_generated_data.cpp │ │ │ ├── flexbuffers_generated_data.h │ │ │ ├── floor.cpp │ │ │ ├── fully_connected.h │ │ │ ├── hard_swish.cpp │ │ │ ├── kernel_runner.cpp │ │ │ ├── kernel_runner.h │ │ │ ├── kernel_util.cpp │ │ │ ├── kernel_util.h │ │ │ ├── l2norm.cpp │ │ │ ├── logical.cpp │ │ │ ├── logistic.cpp │ │ │ ├── maximum_minimum.cpp │ │ │ ├── micro_ops.h │ │ │ ├── micro_utils.h │ │ │ ├── neg.cpp │ │ │ ├── pack.cpp │ │ │ ├── pad.cpp │ │ │ ├── prelu.cpp │ │ │ ├── quantize.cpp │ │ │ ├── reduce.cpp │ │ │ ├── reshape.cpp │ │ │ ├── resize_nearest_neighbor.cpp │ │ │ ├── round.cpp │ │ │ ├── shape.cpp │ │ │ ├── split.cpp │ │ │ ├── split_v.cpp │ │ │ ├── strided_slice.cpp │ │ │ ├── sub.cpp │ │ │ ├── tanh.cpp │ │ │ └── unpack.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_planner.h │ │ ├── micro_allocator.cpp │ │ ├── micro_allocator.h │ │ ├── micro_error_reporter.cpp │ │ ├── micro_error_reporter.h │ │ ├── micro_interpreter.cpp │ │ ├── micro_interpreter.h │ │ ├── micro_mutable_op_resolver.h │ │ ├── micro_op_resolver.h │ │ ├── micro_profiler.cpp │ │ ├── micro_profiler.h │ │ ├── micro_string.cpp │ │ ├── micro_string.h │ │ ├── micro_time.h │ │ ├── micro_utils.cpp │ │ ├── micro_utils.h │ │ ├── recording_micro_allocator.cpp │ │ ├── recording_micro_allocator.h │ │ ├── recording_micro_interpreter.h │ │ ├── recording_simple_memory_allocator.cpp │ │ ├── recording_simple_memory_allocator.h │ │ ├── rp2 │ │ │ ├── debug_log.cpp │ │ │ └── micro_time.cpp │ │ ├── simple_memory_allocator.cpp │ │ ├── simple_memory_allocator.h │ │ ├── test_helpers.cpp │ │ ├── test_helpers.h │ │ └── testing │ │ │ ├── micro_test.h │ │ │ ├── test_conv_model.cpp │ │ │ ├── test_conv_model.h │ │ │ └── util_test.cpp │ │ ├── portable_type_to_tflitetype.h │ │ ├── schema │ │ ├── schema_generated.h │ │ ├── schema_utils.cpp │ │ └── schema_utils.h │ │ └── version.h └── third_party │ ├── cmsis │ ├── CMSIS │ │ ├── Core │ │ │ └── Include │ │ │ │ ├── cmsis_armclang.h │ │ │ │ ├── cmsis_compiler.h │ │ │ │ └── cmsis_gcc.h │ │ ├── DSP │ │ │ └── Include │ │ │ │ ├── arm_common_tables.h │ │ │ │ ├── arm_helium_utils.h │ │ │ │ ├── arm_math.h │ │ │ │ ├── arm_math_memory.h │ │ │ │ ├── arm_math_types.h │ │ │ │ └── dsp │ │ │ │ ├── basic_math_functions.h │ │ │ │ ├── bayes_functions.h │ │ │ │ ├── complex_math_functions.h │ │ │ │ ├── controller_functions.h │ │ │ │ ├── distance_functions.h │ │ │ │ ├── fast_math_functions.h │ │ │ │ ├── filtering_functions.h │ │ │ │ ├── interpolation_functions.h │ │ │ │ ├── matrix_functions.h │ │ │ │ ├── none.h │ │ │ │ ├── statistics_functions.h │ │ │ │ ├── support_functions.h │ │ │ │ ├── svm_defines.h │ │ │ │ ├── svm_functions.h │ │ │ │ ├── transform_functions.h │ │ │ │ └── utils.h │ │ └── NN │ │ │ ├── Include │ │ │ ├── arm_nn_tables.h │ │ │ ├── arm_nn_types.h │ │ │ ├── arm_nnfunctions.h │ │ │ └── arm_nnsupportfunctions.h │ │ │ └── Source │ │ │ ├── ActivationFunctions │ │ │ ├── arm_nn_activations_q15.c │ │ │ ├── arm_nn_activations_q7.c │ │ │ ├── arm_relu6_s8.c │ │ │ ├── arm_relu_q15.c │ │ │ └── arm_relu_q7.c │ │ │ ├── BasicMathFunctions │ │ │ ├── arm_elementwise_add_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_HWC_q7_fast_nonsquare.c │ │ │ ├── arm_convolve_1x1_s8_fast.c │ │ │ ├── arm_convolve_HWC_q15_basic.c │ │ │ ├── arm_convolve_HWC_q15_fast.c │ │ │ ├── arm_convolve_HWC_q15_fast_nonsquare.c │ │ │ ├── arm_convolve_HWC_q7_RGB.c │ │ │ ├── arm_convolve_HWC_q7_basic.c │ │ │ ├── arm_convolve_HWC_q7_basic_nonsquare.c │ │ │ ├── arm_convolve_HWC_q7_fast.c │ │ │ ├── arm_convolve_HWC_q7_fast_nonsquare.c │ │ │ ├── arm_convolve_s8.c │ │ │ ├── arm_convolve_wrapper_s8.c │ │ │ ├── arm_depthwise_conv_3x3_s8.c │ │ │ ├── arm_depthwise_conv_s8.c │ │ │ ├── arm_depthwise_conv_s8_opt.c │ │ │ ├── arm_depthwise_conv_u8_basic_ver1.c │ │ │ ├── arm_depthwise_conv_wrapper_s8.c │ │ │ ├── arm_depthwise_separable_conv_HWC_q7.c │ │ │ ├── arm_depthwise_separable_conv_HWC_q7_nonsquare.c │ │ │ ├── arm_nn_depthwise_conv_s8_core.c │ │ │ ├── arm_nn_mat_mult_kernel_q7_q15.c │ │ │ ├── arm_nn_mat_mult_kernel_q7_q15_reordered.c │ │ │ ├── arm_nn_mat_mult_kernel_s8_s16.c │ │ │ ├── arm_nn_mat_mult_kernel_s8_s16_reordered.c │ │ │ └── arm_nn_mat_mult_s8.c │ │ │ ├── FullyConnectedFunctions │ │ │ ├── arm_fully_connected_mat_q7_vec_q15.c │ │ │ ├── arm_fully_connected_mat_q7_vec_q15_opt.c │ │ │ ├── arm_fully_connected_q15.c │ │ │ ├── arm_fully_connected_q15_opt.c │ │ │ ├── arm_fully_connected_q7.c │ │ │ ├── arm_fully_connected_q7_opt.c │ │ │ └── arm_fully_connected_s8.c │ │ │ ├── NNSupportFunctions │ │ │ ├── arm_nn_accumulate_q7_to_q15.c │ │ │ ├── arm_nn_add_q7.c │ │ │ ├── arm_nn_depthwise_conv_nt_t_padded_s8.c │ │ │ ├── arm_nn_depthwise_conv_nt_t_s8.c │ │ │ ├── arm_nn_mat_mul_core_1x_s8.c │ │ │ ├── arm_nn_mat_mul_core_4x_s8.c │ │ │ ├── arm_nn_mat_mult_nt_t_s8.c │ │ │ ├── arm_nn_mult_q15.c │ │ │ ├── arm_nn_mult_q7.c │ │ │ ├── arm_nn_vec_mat_mult_t_s8.c │ │ │ ├── arm_nntables.c │ │ │ ├── arm_q7_to_q15_no_shift.c │ │ │ ├── arm_q7_to_q15_reordered_no_shift.c │ │ │ ├── arm_q7_to_q15_reordered_with_offset.c │ │ │ └── arm_q7_to_q15_with_offset.c │ │ │ ├── PoolingFunctions │ │ │ ├── arm_avgpool_s8.c │ │ │ ├── arm_max_pool_s8.c │ │ │ └── arm_pool_q7_HWC.c │ │ │ ├── ReshapeFunctions │ │ │ └── arm_reshape_s8.c │ │ │ ├── SVDFunctions │ │ │ └── arm_svdf_s8.c │ │ │ └── SoftmaxFunctions │ │ │ ├── arm_softmax_q15.c │ │ │ ├── arm_softmax_q7.c │ │ │ ├── arm_softmax_s8.c │ │ │ ├── arm_softmax_u8.c │ │ │ └── arm_softmax_with_batch_q7.c │ └── LICENSE.txt │ ├── flatbuffers │ ├── LICENSE.txt │ └── include │ │ └── flatbuffers │ │ ├── base.h │ │ ├── flatbuffers.h │ │ ├── flexbuffers.h │ │ ├── stl_emulation.h │ │ └── util.h │ ├── gemmlowp │ ├── LICENSE │ ├── fixedpoint │ │ ├── fixedpoint.h │ │ ├── fixedpoint_neon.h │ │ └── fixedpoint_sse.h │ └── internal │ │ └── detect_platform.h │ ├── kissfft │ ├── COPYING │ ├── _kiss_fft_guts.h │ ├── kiss_fft.h │ └── tools │ │ └── kiss_fftr.h │ └── ruy │ ├── LICENSE │ └── ruy │ └── profiler │ └── instrumentation.h └── tests ├── greedy_memory_planner_test ├── CMakeLists.txt └── greedy_memory_planner_test.cpp ├── kernel_activations_test ├── CMakeLists.txt └── activations_test.cpp ├── kernel_add_test ├── CMakeLists.txt └── add_test.cpp ├── kernel_arg_min_max_test ├── CMakeLists.txt └── arg_min_max_test.cpp ├── kernel_ceil_test ├── CMakeLists.txt └── ceil_test.cpp ├── kernel_circular_buffer_test ├── CMakeLists.txt └── circular_buffer_test.cpp ├── kernel_comparisons_test ├── CMakeLists.txt └── comparisons_test.cpp ├── kernel_concatenation_test ├── CMakeLists.txt └── concatenation_test.cpp ├── kernel_conv_test ├── CMakeLists.txt └── conv_test.cpp ├── kernel_depthwise_conv_test ├── CMakeLists.txt └── depthwise_conv_test.cpp ├── kernel_dequantize_test ├── CMakeLists.txt └── dequantize_test.cpp ├── kernel_detection_postprocess_test ├── CMakeLists.txt └── detection_postprocess_test.cpp ├── kernel_elementwise_test ├── CMakeLists.txt └── elementwise_test.cpp ├── kernel_floor_test ├── CMakeLists.txt └── floor_test.cpp ├── kernel_fully_connected_test ├── CMakeLists.txt └── fully_connected_test.cpp ├── kernel_hard_swish_test ├── CMakeLists.txt └── hard_swish_test.cpp ├── kernel_l2norm_test ├── CMakeLists.txt └── l2norm_test.cpp ├── kernel_logical_test ├── CMakeLists.txt └── logical_test.cpp ├── kernel_logistic_test ├── CMakeLists.txt └── logistic_test.cpp ├── kernel_maximum_minimum_test ├── CMakeLists.txt └── maximum_minimum_test.cpp ├── kernel_mul_test ├── CMakeLists.txt └── mul_test.cpp ├── kernel_neg_test ├── CMakeLists.txt └── neg_test.cpp ├── kernel_pack_test ├── CMakeLists.txt └── pack_test.cpp ├── kernel_pad_test ├── CMakeLists.txt └── pad_test.cpp ├── kernel_pooling_test ├── CMakeLists.txt └── pooling_test.cpp ├── kernel_prelu_test ├── CMakeLists.txt └── prelu_test.cpp ├── kernel_quantization_util_test ├── CMakeLists.txt └── quantization_util_test.cpp ├── kernel_quantize_test ├── CMakeLists.txt └── quantize_test.cpp ├── kernel_reduce_test ├── CMakeLists.txt └── reduce_test.cpp ├── kernel_reshape_test ├── CMakeLists.txt └── reshape_test.cpp ├── kernel_resize_nearest_neighbor_test ├── CMakeLists.txt └── resize_nearest_neighbor_test.cpp ├── kernel_round_test ├── CMakeLists.txt └── round_test.cpp ├── kernel_shape_test ├── CMakeLists.txt └── shape_test.cpp ├── kernel_softmax_test ├── CMakeLists.txt └── softmax_test.cpp ├── kernel_split_test ├── CMakeLists.txt └── split_test.cpp ├── kernel_split_v_test ├── CMakeLists.txt └── split_v_test.cpp ├── kernel_strided_slice_test ├── CMakeLists.txt └── strided_slice_test.cpp ├── kernel_sub_test ├── CMakeLists.txt └── sub_test.cpp ├── kernel_svdf_test ├── CMakeLists.txt └── svdf_test.cpp ├── kernel_tanh_test ├── CMakeLists.txt └── tanh_test.cpp ├── kernel_unpack_test ├── CMakeLists.txt └── unpack_test.cpp ├── linear_memory_planner_test ├── CMakeLists.txt └── linear_memory_planner_test.cpp ├── memory_arena_threshold_test ├── CMakeLists.txt └── memory_arena_threshold_test.cpp ├── memory_helpers_test ├── CMakeLists.txt └── memory_helpers_test.cpp ├── micro_allocator_test ├── CMakeLists.txt └── micro_allocator_test.cpp ├── micro_error_reporter_test ├── CMakeLists.txt └── micro_error_reporter_test.cpp ├── micro_interpreter_test ├── CMakeLists.txt └── micro_interpreter_test.cpp ├── micro_mutable_op_resolver_test ├── CMakeLists.txt └── micro_mutable_op_resolver_test.cpp ├── micro_string_test ├── CMakeLists.txt └── micro_string_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 ├── recording_simple_memory_allocator_test ├── CMakeLists.txt └── recording_simple_memory_allocator_test.cpp ├── simple_memory_allocator_test ├── CMakeLists.txt └── simple_memory_allocator_test.cpp └── testing_helpers_test ├── CMakeLists.txt └── testing_helpers_test.cpp /CMakeLists.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ArduCAM/pico-tflmicro/HEAD/CMakeLists.txt -------------------------------------------------------------------------------- /README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ArduCAM/pico-tflmicro/HEAD/README.md -------------------------------------------------------------------------------- /bin/magic_wand_ble.uf2: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ArduCAM/pico-tflmicro/HEAD/bin/magic_wand_ble.uf2 -------------------------------------------------------------------------------- /bin/micro_speech.uf2: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ArduCAM/pico-tflmicro/HEAD/bin/micro_speech.uf2 -------------------------------------------------------------------------------- /bin/person_detection_benchmark.uf2: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ArduCAM/pico-tflmicro/HEAD/bin/person_detection_benchmark.uf2 -------------------------------------------------------------------------------- /bin/person_detection_int8.uf2: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ArduCAM/pico-tflmicro/HEAD/bin/person_detection_int8.uf2 -------------------------------------------------------------------------------- /bin/pico4ml_ble_magic_wand.uf2: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ArduCAM/pico-tflmicro/HEAD/bin/pico4ml_ble_magic_wand.uf2 -------------------------------------------------------------------------------- /bin/pico4ml_magic_wand.uf2: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ArduCAM/pico-tflmicro/HEAD/bin/pico4ml_magic_wand.uf2 -------------------------------------------------------------------------------- /examples/hello_world/CMakeLists.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ArduCAM/pico-tflmicro/HEAD/examples/hello_world/CMakeLists.txt -------------------------------------------------------------------------------- /examples/hello_world/constants.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ArduCAM/pico-tflmicro/HEAD/examples/hello_world/constants.cpp -------------------------------------------------------------------------------- /examples/hello_world/constants.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ArduCAM/pico-tflmicro/HEAD/examples/hello_world/constants.h -------------------------------------------------------------------------------- /examples/hello_world/hello_world_test.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ArduCAM/pico-tflmicro/HEAD/examples/hello_world/hello_world_test.cpp -------------------------------------------------------------------------------- /examples/hello_world/main.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ArduCAM/pico-tflmicro/HEAD/examples/hello_world/main.cpp -------------------------------------------------------------------------------- /examples/hello_world/main_functions.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ArduCAM/pico-tflmicro/HEAD/examples/hello_world/main_functions.cpp -------------------------------------------------------------------------------- /examples/hello_world/main_functions.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ArduCAM/pico-tflmicro/HEAD/examples/hello_world/main_functions.h -------------------------------------------------------------------------------- /examples/hello_world/model.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ArduCAM/pico-tflmicro/HEAD/examples/hello_world/model.cpp -------------------------------------------------------------------------------- /examples/hello_world/model.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ArduCAM/pico-tflmicro/HEAD/examples/hello_world/model.h -------------------------------------------------------------------------------- /examples/hello_world/output_handler.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ArduCAM/pico-tflmicro/HEAD/examples/hello_world/output_handler.h -------------------------------------------------------------------------------- /examples/hello_world/output_handler_test.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ArduCAM/pico-tflmicro/HEAD/examples/hello_world/output_handler_test.cpp -------------------------------------------------------------------------------- /examples/hello_world/rp2/output_handler.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ArduCAM/pico-tflmicro/HEAD/examples/hello_world/rp2/output_handler.cpp -------------------------------------------------------------------------------- /examples/keyword_benchmark/CMakeLists.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ArduCAM/pico-tflmicro/HEAD/examples/keyword_benchmark/CMakeLists.txt -------------------------------------------------------------------------------- /examples/keyword_benchmark/tensorflow/lite/micro/benchmarks/keyword_benchmark.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ArduCAM/pico-tflmicro/HEAD/examples/keyword_benchmark/tensorflow/lite/micro/benchmarks/keyword_benchmark.cpp -------------------------------------------------------------------------------- /examples/keyword_benchmark/tensorflow/lite/micro/benchmarks/keyword_scrambled_model_data.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ArduCAM/pico-tflmicro/HEAD/examples/keyword_benchmark/tensorflow/lite/micro/benchmarks/keyword_scrambled_model_data.cpp -------------------------------------------------------------------------------- /examples/keyword_benchmark/tensorflow/lite/micro/benchmarks/keyword_scrambled_model_data.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ArduCAM/pico-tflmicro/HEAD/examples/keyword_benchmark/tensorflow/lite/micro/benchmarks/keyword_scrambled_model_data.h -------------------------------------------------------------------------------- /examples/magic_wand/CMakeLists.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ArduCAM/pico-tflmicro/HEAD/examples/magic_wand/CMakeLists.txt -------------------------------------------------------------------------------- /examples/magic_wand/accelerometer_handler.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ArduCAM/pico-tflmicro/HEAD/examples/magic_wand/accelerometer_handler.cpp -------------------------------------------------------------------------------- /examples/magic_wand/accelerometer_handler.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ArduCAM/pico-tflmicro/HEAD/examples/magic_wand/accelerometer_handler.h -------------------------------------------------------------------------------- /examples/magic_wand/accelerometer_handler_test.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ArduCAM/pico-tflmicro/HEAD/examples/magic_wand/accelerometer_handler_test.cpp -------------------------------------------------------------------------------- /examples/magic_wand/constants.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ArduCAM/pico-tflmicro/HEAD/examples/magic_wand/constants.h -------------------------------------------------------------------------------- /examples/magic_wand/gesture_predictor.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ArduCAM/pico-tflmicro/HEAD/examples/magic_wand/gesture_predictor.cpp -------------------------------------------------------------------------------- /examples/magic_wand/gesture_predictor.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ArduCAM/pico-tflmicro/HEAD/examples/magic_wand/gesture_predictor.h -------------------------------------------------------------------------------- /examples/magic_wand/gesture_predictor_test.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ArduCAM/pico-tflmicro/HEAD/examples/magic_wand/gesture_predictor_test.cpp -------------------------------------------------------------------------------- /examples/magic_wand/magic_wand_model_data.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ArduCAM/pico-tflmicro/HEAD/examples/magic_wand/magic_wand_model_data.cpp -------------------------------------------------------------------------------- /examples/magic_wand/magic_wand_model_data.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ArduCAM/pico-tflmicro/HEAD/examples/magic_wand/magic_wand_model_data.h -------------------------------------------------------------------------------- /examples/magic_wand/magic_wand_test.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ArduCAM/pico-tflmicro/HEAD/examples/magic_wand/magic_wand_test.cpp -------------------------------------------------------------------------------- /examples/magic_wand/main.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ArduCAM/pico-tflmicro/HEAD/examples/magic_wand/main.cpp -------------------------------------------------------------------------------- /examples/magic_wand/main_functions.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ArduCAM/pico-tflmicro/HEAD/examples/magic_wand/main_functions.cpp -------------------------------------------------------------------------------- /examples/magic_wand/main_functions.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ArduCAM/pico-tflmicro/HEAD/examples/magic_wand/main_functions.h -------------------------------------------------------------------------------- /examples/magic_wand/output_handler.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ArduCAM/pico-tflmicro/HEAD/examples/magic_wand/output_handler.cpp -------------------------------------------------------------------------------- /examples/magic_wand/output_handler.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ArduCAM/pico-tflmicro/HEAD/examples/magic_wand/output_handler.h -------------------------------------------------------------------------------- /examples/magic_wand/output_handler_test.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ArduCAM/pico-tflmicro/HEAD/examples/magic_wand/output_handler_test.cpp -------------------------------------------------------------------------------- /examples/magic_wand/pico4ml_ble_accelerometer_handler.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ArduCAM/pico-tflmicro/HEAD/examples/magic_wand/pico4ml_ble_accelerometer_handler.cpp -------------------------------------------------------------------------------- /examples/magic_wand/pico4ml_ble_main_functions.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ArduCAM/pico-tflmicro/HEAD/examples/magic_wand/pico4ml_ble_main_functions.cpp -------------------------------------------------------------------------------- /examples/magic_wand/ring_micro_features_data.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ArduCAM/pico-tflmicro/HEAD/examples/magic_wand/ring_micro_features_data.cpp -------------------------------------------------------------------------------- /examples/magic_wand/ring_micro_features_data.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ArduCAM/pico-tflmicro/HEAD/examples/magic_wand/ring_micro_features_data.h -------------------------------------------------------------------------------- /examples/magic_wand/slope_micro_features_data.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ArduCAM/pico-tflmicro/HEAD/examples/magic_wand/slope_micro_features_data.cpp -------------------------------------------------------------------------------- /examples/magic_wand/slope_micro_features_data.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ArduCAM/pico-tflmicro/HEAD/examples/magic_wand/slope_micro_features_data.h -------------------------------------------------------------------------------- /examples/magic_wand_ble/CMakeLists.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ArduCAM/pico-tflmicro/HEAD/examples/magic_wand_ble/CMakeLists.txt -------------------------------------------------------------------------------- /examples/magic_wand_ble/LICENSE: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ArduCAM/pico-tflmicro/HEAD/examples/magic_wand_ble/LICENSE -------------------------------------------------------------------------------- /examples/magic_wand_ble/imu_provider.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ArduCAM/pico-tflmicro/HEAD/examples/magic_wand_ble/imu_provider.h -------------------------------------------------------------------------------- /examples/magic_wand_ble/magic_wand_model_data.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ArduCAM/pico-tflmicro/HEAD/examples/magic_wand_ble/magic_wand_model_data.cpp -------------------------------------------------------------------------------- /examples/magic_wand_ble/magic_wand_model_data.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ArduCAM/pico-tflmicro/HEAD/examples/magic_wand_ble/magic_wand_model_data.h -------------------------------------------------------------------------------- /examples/magic_wand_ble/main.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ArduCAM/pico-tflmicro/HEAD/examples/magic_wand_ble/main.cpp -------------------------------------------------------------------------------- /examples/magic_wand_ble/main_functions.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ArduCAM/pico-tflmicro/HEAD/examples/magic_wand_ble/main_functions.cpp -------------------------------------------------------------------------------- /examples/magic_wand_ble/main_functions.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ArduCAM/pico-tflmicro/HEAD/examples/magic_wand_ble/main_functions.h -------------------------------------------------------------------------------- /examples/magic_wand_ble/micro_features_data.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ArduCAM/pico-tflmicro/HEAD/examples/magic_wand_ble/micro_features_data.cpp -------------------------------------------------------------------------------- /examples/magic_wand_ble/micro_features_data.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ArduCAM/pico-tflmicro/HEAD/examples/magic_wand_ble/micro_features_data.h -------------------------------------------------------------------------------- /examples/magic_wand_ble/rasterize_stroke.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ArduCAM/pico-tflmicro/HEAD/examples/magic_wand_ble/rasterize_stroke.cpp -------------------------------------------------------------------------------- /examples/magic_wand_ble/rasterize_stroke.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ArduCAM/pico-tflmicro/HEAD/examples/magic_wand_ble/rasterize_stroke.h -------------------------------------------------------------------------------- /examples/micro_speech/CMakeLists.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ArduCAM/pico-tflmicro/HEAD/examples/micro_speech/CMakeLists.txt -------------------------------------------------------------------------------- /examples/micro_speech/audio_provider.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ArduCAM/pico-tflmicro/HEAD/examples/micro_speech/audio_provider.cpp -------------------------------------------------------------------------------- /examples/micro_speech/audio_provider.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ArduCAM/pico-tflmicro/HEAD/examples/micro_speech/audio_provider.h -------------------------------------------------------------------------------- /examples/micro_speech/audio_provider_mock.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ArduCAM/pico-tflmicro/HEAD/examples/micro_speech/audio_provider_mock.cpp -------------------------------------------------------------------------------- /examples/micro_speech/audio_provider_mock_test.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ArduCAM/pico-tflmicro/HEAD/examples/micro_speech/audio_provider_mock_test.cpp -------------------------------------------------------------------------------- /examples/micro_speech/audio_provider_test.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ArduCAM/pico-tflmicro/HEAD/examples/micro_speech/audio_provider_test.cpp -------------------------------------------------------------------------------- /examples/micro_speech/command_responder.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ArduCAM/pico-tflmicro/HEAD/examples/micro_speech/command_responder.cpp -------------------------------------------------------------------------------- /examples/micro_speech/command_responder.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ArduCAM/pico-tflmicro/HEAD/examples/micro_speech/command_responder.h -------------------------------------------------------------------------------- /examples/micro_speech/command_responder_test.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ArduCAM/pico-tflmicro/HEAD/examples/micro_speech/command_responder_test.cpp -------------------------------------------------------------------------------- /examples/micro_speech/feature_provider.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ArduCAM/pico-tflmicro/HEAD/examples/micro_speech/feature_provider.cpp -------------------------------------------------------------------------------- /examples/micro_speech/feature_provider.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ArduCAM/pico-tflmicro/HEAD/examples/micro_speech/feature_provider.h -------------------------------------------------------------------------------- /examples/micro_speech/feature_provider_test.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ArduCAM/pico-tflmicro/HEAD/examples/micro_speech/feature_provider_test.cpp -------------------------------------------------------------------------------- /examples/micro_speech/main.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ArduCAM/pico-tflmicro/HEAD/examples/micro_speech/main.cpp -------------------------------------------------------------------------------- /examples/micro_speech/main_functions.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ArduCAM/pico-tflmicro/HEAD/examples/micro_speech/main_functions.cpp -------------------------------------------------------------------------------- /examples/micro_speech/main_functions.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ArduCAM/pico-tflmicro/HEAD/examples/micro_speech/main_functions.h -------------------------------------------------------------------------------- /examples/micro_speech/micro_features/micro_features_generator.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ArduCAM/pico-tflmicro/HEAD/examples/micro_speech/micro_features/micro_features_generator.cpp -------------------------------------------------------------------------------- /examples/micro_speech/micro_features/micro_features_generator.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ArduCAM/pico-tflmicro/HEAD/examples/micro_speech/micro_features/micro_features_generator.h -------------------------------------------------------------------------------- /examples/micro_speech/micro_features/micro_features_generator_test.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ArduCAM/pico-tflmicro/HEAD/examples/micro_speech/micro_features/micro_features_generator_test.cpp -------------------------------------------------------------------------------- /examples/micro_speech/micro_features/micro_model_settings.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ArduCAM/pico-tflmicro/HEAD/examples/micro_speech/micro_features/micro_model_settings.cpp -------------------------------------------------------------------------------- /examples/micro_speech/micro_features/micro_model_settings.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ArduCAM/pico-tflmicro/HEAD/examples/micro_speech/micro_features/micro_model_settings.h -------------------------------------------------------------------------------- /examples/micro_speech/micro_features/model.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ArduCAM/pico-tflmicro/HEAD/examples/micro_speech/micro_features/model.cpp -------------------------------------------------------------------------------- /examples/micro_speech/micro_features/model.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ArduCAM/pico-tflmicro/HEAD/examples/micro_speech/micro_features/model.h -------------------------------------------------------------------------------- /examples/micro_speech/micro_features/no_feature_data_slice.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ArduCAM/pico-tflmicro/HEAD/examples/micro_speech/micro_features/no_feature_data_slice.cpp -------------------------------------------------------------------------------- /examples/micro_speech/micro_features/no_feature_data_slice.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ArduCAM/pico-tflmicro/HEAD/examples/micro_speech/micro_features/no_feature_data_slice.h -------------------------------------------------------------------------------- /examples/micro_speech/micro_features/no_micro_features_data.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ArduCAM/pico-tflmicro/HEAD/examples/micro_speech/micro_features/no_micro_features_data.cpp -------------------------------------------------------------------------------- /examples/micro_speech/micro_features/no_micro_features_data.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ArduCAM/pico-tflmicro/HEAD/examples/micro_speech/micro_features/no_micro_features_data.h -------------------------------------------------------------------------------- /examples/micro_speech/micro_features/yes_feature_data_slice.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ArduCAM/pico-tflmicro/HEAD/examples/micro_speech/micro_features/yes_feature_data_slice.cpp -------------------------------------------------------------------------------- /examples/micro_speech/micro_features/yes_feature_data_slice.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ArduCAM/pico-tflmicro/HEAD/examples/micro_speech/micro_features/yes_feature_data_slice.h -------------------------------------------------------------------------------- /examples/micro_speech/micro_features/yes_micro_features_data.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ArduCAM/pico-tflmicro/HEAD/examples/micro_speech/micro_features/yes_micro_features_data.cpp -------------------------------------------------------------------------------- /examples/micro_speech/micro_features/yes_micro_features_data.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ArduCAM/pico-tflmicro/HEAD/examples/micro_speech/micro_features/yes_micro_features_data.h -------------------------------------------------------------------------------- /examples/micro_speech/micro_speech_benchmark.cpp: -------------------------------------------------------------------------------- 1 | // 2 | // Created by mulong on 2021/3/12. 3 | // 4 | -------------------------------------------------------------------------------- /examples/micro_speech/micro_speech_test.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ArduCAM/pico-tflmicro/HEAD/examples/micro_speech/micro_speech_test.cpp -------------------------------------------------------------------------------- /examples/micro_speech/no_1000ms_sample_data.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ArduCAM/pico-tflmicro/HEAD/examples/micro_speech/no_1000ms_sample_data.cpp -------------------------------------------------------------------------------- /examples/micro_speech/no_1000ms_sample_data.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ArduCAM/pico-tflmicro/HEAD/examples/micro_speech/no_1000ms_sample_data.h -------------------------------------------------------------------------------- /examples/micro_speech/no_30ms_sample_data.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ArduCAM/pico-tflmicro/HEAD/examples/micro_speech/no_30ms_sample_data.cpp -------------------------------------------------------------------------------- /examples/micro_speech/no_30ms_sample_data.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ArduCAM/pico-tflmicro/HEAD/examples/micro_speech/no_30ms_sample_data.h -------------------------------------------------------------------------------- /examples/micro_speech/recognize_commands.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ArduCAM/pico-tflmicro/HEAD/examples/micro_speech/recognize_commands.cpp -------------------------------------------------------------------------------- /examples/micro_speech/recognize_commands.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ArduCAM/pico-tflmicro/HEAD/examples/micro_speech/recognize_commands.h -------------------------------------------------------------------------------- /examples/micro_speech/recognize_commands_test.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ArduCAM/pico-tflmicro/HEAD/examples/micro_speech/recognize_commands_test.cpp -------------------------------------------------------------------------------- /examples/micro_speech/simple_features/no_power_spectrum_data.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ArduCAM/pico-tflmicro/HEAD/examples/micro_speech/simple_features/no_power_spectrum_data.cpp -------------------------------------------------------------------------------- /examples/micro_speech/simple_features/no_power_spectrum_data.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ArduCAM/pico-tflmicro/HEAD/examples/micro_speech/simple_features/no_power_spectrum_data.h -------------------------------------------------------------------------------- /examples/micro_speech/simple_features/simple_features_generator.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ArduCAM/pico-tflmicro/HEAD/examples/micro_speech/simple_features/simple_features_generator.cpp -------------------------------------------------------------------------------- /examples/micro_speech/simple_features/simple_features_generator.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ArduCAM/pico-tflmicro/HEAD/examples/micro_speech/simple_features/simple_features_generator.h -------------------------------------------------------------------------------- /examples/micro_speech/simple_features/simple_features_generator_test.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ArduCAM/pico-tflmicro/HEAD/examples/micro_speech/simple_features/simple_features_generator_test.cpp -------------------------------------------------------------------------------- /examples/micro_speech/simple_features/simple_model_settings.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ArduCAM/pico-tflmicro/HEAD/examples/micro_speech/simple_features/simple_model_settings.h -------------------------------------------------------------------------------- /examples/micro_speech/simple_features/yes_power_spectrum_data.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ArduCAM/pico-tflmicro/HEAD/examples/micro_speech/simple_features/yes_power_spectrum_data.cpp -------------------------------------------------------------------------------- /examples/micro_speech/simple_features/yes_power_spectrum_data.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ArduCAM/pico-tflmicro/HEAD/examples/micro_speech/simple_features/yes_power_spectrum_data.h -------------------------------------------------------------------------------- /examples/micro_speech/tensorflow/lite/experimental/microfrontend/lib/bits.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ArduCAM/pico-tflmicro/HEAD/examples/micro_speech/tensorflow/lite/experimental/microfrontend/lib/bits.h -------------------------------------------------------------------------------- /examples/micro_speech/tensorflow/lite/experimental/microfrontend/lib/fft.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ArduCAM/pico-tflmicro/HEAD/examples/micro_speech/tensorflow/lite/experimental/microfrontend/lib/fft.cpp -------------------------------------------------------------------------------- /examples/micro_speech/tensorflow/lite/experimental/microfrontend/lib/fft.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ArduCAM/pico-tflmicro/HEAD/examples/micro_speech/tensorflow/lite/experimental/microfrontend/lib/fft.h -------------------------------------------------------------------------------- /examples/micro_speech/tensorflow/lite/experimental/microfrontend/lib/fft_util.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ArduCAM/pico-tflmicro/HEAD/examples/micro_speech/tensorflow/lite/experimental/microfrontend/lib/fft_util.cpp -------------------------------------------------------------------------------- /examples/micro_speech/tensorflow/lite/experimental/microfrontend/lib/fft_util.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ArduCAM/pico-tflmicro/HEAD/examples/micro_speech/tensorflow/lite/experimental/microfrontend/lib/fft_util.h -------------------------------------------------------------------------------- /examples/micro_speech/tensorflow/lite/experimental/microfrontend/lib/filterbank.c: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ArduCAM/pico-tflmicro/HEAD/examples/micro_speech/tensorflow/lite/experimental/microfrontend/lib/filterbank.c -------------------------------------------------------------------------------- /examples/micro_speech/tensorflow/lite/experimental/microfrontend/lib/filterbank.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ArduCAM/pico-tflmicro/HEAD/examples/micro_speech/tensorflow/lite/experimental/microfrontend/lib/filterbank.h -------------------------------------------------------------------------------- /examples/micro_speech/tensorflow/lite/experimental/microfrontend/lib/filterbank_util.c: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ArduCAM/pico-tflmicro/HEAD/examples/micro_speech/tensorflow/lite/experimental/microfrontend/lib/filterbank_util.c -------------------------------------------------------------------------------- /examples/micro_speech/tensorflow/lite/experimental/microfrontend/lib/filterbank_util.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ArduCAM/pico-tflmicro/HEAD/examples/micro_speech/tensorflow/lite/experimental/microfrontend/lib/filterbank_util.h -------------------------------------------------------------------------------- /examples/micro_speech/tensorflow/lite/experimental/microfrontend/lib/frontend.c: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ArduCAM/pico-tflmicro/HEAD/examples/micro_speech/tensorflow/lite/experimental/microfrontend/lib/frontend.c -------------------------------------------------------------------------------- /examples/micro_speech/tensorflow/lite/experimental/microfrontend/lib/frontend.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ArduCAM/pico-tflmicro/HEAD/examples/micro_speech/tensorflow/lite/experimental/microfrontend/lib/frontend.h -------------------------------------------------------------------------------- /examples/micro_speech/tensorflow/lite/experimental/microfrontend/lib/frontend_util.c: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ArduCAM/pico-tflmicro/HEAD/examples/micro_speech/tensorflow/lite/experimental/microfrontend/lib/frontend_util.c -------------------------------------------------------------------------------- /examples/micro_speech/tensorflow/lite/experimental/microfrontend/lib/frontend_util.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ArduCAM/pico-tflmicro/HEAD/examples/micro_speech/tensorflow/lite/experimental/microfrontend/lib/frontend_util.h -------------------------------------------------------------------------------- /examples/micro_speech/tensorflow/lite/experimental/microfrontend/lib/log_lut.c: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ArduCAM/pico-tflmicro/HEAD/examples/micro_speech/tensorflow/lite/experimental/microfrontend/lib/log_lut.c -------------------------------------------------------------------------------- /examples/micro_speech/tensorflow/lite/experimental/microfrontend/lib/log_lut.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ArduCAM/pico-tflmicro/HEAD/examples/micro_speech/tensorflow/lite/experimental/microfrontend/lib/log_lut.h -------------------------------------------------------------------------------- /examples/micro_speech/tensorflow/lite/experimental/microfrontend/lib/log_scale.c: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ArduCAM/pico-tflmicro/HEAD/examples/micro_speech/tensorflow/lite/experimental/microfrontend/lib/log_scale.c -------------------------------------------------------------------------------- /examples/micro_speech/tensorflow/lite/experimental/microfrontend/lib/log_scale.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ArduCAM/pico-tflmicro/HEAD/examples/micro_speech/tensorflow/lite/experimental/microfrontend/lib/log_scale.h -------------------------------------------------------------------------------- /examples/micro_speech/tensorflow/lite/experimental/microfrontend/lib/log_scale_util.c: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ArduCAM/pico-tflmicro/HEAD/examples/micro_speech/tensorflow/lite/experimental/microfrontend/lib/log_scale_util.c -------------------------------------------------------------------------------- /examples/micro_speech/tensorflow/lite/experimental/microfrontend/lib/log_scale_util.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ArduCAM/pico-tflmicro/HEAD/examples/micro_speech/tensorflow/lite/experimental/microfrontend/lib/log_scale_util.h -------------------------------------------------------------------------------- /examples/micro_speech/tensorflow/lite/experimental/microfrontend/lib/noise_reduction.c: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ArduCAM/pico-tflmicro/HEAD/examples/micro_speech/tensorflow/lite/experimental/microfrontend/lib/noise_reduction.c -------------------------------------------------------------------------------- /examples/micro_speech/tensorflow/lite/experimental/microfrontend/lib/noise_reduction.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ArduCAM/pico-tflmicro/HEAD/examples/micro_speech/tensorflow/lite/experimental/microfrontend/lib/noise_reduction.h -------------------------------------------------------------------------------- /examples/micro_speech/tensorflow/lite/experimental/microfrontend/lib/noise_reduction_util.c: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ArduCAM/pico-tflmicro/HEAD/examples/micro_speech/tensorflow/lite/experimental/microfrontend/lib/noise_reduction_util.c -------------------------------------------------------------------------------- /examples/micro_speech/tensorflow/lite/experimental/microfrontend/lib/noise_reduction_util.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ArduCAM/pico-tflmicro/HEAD/examples/micro_speech/tensorflow/lite/experimental/microfrontend/lib/noise_reduction_util.h -------------------------------------------------------------------------------- /examples/micro_speech/tensorflow/lite/experimental/microfrontend/lib/pcan_gain_control.c: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ArduCAM/pico-tflmicro/HEAD/examples/micro_speech/tensorflow/lite/experimental/microfrontend/lib/pcan_gain_control.c -------------------------------------------------------------------------------- /examples/micro_speech/tensorflow/lite/experimental/microfrontend/lib/pcan_gain_control.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ArduCAM/pico-tflmicro/HEAD/examples/micro_speech/tensorflow/lite/experimental/microfrontend/lib/pcan_gain_control.h -------------------------------------------------------------------------------- /examples/micro_speech/tensorflow/lite/experimental/microfrontend/lib/pcan_gain_control_util.c: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ArduCAM/pico-tflmicro/HEAD/examples/micro_speech/tensorflow/lite/experimental/microfrontend/lib/pcan_gain_control_util.c -------------------------------------------------------------------------------- /examples/micro_speech/tensorflow/lite/experimental/microfrontend/lib/pcan_gain_control_util.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ArduCAM/pico-tflmicro/HEAD/examples/micro_speech/tensorflow/lite/experimental/microfrontend/lib/pcan_gain_control_util.h -------------------------------------------------------------------------------- /examples/micro_speech/tensorflow/lite/experimental/microfrontend/lib/window.c: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ArduCAM/pico-tflmicro/HEAD/examples/micro_speech/tensorflow/lite/experimental/microfrontend/lib/window.c -------------------------------------------------------------------------------- /examples/micro_speech/tensorflow/lite/experimental/microfrontend/lib/window.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ArduCAM/pico-tflmicro/HEAD/examples/micro_speech/tensorflow/lite/experimental/microfrontend/lib/window.h -------------------------------------------------------------------------------- /examples/micro_speech/tensorflow/lite/experimental/microfrontend/lib/window_util.c: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ArduCAM/pico-tflmicro/HEAD/examples/micro_speech/tensorflow/lite/experimental/microfrontend/lib/window_util.c -------------------------------------------------------------------------------- /examples/micro_speech/tensorflow/lite/experimental/microfrontend/lib/window_util.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ArduCAM/pico-tflmicro/HEAD/examples/micro_speech/tensorflow/lite/experimental/microfrontend/lib/window_util.h -------------------------------------------------------------------------------- /examples/micro_speech/tensorflow/lite/micro/tools/make/downloads/kissfft/COPYING: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ArduCAM/pico-tflmicro/HEAD/examples/micro_speech/tensorflow/lite/micro/tools/make/downloads/kissfft/COPYING -------------------------------------------------------------------------------- /examples/micro_speech/tensorflow/lite/micro/tools/make/downloads/kissfft/_kiss_fft_guts.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ArduCAM/pico-tflmicro/HEAD/examples/micro_speech/tensorflow/lite/micro/tools/make/downloads/kissfft/_kiss_fft_guts.h -------------------------------------------------------------------------------- /examples/micro_speech/tensorflow/lite/micro/tools/make/downloads/kissfft/kiss_fft.c: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ArduCAM/pico-tflmicro/HEAD/examples/micro_speech/tensorflow/lite/micro/tools/make/downloads/kissfft/kiss_fft.c -------------------------------------------------------------------------------- /examples/micro_speech/tensorflow/lite/micro/tools/make/downloads/kissfft/kiss_fft.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ArduCAM/pico-tflmicro/HEAD/examples/micro_speech/tensorflow/lite/micro/tools/make/downloads/kissfft/kiss_fft.h -------------------------------------------------------------------------------- /examples/micro_speech/tensorflow/lite/micro/tools/make/downloads/kissfft/tools/kiss_fftr.c: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ArduCAM/pico-tflmicro/HEAD/examples/micro_speech/tensorflow/lite/micro/tools/make/downloads/kissfft/tools/kiss_fftr.c -------------------------------------------------------------------------------- /examples/micro_speech/tensorflow/lite/micro/tools/make/downloads/kissfft/tools/kiss_fftr.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ArduCAM/pico-tflmicro/HEAD/examples/micro_speech/tensorflow/lite/micro/tools/make/downloads/kissfft/tools/kiss_fftr.h -------------------------------------------------------------------------------- /examples/micro_speech/yes_1000ms_sample_data.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ArduCAM/pico-tflmicro/HEAD/examples/micro_speech/yes_1000ms_sample_data.cpp -------------------------------------------------------------------------------- /examples/micro_speech/yes_1000ms_sample_data.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ArduCAM/pico-tflmicro/HEAD/examples/micro_speech/yes_1000ms_sample_data.h -------------------------------------------------------------------------------- /examples/micro_speech/yes_30ms_sample_data.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ArduCAM/pico-tflmicro/HEAD/examples/micro_speech/yes_30ms_sample_data.cpp -------------------------------------------------------------------------------- /examples/micro_speech/yes_30ms_sample_data.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ArduCAM/pico-tflmicro/HEAD/examples/micro_speech/yes_30ms_sample_data.h -------------------------------------------------------------------------------- /examples/person_detection/CMakeLists.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ArduCAM/pico-tflmicro/HEAD/examples/person_detection/CMakeLists.txt -------------------------------------------------------------------------------- /examples/person_detection/detection_responder.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ArduCAM/pico-tflmicro/HEAD/examples/person_detection/detection_responder.cpp -------------------------------------------------------------------------------- /examples/person_detection/detection_responder.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ArduCAM/pico-tflmicro/HEAD/examples/person_detection/detection_responder.h -------------------------------------------------------------------------------- /examples/person_detection/detection_responder_test.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ArduCAM/pico-tflmicro/HEAD/examples/person_detection/detection_responder_test.cpp -------------------------------------------------------------------------------- /examples/person_detection/image_provider.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ArduCAM/pico-tflmicro/HEAD/examples/person_detection/image_provider.cpp -------------------------------------------------------------------------------- /examples/person_detection/image_provider.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ArduCAM/pico-tflmicro/HEAD/examples/person_detection/image_provider.h -------------------------------------------------------------------------------- /examples/person_detection/image_provider_test.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ArduCAM/pico-tflmicro/HEAD/examples/person_detection/image_provider_test.cpp -------------------------------------------------------------------------------- /examples/person_detection/main.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ArduCAM/pico-tflmicro/HEAD/examples/person_detection/main.cpp -------------------------------------------------------------------------------- /examples/person_detection/main_functions.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ArduCAM/pico-tflmicro/HEAD/examples/person_detection/main_functions.cpp -------------------------------------------------------------------------------- /examples/person_detection/main_functions.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ArduCAM/pico-tflmicro/HEAD/examples/person_detection/main_functions.h -------------------------------------------------------------------------------- /examples/person_detection/model_settings.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ArduCAM/pico-tflmicro/HEAD/examples/person_detection/model_settings.cpp -------------------------------------------------------------------------------- /examples/person_detection/model_settings.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ArduCAM/pico-tflmicro/HEAD/examples/person_detection/model_settings.h -------------------------------------------------------------------------------- /examples/person_detection/no_person_image_data.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ArduCAM/pico-tflmicro/HEAD/examples/person_detection/no_person_image_data.h -------------------------------------------------------------------------------- /examples/person_detection/person_detect_model_data.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ArduCAM/pico-tflmicro/HEAD/examples/person_detection/person_detect_model_data.h -------------------------------------------------------------------------------- /examples/person_detection/person_detection_test.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ArduCAM/pico-tflmicro/HEAD/examples/person_detection/person_detection_test.cpp -------------------------------------------------------------------------------- /examples/person_detection/person_image_data.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ArduCAM/pico-tflmicro/HEAD/examples/person_detection/person_image_data.h -------------------------------------------------------------------------------- /examples/person_detection/tensorflow/lite/micro/benchmarks/person_detection_benchmark.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ArduCAM/pico-tflmicro/HEAD/examples/person_detection/tensorflow/lite/micro/benchmarks/person_detection_benchmark.cpp -------------------------------------------------------------------------------- /examples/person_detection/tensorflow/lite/micro/tools/make/downloads/person_model_int8/no_person_image_data.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ArduCAM/pico-tflmicro/HEAD/examples/person_detection/tensorflow/lite/micro/tools/make/downloads/person_model_int8/no_person_image_data.cpp -------------------------------------------------------------------------------- /examples/person_detection/tensorflow/lite/micro/tools/make/downloads/person_model_int8/person_detect_model_data.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ArduCAM/pico-tflmicro/HEAD/examples/person_detection/tensorflow/lite/micro/tools/make/downloads/person_model_int8/person_detect_model_data.cpp -------------------------------------------------------------------------------- /examples/person_detection/tensorflow/lite/micro/tools/make/downloads/person_model_int8/person_image_data.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ArduCAM/pico-tflmicro/HEAD/examples/person_detection/tensorflow/lite/micro/tools/make/downloads/person_model_int8/person_image_data.cpp -------------------------------------------------------------------------------- /img/Ring.gif: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ArduCAM/pico-tflmicro/HEAD/img/Ring.gif -------------------------------------------------------------------------------- /img/Slope.gif: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ArduCAM/pico-tflmicro/HEAD/img/Slope.gif -------------------------------------------------------------------------------- /img/Wing.gif: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ArduCAM/pico-tflmicro/HEAD/img/Wing.gif -------------------------------------------------------------------------------- /img/bootsel.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ArduCAM/pico-tflmicro/HEAD/img/bootsel.png -------------------------------------------------------------------------------- /img/minicom_output_person.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ArduCAM/pico-tflmicro/HEAD/img/minicom_output_person.png -------------------------------------------------------------------------------- /img/minicom_output_speech.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ArduCAM/pico-tflmicro/HEAD/img/minicom_output_speech.png -------------------------------------------------------------------------------- /img/minicom_output_wand.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ArduCAM/pico-tflmicro/HEAD/img/minicom_output_wand.png -------------------------------------------------------------------------------- /img/minicom_output_wand_lab.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ArduCAM/pico-tflmicro/HEAD/img/minicom_output_wand_lab.png -------------------------------------------------------------------------------- /img/no_person_screen.jpg: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ArduCAM/pico-tflmicro/HEAD/img/no_person_screen.jpg -------------------------------------------------------------------------------- /img/person_screen.jpg: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ArduCAM/pico-tflmicro/HEAD/img/person_screen.jpg -------------------------------------------------------------------------------- /img/persond_build.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ArduCAM/pico-tflmicro/HEAD/img/persond_build.png -------------------------------------------------------------------------------- /img/pico4ml.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ArduCAM/pico-tflmicro/HEAD/img/pico4ml.png -------------------------------------------------------------------------------- /img/speech_build.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ArduCAM/pico-tflmicro/HEAD/img/speech_build.png -------------------------------------------------------------------------------- /img/tflmicro_cmake_output.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ArduCAM/pico-tflmicro/HEAD/img/tflmicro_cmake_output.png -------------------------------------------------------------------------------- /img/tflmicro_make_output.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ArduCAM/pico-tflmicro/HEAD/img/tflmicro_make_output.png -------------------------------------------------------------------------------- /img/wand_build.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ArduCAM/pico-tflmicro/HEAD/img/wand_build.png -------------------------------------------------------------------------------- /img/wand_build_lab.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ArduCAM/pico-tflmicro/HEAD/img/wand_build_lab.png -------------------------------------------------------------------------------- /include/ICM20948/CMakeLists.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ArduCAM/pico-tflmicro/HEAD/include/ICM20948/CMakeLists.txt -------------------------------------------------------------------------------- /include/ICM20948/ICM20948.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ArduCAM/pico-tflmicro/HEAD/include/ICM20948/ICM20948.cpp -------------------------------------------------------------------------------- /include/ICM20948/ICM20948.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ArduCAM/pico-tflmicro/HEAD/include/ICM20948/ICM20948.h -------------------------------------------------------------------------------- /include/ICM20948/README.md: -------------------------------------------------------------------------------- 1 | This is a library for the Pico4ML IMU sensor. -------------------------------------------------------------------------------- /include/ICM20948/examples/SimpleAccelerometer/SimpleAccelerometer.ino: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ArduCAM/pico-tflmicro/HEAD/include/ICM20948/examples/SimpleAccelerometer/SimpleAccelerometer.ino -------------------------------------------------------------------------------- /include/ICM20948/examples/SimpleGyroscope/SimpleGyroscope.ino: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ArduCAM/pico-tflmicro/HEAD/include/ICM20948/examples/SimpleGyroscope/SimpleGyroscope.ino -------------------------------------------------------------------------------- /include/ICM20948/examples/SimpleMagnetometer/SimpleMagnetometer.ino: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ArduCAM/pico-tflmicro/HEAD/include/ICM20948/examples/SimpleMagnetometer/SimpleMagnetometer.ino -------------------------------------------------------------------------------- /include/ICM42622/CMakeLists.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ArduCAM/pico-tflmicro/HEAD/include/ICM42622/CMakeLists.txt -------------------------------------------------------------------------------- /include/ICM42622/ICM42622.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ArduCAM/pico-tflmicro/HEAD/include/ICM42622/ICM42622.cpp -------------------------------------------------------------------------------- /include/ICM42622/ICM42622.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ArduCAM/pico-tflmicro/HEAD/include/ICM42622/ICM42622.h -------------------------------------------------------------------------------- /include/LCD_st7735/CMakeLists.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ArduCAM/pico-tflmicro/HEAD/include/LCD_st7735/CMakeLists.txt -------------------------------------------------------------------------------- /include/LCD_st7735/DEV_Config.c: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ArduCAM/pico-tflmicro/HEAD/include/LCD_st7735/DEV_Config.c -------------------------------------------------------------------------------- /include/LCD_st7735/DEV_Config.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ArduCAM/pico-tflmicro/HEAD/include/LCD_st7735/DEV_Config.h -------------------------------------------------------------------------------- /include/LCD_st7735/Debug.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ArduCAM/pico-tflmicro/HEAD/include/LCD_st7735/Debug.h -------------------------------------------------------------------------------- /include/LCD_st7735/LCD_st7735.c: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ArduCAM/pico-tflmicro/HEAD/include/LCD_st7735/LCD_st7735.c -------------------------------------------------------------------------------- /include/LCD_st7735/LCD_st7735.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ArduCAM/pico-tflmicro/HEAD/include/LCD_st7735/LCD_st7735.h -------------------------------------------------------------------------------- /include/LCD_st7735/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ArduCAM/pico-tflmicro/HEAD/include/LCD_st7735/README.md -------------------------------------------------------------------------------- /include/LCD_st7735/examples/RGB_Display/RGB_Display.ino: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ArduCAM/pico-tflmicro/HEAD/include/LCD_st7735/examples/RGB_Display/RGB_Display.ino -------------------------------------------------------------------------------- /include/LCD_st7735/examples/camera_display/camera_display.ino: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ArduCAM/pico-tflmicro/HEAD/include/LCD_st7735/examples/camera_display/camera_display.ino -------------------------------------------------------------------------------- /include/LCD_st7735/fonts.c: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ArduCAM/pico-tflmicro/HEAD/include/LCD_st7735/fonts.c -------------------------------------------------------------------------------- /include/LCD_st7735/fonts.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ArduCAM/pico-tflmicro/HEAD/include/LCD_st7735/fonts.h -------------------------------------------------------------------------------- /include/LCD_st7735/testimg.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ArduCAM/pico-tflmicro/HEAD/include/LCD_st7735/testimg.h -------------------------------------------------------------------------------- /include/arducam_hm01b0/CMakeLists.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ArduCAM/pico-tflmicro/HEAD/include/arducam_hm01b0/CMakeLists.txt -------------------------------------------------------------------------------- /include/arducam_hm01b0/README.md: -------------------------------------------------------------------------------- 1 | This is a library for the Pico4ML Arducam_hm01b0 Camera. 2 | -------------------------------------------------------------------------------- /include/arducam_hm01b0/arducam_hm01b0.c: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ArduCAM/pico-tflmicro/HEAD/include/arducam_hm01b0/arducam_hm01b0.c -------------------------------------------------------------------------------- /include/arducam_hm01b0/arducam_hm01b0.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ArduCAM/pico-tflmicro/HEAD/include/arducam_hm01b0/arducam_hm01b0.h -------------------------------------------------------------------------------- /include/arducam_hm01b0/examples/camera/camera.ino: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ArduCAM/pico-tflmicro/HEAD/include/arducam_hm01b0/examples/camera/camera.ino -------------------------------------------------------------------------------- /include/arducam_hm01b0/hm01b0_init.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ArduCAM/pico-tflmicro/HEAD/include/arducam_hm01b0/hm01b0_init.h -------------------------------------------------------------------------------- /include/arducam_hm01b0/image.pio: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ArduCAM/pico-tflmicro/HEAD/include/arducam_hm01b0/image.pio -------------------------------------------------------------------------------- /include/arducam_hm01b0/image.pio.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ArduCAM/pico-tflmicro/HEAD/include/arducam_hm01b0/image.pio.h -------------------------------------------------------------------------------- /include/arducam_mic/CMakeLists.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ArduCAM/pico-tflmicro/HEAD/include/arducam_mic/CMakeLists.txt -------------------------------------------------------------------------------- /include/arducam_mic/README.md: -------------------------------------------------------------------------------- 1 | This is a library for the Pico4ML Microphone. 2 | -------------------------------------------------------------------------------- /include/arducam_mic/arducam_mic.c: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ArduCAM/pico-tflmicro/HEAD/include/arducam_mic/arducam_mic.c -------------------------------------------------------------------------------- /include/arducam_mic/arducam_mic.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ArduCAM/pico-tflmicro/HEAD/include/arducam_mic/arducam_mic.h -------------------------------------------------------------------------------- /include/arducam_mic/examples/mic/mic.ino: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ArduCAM/pico-tflmicro/HEAD/include/arducam_mic/examples/mic/mic.ino -------------------------------------------------------------------------------- /include/arducam_mic/mic_i2s.pio: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ArduCAM/pico-tflmicro/HEAD/include/arducam_mic/mic_i2s.pio -------------------------------------------------------------------------------- /include/arducam_mic/mic_i2s.pio.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ArduCAM/pico-tflmicro/HEAD/include/arducam_mic/mic_i2s.pio.h -------------------------------------------------------------------------------- /include/pico-microphone/CMakeLists.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ArduCAM/pico-tflmicro/HEAD/include/pico-microphone/CMakeLists.txt -------------------------------------------------------------------------------- /include/pico-microphone/LICENSE: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ArduCAM/pico-tflmicro/HEAD/include/pico-microphone/LICENSE -------------------------------------------------------------------------------- /include/pico-microphone/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ArduCAM/pico-tflmicro/HEAD/include/pico-microphone/README.md -------------------------------------------------------------------------------- /include/pico-microphone/pico_sdk_import.cmake: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ArduCAM/pico-tflmicro/HEAD/include/pico-microphone/pico_sdk_import.cmake -------------------------------------------------------------------------------- /include/pico-microphone/src/OpenPDM2PCM/LICENSE.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ArduCAM/pico-tflmicro/HEAD/include/pico-microphone/src/OpenPDM2PCM/LICENSE.txt -------------------------------------------------------------------------------- /include/pico-microphone/src/OpenPDM2PCM/OpenPDMFilter.c: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ArduCAM/pico-tflmicro/HEAD/include/pico-microphone/src/OpenPDM2PCM/OpenPDMFilter.c -------------------------------------------------------------------------------- /include/pico-microphone/src/OpenPDM2PCM/OpenPDMFilter.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ArduCAM/pico-tflmicro/HEAD/include/pico-microphone/src/OpenPDM2PCM/OpenPDMFilter.h -------------------------------------------------------------------------------- /include/pico-microphone/src/analog_microphone.c: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ArduCAM/pico-tflmicro/HEAD/include/pico-microphone/src/analog_microphone.c -------------------------------------------------------------------------------- /include/pico-microphone/src/include/pico/analog_microphone.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ArduCAM/pico-tflmicro/HEAD/include/pico-microphone/src/include/pico/analog_microphone.h -------------------------------------------------------------------------------- /include/pico-microphone/src/include/pico/pdm_microphone.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ArduCAM/pico-tflmicro/HEAD/include/pico-microphone/src/include/pico/pdm_microphone.h -------------------------------------------------------------------------------- /include/pico-microphone/src/pdm_microphone.c: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ArduCAM/pico-tflmicro/HEAD/include/pico-microphone/src/pdm_microphone.c -------------------------------------------------------------------------------- /include/pico-microphone/src/pdm_microphone.pio: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ArduCAM/pico-tflmicro/HEAD/include/pico-microphone/src/pdm_microphone.pio -------------------------------------------------------------------------------- /pico_sdk_import.cmake: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ArduCAM/pico-tflmicro/HEAD/pico_sdk_import.cmake -------------------------------------------------------------------------------- /src/tensorflow/LICENSE: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ArduCAM/pico-tflmicro/HEAD/src/tensorflow/LICENSE -------------------------------------------------------------------------------- /src/tensorflow/core/public/version.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ArduCAM/pico-tflmicro/HEAD/src/tensorflow/core/public/version.h -------------------------------------------------------------------------------- /src/tensorflow/lite/c/builtin_op_data.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ArduCAM/pico-tflmicro/HEAD/src/tensorflow/lite/c/builtin_op_data.h -------------------------------------------------------------------------------- /src/tensorflow/lite/c/common.c: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ArduCAM/pico-tflmicro/HEAD/src/tensorflow/lite/c/common.c -------------------------------------------------------------------------------- /src/tensorflow/lite/c/common.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ArduCAM/pico-tflmicro/HEAD/src/tensorflow/lite/c/common.h -------------------------------------------------------------------------------- /src/tensorflow/lite/core/api/error_reporter.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ArduCAM/pico-tflmicro/HEAD/src/tensorflow/lite/core/api/error_reporter.cpp -------------------------------------------------------------------------------- /src/tensorflow/lite/core/api/error_reporter.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ArduCAM/pico-tflmicro/HEAD/src/tensorflow/lite/core/api/error_reporter.h -------------------------------------------------------------------------------- /src/tensorflow/lite/core/api/flatbuffer_conversions.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ArduCAM/pico-tflmicro/HEAD/src/tensorflow/lite/core/api/flatbuffer_conversions.cpp -------------------------------------------------------------------------------- /src/tensorflow/lite/core/api/flatbuffer_conversions.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ArduCAM/pico-tflmicro/HEAD/src/tensorflow/lite/core/api/flatbuffer_conversions.h -------------------------------------------------------------------------------- /src/tensorflow/lite/core/api/op_resolver.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ArduCAM/pico-tflmicro/HEAD/src/tensorflow/lite/core/api/op_resolver.cpp -------------------------------------------------------------------------------- /src/tensorflow/lite/core/api/op_resolver.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ArduCAM/pico-tflmicro/HEAD/src/tensorflow/lite/core/api/op_resolver.h -------------------------------------------------------------------------------- /src/tensorflow/lite/core/api/profiler.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ArduCAM/pico-tflmicro/HEAD/src/tensorflow/lite/core/api/profiler.h -------------------------------------------------------------------------------- /src/tensorflow/lite/core/api/tensor_utils.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ArduCAM/pico-tflmicro/HEAD/src/tensorflow/lite/core/api/tensor_utils.cpp -------------------------------------------------------------------------------- /src/tensorflow/lite/core/api/tensor_utils.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ArduCAM/pico-tflmicro/HEAD/src/tensorflow/lite/core/api/tensor_utils.h -------------------------------------------------------------------------------- /src/tensorflow/lite/kernels/internal/common.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ArduCAM/pico-tflmicro/HEAD/src/tensorflow/lite/kernels/internal/common.h -------------------------------------------------------------------------------- /src/tensorflow/lite/kernels/internal/compatibility.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ArduCAM/pico-tflmicro/HEAD/src/tensorflow/lite/kernels/internal/compatibility.h -------------------------------------------------------------------------------- /src/tensorflow/lite/kernels/internal/cppmath.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ArduCAM/pico-tflmicro/HEAD/src/tensorflow/lite/kernels/internal/cppmath.h -------------------------------------------------------------------------------- /src/tensorflow/lite/kernels/internal/max.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ArduCAM/pico-tflmicro/HEAD/src/tensorflow/lite/kernels/internal/max.h -------------------------------------------------------------------------------- /src/tensorflow/lite/kernels/internal/min.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ArduCAM/pico-tflmicro/HEAD/src/tensorflow/lite/kernels/internal/min.h -------------------------------------------------------------------------------- /src/tensorflow/lite/kernels/internal/optimized/neon_check.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ArduCAM/pico-tflmicro/HEAD/src/tensorflow/lite/kernels/internal/optimized/neon_check.h -------------------------------------------------------------------------------- /src/tensorflow/lite/kernels/internal/portable_tensor.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ArduCAM/pico-tflmicro/HEAD/src/tensorflow/lite/kernels/internal/portable_tensor.h -------------------------------------------------------------------------------- /src/tensorflow/lite/kernels/internal/quantization_util.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ArduCAM/pico-tflmicro/HEAD/src/tensorflow/lite/kernels/internal/quantization_util.cpp -------------------------------------------------------------------------------- /src/tensorflow/lite/kernels/internal/quantization_util.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ArduCAM/pico-tflmicro/HEAD/src/tensorflow/lite/kernels/internal/quantization_util.h -------------------------------------------------------------------------------- /src/tensorflow/lite/kernels/internal/reference/add.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ArduCAM/pico-tflmicro/HEAD/src/tensorflow/lite/kernels/internal/reference/add.h -------------------------------------------------------------------------------- /src/tensorflow/lite/kernels/internal/reference/arg_min_max.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ArduCAM/pico-tflmicro/HEAD/src/tensorflow/lite/kernels/internal/reference/arg_min_max.h -------------------------------------------------------------------------------- /src/tensorflow/lite/kernels/internal/reference/binary_function.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ArduCAM/pico-tflmicro/HEAD/src/tensorflow/lite/kernels/internal/reference/binary_function.h -------------------------------------------------------------------------------- /src/tensorflow/lite/kernels/internal/reference/ceil.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ArduCAM/pico-tflmicro/HEAD/src/tensorflow/lite/kernels/internal/reference/ceil.h -------------------------------------------------------------------------------- /src/tensorflow/lite/kernels/internal/reference/comparisons.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ArduCAM/pico-tflmicro/HEAD/src/tensorflow/lite/kernels/internal/reference/comparisons.h -------------------------------------------------------------------------------- /src/tensorflow/lite/kernels/internal/reference/concatenation.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ArduCAM/pico-tflmicro/HEAD/src/tensorflow/lite/kernels/internal/reference/concatenation.h -------------------------------------------------------------------------------- /src/tensorflow/lite/kernels/internal/reference/conv.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ArduCAM/pico-tflmicro/HEAD/src/tensorflow/lite/kernels/internal/reference/conv.h -------------------------------------------------------------------------------- /src/tensorflow/lite/kernels/internal/reference/depthwiseconv_float.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ArduCAM/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/ArduCAM/pico-tflmicro/HEAD/src/tensorflow/lite/kernels/internal/reference/depthwiseconv_uint8.h -------------------------------------------------------------------------------- /src/tensorflow/lite/kernels/internal/reference/dequantize.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ArduCAM/pico-tflmicro/HEAD/src/tensorflow/lite/kernels/internal/reference/dequantize.h -------------------------------------------------------------------------------- /src/tensorflow/lite/kernels/internal/reference/floor.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ArduCAM/pico-tflmicro/HEAD/src/tensorflow/lite/kernels/internal/reference/floor.h -------------------------------------------------------------------------------- /src/tensorflow/lite/kernels/internal/reference/fully_connected.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ArduCAM/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/ArduCAM/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/ArduCAM/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/ArduCAM/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/ArduCAM/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/ArduCAM/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/ArduCAM/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/ArduCAM/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/ArduCAM/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/ArduCAM/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/ArduCAM/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/ArduCAM/pico-tflmicro/HEAD/src/tensorflow/lite/kernels/internal/reference/integer_ops/tanh.h -------------------------------------------------------------------------------- /src/tensorflow/lite/kernels/internal/reference/l2normalization.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ArduCAM/pico-tflmicro/HEAD/src/tensorflow/lite/kernels/internal/reference/l2normalization.h -------------------------------------------------------------------------------- /src/tensorflow/lite/kernels/internal/reference/logistic.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ArduCAM/pico-tflmicro/HEAD/src/tensorflow/lite/kernels/internal/reference/logistic.h -------------------------------------------------------------------------------- /src/tensorflow/lite/kernels/internal/reference/maximum_minimum.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ArduCAM/pico-tflmicro/HEAD/src/tensorflow/lite/kernels/internal/reference/maximum_minimum.h -------------------------------------------------------------------------------- /src/tensorflow/lite/kernels/internal/reference/mul.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ArduCAM/pico-tflmicro/HEAD/src/tensorflow/lite/kernels/internal/reference/mul.h -------------------------------------------------------------------------------- /src/tensorflow/lite/kernels/internal/reference/neg.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ArduCAM/pico-tflmicro/HEAD/src/tensorflow/lite/kernels/internal/reference/neg.h -------------------------------------------------------------------------------- /src/tensorflow/lite/kernels/internal/reference/pad.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ArduCAM/pico-tflmicro/HEAD/src/tensorflow/lite/kernels/internal/reference/pad.h -------------------------------------------------------------------------------- /src/tensorflow/lite/kernels/internal/reference/pooling.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ArduCAM/pico-tflmicro/HEAD/src/tensorflow/lite/kernels/internal/reference/pooling.h -------------------------------------------------------------------------------- /src/tensorflow/lite/kernels/internal/reference/prelu.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ArduCAM/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/ArduCAM/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/ArduCAM/pico-tflmicro/HEAD/src/tensorflow/lite/kernels/internal/reference/quantize.h -------------------------------------------------------------------------------- /src/tensorflow/lite/kernels/internal/reference/reduce.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ArduCAM/pico-tflmicro/HEAD/src/tensorflow/lite/kernels/internal/reference/reduce.h -------------------------------------------------------------------------------- /src/tensorflow/lite/kernels/internal/reference/requantize.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ArduCAM/pico-tflmicro/HEAD/src/tensorflow/lite/kernels/internal/reference/requantize.h -------------------------------------------------------------------------------- /src/tensorflow/lite/kernels/internal/reference/resize_nearest_neighbor.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ArduCAM/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/ArduCAM/pico-tflmicro/HEAD/src/tensorflow/lite/kernels/internal/reference/round.h -------------------------------------------------------------------------------- /src/tensorflow/lite/kernels/internal/reference/softmax.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ArduCAM/pico-tflmicro/HEAD/src/tensorflow/lite/kernels/internal/reference/softmax.h -------------------------------------------------------------------------------- /src/tensorflow/lite/kernels/internal/reference/strided_slice.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ArduCAM/pico-tflmicro/HEAD/src/tensorflow/lite/kernels/internal/reference/strided_slice.h -------------------------------------------------------------------------------- /src/tensorflow/lite/kernels/internal/reference/sub.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ArduCAM/pico-tflmicro/HEAD/src/tensorflow/lite/kernels/internal/reference/sub.h -------------------------------------------------------------------------------- /src/tensorflow/lite/kernels/internal/reference/tanh.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ArduCAM/pico-tflmicro/HEAD/src/tensorflow/lite/kernels/internal/reference/tanh.h -------------------------------------------------------------------------------- /src/tensorflow/lite/kernels/internal/strided_slice_logic.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ArduCAM/pico-tflmicro/HEAD/src/tensorflow/lite/kernels/internal/strided_slice_logic.h -------------------------------------------------------------------------------- /src/tensorflow/lite/kernels/internal/tensor_ctypes.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ArduCAM/pico-tflmicro/HEAD/src/tensorflow/lite/kernels/internal/tensor_ctypes.h -------------------------------------------------------------------------------- /src/tensorflow/lite/kernels/internal/types.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ArduCAM/pico-tflmicro/HEAD/src/tensorflow/lite/kernels/internal/types.h -------------------------------------------------------------------------------- /src/tensorflow/lite/kernels/kernel_util.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ArduCAM/pico-tflmicro/HEAD/src/tensorflow/lite/kernels/kernel_util.cpp -------------------------------------------------------------------------------- /src/tensorflow/lite/kernels/kernel_util.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ArduCAM/pico-tflmicro/HEAD/src/tensorflow/lite/kernels/kernel_util.h -------------------------------------------------------------------------------- /src/tensorflow/lite/kernels/op_macros.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ArduCAM/pico-tflmicro/HEAD/src/tensorflow/lite/kernels/op_macros.h -------------------------------------------------------------------------------- /src/tensorflow/lite/kernels/padding.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ArduCAM/pico-tflmicro/HEAD/src/tensorflow/lite/kernels/padding.h -------------------------------------------------------------------------------- /src/tensorflow/lite/micro/all_ops_resolver.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ArduCAM/pico-tflmicro/HEAD/src/tensorflow/lite/micro/all_ops_resolver.cpp -------------------------------------------------------------------------------- /src/tensorflow/lite/micro/all_ops_resolver.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ArduCAM/pico-tflmicro/HEAD/src/tensorflow/lite/micro/all_ops_resolver.h -------------------------------------------------------------------------------- /src/tensorflow/lite/micro/benchmarks/keyword_scrambled_model_data.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ArduCAM/pico-tflmicro/HEAD/src/tensorflow/lite/micro/benchmarks/keyword_scrambled_model_data.cpp -------------------------------------------------------------------------------- /src/tensorflow/lite/micro/benchmarks/keyword_scrambled_model_data.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ArduCAM/pico-tflmicro/HEAD/src/tensorflow/lite/micro/benchmarks/keyword_scrambled_model_data.h -------------------------------------------------------------------------------- /src/tensorflow/lite/micro/benchmarks/micro_benchmark.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ArduCAM/pico-tflmicro/HEAD/src/tensorflow/lite/micro/benchmarks/micro_benchmark.h -------------------------------------------------------------------------------- /src/tensorflow/lite/micro/compatibility.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ArduCAM/pico-tflmicro/HEAD/src/tensorflow/lite/micro/compatibility.h -------------------------------------------------------------------------------- /src/tensorflow/lite/micro/debug_log.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ArduCAM/pico-tflmicro/HEAD/src/tensorflow/lite/micro/debug_log.h -------------------------------------------------------------------------------- /src/tensorflow/lite/micro/kernels/activation_utils.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ArduCAM/pico-tflmicro/HEAD/src/tensorflow/lite/micro/kernels/activation_utils.h -------------------------------------------------------------------------------- /src/tensorflow/lite/micro/kernels/activations.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ArduCAM/pico-tflmicro/HEAD/src/tensorflow/lite/micro/kernels/activations.cpp -------------------------------------------------------------------------------- /src/tensorflow/lite/micro/kernels/arg_min_max.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ArduCAM/pico-tflmicro/HEAD/src/tensorflow/lite/micro/kernels/arg_min_max.cpp -------------------------------------------------------------------------------- /src/tensorflow/lite/micro/kernels/ceil.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ArduCAM/pico-tflmicro/HEAD/src/tensorflow/lite/micro/kernels/ceil.cpp -------------------------------------------------------------------------------- /src/tensorflow/lite/micro/kernels/circular_buffer.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ArduCAM/pico-tflmicro/HEAD/src/tensorflow/lite/micro/kernels/circular_buffer.cpp -------------------------------------------------------------------------------- /src/tensorflow/lite/micro/kernels/cmsis-nn/add.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ArduCAM/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/ArduCAM/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/ArduCAM/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/ArduCAM/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/ArduCAM/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/ArduCAM/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/ArduCAM/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/ArduCAM/pico-tflmicro/HEAD/src/tensorflow/lite/micro/kernels/cmsis-nn/svdf.cpp -------------------------------------------------------------------------------- /src/tensorflow/lite/micro/kernels/comparisons.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ArduCAM/pico-tflmicro/HEAD/src/tensorflow/lite/micro/kernels/comparisons.cpp -------------------------------------------------------------------------------- /src/tensorflow/lite/micro/kernels/concatenation.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ArduCAM/pico-tflmicro/HEAD/src/tensorflow/lite/micro/kernels/concatenation.cpp -------------------------------------------------------------------------------- /src/tensorflow/lite/micro/kernels/dequantize.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ArduCAM/pico-tflmicro/HEAD/src/tensorflow/lite/micro/kernels/dequantize.cpp -------------------------------------------------------------------------------- /src/tensorflow/lite/micro/kernels/detection_postprocess.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ArduCAM/pico-tflmicro/HEAD/src/tensorflow/lite/micro/kernels/detection_postprocess.cpp -------------------------------------------------------------------------------- /src/tensorflow/lite/micro/kernels/elementwise.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ArduCAM/pico-tflmicro/HEAD/src/tensorflow/lite/micro/kernels/elementwise.cpp -------------------------------------------------------------------------------- /src/tensorflow/lite/micro/kernels/ethosu.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ArduCAM/pico-tflmicro/HEAD/src/tensorflow/lite/micro/kernels/ethosu.cpp -------------------------------------------------------------------------------- /src/tensorflow/lite/micro/kernels/ethosu.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ArduCAM/pico-tflmicro/HEAD/src/tensorflow/lite/micro/kernels/ethosu.h -------------------------------------------------------------------------------- /src/tensorflow/lite/micro/kernels/flexbuffers_generated_data.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ArduCAM/pico-tflmicro/HEAD/src/tensorflow/lite/micro/kernels/flexbuffers_generated_data.cpp -------------------------------------------------------------------------------- /src/tensorflow/lite/micro/kernels/flexbuffers_generated_data.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ArduCAM/pico-tflmicro/HEAD/src/tensorflow/lite/micro/kernels/flexbuffers_generated_data.h -------------------------------------------------------------------------------- /src/tensorflow/lite/micro/kernels/floor.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ArduCAM/pico-tflmicro/HEAD/src/tensorflow/lite/micro/kernels/floor.cpp -------------------------------------------------------------------------------- /src/tensorflow/lite/micro/kernels/fully_connected.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ArduCAM/pico-tflmicro/HEAD/src/tensorflow/lite/micro/kernels/fully_connected.h -------------------------------------------------------------------------------- /src/tensorflow/lite/micro/kernels/hard_swish.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ArduCAM/pico-tflmicro/HEAD/src/tensorflow/lite/micro/kernels/hard_swish.cpp -------------------------------------------------------------------------------- /src/tensorflow/lite/micro/kernels/kernel_runner.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ArduCAM/pico-tflmicro/HEAD/src/tensorflow/lite/micro/kernels/kernel_runner.cpp -------------------------------------------------------------------------------- /src/tensorflow/lite/micro/kernels/kernel_runner.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ArduCAM/pico-tflmicro/HEAD/src/tensorflow/lite/micro/kernels/kernel_runner.h -------------------------------------------------------------------------------- /src/tensorflow/lite/micro/kernels/kernel_util.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ArduCAM/pico-tflmicro/HEAD/src/tensorflow/lite/micro/kernels/kernel_util.cpp -------------------------------------------------------------------------------- /src/tensorflow/lite/micro/kernels/kernel_util.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ArduCAM/pico-tflmicro/HEAD/src/tensorflow/lite/micro/kernels/kernel_util.h -------------------------------------------------------------------------------- /src/tensorflow/lite/micro/kernels/l2norm.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ArduCAM/pico-tflmicro/HEAD/src/tensorflow/lite/micro/kernels/l2norm.cpp -------------------------------------------------------------------------------- /src/tensorflow/lite/micro/kernels/logical.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ArduCAM/pico-tflmicro/HEAD/src/tensorflow/lite/micro/kernels/logical.cpp -------------------------------------------------------------------------------- /src/tensorflow/lite/micro/kernels/logistic.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ArduCAM/pico-tflmicro/HEAD/src/tensorflow/lite/micro/kernels/logistic.cpp -------------------------------------------------------------------------------- /src/tensorflow/lite/micro/kernels/maximum_minimum.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ArduCAM/pico-tflmicro/HEAD/src/tensorflow/lite/micro/kernels/maximum_minimum.cpp -------------------------------------------------------------------------------- /src/tensorflow/lite/micro/kernels/micro_ops.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ArduCAM/pico-tflmicro/HEAD/src/tensorflow/lite/micro/kernels/micro_ops.h -------------------------------------------------------------------------------- /src/tensorflow/lite/micro/kernels/micro_utils.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ArduCAM/pico-tflmicro/HEAD/src/tensorflow/lite/micro/kernels/micro_utils.h -------------------------------------------------------------------------------- /src/tensorflow/lite/micro/kernels/neg.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ArduCAM/pico-tflmicro/HEAD/src/tensorflow/lite/micro/kernels/neg.cpp -------------------------------------------------------------------------------- /src/tensorflow/lite/micro/kernels/pack.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ArduCAM/pico-tflmicro/HEAD/src/tensorflow/lite/micro/kernels/pack.cpp -------------------------------------------------------------------------------- /src/tensorflow/lite/micro/kernels/pad.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ArduCAM/pico-tflmicro/HEAD/src/tensorflow/lite/micro/kernels/pad.cpp -------------------------------------------------------------------------------- /src/tensorflow/lite/micro/kernels/prelu.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ArduCAM/pico-tflmicro/HEAD/src/tensorflow/lite/micro/kernels/prelu.cpp -------------------------------------------------------------------------------- /src/tensorflow/lite/micro/kernels/quantize.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ArduCAM/pico-tflmicro/HEAD/src/tensorflow/lite/micro/kernels/quantize.cpp -------------------------------------------------------------------------------- /src/tensorflow/lite/micro/kernels/reduce.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ArduCAM/pico-tflmicro/HEAD/src/tensorflow/lite/micro/kernels/reduce.cpp -------------------------------------------------------------------------------- /src/tensorflow/lite/micro/kernels/reshape.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ArduCAM/pico-tflmicro/HEAD/src/tensorflow/lite/micro/kernels/reshape.cpp -------------------------------------------------------------------------------- /src/tensorflow/lite/micro/kernels/resize_nearest_neighbor.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ArduCAM/pico-tflmicro/HEAD/src/tensorflow/lite/micro/kernels/resize_nearest_neighbor.cpp -------------------------------------------------------------------------------- /src/tensorflow/lite/micro/kernels/round.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ArduCAM/pico-tflmicro/HEAD/src/tensorflow/lite/micro/kernels/round.cpp -------------------------------------------------------------------------------- /src/tensorflow/lite/micro/kernels/shape.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ArduCAM/pico-tflmicro/HEAD/src/tensorflow/lite/micro/kernels/shape.cpp -------------------------------------------------------------------------------- /src/tensorflow/lite/micro/kernels/split.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ArduCAM/pico-tflmicro/HEAD/src/tensorflow/lite/micro/kernels/split.cpp -------------------------------------------------------------------------------- /src/tensorflow/lite/micro/kernels/split_v.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ArduCAM/pico-tflmicro/HEAD/src/tensorflow/lite/micro/kernels/split_v.cpp -------------------------------------------------------------------------------- /src/tensorflow/lite/micro/kernels/strided_slice.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ArduCAM/pico-tflmicro/HEAD/src/tensorflow/lite/micro/kernels/strided_slice.cpp -------------------------------------------------------------------------------- /src/tensorflow/lite/micro/kernels/sub.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ArduCAM/pico-tflmicro/HEAD/src/tensorflow/lite/micro/kernels/sub.cpp -------------------------------------------------------------------------------- /src/tensorflow/lite/micro/kernels/tanh.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ArduCAM/pico-tflmicro/HEAD/src/tensorflow/lite/micro/kernels/tanh.cpp -------------------------------------------------------------------------------- /src/tensorflow/lite/micro/kernels/unpack.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ArduCAM/pico-tflmicro/HEAD/src/tensorflow/lite/micro/kernels/unpack.cpp -------------------------------------------------------------------------------- /src/tensorflow/lite/micro/memory_helpers.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ArduCAM/pico-tflmicro/HEAD/src/tensorflow/lite/micro/memory_helpers.cpp -------------------------------------------------------------------------------- /src/tensorflow/lite/micro/memory_helpers.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ArduCAM/pico-tflmicro/HEAD/src/tensorflow/lite/micro/memory_helpers.h -------------------------------------------------------------------------------- /src/tensorflow/lite/micro/memory_planner/greedy_memory_planner.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ArduCAM/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/ArduCAM/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/ArduCAM/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/ArduCAM/pico-tflmicro/HEAD/src/tensorflow/lite/micro/memory_planner/linear_memory_planner.h -------------------------------------------------------------------------------- /src/tensorflow/lite/micro/memory_planner/memory_planner.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ArduCAM/pico-tflmicro/HEAD/src/tensorflow/lite/micro/memory_planner/memory_planner.h -------------------------------------------------------------------------------- /src/tensorflow/lite/micro/micro_allocator.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ArduCAM/pico-tflmicro/HEAD/src/tensorflow/lite/micro/micro_allocator.cpp -------------------------------------------------------------------------------- /src/tensorflow/lite/micro/micro_allocator.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ArduCAM/pico-tflmicro/HEAD/src/tensorflow/lite/micro/micro_allocator.h -------------------------------------------------------------------------------- /src/tensorflow/lite/micro/micro_error_reporter.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ArduCAM/pico-tflmicro/HEAD/src/tensorflow/lite/micro/micro_error_reporter.cpp -------------------------------------------------------------------------------- /src/tensorflow/lite/micro/micro_error_reporter.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ArduCAM/pico-tflmicro/HEAD/src/tensorflow/lite/micro/micro_error_reporter.h -------------------------------------------------------------------------------- /src/tensorflow/lite/micro/micro_interpreter.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ArduCAM/pico-tflmicro/HEAD/src/tensorflow/lite/micro/micro_interpreter.cpp -------------------------------------------------------------------------------- /src/tensorflow/lite/micro/micro_interpreter.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ArduCAM/pico-tflmicro/HEAD/src/tensorflow/lite/micro/micro_interpreter.h -------------------------------------------------------------------------------- /src/tensorflow/lite/micro/micro_mutable_op_resolver.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ArduCAM/pico-tflmicro/HEAD/src/tensorflow/lite/micro/micro_mutable_op_resolver.h -------------------------------------------------------------------------------- /src/tensorflow/lite/micro/micro_op_resolver.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ArduCAM/pico-tflmicro/HEAD/src/tensorflow/lite/micro/micro_op_resolver.h -------------------------------------------------------------------------------- /src/tensorflow/lite/micro/micro_profiler.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ArduCAM/pico-tflmicro/HEAD/src/tensorflow/lite/micro/micro_profiler.cpp -------------------------------------------------------------------------------- /src/tensorflow/lite/micro/micro_profiler.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ArduCAM/pico-tflmicro/HEAD/src/tensorflow/lite/micro/micro_profiler.h -------------------------------------------------------------------------------- /src/tensorflow/lite/micro/micro_string.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ArduCAM/pico-tflmicro/HEAD/src/tensorflow/lite/micro/micro_string.cpp -------------------------------------------------------------------------------- /src/tensorflow/lite/micro/micro_string.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ArduCAM/pico-tflmicro/HEAD/src/tensorflow/lite/micro/micro_string.h -------------------------------------------------------------------------------- /src/tensorflow/lite/micro/micro_time.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ArduCAM/pico-tflmicro/HEAD/src/tensorflow/lite/micro/micro_time.h -------------------------------------------------------------------------------- /src/tensorflow/lite/micro/micro_utils.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ArduCAM/pico-tflmicro/HEAD/src/tensorflow/lite/micro/micro_utils.cpp -------------------------------------------------------------------------------- /src/tensorflow/lite/micro/micro_utils.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ArduCAM/pico-tflmicro/HEAD/src/tensorflow/lite/micro/micro_utils.h -------------------------------------------------------------------------------- /src/tensorflow/lite/micro/recording_micro_allocator.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ArduCAM/pico-tflmicro/HEAD/src/tensorflow/lite/micro/recording_micro_allocator.cpp -------------------------------------------------------------------------------- /src/tensorflow/lite/micro/recording_micro_allocator.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ArduCAM/pico-tflmicro/HEAD/src/tensorflow/lite/micro/recording_micro_allocator.h -------------------------------------------------------------------------------- /src/tensorflow/lite/micro/recording_micro_interpreter.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ArduCAM/pico-tflmicro/HEAD/src/tensorflow/lite/micro/recording_micro_interpreter.h -------------------------------------------------------------------------------- /src/tensorflow/lite/micro/recording_simple_memory_allocator.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ArduCAM/pico-tflmicro/HEAD/src/tensorflow/lite/micro/recording_simple_memory_allocator.cpp -------------------------------------------------------------------------------- /src/tensorflow/lite/micro/recording_simple_memory_allocator.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ArduCAM/pico-tflmicro/HEAD/src/tensorflow/lite/micro/recording_simple_memory_allocator.h -------------------------------------------------------------------------------- /src/tensorflow/lite/micro/rp2/debug_log.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ArduCAM/pico-tflmicro/HEAD/src/tensorflow/lite/micro/rp2/debug_log.cpp -------------------------------------------------------------------------------- /src/tensorflow/lite/micro/rp2/micro_time.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ArduCAM/pico-tflmicro/HEAD/src/tensorflow/lite/micro/rp2/micro_time.cpp -------------------------------------------------------------------------------- /src/tensorflow/lite/micro/simple_memory_allocator.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ArduCAM/pico-tflmicro/HEAD/src/tensorflow/lite/micro/simple_memory_allocator.cpp -------------------------------------------------------------------------------- /src/tensorflow/lite/micro/simple_memory_allocator.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ArduCAM/pico-tflmicro/HEAD/src/tensorflow/lite/micro/simple_memory_allocator.h -------------------------------------------------------------------------------- /src/tensorflow/lite/micro/test_helpers.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ArduCAM/pico-tflmicro/HEAD/src/tensorflow/lite/micro/test_helpers.cpp -------------------------------------------------------------------------------- /src/tensorflow/lite/micro/test_helpers.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ArduCAM/pico-tflmicro/HEAD/src/tensorflow/lite/micro/test_helpers.h -------------------------------------------------------------------------------- /src/tensorflow/lite/micro/testing/micro_test.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ArduCAM/pico-tflmicro/HEAD/src/tensorflow/lite/micro/testing/micro_test.h -------------------------------------------------------------------------------- /src/tensorflow/lite/micro/testing/test_conv_model.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ArduCAM/pico-tflmicro/HEAD/src/tensorflow/lite/micro/testing/test_conv_model.cpp -------------------------------------------------------------------------------- /src/tensorflow/lite/micro/testing/test_conv_model.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ArduCAM/pico-tflmicro/HEAD/src/tensorflow/lite/micro/testing/test_conv_model.h -------------------------------------------------------------------------------- /src/tensorflow/lite/micro/testing/util_test.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ArduCAM/pico-tflmicro/HEAD/src/tensorflow/lite/micro/testing/util_test.cpp -------------------------------------------------------------------------------- /src/tensorflow/lite/portable_type_to_tflitetype.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ArduCAM/pico-tflmicro/HEAD/src/tensorflow/lite/portable_type_to_tflitetype.h -------------------------------------------------------------------------------- /src/tensorflow/lite/schema/schema_generated.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ArduCAM/pico-tflmicro/HEAD/src/tensorflow/lite/schema/schema_generated.h -------------------------------------------------------------------------------- /src/tensorflow/lite/schema/schema_utils.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ArduCAM/pico-tflmicro/HEAD/src/tensorflow/lite/schema/schema_utils.cpp -------------------------------------------------------------------------------- /src/tensorflow/lite/schema/schema_utils.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ArduCAM/pico-tflmicro/HEAD/src/tensorflow/lite/schema/schema_utils.h -------------------------------------------------------------------------------- /src/tensorflow/lite/version.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ArduCAM/pico-tflmicro/HEAD/src/tensorflow/lite/version.h -------------------------------------------------------------------------------- /src/third_party/cmsis/CMSIS/Core/Include/cmsis_armclang.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ArduCAM/pico-tflmicro/HEAD/src/third_party/cmsis/CMSIS/Core/Include/cmsis_armclang.h -------------------------------------------------------------------------------- /src/third_party/cmsis/CMSIS/Core/Include/cmsis_compiler.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ArduCAM/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/ArduCAM/pico-tflmicro/HEAD/src/third_party/cmsis/CMSIS/Core/Include/cmsis_gcc.h -------------------------------------------------------------------------------- /src/third_party/cmsis/CMSIS/DSP/Include/arm_common_tables.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ArduCAM/pico-tflmicro/HEAD/src/third_party/cmsis/CMSIS/DSP/Include/arm_common_tables.h -------------------------------------------------------------------------------- /src/third_party/cmsis/CMSIS/DSP/Include/arm_helium_utils.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ArduCAM/pico-tflmicro/HEAD/src/third_party/cmsis/CMSIS/DSP/Include/arm_helium_utils.h -------------------------------------------------------------------------------- /src/third_party/cmsis/CMSIS/DSP/Include/arm_math.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ArduCAM/pico-tflmicro/HEAD/src/third_party/cmsis/CMSIS/DSP/Include/arm_math.h -------------------------------------------------------------------------------- /src/third_party/cmsis/CMSIS/DSP/Include/arm_math_memory.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ArduCAM/pico-tflmicro/HEAD/src/third_party/cmsis/CMSIS/DSP/Include/arm_math_memory.h -------------------------------------------------------------------------------- /src/third_party/cmsis/CMSIS/DSP/Include/arm_math_types.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ArduCAM/pico-tflmicro/HEAD/src/third_party/cmsis/CMSIS/DSP/Include/arm_math_types.h -------------------------------------------------------------------------------- /src/third_party/cmsis/CMSIS/DSP/Include/dsp/basic_math_functions.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ArduCAM/pico-tflmicro/HEAD/src/third_party/cmsis/CMSIS/DSP/Include/dsp/basic_math_functions.h -------------------------------------------------------------------------------- /src/third_party/cmsis/CMSIS/DSP/Include/dsp/bayes_functions.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ArduCAM/pico-tflmicro/HEAD/src/third_party/cmsis/CMSIS/DSP/Include/dsp/bayes_functions.h -------------------------------------------------------------------------------- /src/third_party/cmsis/CMSIS/DSP/Include/dsp/complex_math_functions.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ArduCAM/pico-tflmicro/HEAD/src/third_party/cmsis/CMSIS/DSP/Include/dsp/complex_math_functions.h -------------------------------------------------------------------------------- /src/third_party/cmsis/CMSIS/DSP/Include/dsp/controller_functions.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ArduCAM/pico-tflmicro/HEAD/src/third_party/cmsis/CMSIS/DSP/Include/dsp/controller_functions.h -------------------------------------------------------------------------------- /src/third_party/cmsis/CMSIS/DSP/Include/dsp/distance_functions.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ArduCAM/pico-tflmicro/HEAD/src/third_party/cmsis/CMSIS/DSP/Include/dsp/distance_functions.h -------------------------------------------------------------------------------- /src/third_party/cmsis/CMSIS/DSP/Include/dsp/fast_math_functions.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ArduCAM/pico-tflmicro/HEAD/src/third_party/cmsis/CMSIS/DSP/Include/dsp/fast_math_functions.h -------------------------------------------------------------------------------- /src/third_party/cmsis/CMSIS/DSP/Include/dsp/filtering_functions.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ArduCAM/pico-tflmicro/HEAD/src/third_party/cmsis/CMSIS/DSP/Include/dsp/filtering_functions.h -------------------------------------------------------------------------------- /src/third_party/cmsis/CMSIS/DSP/Include/dsp/interpolation_functions.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ArduCAM/pico-tflmicro/HEAD/src/third_party/cmsis/CMSIS/DSP/Include/dsp/interpolation_functions.h -------------------------------------------------------------------------------- /src/third_party/cmsis/CMSIS/DSP/Include/dsp/matrix_functions.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ArduCAM/pico-tflmicro/HEAD/src/third_party/cmsis/CMSIS/DSP/Include/dsp/matrix_functions.h -------------------------------------------------------------------------------- /src/third_party/cmsis/CMSIS/DSP/Include/dsp/none.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ArduCAM/pico-tflmicro/HEAD/src/third_party/cmsis/CMSIS/DSP/Include/dsp/none.h -------------------------------------------------------------------------------- /src/third_party/cmsis/CMSIS/DSP/Include/dsp/statistics_functions.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ArduCAM/pico-tflmicro/HEAD/src/third_party/cmsis/CMSIS/DSP/Include/dsp/statistics_functions.h -------------------------------------------------------------------------------- /src/third_party/cmsis/CMSIS/DSP/Include/dsp/support_functions.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ArduCAM/pico-tflmicro/HEAD/src/third_party/cmsis/CMSIS/DSP/Include/dsp/support_functions.h -------------------------------------------------------------------------------- /src/third_party/cmsis/CMSIS/DSP/Include/dsp/svm_defines.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ArduCAM/pico-tflmicro/HEAD/src/third_party/cmsis/CMSIS/DSP/Include/dsp/svm_defines.h -------------------------------------------------------------------------------- /src/third_party/cmsis/CMSIS/DSP/Include/dsp/svm_functions.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ArduCAM/pico-tflmicro/HEAD/src/third_party/cmsis/CMSIS/DSP/Include/dsp/svm_functions.h -------------------------------------------------------------------------------- /src/third_party/cmsis/CMSIS/DSP/Include/dsp/transform_functions.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ArduCAM/pico-tflmicro/HEAD/src/third_party/cmsis/CMSIS/DSP/Include/dsp/transform_functions.h -------------------------------------------------------------------------------- /src/third_party/cmsis/CMSIS/DSP/Include/dsp/utils.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ArduCAM/pico-tflmicro/HEAD/src/third_party/cmsis/CMSIS/DSP/Include/dsp/utils.h -------------------------------------------------------------------------------- /src/third_party/cmsis/CMSIS/NN/Include/arm_nn_tables.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ArduCAM/pico-tflmicro/HEAD/src/third_party/cmsis/CMSIS/NN/Include/arm_nn_tables.h -------------------------------------------------------------------------------- /src/third_party/cmsis/CMSIS/NN/Include/arm_nn_types.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ArduCAM/pico-tflmicro/HEAD/src/third_party/cmsis/CMSIS/NN/Include/arm_nn_types.h -------------------------------------------------------------------------------- /src/third_party/cmsis/CMSIS/NN/Include/arm_nnfunctions.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ArduCAM/pico-tflmicro/HEAD/src/third_party/cmsis/CMSIS/NN/Include/arm_nnfunctions.h -------------------------------------------------------------------------------- /src/third_party/cmsis/CMSIS/NN/Include/arm_nnsupportfunctions.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ArduCAM/pico-tflmicro/HEAD/src/third_party/cmsis/CMSIS/NN/Include/arm_nnsupportfunctions.h -------------------------------------------------------------------------------- /src/third_party/cmsis/CMSIS/NN/Source/ActivationFunctions/arm_nn_activations_q15.c: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ArduCAM/pico-tflmicro/HEAD/src/third_party/cmsis/CMSIS/NN/Source/ActivationFunctions/arm_nn_activations_q15.c -------------------------------------------------------------------------------- /src/third_party/cmsis/CMSIS/NN/Source/ActivationFunctions/arm_nn_activations_q7.c: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ArduCAM/pico-tflmicro/HEAD/src/third_party/cmsis/CMSIS/NN/Source/ActivationFunctions/arm_nn_activations_q7.c -------------------------------------------------------------------------------- /src/third_party/cmsis/CMSIS/NN/Source/ActivationFunctions/arm_relu6_s8.c: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ArduCAM/pico-tflmicro/HEAD/src/third_party/cmsis/CMSIS/NN/Source/ActivationFunctions/arm_relu6_s8.c -------------------------------------------------------------------------------- /src/third_party/cmsis/CMSIS/NN/Source/ActivationFunctions/arm_relu_q15.c: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ArduCAM/pico-tflmicro/HEAD/src/third_party/cmsis/CMSIS/NN/Source/ActivationFunctions/arm_relu_q15.c -------------------------------------------------------------------------------- /src/third_party/cmsis/CMSIS/NN/Source/ActivationFunctions/arm_relu_q7.c: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ArduCAM/pico-tflmicro/HEAD/src/third_party/cmsis/CMSIS/NN/Source/ActivationFunctions/arm_relu_q7.c -------------------------------------------------------------------------------- /src/third_party/cmsis/CMSIS/NN/Source/BasicMathFunctions/arm_elementwise_add_s8.c: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ArduCAM/pico-tflmicro/HEAD/src/third_party/cmsis/CMSIS/NN/Source/BasicMathFunctions/arm_elementwise_add_s8.c -------------------------------------------------------------------------------- /src/third_party/cmsis/CMSIS/NN/Source/BasicMathFunctions/arm_elementwise_mul_s8.c: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ArduCAM/pico-tflmicro/HEAD/src/third_party/cmsis/CMSIS/NN/Source/BasicMathFunctions/arm_elementwise_mul_s8.c -------------------------------------------------------------------------------- /src/third_party/cmsis/CMSIS/NN/Source/ConcatenationFunctions/arm_concatenation_s8_w.c: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ArduCAM/pico-tflmicro/HEAD/src/third_party/cmsis/CMSIS/NN/Source/ConcatenationFunctions/arm_concatenation_s8_w.c -------------------------------------------------------------------------------- /src/third_party/cmsis/CMSIS/NN/Source/ConcatenationFunctions/arm_concatenation_s8_x.c: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ArduCAM/pico-tflmicro/HEAD/src/third_party/cmsis/CMSIS/NN/Source/ConcatenationFunctions/arm_concatenation_s8_x.c -------------------------------------------------------------------------------- /src/third_party/cmsis/CMSIS/NN/Source/ConcatenationFunctions/arm_concatenation_s8_y.c: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ArduCAM/pico-tflmicro/HEAD/src/third_party/cmsis/CMSIS/NN/Source/ConcatenationFunctions/arm_concatenation_s8_y.c -------------------------------------------------------------------------------- /src/third_party/cmsis/CMSIS/NN/Source/ConcatenationFunctions/arm_concatenation_s8_z.c: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ArduCAM/pico-tflmicro/HEAD/src/third_party/cmsis/CMSIS/NN/Source/ConcatenationFunctions/arm_concatenation_s8_z.c -------------------------------------------------------------------------------- /src/third_party/cmsis/CMSIS/NN/Source/ConvolutionFunctions/arm_convolve_1_x_n_s8.c: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ArduCAM/pico-tflmicro/HEAD/src/third_party/cmsis/CMSIS/NN/Source/ConvolutionFunctions/arm_convolve_1_x_n_s8.c -------------------------------------------------------------------------------- /src/third_party/cmsis/CMSIS/NN/Source/ConvolutionFunctions/arm_convolve_1x1_HWC_q7_fast_nonsquare.c: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ArduCAM/pico-tflmicro/HEAD/src/third_party/cmsis/CMSIS/NN/Source/ConvolutionFunctions/arm_convolve_1x1_HWC_q7_fast_nonsquare.c -------------------------------------------------------------------------------- /src/third_party/cmsis/CMSIS/NN/Source/ConvolutionFunctions/arm_convolve_1x1_s8_fast.c: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ArduCAM/pico-tflmicro/HEAD/src/third_party/cmsis/CMSIS/NN/Source/ConvolutionFunctions/arm_convolve_1x1_s8_fast.c -------------------------------------------------------------------------------- /src/third_party/cmsis/CMSIS/NN/Source/ConvolutionFunctions/arm_convolve_HWC_q15_basic.c: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ArduCAM/pico-tflmicro/HEAD/src/third_party/cmsis/CMSIS/NN/Source/ConvolutionFunctions/arm_convolve_HWC_q15_basic.c -------------------------------------------------------------------------------- /src/third_party/cmsis/CMSIS/NN/Source/ConvolutionFunctions/arm_convolve_HWC_q15_fast.c: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ArduCAM/pico-tflmicro/HEAD/src/third_party/cmsis/CMSIS/NN/Source/ConvolutionFunctions/arm_convolve_HWC_q15_fast.c -------------------------------------------------------------------------------- /src/third_party/cmsis/CMSIS/NN/Source/ConvolutionFunctions/arm_convolve_HWC_q15_fast_nonsquare.c: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ArduCAM/pico-tflmicro/HEAD/src/third_party/cmsis/CMSIS/NN/Source/ConvolutionFunctions/arm_convolve_HWC_q15_fast_nonsquare.c -------------------------------------------------------------------------------- /src/third_party/cmsis/CMSIS/NN/Source/ConvolutionFunctions/arm_convolve_HWC_q7_RGB.c: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ArduCAM/pico-tflmicro/HEAD/src/third_party/cmsis/CMSIS/NN/Source/ConvolutionFunctions/arm_convolve_HWC_q7_RGB.c -------------------------------------------------------------------------------- /src/third_party/cmsis/CMSIS/NN/Source/ConvolutionFunctions/arm_convolve_HWC_q7_basic.c: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ArduCAM/pico-tflmicro/HEAD/src/third_party/cmsis/CMSIS/NN/Source/ConvolutionFunctions/arm_convolve_HWC_q7_basic.c -------------------------------------------------------------------------------- /src/third_party/cmsis/CMSIS/NN/Source/ConvolutionFunctions/arm_convolve_HWC_q7_basic_nonsquare.c: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ArduCAM/pico-tflmicro/HEAD/src/third_party/cmsis/CMSIS/NN/Source/ConvolutionFunctions/arm_convolve_HWC_q7_basic_nonsquare.c -------------------------------------------------------------------------------- /src/third_party/cmsis/CMSIS/NN/Source/ConvolutionFunctions/arm_convolve_HWC_q7_fast.c: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ArduCAM/pico-tflmicro/HEAD/src/third_party/cmsis/CMSIS/NN/Source/ConvolutionFunctions/arm_convolve_HWC_q7_fast.c -------------------------------------------------------------------------------- /src/third_party/cmsis/CMSIS/NN/Source/ConvolutionFunctions/arm_convolve_HWC_q7_fast_nonsquare.c: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ArduCAM/pico-tflmicro/HEAD/src/third_party/cmsis/CMSIS/NN/Source/ConvolutionFunctions/arm_convolve_HWC_q7_fast_nonsquare.c -------------------------------------------------------------------------------- /src/third_party/cmsis/CMSIS/NN/Source/ConvolutionFunctions/arm_convolve_s8.c: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ArduCAM/pico-tflmicro/HEAD/src/third_party/cmsis/CMSIS/NN/Source/ConvolutionFunctions/arm_convolve_s8.c -------------------------------------------------------------------------------- /src/third_party/cmsis/CMSIS/NN/Source/ConvolutionFunctions/arm_convolve_wrapper_s8.c: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ArduCAM/pico-tflmicro/HEAD/src/third_party/cmsis/CMSIS/NN/Source/ConvolutionFunctions/arm_convolve_wrapper_s8.c -------------------------------------------------------------------------------- /src/third_party/cmsis/CMSIS/NN/Source/ConvolutionFunctions/arm_depthwise_conv_3x3_s8.c: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ArduCAM/pico-tflmicro/HEAD/src/third_party/cmsis/CMSIS/NN/Source/ConvolutionFunctions/arm_depthwise_conv_3x3_s8.c -------------------------------------------------------------------------------- /src/third_party/cmsis/CMSIS/NN/Source/ConvolutionFunctions/arm_depthwise_conv_s8.c: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ArduCAM/pico-tflmicro/HEAD/src/third_party/cmsis/CMSIS/NN/Source/ConvolutionFunctions/arm_depthwise_conv_s8.c -------------------------------------------------------------------------------- /src/third_party/cmsis/CMSIS/NN/Source/ConvolutionFunctions/arm_depthwise_conv_s8_opt.c: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ArduCAM/pico-tflmicro/HEAD/src/third_party/cmsis/CMSIS/NN/Source/ConvolutionFunctions/arm_depthwise_conv_s8_opt.c -------------------------------------------------------------------------------- /src/third_party/cmsis/CMSIS/NN/Source/ConvolutionFunctions/arm_depthwise_conv_u8_basic_ver1.c: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ArduCAM/pico-tflmicro/HEAD/src/third_party/cmsis/CMSIS/NN/Source/ConvolutionFunctions/arm_depthwise_conv_u8_basic_ver1.c -------------------------------------------------------------------------------- /src/third_party/cmsis/CMSIS/NN/Source/ConvolutionFunctions/arm_depthwise_conv_wrapper_s8.c: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ArduCAM/pico-tflmicro/HEAD/src/third_party/cmsis/CMSIS/NN/Source/ConvolutionFunctions/arm_depthwise_conv_wrapper_s8.c -------------------------------------------------------------------------------- /src/third_party/cmsis/CMSIS/NN/Source/ConvolutionFunctions/arm_depthwise_separable_conv_HWC_q7.c: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ArduCAM/pico-tflmicro/HEAD/src/third_party/cmsis/CMSIS/NN/Source/ConvolutionFunctions/arm_depthwise_separable_conv_HWC_q7.c -------------------------------------------------------------------------------- /src/third_party/cmsis/CMSIS/NN/Source/ConvolutionFunctions/arm_depthwise_separable_conv_HWC_q7_nonsquare.c: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ArduCAM/pico-tflmicro/HEAD/src/third_party/cmsis/CMSIS/NN/Source/ConvolutionFunctions/arm_depthwise_separable_conv_HWC_q7_nonsquare.c -------------------------------------------------------------------------------- /src/third_party/cmsis/CMSIS/NN/Source/ConvolutionFunctions/arm_nn_depthwise_conv_s8_core.c: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ArduCAM/pico-tflmicro/HEAD/src/third_party/cmsis/CMSIS/NN/Source/ConvolutionFunctions/arm_nn_depthwise_conv_s8_core.c -------------------------------------------------------------------------------- /src/third_party/cmsis/CMSIS/NN/Source/ConvolutionFunctions/arm_nn_mat_mult_kernel_q7_q15.c: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ArduCAM/pico-tflmicro/HEAD/src/third_party/cmsis/CMSIS/NN/Source/ConvolutionFunctions/arm_nn_mat_mult_kernel_q7_q15.c -------------------------------------------------------------------------------- /src/third_party/cmsis/CMSIS/NN/Source/ConvolutionFunctions/arm_nn_mat_mult_kernel_q7_q15_reordered.c: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ArduCAM/pico-tflmicro/HEAD/src/third_party/cmsis/CMSIS/NN/Source/ConvolutionFunctions/arm_nn_mat_mult_kernel_q7_q15_reordered.c -------------------------------------------------------------------------------- /src/third_party/cmsis/CMSIS/NN/Source/ConvolutionFunctions/arm_nn_mat_mult_kernel_s8_s16.c: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ArduCAM/pico-tflmicro/HEAD/src/third_party/cmsis/CMSIS/NN/Source/ConvolutionFunctions/arm_nn_mat_mult_kernel_s8_s16.c -------------------------------------------------------------------------------- /src/third_party/cmsis/CMSIS/NN/Source/ConvolutionFunctions/arm_nn_mat_mult_kernel_s8_s16_reordered.c: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ArduCAM/pico-tflmicro/HEAD/src/third_party/cmsis/CMSIS/NN/Source/ConvolutionFunctions/arm_nn_mat_mult_kernel_s8_s16_reordered.c -------------------------------------------------------------------------------- /src/third_party/cmsis/CMSIS/NN/Source/ConvolutionFunctions/arm_nn_mat_mult_s8.c: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ArduCAM/pico-tflmicro/HEAD/src/third_party/cmsis/CMSIS/NN/Source/ConvolutionFunctions/arm_nn_mat_mult_s8.c -------------------------------------------------------------------------------- /src/third_party/cmsis/CMSIS/NN/Source/FullyConnectedFunctions/arm_fully_connected_mat_q7_vec_q15.c: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ArduCAM/pico-tflmicro/HEAD/src/third_party/cmsis/CMSIS/NN/Source/FullyConnectedFunctions/arm_fully_connected_mat_q7_vec_q15.c -------------------------------------------------------------------------------- /src/third_party/cmsis/CMSIS/NN/Source/FullyConnectedFunctions/arm_fully_connected_mat_q7_vec_q15_opt.c: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ArduCAM/pico-tflmicro/HEAD/src/third_party/cmsis/CMSIS/NN/Source/FullyConnectedFunctions/arm_fully_connected_mat_q7_vec_q15_opt.c -------------------------------------------------------------------------------- /src/third_party/cmsis/CMSIS/NN/Source/FullyConnectedFunctions/arm_fully_connected_q15.c: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ArduCAM/pico-tflmicro/HEAD/src/third_party/cmsis/CMSIS/NN/Source/FullyConnectedFunctions/arm_fully_connected_q15.c -------------------------------------------------------------------------------- /src/third_party/cmsis/CMSIS/NN/Source/FullyConnectedFunctions/arm_fully_connected_q15_opt.c: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ArduCAM/pico-tflmicro/HEAD/src/third_party/cmsis/CMSIS/NN/Source/FullyConnectedFunctions/arm_fully_connected_q15_opt.c -------------------------------------------------------------------------------- /src/third_party/cmsis/CMSIS/NN/Source/FullyConnectedFunctions/arm_fully_connected_q7.c: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ArduCAM/pico-tflmicro/HEAD/src/third_party/cmsis/CMSIS/NN/Source/FullyConnectedFunctions/arm_fully_connected_q7.c -------------------------------------------------------------------------------- /src/third_party/cmsis/CMSIS/NN/Source/FullyConnectedFunctions/arm_fully_connected_q7_opt.c: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ArduCAM/pico-tflmicro/HEAD/src/third_party/cmsis/CMSIS/NN/Source/FullyConnectedFunctions/arm_fully_connected_q7_opt.c -------------------------------------------------------------------------------- /src/third_party/cmsis/CMSIS/NN/Source/FullyConnectedFunctions/arm_fully_connected_s8.c: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ArduCAM/pico-tflmicro/HEAD/src/third_party/cmsis/CMSIS/NN/Source/FullyConnectedFunctions/arm_fully_connected_s8.c -------------------------------------------------------------------------------- /src/third_party/cmsis/CMSIS/NN/Source/NNSupportFunctions/arm_nn_accumulate_q7_to_q15.c: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ArduCAM/pico-tflmicro/HEAD/src/third_party/cmsis/CMSIS/NN/Source/NNSupportFunctions/arm_nn_accumulate_q7_to_q15.c -------------------------------------------------------------------------------- /src/third_party/cmsis/CMSIS/NN/Source/NNSupportFunctions/arm_nn_add_q7.c: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ArduCAM/pico-tflmicro/HEAD/src/third_party/cmsis/CMSIS/NN/Source/NNSupportFunctions/arm_nn_add_q7.c -------------------------------------------------------------------------------- /src/third_party/cmsis/CMSIS/NN/Source/NNSupportFunctions/arm_nn_depthwise_conv_nt_t_padded_s8.c: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ArduCAM/pico-tflmicro/HEAD/src/third_party/cmsis/CMSIS/NN/Source/NNSupportFunctions/arm_nn_depthwise_conv_nt_t_padded_s8.c -------------------------------------------------------------------------------- /src/third_party/cmsis/CMSIS/NN/Source/NNSupportFunctions/arm_nn_depthwise_conv_nt_t_s8.c: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ArduCAM/pico-tflmicro/HEAD/src/third_party/cmsis/CMSIS/NN/Source/NNSupportFunctions/arm_nn_depthwise_conv_nt_t_s8.c -------------------------------------------------------------------------------- /src/third_party/cmsis/CMSIS/NN/Source/NNSupportFunctions/arm_nn_mat_mul_core_1x_s8.c: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ArduCAM/pico-tflmicro/HEAD/src/third_party/cmsis/CMSIS/NN/Source/NNSupportFunctions/arm_nn_mat_mul_core_1x_s8.c -------------------------------------------------------------------------------- /src/third_party/cmsis/CMSIS/NN/Source/NNSupportFunctions/arm_nn_mat_mul_core_4x_s8.c: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ArduCAM/pico-tflmicro/HEAD/src/third_party/cmsis/CMSIS/NN/Source/NNSupportFunctions/arm_nn_mat_mul_core_4x_s8.c -------------------------------------------------------------------------------- /src/third_party/cmsis/CMSIS/NN/Source/NNSupportFunctions/arm_nn_mat_mult_nt_t_s8.c: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ArduCAM/pico-tflmicro/HEAD/src/third_party/cmsis/CMSIS/NN/Source/NNSupportFunctions/arm_nn_mat_mult_nt_t_s8.c -------------------------------------------------------------------------------- /src/third_party/cmsis/CMSIS/NN/Source/NNSupportFunctions/arm_nn_mult_q15.c: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ArduCAM/pico-tflmicro/HEAD/src/third_party/cmsis/CMSIS/NN/Source/NNSupportFunctions/arm_nn_mult_q15.c -------------------------------------------------------------------------------- /src/third_party/cmsis/CMSIS/NN/Source/NNSupportFunctions/arm_nn_mult_q7.c: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ArduCAM/pico-tflmicro/HEAD/src/third_party/cmsis/CMSIS/NN/Source/NNSupportFunctions/arm_nn_mult_q7.c -------------------------------------------------------------------------------- /src/third_party/cmsis/CMSIS/NN/Source/NNSupportFunctions/arm_nn_vec_mat_mult_t_s8.c: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ArduCAM/pico-tflmicro/HEAD/src/third_party/cmsis/CMSIS/NN/Source/NNSupportFunctions/arm_nn_vec_mat_mult_t_s8.c -------------------------------------------------------------------------------- /src/third_party/cmsis/CMSIS/NN/Source/NNSupportFunctions/arm_nntables.c: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ArduCAM/pico-tflmicro/HEAD/src/third_party/cmsis/CMSIS/NN/Source/NNSupportFunctions/arm_nntables.c -------------------------------------------------------------------------------- /src/third_party/cmsis/CMSIS/NN/Source/NNSupportFunctions/arm_q7_to_q15_no_shift.c: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ArduCAM/pico-tflmicro/HEAD/src/third_party/cmsis/CMSIS/NN/Source/NNSupportFunctions/arm_q7_to_q15_no_shift.c -------------------------------------------------------------------------------- /src/third_party/cmsis/CMSIS/NN/Source/NNSupportFunctions/arm_q7_to_q15_reordered_no_shift.c: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ArduCAM/pico-tflmicro/HEAD/src/third_party/cmsis/CMSIS/NN/Source/NNSupportFunctions/arm_q7_to_q15_reordered_no_shift.c -------------------------------------------------------------------------------- /src/third_party/cmsis/CMSIS/NN/Source/NNSupportFunctions/arm_q7_to_q15_reordered_with_offset.c: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ArduCAM/pico-tflmicro/HEAD/src/third_party/cmsis/CMSIS/NN/Source/NNSupportFunctions/arm_q7_to_q15_reordered_with_offset.c -------------------------------------------------------------------------------- /src/third_party/cmsis/CMSIS/NN/Source/NNSupportFunctions/arm_q7_to_q15_with_offset.c: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ArduCAM/pico-tflmicro/HEAD/src/third_party/cmsis/CMSIS/NN/Source/NNSupportFunctions/arm_q7_to_q15_with_offset.c -------------------------------------------------------------------------------- /src/third_party/cmsis/CMSIS/NN/Source/PoolingFunctions/arm_avgpool_s8.c: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ArduCAM/pico-tflmicro/HEAD/src/third_party/cmsis/CMSIS/NN/Source/PoolingFunctions/arm_avgpool_s8.c -------------------------------------------------------------------------------- /src/third_party/cmsis/CMSIS/NN/Source/PoolingFunctions/arm_max_pool_s8.c: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ArduCAM/pico-tflmicro/HEAD/src/third_party/cmsis/CMSIS/NN/Source/PoolingFunctions/arm_max_pool_s8.c -------------------------------------------------------------------------------- /src/third_party/cmsis/CMSIS/NN/Source/PoolingFunctions/arm_pool_q7_HWC.c: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ArduCAM/pico-tflmicro/HEAD/src/third_party/cmsis/CMSIS/NN/Source/PoolingFunctions/arm_pool_q7_HWC.c -------------------------------------------------------------------------------- /src/third_party/cmsis/CMSIS/NN/Source/ReshapeFunctions/arm_reshape_s8.c: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ArduCAM/pico-tflmicro/HEAD/src/third_party/cmsis/CMSIS/NN/Source/ReshapeFunctions/arm_reshape_s8.c -------------------------------------------------------------------------------- /src/third_party/cmsis/CMSIS/NN/Source/SVDFunctions/arm_svdf_s8.c: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ArduCAM/pico-tflmicro/HEAD/src/third_party/cmsis/CMSIS/NN/Source/SVDFunctions/arm_svdf_s8.c -------------------------------------------------------------------------------- /src/third_party/cmsis/CMSIS/NN/Source/SoftmaxFunctions/arm_softmax_q15.c: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ArduCAM/pico-tflmicro/HEAD/src/third_party/cmsis/CMSIS/NN/Source/SoftmaxFunctions/arm_softmax_q15.c -------------------------------------------------------------------------------- /src/third_party/cmsis/CMSIS/NN/Source/SoftmaxFunctions/arm_softmax_q7.c: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ArduCAM/pico-tflmicro/HEAD/src/third_party/cmsis/CMSIS/NN/Source/SoftmaxFunctions/arm_softmax_q7.c -------------------------------------------------------------------------------- /src/third_party/cmsis/CMSIS/NN/Source/SoftmaxFunctions/arm_softmax_s8.c: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ArduCAM/pico-tflmicro/HEAD/src/third_party/cmsis/CMSIS/NN/Source/SoftmaxFunctions/arm_softmax_s8.c -------------------------------------------------------------------------------- /src/third_party/cmsis/CMSIS/NN/Source/SoftmaxFunctions/arm_softmax_u8.c: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ArduCAM/pico-tflmicro/HEAD/src/third_party/cmsis/CMSIS/NN/Source/SoftmaxFunctions/arm_softmax_u8.c -------------------------------------------------------------------------------- /src/third_party/cmsis/CMSIS/NN/Source/SoftmaxFunctions/arm_softmax_with_batch_q7.c: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ArduCAM/pico-tflmicro/HEAD/src/third_party/cmsis/CMSIS/NN/Source/SoftmaxFunctions/arm_softmax_with_batch_q7.c -------------------------------------------------------------------------------- /src/third_party/cmsis/LICENSE.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ArduCAM/pico-tflmicro/HEAD/src/third_party/cmsis/LICENSE.txt -------------------------------------------------------------------------------- /src/third_party/flatbuffers/LICENSE.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ArduCAM/pico-tflmicro/HEAD/src/third_party/flatbuffers/LICENSE.txt -------------------------------------------------------------------------------- /src/third_party/flatbuffers/include/flatbuffers/base.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ArduCAM/pico-tflmicro/HEAD/src/third_party/flatbuffers/include/flatbuffers/base.h -------------------------------------------------------------------------------- /src/third_party/flatbuffers/include/flatbuffers/flatbuffers.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ArduCAM/pico-tflmicro/HEAD/src/third_party/flatbuffers/include/flatbuffers/flatbuffers.h -------------------------------------------------------------------------------- /src/third_party/flatbuffers/include/flatbuffers/flexbuffers.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ArduCAM/pico-tflmicro/HEAD/src/third_party/flatbuffers/include/flatbuffers/flexbuffers.h -------------------------------------------------------------------------------- /src/third_party/flatbuffers/include/flatbuffers/stl_emulation.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ArduCAM/pico-tflmicro/HEAD/src/third_party/flatbuffers/include/flatbuffers/stl_emulation.h -------------------------------------------------------------------------------- /src/third_party/flatbuffers/include/flatbuffers/util.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ArduCAM/pico-tflmicro/HEAD/src/third_party/flatbuffers/include/flatbuffers/util.h -------------------------------------------------------------------------------- /src/third_party/gemmlowp/LICENSE: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ArduCAM/pico-tflmicro/HEAD/src/third_party/gemmlowp/LICENSE -------------------------------------------------------------------------------- /src/third_party/gemmlowp/fixedpoint/fixedpoint.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ArduCAM/pico-tflmicro/HEAD/src/third_party/gemmlowp/fixedpoint/fixedpoint.h -------------------------------------------------------------------------------- /src/third_party/gemmlowp/fixedpoint/fixedpoint_neon.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ArduCAM/pico-tflmicro/HEAD/src/third_party/gemmlowp/fixedpoint/fixedpoint_neon.h -------------------------------------------------------------------------------- /src/third_party/gemmlowp/fixedpoint/fixedpoint_sse.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ArduCAM/pico-tflmicro/HEAD/src/third_party/gemmlowp/fixedpoint/fixedpoint_sse.h -------------------------------------------------------------------------------- /src/third_party/gemmlowp/internal/detect_platform.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ArduCAM/pico-tflmicro/HEAD/src/third_party/gemmlowp/internal/detect_platform.h -------------------------------------------------------------------------------- /src/third_party/kissfft/COPYING: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ArduCAM/pico-tflmicro/HEAD/src/third_party/kissfft/COPYING -------------------------------------------------------------------------------- /src/third_party/kissfft/_kiss_fft_guts.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ArduCAM/pico-tflmicro/HEAD/src/third_party/kissfft/_kiss_fft_guts.h -------------------------------------------------------------------------------- /src/third_party/kissfft/kiss_fft.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ArduCAM/pico-tflmicro/HEAD/src/third_party/kissfft/kiss_fft.h -------------------------------------------------------------------------------- /src/third_party/kissfft/tools/kiss_fftr.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ArduCAM/pico-tflmicro/HEAD/src/third_party/kissfft/tools/kiss_fftr.h -------------------------------------------------------------------------------- /src/third_party/ruy/LICENSE: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ArduCAM/pico-tflmicro/HEAD/src/third_party/ruy/LICENSE -------------------------------------------------------------------------------- /src/third_party/ruy/ruy/profiler/instrumentation.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ArduCAM/pico-tflmicro/HEAD/src/third_party/ruy/ruy/profiler/instrumentation.h -------------------------------------------------------------------------------- /tests/greedy_memory_planner_test/CMakeLists.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ArduCAM/pico-tflmicro/HEAD/tests/greedy_memory_planner_test/CMakeLists.txt -------------------------------------------------------------------------------- /tests/greedy_memory_planner_test/greedy_memory_planner_test.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ArduCAM/pico-tflmicro/HEAD/tests/greedy_memory_planner_test/greedy_memory_planner_test.cpp -------------------------------------------------------------------------------- /tests/kernel_activations_test/CMakeLists.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ArduCAM/pico-tflmicro/HEAD/tests/kernel_activations_test/CMakeLists.txt -------------------------------------------------------------------------------- /tests/kernel_activations_test/activations_test.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ArduCAM/pico-tflmicro/HEAD/tests/kernel_activations_test/activations_test.cpp -------------------------------------------------------------------------------- /tests/kernel_add_test/CMakeLists.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ArduCAM/pico-tflmicro/HEAD/tests/kernel_add_test/CMakeLists.txt -------------------------------------------------------------------------------- /tests/kernel_add_test/add_test.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ArduCAM/pico-tflmicro/HEAD/tests/kernel_add_test/add_test.cpp -------------------------------------------------------------------------------- /tests/kernel_arg_min_max_test/CMakeLists.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ArduCAM/pico-tflmicro/HEAD/tests/kernel_arg_min_max_test/CMakeLists.txt -------------------------------------------------------------------------------- /tests/kernel_arg_min_max_test/arg_min_max_test.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ArduCAM/pico-tflmicro/HEAD/tests/kernel_arg_min_max_test/arg_min_max_test.cpp -------------------------------------------------------------------------------- /tests/kernel_ceil_test/CMakeLists.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ArduCAM/pico-tflmicro/HEAD/tests/kernel_ceil_test/CMakeLists.txt -------------------------------------------------------------------------------- /tests/kernel_ceil_test/ceil_test.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ArduCAM/pico-tflmicro/HEAD/tests/kernel_ceil_test/ceil_test.cpp -------------------------------------------------------------------------------- /tests/kernel_circular_buffer_test/CMakeLists.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ArduCAM/pico-tflmicro/HEAD/tests/kernel_circular_buffer_test/CMakeLists.txt -------------------------------------------------------------------------------- /tests/kernel_circular_buffer_test/circular_buffer_test.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ArduCAM/pico-tflmicro/HEAD/tests/kernel_circular_buffer_test/circular_buffer_test.cpp -------------------------------------------------------------------------------- /tests/kernel_comparisons_test/CMakeLists.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ArduCAM/pico-tflmicro/HEAD/tests/kernel_comparisons_test/CMakeLists.txt -------------------------------------------------------------------------------- /tests/kernel_comparisons_test/comparisons_test.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ArduCAM/pico-tflmicro/HEAD/tests/kernel_comparisons_test/comparisons_test.cpp -------------------------------------------------------------------------------- /tests/kernel_concatenation_test/CMakeLists.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ArduCAM/pico-tflmicro/HEAD/tests/kernel_concatenation_test/CMakeLists.txt -------------------------------------------------------------------------------- /tests/kernel_concatenation_test/concatenation_test.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ArduCAM/pico-tflmicro/HEAD/tests/kernel_concatenation_test/concatenation_test.cpp -------------------------------------------------------------------------------- /tests/kernel_conv_test/CMakeLists.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ArduCAM/pico-tflmicro/HEAD/tests/kernel_conv_test/CMakeLists.txt -------------------------------------------------------------------------------- /tests/kernel_conv_test/conv_test.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ArduCAM/pico-tflmicro/HEAD/tests/kernel_conv_test/conv_test.cpp -------------------------------------------------------------------------------- /tests/kernel_depthwise_conv_test/CMakeLists.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ArduCAM/pico-tflmicro/HEAD/tests/kernel_depthwise_conv_test/CMakeLists.txt -------------------------------------------------------------------------------- /tests/kernel_depthwise_conv_test/depthwise_conv_test.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ArduCAM/pico-tflmicro/HEAD/tests/kernel_depthwise_conv_test/depthwise_conv_test.cpp -------------------------------------------------------------------------------- /tests/kernel_dequantize_test/CMakeLists.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ArduCAM/pico-tflmicro/HEAD/tests/kernel_dequantize_test/CMakeLists.txt -------------------------------------------------------------------------------- /tests/kernel_dequantize_test/dequantize_test.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ArduCAM/pico-tflmicro/HEAD/tests/kernel_dequantize_test/dequantize_test.cpp -------------------------------------------------------------------------------- /tests/kernel_detection_postprocess_test/CMakeLists.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ArduCAM/pico-tflmicro/HEAD/tests/kernel_detection_postprocess_test/CMakeLists.txt -------------------------------------------------------------------------------- /tests/kernel_detection_postprocess_test/detection_postprocess_test.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ArduCAM/pico-tflmicro/HEAD/tests/kernel_detection_postprocess_test/detection_postprocess_test.cpp -------------------------------------------------------------------------------- /tests/kernel_elementwise_test/CMakeLists.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ArduCAM/pico-tflmicro/HEAD/tests/kernel_elementwise_test/CMakeLists.txt -------------------------------------------------------------------------------- /tests/kernel_elementwise_test/elementwise_test.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ArduCAM/pico-tflmicro/HEAD/tests/kernel_elementwise_test/elementwise_test.cpp -------------------------------------------------------------------------------- /tests/kernel_floor_test/CMakeLists.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ArduCAM/pico-tflmicro/HEAD/tests/kernel_floor_test/CMakeLists.txt -------------------------------------------------------------------------------- /tests/kernel_floor_test/floor_test.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ArduCAM/pico-tflmicro/HEAD/tests/kernel_floor_test/floor_test.cpp -------------------------------------------------------------------------------- /tests/kernel_fully_connected_test/CMakeLists.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ArduCAM/pico-tflmicro/HEAD/tests/kernel_fully_connected_test/CMakeLists.txt -------------------------------------------------------------------------------- /tests/kernel_fully_connected_test/fully_connected_test.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ArduCAM/pico-tflmicro/HEAD/tests/kernel_fully_connected_test/fully_connected_test.cpp -------------------------------------------------------------------------------- /tests/kernel_hard_swish_test/CMakeLists.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ArduCAM/pico-tflmicro/HEAD/tests/kernel_hard_swish_test/CMakeLists.txt -------------------------------------------------------------------------------- /tests/kernel_hard_swish_test/hard_swish_test.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ArduCAM/pico-tflmicro/HEAD/tests/kernel_hard_swish_test/hard_swish_test.cpp -------------------------------------------------------------------------------- /tests/kernel_l2norm_test/CMakeLists.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ArduCAM/pico-tflmicro/HEAD/tests/kernel_l2norm_test/CMakeLists.txt -------------------------------------------------------------------------------- /tests/kernel_l2norm_test/l2norm_test.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ArduCAM/pico-tflmicro/HEAD/tests/kernel_l2norm_test/l2norm_test.cpp -------------------------------------------------------------------------------- /tests/kernel_logical_test/CMakeLists.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ArduCAM/pico-tflmicro/HEAD/tests/kernel_logical_test/CMakeLists.txt -------------------------------------------------------------------------------- /tests/kernel_logical_test/logical_test.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ArduCAM/pico-tflmicro/HEAD/tests/kernel_logical_test/logical_test.cpp -------------------------------------------------------------------------------- /tests/kernel_logistic_test/CMakeLists.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ArduCAM/pico-tflmicro/HEAD/tests/kernel_logistic_test/CMakeLists.txt -------------------------------------------------------------------------------- /tests/kernel_logistic_test/logistic_test.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ArduCAM/pico-tflmicro/HEAD/tests/kernel_logistic_test/logistic_test.cpp -------------------------------------------------------------------------------- /tests/kernel_maximum_minimum_test/CMakeLists.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ArduCAM/pico-tflmicro/HEAD/tests/kernel_maximum_minimum_test/CMakeLists.txt -------------------------------------------------------------------------------- /tests/kernel_maximum_minimum_test/maximum_minimum_test.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ArduCAM/pico-tflmicro/HEAD/tests/kernel_maximum_minimum_test/maximum_minimum_test.cpp -------------------------------------------------------------------------------- /tests/kernel_mul_test/CMakeLists.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ArduCAM/pico-tflmicro/HEAD/tests/kernel_mul_test/CMakeLists.txt -------------------------------------------------------------------------------- /tests/kernel_mul_test/mul_test.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ArduCAM/pico-tflmicro/HEAD/tests/kernel_mul_test/mul_test.cpp -------------------------------------------------------------------------------- /tests/kernel_neg_test/CMakeLists.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ArduCAM/pico-tflmicro/HEAD/tests/kernel_neg_test/CMakeLists.txt -------------------------------------------------------------------------------- /tests/kernel_neg_test/neg_test.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ArduCAM/pico-tflmicro/HEAD/tests/kernel_neg_test/neg_test.cpp -------------------------------------------------------------------------------- /tests/kernel_pack_test/CMakeLists.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ArduCAM/pico-tflmicro/HEAD/tests/kernel_pack_test/CMakeLists.txt -------------------------------------------------------------------------------- /tests/kernel_pack_test/pack_test.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ArduCAM/pico-tflmicro/HEAD/tests/kernel_pack_test/pack_test.cpp -------------------------------------------------------------------------------- /tests/kernel_pad_test/CMakeLists.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ArduCAM/pico-tflmicro/HEAD/tests/kernel_pad_test/CMakeLists.txt -------------------------------------------------------------------------------- /tests/kernel_pad_test/pad_test.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ArduCAM/pico-tflmicro/HEAD/tests/kernel_pad_test/pad_test.cpp -------------------------------------------------------------------------------- /tests/kernel_pooling_test/CMakeLists.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ArduCAM/pico-tflmicro/HEAD/tests/kernel_pooling_test/CMakeLists.txt -------------------------------------------------------------------------------- /tests/kernel_pooling_test/pooling_test.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ArduCAM/pico-tflmicro/HEAD/tests/kernel_pooling_test/pooling_test.cpp -------------------------------------------------------------------------------- /tests/kernel_prelu_test/CMakeLists.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ArduCAM/pico-tflmicro/HEAD/tests/kernel_prelu_test/CMakeLists.txt -------------------------------------------------------------------------------- /tests/kernel_prelu_test/prelu_test.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ArduCAM/pico-tflmicro/HEAD/tests/kernel_prelu_test/prelu_test.cpp -------------------------------------------------------------------------------- /tests/kernel_quantization_util_test/CMakeLists.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ArduCAM/pico-tflmicro/HEAD/tests/kernel_quantization_util_test/CMakeLists.txt -------------------------------------------------------------------------------- /tests/kernel_quantization_util_test/quantization_util_test.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ArduCAM/pico-tflmicro/HEAD/tests/kernel_quantization_util_test/quantization_util_test.cpp -------------------------------------------------------------------------------- /tests/kernel_quantize_test/CMakeLists.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ArduCAM/pico-tflmicro/HEAD/tests/kernel_quantize_test/CMakeLists.txt -------------------------------------------------------------------------------- /tests/kernel_quantize_test/quantize_test.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ArduCAM/pico-tflmicro/HEAD/tests/kernel_quantize_test/quantize_test.cpp -------------------------------------------------------------------------------- /tests/kernel_reduce_test/CMakeLists.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ArduCAM/pico-tflmicro/HEAD/tests/kernel_reduce_test/CMakeLists.txt -------------------------------------------------------------------------------- /tests/kernel_reduce_test/reduce_test.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ArduCAM/pico-tflmicro/HEAD/tests/kernel_reduce_test/reduce_test.cpp -------------------------------------------------------------------------------- /tests/kernel_reshape_test/CMakeLists.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ArduCAM/pico-tflmicro/HEAD/tests/kernel_reshape_test/CMakeLists.txt -------------------------------------------------------------------------------- /tests/kernel_reshape_test/reshape_test.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ArduCAM/pico-tflmicro/HEAD/tests/kernel_reshape_test/reshape_test.cpp -------------------------------------------------------------------------------- /tests/kernel_resize_nearest_neighbor_test/CMakeLists.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ArduCAM/pico-tflmicro/HEAD/tests/kernel_resize_nearest_neighbor_test/CMakeLists.txt -------------------------------------------------------------------------------- /tests/kernel_resize_nearest_neighbor_test/resize_nearest_neighbor_test.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ArduCAM/pico-tflmicro/HEAD/tests/kernel_resize_nearest_neighbor_test/resize_nearest_neighbor_test.cpp -------------------------------------------------------------------------------- /tests/kernel_round_test/CMakeLists.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ArduCAM/pico-tflmicro/HEAD/tests/kernel_round_test/CMakeLists.txt -------------------------------------------------------------------------------- /tests/kernel_round_test/round_test.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ArduCAM/pico-tflmicro/HEAD/tests/kernel_round_test/round_test.cpp -------------------------------------------------------------------------------- /tests/kernel_shape_test/CMakeLists.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ArduCAM/pico-tflmicro/HEAD/tests/kernel_shape_test/CMakeLists.txt -------------------------------------------------------------------------------- /tests/kernel_shape_test/shape_test.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ArduCAM/pico-tflmicro/HEAD/tests/kernel_shape_test/shape_test.cpp -------------------------------------------------------------------------------- /tests/kernel_softmax_test/CMakeLists.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ArduCAM/pico-tflmicro/HEAD/tests/kernel_softmax_test/CMakeLists.txt -------------------------------------------------------------------------------- /tests/kernel_softmax_test/softmax_test.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ArduCAM/pico-tflmicro/HEAD/tests/kernel_softmax_test/softmax_test.cpp -------------------------------------------------------------------------------- /tests/kernel_split_test/CMakeLists.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ArduCAM/pico-tflmicro/HEAD/tests/kernel_split_test/CMakeLists.txt -------------------------------------------------------------------------------- /tests/kernel_split_test/split_test.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ArduCAM/pico-tflmicro/HEAD/tests/kernel_split_test/split_test.cpp -------------------------------------------------------------------------------- /tests/kernel_split_v_test/CMakeLists.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ArduCAM/pico-tflmicro/HEAD/tests/kernel_split_v_test/CMakeLists.txt -------------------------------------------------------------------------------- /tests/kernel_split_v_test/split_v_test.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ArduCAM/pico-tflmicro/HEAD/tests/kernel_split_v_test/split_v_test.cpp -------------------------------------------------------------------------------- /tests/kernel_strided_slice_test/CMakeLists.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ArduCAM/pico-tflmicro/HEAD/tests/kernel_strided_slice_test/CMakeLists.txt -------------------------------------------------------------------------------- /tests/kernel_strided_slice_test/strided_slice_test.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ArduCAM/pico-tflmicro/HEAD/tests/kernel_strided_slice_test/strided_slice_test.cpp -------------------------------------------------------------------------------- /tests/kernel_sub_test/CMakeLists.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ArduCAM/pico-tflmicro/HEAD/tests/kernel_sub_test/CMakeLists.txt -------------------------------------------------------------------------------- /tests/kernel_sub_test/sub_test.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ArduCAM/pico-tflmicro/HEAD/tests/kernel_sub_test/sub_test.cpp -------------------------------------------------------------------------------- /tests/kernel_svdf_test/CMakeLists.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ArduCAM/pico-tflmicro/HEAD/tests/kernel_svdf_test/CMakeLists.txt -------------------------------------------------------------------------------- /tests/kernel_svdf_test/svdf_test.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ArduCAM/pico-tflmicro/HEAD/tests/kernel_svdf_test/svdf_test.cpp -------------------------------------------------------------------------------- /tests/kernel_tanh_test/CMakeLists.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ArduCAM/pico-tflmicro/HEAD/tests/kernel_tanh_test/CMakeLists.txt -------------------------------------------------------------------------------- /tests/kernel_tanh_test/tanh_test.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ArduCAM/pico-tflmicro/HEAD/tests/kernel_tanh_test/tanh_test.cpp -------------------------------------------------------------------------------- /tests/kernel_unpack_test/CMakeLists.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ArduCAM/pico-tflmicro/HEAD/tests/kernel_unpack_test/CMakeLists.txt -------------------------------------------------------------------------------- /tests/kernel_unpack_test/unpack_test.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ArduCAM/pico-tflmicro/HEAD/tests/kernel_unpack_test/unpack_test.cpp -------------------------------------------------------------------------------- /tests/linear_memory_planner_test/CMakeLists.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ArduCAM/pico-tflmicro/HEAD/tests/linear_memory_planner_test/CMakeLists.txt -------------------------------------------------------------------------------- /tests/linear_memory_planner_test/linear_memory_planner_test.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ArduCAM/pico-tflmicro/HEAD/tests/linear_memory_planner_test/linear_memory_planner_test.cpp -------------------------------------------------------------------------------- /tests/memory_arena_threshold_test/CMakeLists.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ArduCAM/pico-tflmicro/HEAD/tests/memory_arena_threshold_test/CMakeLists.txt -------------------------------------------------------------------------------- /tests/memory_arena_threshold_test/memory_arena_threshold_test.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ArduCAM/pico-tflmicro/HEAD/tests/memory_arena_threshold_test/memory_arena_threshold_test.cpp -------------------------------------------------------------------------------- /tests/memory_helpers_test/CMakeLists.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ArduCAM/pico-tflmicro/HEAD/tests/memory_helpers_test/CMakeLists.txt -------------------------------------------------------------------------------- /tests/memory_helpers_test/memory_helpers_test.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ArduCAM/pico-tflmicro/HEAD/tests/memory_helpers_test/memory_helpers_test.cpp -------------------------------------------------------------------------------- /tests/micro_allocator_test/CMakeLists.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ArduCAM/pico-tflmicro/HEAD/tests/micro_allocator_test/CMakeLists.txt -------------------------------------------------------------------------------- /tests/micro_allocator_test/micro_allocator_test.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ArduCAM/pico-tflmicro/HEAD/tests/micro_allocator_test/micro_allocator_test.cpp -------------------------------------------------------------------------------- /tests/micro_error_reporter_test/CMakeLists.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ArduCAM/pico-tflmicro/HEAD/tests/micro_error_reporter_test/CMakeLists.txt -------------------------------------------------------------------------------- /tests/micro_error_reporter_test/micro_error_reporter_test.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ArduCAM/pico-tflmicro/HEAD/tests/micro_error_reporter_test/micro_error_reporter_test.cpp -------------------------------------------------------------------------------- /tests/micro_interpreter_test/CMakeLists.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ArduCAM/pico-tflmicro/HEAD/tests/micro_interpreter_test/CMakeLists.txt -------------------------------------------------------------------------------- /tests/micro_interpreter_test/micro_interpreter_test.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ArduCAM/pico-tflmicro/HEAD/tests/micro_interpreter_test/micro_interpreter_test.cpp -------------------------------------------------------------------------------- /tests/micro_mutable_op_resolver_test/CMakeLists.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ArduCAM/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/ArduCAM/pico-tflmicro/HEAD/tests/micro_mutable_op_resolver_test/micro_mutable_op_resolver_test.cpp -------------------------------------------------------------------------------- /tests/micro_string_test/CMakeLists.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ArduCAM/pico-tflmicro/HEAD/tests/micro_string_test/CMakeLists.txt -------------------------------------------------------------------------------- /tests/micro_string_test/micro_string_test.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ArduCAM/pico-tflmicro/HEAD/tests/micro_string_test/micro_string_test.cpp -------------------------------------------------------------------------------- /tests/micro_time_test/CMakeLists.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ArduCAM/pico-tflmicro/HEAD/tests/micro_time_test/CMakeLists.txt -------------------------------------------------------------------------------- /tests/micro_time_test/micro_time_test.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ArduCAM/pico-tflmicro/HEAD/tests/micro_time_test/micro_time_test.cpp -------------------------------------------------------------------------------- /tests/micro_utils_test/CMakeLists.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ArduCAM/pico-tflmicro/HEAD/tests/micro_utils_test/CMakeLists.txt -------------------------------------------------------------------------------- /tests/micro_utils_test/micro_utils_test.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ArduCAM/pico-tflmicro/HEAD/tests/micro_utils_test/micro_utils_test.cpp -------------------------------------------------------------------------------- /tests/recording_micro_allocator_test/CMakeLists.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ArduCAM/pico-tflmicro/HEAD/tests/recording_micro_allocator_test/CMakeLists.txt -------------------------------------------------------------------------------- /tests/recording_micro_allocator_test/recording_micro_allocator_test.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ArduCAM/pico-tflmicro/HEAD/tests/recording_micro_allocator_test/recording_micro_allocator_test.cpp -------------------------------------------------------------------------------- /tests/recording_simple_memory_allocator_test/CMakeLists.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ArduCAM/pico-tflmicro/HEAD/tests/recording_simple_memory_allocator_test/CMakeLists.txt -------------------------------------------------------------------------------- /tests/recording_simple_memory_allocator_test/recording_simple_memory_allocator_test.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ArduCAM/pico-tflmicro/HEAD/tests/recording_simple_memory_allocator_test/recording_simple_memory_allocator_test.cpp -------------------------------------------------------------------------------- /tests/simple_memory_allocator_test/CMakeLists.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ArduCAM/pico-tflmicro/HEAD/tests/simple_memory_allocator_test/CMakeLists.txt -------------------------------------------------------------------------------- /tests/simple_memory_allocator_test/simple_memory_allocator_test.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ArduCAM/pico-tflmicro/HEAD/tests/simple_memory_allocator_test/simple_memory_allocator_test.cpp -------------------------------------------------------------------------------- /tests/testing_helpers_test/CMakeLists.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ArduCAM/pico-tflmicro/HEAD/tests/testing_helpers_test/CMakeLists.txt -------------------------------------------------------------------------------- /tests/testing_helpers_test/testing_helpers_test.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ArduCAM/pico-tflmicro/HEAD/tests/testing_helpers_test/testing_helpers_test.cpp --------------------------------------------------------------------------------