├── .DS_Store ├── .idea ├── .gitignore ├── inspectionProfiles │ └── profiles_settings.xml ├── misc.xml ├── modules.xml └── nlp_tflite.iml ├── README.md ├── char-rnn ├── README.md ├── __init__.py ├── __pycache__ │ ├── config.cpython-37.pyc │ ├── data_helper.cpython-37.pyc │ ├── log.cpython-37.pyc │ ├── metrics.cpython-37.pyc │ └── model.cpython-37.pyc ├── checkpoint_to_pb.py ├── config.py ├── convert_to_tflite.py ├── data │ ├── ptb.test.txt │ ├── ptb.train.txt │ └── ptb.valid.txt ├── data_helper.py ├── log.py ├── metrics.py ├── model.py ├── output │ ├── label_to_index.txt │ └── word_to_index.txt ├── predict.py └── trainer.py └── cpp_tflite ├── .idea ├── .name ├── cpp_tflite.iml ├── misc.xml ├── modules.xml └── workspace.xml ├── CMakeLists.txt ├── build ├── CMakeCache.txt ├── CMakeFiles │ ├── 3.18.0-rc2 │ │ ├── CMakeCCompiler.cmake │ │ ├── CMakeCXXCompiler.cmake │ │ ├── CMakeDetermineCompilerABI_C.bin │ │ ├── CMakeDetermineCompilerABI_CXX.bin │ │ ├── CMakeSystem.cmake │ │ ├── CompilerIdC │ │ │ ├── CMakeCCompilerId.c │ │ │ └── a.out │ │ └── CompilerIdCXX │ │ │ ├── CMakeCXXCompilerId.cpp │ │ │ └── a.out │ ├── CMakeDirectoryInformation.cmake │ ├── CMakeOutput.log │ ├── Makefile.cmake │ ├── Makefile2 │ ├── TargetDirectories.txt │ ├── cmake.check_cache │ ├── nlp_tflite.dir │ │ ├── CXX.includecache │ │ ├── DependInfo.cmake │ │ ├── build.make │ │ ├── cmake_clean.cmake │ │ ├── depend.internal │ │ ├── depend.make │ │ ├── flags.make │ │ ├── link.txt │ │ ├── progress.make │ │ └── src │ │ │ └── inference.cpp.o │ ├── progress.marks │ └── stroke_lite.dir │ │ ├── CXX.includecache │ │ ├── DependInfo.cmake │ │ ├── build.make │ │ ├── cmake_clean.cmake │ │ ├── depend.internal │ │ ├── depend.make │ │ ├── flags.make │ │ ├── link.txt │ │ ├── progress.make │ │ └── src │ │ └── inference.cpp.o ├── Makefile ├── cmake_install.cmake └── nlp_tflite ├── cmake-build-debug ├── CMakeCache.txt ├── CMakeFiles │ ├── 3.15.3 │ │ ├── CMakeCCompiler.cmake │ │ ├── CMakeCXXCompiler.cmake │ │ ├── CMakeDetermineCompilerABI_C.bin │ │ ├── CMakeDetermineCompilerABI_CXX.bin │ │ ├── CMakeSystem.cmake │ │ ├── CompilerIdC │ │ │ ├── CMakeCCompilerId.c │ │ │ └── a.out │ │ └── CompilerIdCXX │ │ │ ├── CMakeCXXCompilerId.cpp │ │ │ └── a.out │ ├── CMakeDirectoryInformation.cmake │ ├── CMakeOutput.log │ ├── Makefile.cmake │ ├── Makefile2 │ ├── TargetDirectories.txt │ ├── clion-environment.txt │ ├── clion-log.txt │ ├── cmake.check_cache │ ├── cpp_tflite.dir │ │ ├── DependInfo.cmake │ │ ├── build.make │ │ ├── cmake_clean.cmake │ │ ├── depend.make │ │ ├── flags.make │ │ ├── link.txt │ │ └── progress.make │ ├── progress.marks │ └── stroke_lite.dir │ │ ├── DependInfo.cmake │ │ ├── build.make │ │ ├── cmake_clean.cmake │ │ ├── depend.make │ │ ├── flags.make │ │ ├── link.txt │ │ └── progress.make ├── Makefile ├── cmake_install.cmake ├── cpp_tflite.cbp └── stroke_lite.cbp ├── include ├── flatbuffers │ ├── base.h │ ├── code_generators.h │ ├── flatbuffers.h │ ├── flatc.h │ ├── flexbuffers.h │ ├── grpc.h │ ├── hash.h │ ├── idl.h │ ├── minireflect.h │ ├── reflection.h │ ├── reflection_generated.h │ ├── registry.h │ ├── stl_emulation.h │ └── util.h └── tensorflow │ └── lite │ ├── allocation.h │ ├── arena_planner.h │ ├── builtin_op_data.h │ ├── builtin_ops.h │ ├── c │ ├── builtin_op_data.h │ └── c_api_internal.h │ ├── context.h │ ├── context_util.h │ ├── core │ ├── api │ │ ├── error_reporter.h │ │ ├── flatbuffer_conversions.h │ │ ├── op_resolver.h │ │ └── profiler.h │ └── subgraph.h │ ├── delegates │ ├── flex │ │ ├── buffer_map.h │ │ ├── delegate.h │ │ ├── delegate_data.h │ │ ├── kernel.h │ │ ├── test_util.h │ │ └── util.h │ ├── gpu │ │ ├── common │ │ │ ├── convert.h │ │ │ ├── data_type.h │ │ │ ├── memory_management.h │ │ │ ├── model.h │ │ │ ├── model_builder.h │ │ │ ├── model_transformer.h │ │ │ ├── operations.h │ │ │ ├── shape.h │ │ │ ├── status.h │ │ │ ├── tensor.h │ │ │ ├── transformations │ │ │ │ ├── add_bias.h │ │ │ │ ├── fuse_add_to_conv.h │ │ │ │ ├── fuse_mul_to_conv.h │ │ │ │ ├── general_transformations.h │ │ │ │ ├── make_fully_connected.h │ │ │ │ ├── make_padding.h │ │ │ │ ├── match_dilated_convolution.h │ │ │ │ ├── matching.h │ │ │ │ ├── merge_padding_with.h │ │ │ │ └── remove_noop.h │ │ │ ├── types.h │ │ │ └── util.h │ │ ├── gl │ │ │ ├── api.h │ │ │ ├── command_queue.h │ │ │ ├── compiler.h │ │ │ ├── compiler │ │ │ │ ├── compiled_node.h │ │ │ │ ├── fuse_auto_input.h │ │ │ │ ├── fuse_inline.h │ │ │ │ ├── fuse_inplace.h │ │ │ │ ├── object_accessor.h │ │ │ │ ├── parameter_accessor.h │ │ │ │ ├── preprocessor.h │ │ │ │ ├── rename.h │ │ │ │ ├── shader_code.h │ │ │ │ └── shader_codegen.h │ │ │ ├── compiler_options.h │ │ │ ├── converters │ │ │ │ ├── bhwc_to_phwc4.h │ │ │ │ ├── phwc4_to_bhwc.h │ │ │ │ └── util.h │ │ │ ├── egl_context.h │ │ │ ├── egl_environment.h │ │ │ ├── egl_surface.h │ │ │ ├── float16_conversions.h │ │ │ ├── gl_buffer.h │ │ │ ├── gl_call.h │ │ │ ├── gl_errors.h │ │ │ ├── gl_program.h │ │ │ ├── gl_shader.h │ │ │ ├── gl_sync.h │ │ │ ├── gl_texture.h │ │ │ ├── gpu_info.h │ │ │ ├── kernels │ │ │ │ ├── add.h │ │ │ │ ├── concat.h │ │ │ │ ├── conv.h │ │ │ │ ├── depthwise_conv.h │ │ │ │ ├── elementwise.h │ │ │ │ ├── fully_connected.h │ │ │ │ ├── lstm.h │ │ │ │ ├── max_unpooling.h │ │ │ │ ├── mul.h │ │ │ │ ├── pad.h │ │ │ │ ├── pooling.h │ │ │ │ ├── prelu.h │ │ │ │ ├── registry.h │ │ │ │ ├── relu.h │ │ │ │ ├── reshape.h │ │ │ │ ├── slice.h │ │ │ │ ├── softmax.h │ │ │ │ ├── test_util.h │ │ │ │ ├── transpose_conv.h │ │ │ │ └── upsampling_bilinear.h │ │ │ ├── node_shader.h │ │ │ ├── object.h │ │ │ ├── object_manager.h │ │ │ ├── portable_egl.h │ │ │ ├── portable_gl31.h │ │ │ ├── runtime.h │ │ │ ├── runtime │ │ │ │ └── shared_buffer.h │ │ │ ├── runtime_options.h │ │ │ ├── serialization.h │ │ │ ├── stats.h │ │ │ ├── uniform_parameter.h │ │ │ └── workgroups │ │ │ │ ├── best_effort_calculator.h │ │ │ │ ├── calculator.h │ │ │ │ ├── calculator_from_metadata.h │ │ │ │ ├── default_calculator.h │ │ │ │ └── ideal_workgroup_picker.h │ │ ├── gl_delegate.h │ │ ├── metal │ │ │ ├── api.h │ │ │ ├── buffer_convert.h │ │ │ ├── common.h │ │ │ ├── compiled_model.h │ │ │ ├── compute_task.h │ │ │ ├── compute_task_descriptor.h │ │ │ ├── environment.h │ │ │ ├── inference_context.h │ │ │ ├── kernels │ │ │ │ ├── add.h │ │ │ │ ├── concat.h │ │ │ │ ├── conv.h │ │ │ │ ├── depthwise_conv.h │ │ │ │ ├── elementwise.h │ │ │ │ ├── fully_connected.h │ │ │ │ ├── max_unpooling.h │ │ │ │ ├── mul.h │ │ │ │ ├── padding.h │ │ │ │ ├── pooling.h │ │ │ │ ├── prelu.h │ │ │ │ ├── relu.h │ │ │ │ ├── reshape.h │ │ │ │ ├── slice.h │ │ │ │ ├── softmax.h │ │ │ │ ├── transpose_conv.h │ │ │ │ ├── upsample.h │ │ │ │ └── util.h │ │ │ └── runtime_options.h │ │ └── metal_delegate.h │ └── nnapi │ │ └── nnapi_delegate.h │ ├── error_reporter.h │ ├── examples │ ├── ios │ │ ├── camera │ │ │ ├── CameraExampleAppDelegate.h │ │ │ └── CameraExampleViewController.h │ │ └── simple │ │ │ ├── AppDelegate.h │ │ │ ├── RunModelViewController.h │ │ │ └── ios_image_load.h │ └── label_image │ │ ├── bitmap_helpers.h │ │ ├── bitmap_helpers_impl.h │ │ ├── get_top_n.h │ │ ├── get_top_n_impl.h │ │ └── label_image.h │ ├── experimental │ ├── c │ │ ├── c_api.h │ │ ├── c_api_experimental.h │ │ ├── c_api_internal.h │ │ └── c_api_types.h │ ├── kernels │ │ ├── ctc_beam_entry.h │ │ ├── ctc_beam_scorer.h │ │ ├── ctc_beam_search.h │ │ ├── ctc_decoder.h │ │ ├── ctc_loss_util.h │ │ ├── gru_cell.h │ │ └── top_n.h │ ├── micro │ │ ├── compatibility.h │ │ ├── debug_log.h │ │ ├── debug_log_numbers.h │ │ ├── examples │ │ │ └── micro_speech │ │ │ │ ├── CMSIS │ │ │ │ ├── hanning.h │ │ │ │ └── sin_1k.h │ │ │ │ ├── audio_provider.h │ │ │ │ ├── command_responder.h │ │ │ │ ├── feature_provider.h │ │ │ │ ├── micro_features │ │ │ │ ├── bits.h │ │ │ │ ├── fft.h │ │ │ │ ├── fft_util.h │ │ │ │ ├── filterbank.h │ │ │ │ ├── filterbank_util.h │ │ │ │ ├── frontend.h │ │ │ │ ├── frontend_util.h │ │ │ │ ├── log_lut.h │ │ │ │ ├── log_scale.h │ │ │ │ ├── log_scale_util.h │ │ │ │ ├── micro_features_generator.h │ │ │ │ ├── micro_model_settings.h │ │ │ │ ├── no_feature_data_slice.h │ │ │ │ ├── no_micro_features_data.h │ │ │ │ ├── noise_reduction.h │ │ │ │ ├── noise_reduction_util.h │ │ │ │ ├── pcan_gain_control.h │ │ │ │ ├── pcan_gain_control_util.h │ │ │ │ ├── static_alloc.h │ │ │ │ ├── tiny_conv_micro_features_model_data.h │ │ │ │ ├── window.h │ │ │ │ ├── window_util.h │ │ │ │ ├── yes_feature_data_slice.h │ │ │ │ └── yes_micro_features_data.h │ │ │ │ ├── no_1000ms_sample_data.h │ │ │ │ ├── no_30ms_sample_data.h │ │ │ │ ├── recognize_commands.h │ │ │ │ ├── simple_features │ │ │ │ ├── no_power_spectrum_data.h │ │ │ │ ├── no_simple_features_data.h │ │ │ │ ├── simple_features_generator.h │ │ │ │ ├── simple_model_settings.h │ │ │ │ ├── tiny_conv_simple_features_model_data.h │ │ │ │ ├── yes_power_spectrum_data.h │ │ │ │ └── yes_simple_features_data.h │ │ │ │ ├── yes_1000ms_sample_data.h │ │ │ │ └── yes_30ms_sample_data.h │ │ ├── kernels │ │ │ └── all_ops_resolver.h │ │ ├── micro_error_reporter.h │ │ ├── micro_interpreter.h │ │ ├── micro_mutable_op_resolver.h │ │ ├── simple_tensor_allocator.h │ │ ├── testing │ │ │ ├── micro_test.h │ │ │ └── test_utils.h │ │ └── tools │ │ │ └── make │ │ │ └── templates │ │ │ └── TensorFlowLite.h │ ├── microfrontend │ │ └── lib │ │ │ ├── bits.h │ │ │ ├── fft.h │ │ │ ├── fft_io.h │ │ │ ├── fft_util.h │ │ │ ├── filterbank.h │ │ │ ├── filterbank_io.h │ │ │ ├── filterbank_util.h │ │ │ ├── frontend.h │ │ │ ├── frontend_io.h │ │ │ ├── frontend_util.h │ │ │ ├── log_lut.h │ │ │ ├── log_scale.h │ │ │ ├── log_scale_io.h │ │ │ ├── log_scale_util.h │ │ │ ├── noise_reduction.h │ │ │ ├── noise_reduction_io.h │ │ │ ├── noise_reduction_util.h │ │ │ ├── pcan_gain_control.h │ │ │ ├── pcan_gain_control_util.h │ │ │ ├── window.h │ │ │ ├── window_io.h │ │ │ └── window_util.h │ ├── objc │ │ ├── apis │ │ │ ├── TFLInterpreter.h │ │ │ ├── TFLInterpreterOptions.h │ │ │ ├── TFLQuantizationParameters.h │ │ │ ├── TFLTensor.h │ │ │ └── TFLTensorFlowLite.h │ │ └── sources │ │ │ ├── TFLErrorUtil.h │ │ │ ├── TFLInterpreter+Internal.h │ │ │ ├── TFLQuantizationParameters+Internal.h │ │ │ └── TFLTensor+Internal.h │ ├── ruy │ │ ├── allocator.h │ │ ├── block_map.h │ │ ├── blocking_counter.h │ │ ├── check_macros.h │ │ ├── common.h │ │ ├── context.h │ │ ├── detect_dotprod.h │ │ ├── dispatch.h │ │ ├── internal_matrix.h │ │ ├── kernel.h │ │ ├── matrix.h │ │ ├── opt_set.h │ │ ├── pack.h │ │ ├── path.h │ │ ├── pmu.h │ │ ├── prepack.h │ │ ├── ruy.h │ │ ├── ruy_advanced.h │ │ ├── size_util.h │ │ ├── spec.h │ │ ├── test.h │ │ ├── thread_pool.h │ │ ├── time.h │ │ ├── trace.h │ │ ├── trmul.h │ │ └── tune.h │ └── writer │ │ ├── enum_mapping.h │ │ └── writer_lib.h │ ├── graph_info.h │ ├── interpreter.h │ ├── java │ └── src │ │ └── main │ │ └── native │ │ └── jni_utils.h │ ├── kernels │ ├── activation_functor.h │ ├── cpu_backend_context.h │ ├── cpu_backend_gemm.h │ ├── cpu_backend_gemm_custom_gemv.h │ ├── cpu_backend_gemm_eigen.h │ ├── cpu_backend_gemm_gemmlowp.h │ ├── cpu_backend_gemm_params.h │ ├── cpu_backend_gemm_ruy.h │ ├── cpu_backend_support.h │ ├── cpu_backend_threadpool.h │ ├── eigen_support.h │ ├── gemmlowp_support.h │ ├── internal │ │ ├── common.h │ │ ├── compatibility.h │ │ ├── kernel_utils.h │ │ ├── legacy_types.h │ │ ├── mfcc.h │ │ ├── mfcc_dct.h │ │ ├── mfcc_mel_filterbank.h │ │ ├── optimized │ │ │ ├── cpu_check.h │ │ │ ├── depthwiseconv_3x3_filter_common.h │ │ │ ├── depthwiseconv_float.h │ │ │ ├── depthwiseconv_multithread.h │ │ │ ├── depthwiseconv_uint8.h │ │ │ ├── depthwiseconv_uint8_3x3_filter.h │ │ │ ├── depthwiseconv_uint8_transitional.h │ │ │ ├── eigen_spatial_convolutions.h │ │ │ ├── eigen_tensor_reduced_instantiations_google.h │ │ │ ├── eigen_tensor_reduced_instantiations_oss.h │ │ │ ├── im2col_utils.h │ │ │ ├── integer_ops │ │ │ │ ├── add.h │ │ │ │ ├── conv.h │ │ │ │ ├── depthwise_conv.h │ │ │ │ ├── depthwise_conv_3x3_filter.h │ │ │ │ ├── fully_connected.h │ │ │ │ ├── mul.h │ │ │ │ ├── pooling.h │ │ │ │ └── softmax.h │ │ │ ├── legacy_optimized_ops.h │ │ │ ├── multithreaded_conv.h │ │ │ ├── neon_tensor_utils.h │ │ │ ├── optimized_ops.h │ │ │ └── tensor_utils_impl.h │ │ ├── quantization_util.h │ │ ├── reference │ │ │ ├── conv.h │ │ │ ├── depthwiseconv_float.h │ │ │ ├── depthwiseconv_uint8.h │ │ │ ├── fully_connected.h │ │ │ ├── integer_ops │ │ │ │ ├── add.h │ │ │ │ ├── conv.h │ │ │ │ ├── depthwise_conv.h │ │ │ │ ├── dequantize.h │ │ │ │ ├── fully_connected.h │ │ │ │ ├── l2normalization.h │ │ │ │ ├── log_softmax.h │ │ │ │ ├── logistic.h │ │ │ │ ├── mean.h │ │ │ │ ├── mul.h │ │ │ │ ├── pooling.h │ │ │ │ ├── softmax.h │ │ │ │ └── tanh.h │ │ │ ├── legacy_reference_ops.h │ │ │ ├── pooling.h │ │ │ ├── portable_tensor_utils.h │ │ │ ├── reference_ops.h │ │ │ └── softmax.h │ │ ├── round.h │ │ ├── spectrogram.h │ │ ├── strided_slice_logic.h │ │ ├── tensor.h │ │ ├── tensor_ctypes.h │ │ ├── tensor_utils.h │ │ ├── test_util.h │ │ └── types.h │ ├── kernel_util.h │ ├── lstm_eval.h │ ├── op_macros.h │ ├── padding.h │ ├── register.h │ ├── register_ref.h │ ├── subgraph_test_util.h │ └── test_util.h │ ├── memory_planner.h │ ├── minimal_logging.h │ ├── model.h │ ├── models │ └── smartreply │ │ └── predictor.h │ ├── mutable_op_resolver.h │ ├── nnapi │ ├── NeuralNetworksShim.h │ ├── NeuralNetworksTypes.h │ └── nnapi_implementation.h │ ├── op_resolver.h │ ├── optional_debug_tools.h │ ├── profiling │ ├── buffered_profiler.h │ ├── noop_profiler.h │ ├── profile_buffer.h │ ├── profile_summarizer.h │ ├── profiler.h │ └── time.h │ ├── python │ ├── interpreter_wrapper │ │ ├── interpreter_wrapper.h │ │ ├── numpy.h │ │ ├── python_error_reporter.h │ │ └── python_utils.h │ └── optimize │ │ └── calibration_wrapper.h │ ├── schema │ ├── builtin_ops_header │ │ └── generator.h │ └── schema_generated.h │ ├── simple_memory_arena.h │ ├── stderr_reporter.h │ ├── string.h │ ├── string_util.h │ ├── testing │ ├── generate_testspec.h │ ├── init_tensorflow.h │ ├── join.h │ ├── kernel_test │ │ ├── diff_analyzer.h │ │ ├── input_generator.h │ │ └── util.h │ ├── message.h │ ├── parse_testdata.h │ ├── split.h │ ├── string_util.h │ ├── test_runner.h │ ├── tf_driver.h │ ├── tflite_diff_flags.h │ ├── tflite_diff_util.h │ ├── tflite_driver.h │ ├── tokenize.h │ └── util.h │ ├── toco │ ├── allocate_transient_arrays.h │ ├── args.h │ ├── dump_graphviz.h │ ├── export_tensorflow.h │ ├── format_port.h │ ├── graph_transformations │ │ ├── graph_transformations.h │ │ ├── lstm_utils.h │ │ ├── quantization_util.h │ │ └── remove_trivial_passthrough.h │ ├── import_tensorflow.h │ ├── model.h │ ├── model_cmdline_flags.h │ ├── python │ │ └── toco_python_api.h │ ├── runtime │ │ ├── common.h │ │ └── types.h │ ├── tensorflow_graph_matching │ │ ├── cluster.h │ │ ├── cluster_utils.h │ │ ├── resolve_cluster.h │ │ └── resolve_svdf.h │ ├── tensorflow_util.h │ ├── tflite │ │ ├── builtin_operator.h │ │ ├── custom_operator.h │ │ ├── export.h │ │ ├── import.h │ │ ├── operator.h │ │ ├── simple_operator.h │ │ ├── types.h │ │ └── whitelisted_flex_ops.h │ ├── toco_cmdline_flags.h │ ├── toco_convert.h │ ├── toco_graphviz_dump_options.h │ ├── toco_port.h │ ├── toco_tooling.h │ ├── toco_types.h │ └── tooling_util.h │ ├── tools │ ├── accuracy │ │ ├── accuracy_eval_stage.h │ │ ├── csv_writer.h │ │ └── ilsvrc │ │ │ └── imagenet_model_evaluator.h │ ├── benchmark │ │ ├── benchmark_model.h │ │ ├── benchmark_params.h │ │ ├── benchmark_tflite_model.h │ │ ├── ios │ │ │ └── TFLiteBenchmark │ │ │ │ └── TFLiteBenchmark │ │ │ │ ├── AppDelegate.h │ │ │ │ └── BenchmarkViewController.h │ │ └── logging.h │ ├── command_line_flags.h │ ├── evaluation │ │ ├── evaluation_stage.h │ │ ├── stages │ │ │ ├── image_classification_stage.h │ │ │ ├── image_preprocessing_stage.h │ │ │ ├── tflite_inference_stage.h │ │ │ └── topk_accuracy_eval_stage.h │ │ └── utils.h │ ├── gen_op_registration.h │ ├── optimize │ │ ├── calibration │ │ │ ├── calibration_common.h │ │ │ ├── calibration_logger.h │ │ │ ├── calibration_reader.h │ │ │ ├── calibrator.h │ │ │ ├── logging_op_resolver.h │ │ │ └── node_info_delegate.h │ │ ├── model_utils.h │ │ ├── operator_property.h │ │ ├── quantization_utils.h │ │ ├── quantize_model.h │ │ ├── quantize_weights.h │ │ └── test_util.h │ └── verifier.h │ ├── util.h │ └── version.h ├── lib ├── libflatbuffers.a └── libtensorflowlite.so └── src ├── inference.cpp └── inference.h /.DS_Store: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/jiangxinyang227/nlp_tflite/HEAD/.DS_Store -------------------------------------------------------------------------------- /.idea/.gitignore: -------------------------------------------------------------------------------- 1 | # Default ignored files 2 | /shelf/ 3 | /workspace.xml 4 | -------------------------------------------------------------------------------- /.idea/inspectionProfiles/profiles_settings.xml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/jiangxinyang227/nlp_tflite/HEAD/.idea/inspectionProfiles/profiles_settings.xml -------------------------------------------------------------------------------- /.idea/misc.xml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/jiangxinyang227/nlp_tflite/HEAD/.idea/misc.xml -------------------------------------------------------------------------------- /.idea/modules.xml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/jiangxinyang227/nlp_tflite/HEAD/.idea/modules.xml -------------------------------------------------------------------------------- /.idea/nlp_tflite.iml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/jiangxinyang227/nlp_tflite/HEAD/.idea/nlp_tflite.iml -------------------------------------------------------------------------------- /README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/jiangxinyang227/nlp_tflite/HEAD/README.md -------------------------------------------------------------------------------- /char-rnn/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/jiangxinyang227/nlp_tflite/HEAD/char-rnn/README.md -------------------------------------------------------------------------------- /char-rnn/__init__.py: -------------------------------------------------------------------------------- 1 | 2 | -------------------------------------------------------------------------------- /char-rnn/__pycache__/config.cpython-37.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/jiangxinyang227/nlp_tflite/HEAD/char-rnn/__pycache__/config.cpython-37.pyc -------------------------------------------------------------------------------- /char-rnn/__pycache__/data_helper.cpython-37.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/jiangxinyang227/nlp_tflite/HEAD/char-rnn/__pycache__/data_helper.cpython-37.pyc -------------------------------------------------------------------------------- /char-rnn/__pycache__/log.cpython-37.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/jiangxinyang227/nlp_tflite/HEAD/char-rnn/__pycache__/log.cpython-37.pyc -------------------------------------------------------------------------------- /char-rnn/__pycache__/metrics.cpython-37.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/jiangxinyang227/nlp_tflite/HEAD/char-rnn/__pycache__/metrics.cpython-37.pyc -------------------------------------------------------------------------------- /char-rnn/__pycache__/model.cpython-37.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/jiangxinyang227/nlp_tflite/HEAD/char-rnn/__pycache__/model.cpython-37.pyc -------------------------------------------------------------------------------- /char-rnn/checkpoint_to_pb.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/jiangxinyang227/nlp_tflite/HEAD/char-rnn/checkpoint_to_pb.py -------------------------------------------------------------------------------- /char-rnn/config.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/jiangxinyang227/nlp_tflite/HEAD/char-rnn/config.py -------------------------------------------------------------------------------- /char-rnn/convert_to_tflite.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/jiangxinyang227/nlp_tflite/HEAD/char-rnn/convert_to_tflite.py -------------------------------------------------------------------------------- /char-rnn/data/ptb.test.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/jiangxinyang227/nlp_tflite/HEAD/char-rnn/data/ptb.test.txt -------------------------------------------------------------------------------- /char-rnn/data/ptb.train.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/jiangxinyang227/nlp_tflite/HEAD/char-rnn/data/ptb.train.txt -------------------------------------------------------------------------------- /char-rnn/data/ptb.valid.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/jiangxinyang227/nlp_tflite/HEAD/char-rnn/data/ptb.valid.txt -------------------------------------------------------------------------------- /char-rnn/data_helper.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/jiangxinyang227/nlp_tflite/HEAD/char-rnn/data_helper.py -------------------------------------------------------------------------------- /char-rnn/log.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/jiangxinyang227/nlp_tflite/HEAD/char-rnn/log.py -------------------------------------------------------------------------------- /char-rnn/metrics.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/jiangxinyang227/nlp_tflite/HEAD/char-rnn/metrics.py -------------------------------------------------------------------------------- /char-rnn/model.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/jiangxinyang227/nlp_tflite/HEAD/char-rnn/model.py -------------------------------------------------------------------------------- /char-rnn/output/label_to_index.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/jiangxinyang227/nlp_tflite/HEAD/char-rnn/output/label_to_index.txt -------------------------------------------------------------------------------- /char-rnn/output/word_to_index.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/jiangxinyang227/nlp_tflite/HEAD/char-rnn/output/word_to_index.txt -------------------------------------------------------------------------------- /char-rnn/predict.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/jiangxinyang227/nlp_tflite/HEAD/char-rnn/predict.py -------------------------------------------------------------------------------- /char-rnn/trainer.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/jiangxinyang227/nlp_tflite/HEAD/char-rnn/trainer.py -------------------------------------------------------------------------------- /cpp_tflite/.idea/.name: -------------------------------------------------------------------------------- 1 | stroke_lite -------------------------------------------------------------------------------- /cpp_tflite/.idea/cpp_tflite.iml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/jiangxinyang227/nlp_tflite/HEAD/cpp_tflite/.idea/cpp_tflite.iml -------------------------------------------------------------------------------- /cpp_tflite/.idea/misc.xml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/jiangxinyang227/nlp_tflite/HEAD/cpp_tflite/.idea/misc.xml -------------------------------------------------------------------------------- /cpp_tflite/.idea/modules.xml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/jiangxinyang227/nlp_tflite/HEAD/cpp_tflite/.idea/modules.xml -------------------------------------------------------------------------------- /cpp_tflite/.idea/workspace.xml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/jiangxinyang227/nlp_tflite/HEAD/cpp_tflite/.idea/workspace.xml -------------------------------------------------------------------------------- /cpp_tflite/CMakeLists.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/jiangxinyang227/nlp_tflite/HEAD/cpp_tflite/CMakeLists.txt -------------------------------------------------------------------------------- /cpp_tflite/build/CMakeCache.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/jiangxinyang227/nlp_tflite/HEAD/cpp_tflite/build/CMakeCache.txt -------------------------------------------------------------------------------- /cpp_tflite/build/CMakeFiles/3.18.0-rc2/CMakeCCompiler.cmake: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/jiangxinyang227/nlp_tflite/HEAD/cpp_tflite/build/CMakeFiles/3.18.0-rc2/CMakeCCompiler.cmake -------------------------------------------------------------------------------- /cpp_tflite/build/CMakeFiles/3.18.0-rc2/CMakeCXXCompiler.cmake: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/jiangxinyang227/nlp_tflite/HEAD/cpp_tflite/build/CMakeFiles/3.18.0-rc2/CMakeCXXCompiler.cmake -------------------------------------------------------------------------------- /cpp_tflite/build/CMakeFiles/3.18.0-rc2/CMakeDetermineCompilerABI_C.bin: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/jiangxinyang227/nlp_tflite/HEAD/cpp_tflite/build/CMakeFiles/3.18.0-rc2/CMakeDetermineCompilerABI_C.bin -------------------------------------------------------------------------------- /cpp_tflite/build/CMakeFiles/3.18.0-rc2/CMakeDetermineCompilerABI_CXX.bin: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/jiangxinyang227/nlp_tflite/HEAD/cpp_tflite/build/CMakeFiles/3.18.0-rc2/CMakeDetermineCompilerABI_CXX.bin -------------------------------------------------------------------------------- /cpp_tflite/build/CMakeFiles/3.18.0-rc2/CMakeSystem.cmake: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/jiangxinyang227/nlp_tflite/HEAD/cpp_tflite/build/CMakeFiles/3.18.0-rc2/CMakeSystem.cmake -------------------------------------------------------------------------------- /cpp_tflite/build/CMakeFiles/3.18.0-rc2/CompilerIdC/CMakeCCompilerId.c: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/jiangxinyang227/nlp_tflite/HEAD/cpp_tflite/build/CMakeFiles/3.18.0-rc2/CompilerIdC/CMakeCCompilerId.c -------------------------------------------------------------------------------- /cpp_tflite/build/CMakeFiles/3.18.0-rc2/CompilerIdC/a.out: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/jiangxinyang227/nlp_tflite/HEAD/cpp_tflite/build/CMakeFiles/3.18.0-rc2/CompilerIdC/a.out -------------------------------------------------------------------------------- /cpp_tflite/build/CMakeFiles/3.18.0-rc2/CompilerIdCXX/CMakeCXXCompilerId.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/jiangxinyang227/nlp_tflite/HEAD/cpp_tflite/build/CMakeFiles/3.18.0-rc2/CompilerIdCXX/CMakeCXXCompilerId.cpp -------------------------------------------------------------------------------- /cpp_tflite/build/CMakeFiles/3.18.0-rc2/CompilerIdCXX/a.out: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/jiangxinyang227/nlp_tflite/HEAD/cpp_tflite/build/CMakeFiles/3.18.0-rc2/CompilerIdCXX/a.out -------------------------------------------------------------------------------- /cpp_tflite/build/CMakeFiles/CMakeDirectoryInformation.cmake: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/jiangxinyang227/nlp_tflite/HEAD/cpp_tflite/build/CMakeFiles/CMakeDirectoryInformation.cmake -------------------------------------------------------------------------------- /cpp_tflite/build/CMakeFiles/CMakeOutput.log: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/jiangxinyang227/nlp_tflite/HEAD/cpp_tflite/build/CMakeFiles/CMakeOutput.log -------------------------------------------------------------------------------- /cpp_tflite/build/CMakeFiles/Makefile.cmake: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/jiangxinyang227/nlp_tflite/HEAD/cpp_tflite/build/CMakeFiles/Makefile.cmake -------------------------------------------------------------------------------- /cpp_tflite/build/CMakeFiles/Makefile2: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/jiangxinyang227/nlp_tflite/HEAD/cpp_tflite/build/CMakeFiles/Makefile2 -------------------------------------------------------------------------------- /cpp_tflite/build/CMakeFiles/TargetDirectories.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/jiangxinyang227/nlp_tflite/HEAD/cpp_tflite/build/CMakeFiles/TargetDirectories.txt -------------------------------------------------------------------------------- /cpp_tflite/build/CMakeFiles/cmake.check_cache: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/jiangxinyang227/nlp_tflite/HEAD/cpp_tflite/build/CMakeFiles/cmake.check_cache -------------------------------------------------------------------------------- /cpp_tflite/build/CMakeFiles/nlp_tflite.dir/CXX.includecache: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/jiangxinyang227/nlp_tflite/HEAD/cpp_tflite/build/CMakeFiles/nlp_tflite.dir/CXX.includecache -------------------------------------------------------------------------------- /cpp_tflite/build/CMakeFiles/nlp_tflite.dir/DependInfo.cmake: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/jiangxinyang227/nlp_tflite/HEAD/cpp_tflite/build/CMakeFiles/nlp_tflite.dir/DependInfo.cmake -------------------------------------------------------------------------------- /cpp_tflite/build/CMakeFiles/nlp_tflite.dir/build.make: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/jiangxinyang227/nlp_tflite/HEAD/cpp_tflite/build/CMakeFiles/nlp_tflite.dir/build.make -------------------------------------------------------------------------------- /cpp_tflite/build/CMakeFiles/nlp_tflite.dir/cmake_clean.cmake: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/jiangxinyang227/nlp_tflite/HEAD/cpp_tflite/build/CMakeFiles/nlp_tflite.dir/cmake_clean.cmake -------------------------------------------------------------------------------- /cpp_tflite/build/CMakeFiles/nlp_tflite.dir/depend.internal: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/jiangxinyang227/nlp_tflite/HEAD/cpp_tflite/build/CMakeFiles/nlp_tflite.dir/depend.internal -------------------------------------------------------------------------------- /cpp_tflite/build/CMakeFiles/nlp_tflite.dir/depend.make: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/jiangxinyang227/nlp_tflite/HEAD/cpp_tflite/build/CMakeFiles/nlp_tflite.dir/depend.make -------------------------------------------------------------------------------- /cpp_tflite/build/CMakeFiles/nlp_tflite.dir/flags.make: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/jiangxinyang227/nlp_tflite/HEAD/cpp_tflite/build/CMakeFiles/nlp_tflite.dir/flags.make -------------------------------------------------------------------------------- /cpp_tflite/build/CMakeFiles/nlp_tflite.dir/link.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/jiangxinyang227/nlp_tflite/HEAD/cpp_tflite/build/CMakeFiles/nlp_tflite.dir/link.txt -------------------------------------------------------------------------------- /cpp_tflite/build/CMakeFiles/nlp_tflite.dir/progress.make: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/jiangxinyang227/nlp_tflite/HEAD/cpp_tflite/build/CMakeFiles/nlp_tflite.dir/progress.make -------------------------------------------------------------------------------- /cpp_tflite/build/CMakeFiles/nlp_tflite.dir/src/inference.cpp.o: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/jiangxinyang227/nlp_tflite/HEAD/cpp_tflite/build/CMakeFiles/nlp_tflite.dir/src/inference.cpp.o -------------------------------------------------------------------------------- /cpp_tflite/build/CMakeFiles/progress.marks: -------------------------------------------------------------------------------- 1 | 2 2 | -------------------------------------------------------------------------------- /cpp_tflite/build/CMakeFiles/stroke_lite.dir/CXX.includecache: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/jiangxinyang227/nlp_tflite/HEAD/cpp_tflite/build/CMakeFiles/stroke_lite.dir/CXX.includecache -------------------------------------------------------------------------------- /cpp_tflite/build/CMakeFiles/stroke_lite.dir/DependInfo.cmake: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/jiangxinyang227/nlp_tflite/HEAD/cpp_tflite/build/CMakeFiles/stroke_lite.dir/DependInfo.cmake -------------------------------------------------------------------------------- /cpp_tflite/build/CMakeFiles/stroke_lite.dir/build.make: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/jiangxinyang227/nlp_tflite/HEAD/cpp_tflite/build/CMakeFiles/stroke_lite.dir/build.make -------------------------------------------------------------------------------- /cpp_tflite/build/CMakeFiles/stroke_lite.dir/cmake_clean.cmake: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/jiangxinyang227/nlp_tflite/HEAD/cpp_tflite/build/CMakeFiles/stroke_lite.dir/cmake_clean.cmake -------------------------------------------------------------------------------- /cpp_tflite/build/CMakeFiles/stroke_lite.dir/depend.internal: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/jiangxinyang227/nlp_tflite/HEAD/cpp_tflite/build/CMakeFiles/stroke_lite.dir/depend.internal -------------------------------------------------------------------------------- /cpp_tflite/build/CMakeFiles/stroke_lite.dir/depend.make: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/jiangxinyang227/nlp_tflite/HEAD/cpp_tflite/build/CMakeFiles/stroke_lite.dir/depend.make -------------------------------------------------------------------------------- /cpp_tflite/build/CMakeFiles/stroke_lite.dir/flags.make: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/jiangxinyang227/nlp_tflite/HEAD/cpp_tflite/build/CMakeFiles/stroke_lite.dir/flags.make -------------------------------------------------------------------------------- /cpp_tflite/build/CMakeFiles/stroke_lite.dir/link.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/jiangxinyang227/nlp_tflite/HEAD/cpp_tflite/build/CMakeFiles/stroke_lite.dir/link.txt -------------------------------------------------------------------------------- /cpp_tflite/build/CMakeFiles/stroke_lite.dir/progress.make: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/jiangxinyang227/nlp_tflite/HEAD/cpp_tflite/build/CMakeFiles/stroke_lite.dir/progress.make -------------------------------------------------------------------------------- /cpp_tflite/build/CMakeFiles/stroke_lite.dir/src/inference.cpp.o: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/jiangxinyang227/nlp_tflite/HEAD/cpp_tflite/build/CMakeFiles/stroke_lite.dir/src/inference.cpp.o -------------------------------------------------------------------------------- /cpp_tflite/build/Makefile: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/jiangxinyang227/nlp_tflite/HEAD/cpp_tflite/build/Makefile -------------------------------------------------------------------------------- /cpp_tflite/build/cmake_install.cmake: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/jiangxinyang227/nlp_tflite/HEAD/cpp_tflite/build/cmake_install.cmake -------------------------------------------------------------------------------- /cpp_tflite/build/nlp_tflite: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/jiangxinyang227/nlp_tflite/HEAD/cpp_tflite/build/nlp_tflite -------------------------------------------------------------------------------- /cpp_tflite/cmake-build-debug/CMakeCache.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/jiangxinyang227/nlp_tflite/HEAD/cpp_tflite/cmake-build-debug/CMakeCache.txt -------------------------------------------------------------------------------- /cpp_tflite/cmake-build-debug/CMakeFiles/3.15.3/CMakeCCompiler.cmake: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/jiangxinyang227/nlp_tflite/HEAD/cpp_tflite/cmake-build-debug/CMakeFiles/3.15.3/CMakeCCompiler.cmake -------------------------------------------------------------------------------- /cpp_tflite/cmake-build-debug/CMakeFiles/3.15.3/CMakeCXXCompiler.cmake: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/jiangxinyang227/nlp_tflite/HEAD/cpp_tflite/cmake-build-debug/CMakeFiles/3.15.3/CMakeCXXCompiler.cmake -------------------------------------------------------------------------------- /cpp_tflite/cmake-build-debug/CMakeFiles/3.15.3/CMakeDetermineCompilerABI_C.bin: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/jiangxinyang227/nlp_tflite/HEAD/cpp_tflite/cmake-build-debug/CMakeFiles/3.15.3/CMakeDetermineCompilerABI_C.bin -------------------------------------------------------------------------------- /cpp_tflite/cmake-build-debug/CMakeFiles/3.15.3/CMakeDetermineCompilerABI_CXX.bin: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/jiangxinyang227/nlp_tflite/HEAD/cpp_tflite/cmake-build-debug/CMakeFiles/3.15.3/CMakeDetermineCompilerABI_CXX.bin -------------------------------------------------------------------------------- /cpp_tflite/cmake-build-debug/CMakeFiles/3.15.3/CMakeSystem.cmake: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/jiangxinyang227/nlp_tflite/HEAD/cpp_tflite/cmake-build-debug/CMakeFiles/3.15.3/CMakeSystem.cmake -------------------------------------------------------------------------------- /cpp_tflite/cmake-build-debug/CMakeFiles/3.15.3/CompilerIdC/CMakeCCompilerId.c: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/jiangxinyang227/nlp_tflite/HEAD/cpp_tflite/cmake-build-debug/CMakeFiles/3.15.3/CompilerIdC/CMakeCCompilerId.c -------------------------------------------------------------------------------- /cpp_tflite/cmake-build-debug/CMakeFiles/3.15.3/CompilerIdC/a.out: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/jiangxinyang227/nlp_tflite/HEAD/cpp_tflite/cmake-build-debug/CMakeFiles/3.15.3/CompilerIdC/a.out -------------------------------------------------------------------------------- /cpp_tflite/cmake-build-debug/CMakeFiles/3.15.3/CompilerIdCXX/CMakeCXXCompilerId.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/jiangxinyang227/nlp_tflite/HEAD/cpp_tflite/cmake-build-debug/CMakeFiles/3.15.3/CompilerIdCXX/CMakeCXXCompilerId.cpp -------------------------------------------------------------------------------- /cpp_tflite/cmake-build-debug/CMakeFiles/3.15.3/CompilerIdCXX/a.out: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/jiangxinyang227/nlp_tflite/HEAD/cpp_tflite/cmake-build-debug/CMakeFiles/3.15.3/CompilerIdCXX/a.out -------------------------------------------------------------------------------- /cpp_tflite/cmake-build-debug/CMakeFiles/CMakeDirectoryInformation.cmake: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/jiangxinyang227/nlp_tflite/HEAD/cpp_tflite/cmake-build-debug/CMakeFiles/CMakeDirectoryInformation.cmake -------------------------------------------------------------------------------- /cpp_tflite/cmake-build-debug/CMakeFiles/CMakeOutput.log: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/jiangxinyang227/nlp_tflite/HEAD/cpp_tflite/cmake-build-debug/CMakeFiles/CMakeOutput.log -------------------------------------------------------------------------------- /cpp_tflite/cmake-build-debug/CMakeFiles/Makefile.cmake: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/jiangxinyang227/nlp_tflite/HEAD/cpp_tflite/cmake-build-debug/CMakeFiles/Makefile.cmake -------------------------------------------------------------------------------- /cpp_tflite/cmake-build-debug/CMakeFiles/Makefile2: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/jiangxinyang227/nlp_tflite/HEAD/cpp_tflite/cmake-build-debug/CMakeFiles/Makefile2 -------------------------------------------------------------------------------- /cpp_tflite/cmake-build-debug/CMakeFiles/TargetDirectories.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/jiangxinyang227/nlp_tflite/HEAD/cpp_tflite/cmake-build-debug/CMakeFiles/TargetDirectories.txt -------------------------------------------------------------------------------- /cpp_tflite/cmake-build-debug/CMakeFiles/clion-environment.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/jiangxinyang227/nlp_tflite/HEAD/cpp_tflite/cmake-build-debug/CMakeFiles/clion-environment.txt -------------------------------------------------------------------------------- /cpp_tflite/cmake-build-debug/CMakeFiles/clion-log.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/jiangxinyang227/nlp_tflite/HEAD/cpp_tflite/cmake-build-debug/CMakeFiles/clion-log.txt -------------------------------------------------------------------------------- /cpp_tflite/cmake-build-debug/CMakeFiles/cmake.check_cache: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/jiangxinyang227/nlp_tflite/HEAD/cpp_tflite/cmake-build-debug/CMakeFiles/cmake.check_cache -------------------------------------------------------------------------------- /cpp_tflite/cmake-build-debug/CMakeFiles/cpp_tflite.dir/DependInfo.cmake: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/jiangxinyang227/nlp_tflite/HEAD/cpp_tflite/cmake-build-debug/CMakeFiles/cpp_tflite.dir/DependInfo.cmake -------------------------------------------------------------------------------- /cpp_tflite/cmake-build-debug/CMakeFiles/cpp_tflite.dir/build.make: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/jiangxinyang227/nlp_tflite/HEAD/cpp_tflite/cmake-build-debug/CMakeFiles/cpp_tflite.dir/build.make -------------------------------------------------------------------------------- /cpp_tflite/cmake-build-debug/CMakeFiles/cpp_tflite.dir/cmake_clean.cmake: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/jiangxinyang227/nlp_tflite/HEAD/cpp_tflite/cmake-build-debug/CMakeFiles/cpp_tflite.dir/cmake_clean.cmake -------------------------------------------------------------------------------- /cpp_tflite/cmake-build-debug/CMakeFiles/cpp_tflite.dir/depend.make: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/jiangxinyang227/nlp_tflite/HEAD/cpp_tflite/cmake-build-debug/CMakeFiles/cpp_tflite.dir/depend.make -------------------------------------------------------------------------------- /cpp_tflite/cmake-build-debug/CMakeFiles/cpp_tflite.dir/flags.make: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/jiangxinyang227/nlp_tflite/HEAD/cpp_tflite/cmake-build-debug/CMakeFiles/cpp_tflite.dir/flags.make -------------------------------------------------------------------------------- /cpp_tflite/cmake-build-debug/CMakeFiles/cpp_tflite.dir/link.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/jiangxinyang227/nlp_tflite/HEAD/cpp_tflite/cmake-build-debug/CMakeFiles/cpp_tflite.dir/link.txt -------------------------------------------------------------------------------- /cpp_tflite/cmake-build-debug/CMakeFiles/cpp_tflite.dir/progress.make: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/jiangxinyang227/nlp_tflite/HEAD/cpp_tflite/cmake-build-debug/CMakeFiles/cpp_tflite.dir/progress.make -------------------------------------------------------------------------------- /cpp_tflite/cmake-build-debug/CMakeFiles/progress.marks: -------------------------------------------------------------------------------- 1 | 2 2 | -------------------------------------------------------------------------------- /cpp_tflite/cmake-build-debug/CMakeFiles/stroke_lite.dir/DependInfo.cmake: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/jiangxinyang227/nlp_tflite/HEAD/cpp_tflite/cmake-build-debug/CMakeFiles/stroke_lite.dir/DependInfo.cmake -------------------------------------------------------------------------------- /cpp_tflite/cmake-build-debug/CMakeFiles/stroke_lite.dir/build.make: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/jiangxinyang227/nlp_tflite/HEAD/cpp_tflite/cmake-build-debug/CMakeFiles/stroke_lite.dir/build.make -------------------------------------------------------------------------------- /cpp_tflite/cmake-build-debug/CMakeFiles/stroke_lite.dir/cmake_clean.cmake: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/jiangxinyang227/nlp_tflite/HEAD/cpp_tflite/cmake-build-debug/CMakeFiles/stroke_lite.dir/cmake_clean.cmake -------------------------------------------------------------------------------- /cpp_tflite/cmake-build-debug/CMakeFiles/stroke_lite.dir/depend.make: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/jiangxinyang227/nlp_tflite/HEAD/cpp_tflite/cmake-build-debug/CMakeFiles/stroke_lite.dir/depend.make -------------------------------------------------------------------------------- /cpp_tflite/cmake-build-debug/CMakeFiles/stroke_lite.dir/flags.make: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/jiangxinyang227/nlp_tflite/HEAD/cpp_tflite/cmake-build-debug/CMakeFiles/stroke_lite.dir/flags.make -------------------------------------------------------------------------------- /cpp_tflite/cmake-build-debug/CMakeFiles/stroke_lite.dir/link.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/jiangxinyang227/nlp_tflite/HEAD/cpp_tflite/cmake-build-debug/CMakeFiles/stroke_lite.dir/link.txt -------------------------------------------------------------------------------- /cpp_tflite/cmake-build-debug/CMakeFiles/stroke_lite.dir/progress.make: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/jiangxinyang227/nlp_tflite/HEAD/cpp_tflite/cmake-build-debug/CMakeFiles/stroke_lite.dir/progress.make -------------------------------------------------------------------------------- /cpp_tflite/cmake-build-debug/Makefile: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/jiangxinyang227/nlp_tflite/HEAD/cpp_tflite/cmake-build-debug/Makefile -------------------------------------------------------------------------------- /cpp_tflite/cmake-build-debug/cmake_install.cmake: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/jiangxinyang227/nlp_tflite/HEAD/cpp_tflite/cmake-build-debug/cmake_install.cmake -------------------------------------------------------------------------------- /cpp_tflite/cmake-build-debug/cpp_tflite.cbp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/jiangxinyang227/nlp_tflite/HEAD/cpp_tflite/cmake-build-debug/cpp_tflite.cbp -------------------------------------------------------------------------------- /cpp_tflite/cmake-build-debug/stroke_lite.cbp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/jiangxinyang227/nlp_tflite/HEAD/cpp_tflite/cmake-build-debug/stroke_lite.cbp -------------------------------------------------------------------------------- /cpp_tflite/include/flatbuffers/base.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/jiangxinyang227/nlp_tflite/HEAD/cpp_tflite/include/flatbuffers/base.h -------------------------------------------------------------------------------- /cpp_tflite/include/flatbuffers/code_generators.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/jiangxinyang227/nlp_tflite/HEAD/cpp_tflite/include/flatbuffers/code_generators.h -------------------------------------------------------------------------------- /cpp_tflite/include/flatbuffers/flatbuffers.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/jiangxinyang227/nlp_tflite/HEAD/cpp_tflite/include/flatbuffers/flatbuffers.h -------------------------------------------------------------------------------- /cpp_tflite/include/flatbuffers/flatc.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/jiangxinyang227/nlp_tflite/HEAD/cpp_tflite/include/flatbuffers/flatc.h -------------------------------------------------------------------------------- /cpp_tflite/include/flatbuffers/flexbuffers.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/jiangxinyang227/nlp_tflite/HEAD/cpp_tflite/include/flatbuffers/flexbuffers.h -------------------------------------------------------------------------------- /cpp_tflite/include/flatbuffers/grpc.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/jiangxinyang227/nlp_tflite/HEAD/cpp_tflite/include/flatbuffers/grpc.h -------------------------------------------------------------------------------- /cpp_tflite/include/flatbuffers/hash.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/jiangxinyang227/nlp_tflite/HEAD/cpp_tflite/include/flatbuffers/hash.h -------------------------------------------------------------------------------- /cpp_tflite/include/flatbuffers/idl.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/jiangxinyang227/nlp_tflite/HEAD/cpp_tflite/include/flatbuffers/idl.h -------------------------------------------------------------------------------- /cpp_tflite/include/flatbuffers/minireflect.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/jiangxinyang227/nlp_tflite/HEAD/cpp_tflite/include/flatbuffers/minireflect.h -------------------------------------------------------------------------------- /cpp_tflite/include/flatbuffers/reflection.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/jiangxinyang227/nlp_tflite/HEAD/cpp_tflite/include/flatbuffers/reflection.h -------------------------------------------------------------------------------- /cpp_tflite/include/flatbuffers/reflection_generated.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/jiangxinyang227/nlp_tflite/HEAD/cpp_tflite/include/flatbuffers/reflection_generated.h -------------------------------------------------------------------------------- /cpp_tflite/include/flatbuffers/registry.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/jiangxinyang227/nlp_tflite/HEAD/cpp_tflite/include/flatbuffers/registry.h -------------------------------------------------------------------------------- /cpp_tflite/include/flatbuffers/stl_emulation.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/jiangxinyang227/nlp_tflite/HEAD/cpp_tflite/include/flatbuffers/stl_emulation.h -------------------------------------------------------------------------------- /cpp_tflite/include/flatbuffers/util.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/jiangxinyang227/nlp_tflite/HEAD/cpp_tflite/include/flatbuffers/util.h -------------------------------------------------------------------------------- /cpp_tflite/include/tensorflow/lite/allocation.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/jiangxinyang227/nlp_tflite/HEAD/cpp_tflite/include/tensorflow/lite/allocation.h -------------------------------------------------------------------------------- /cpp_tflite/include/tensorflow/lite/arena_planner.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/jiangxinyang227/nlp_tflite/HEAD/cpp_tflite/include/tensorflow/lite/arena_planner.h -------------------------------------------------------------------------------- /cpp_tflite/include/tensorflow/lite/builtin_op_data.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/jiangxinyang227/nlp_tflite/HEAD/cpp_tflite/include/tensorflow/lite/builtin_op_data.h -------------------------------------------------------------------------------- /cpp_tflite/include/tensorflow/lite/builtin_ops.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/jiangxinyang227/nlp_tflite/HEAD/cpp_tflite/include/tensorflow/lite/builtin_ops.h -------------------------------------------------------------------------------- /cpp_tflite/include/tensorflow/lite/c/builtin_op_data.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/jiangxinyang227/nlp_tflite/HEAD/cpp_tflite/include/tensorflow/lite/c/builtin_op_data.h -------------------------------------------------------------------------------- /cpp_tflite/include/tensorflow/lite/c/c_api_internal.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/jiangxinyang227/nlp_tflite/HEAD/cpp_tflite/include/tensorflow/lite/c/c_api_internal.h -------------------------------------------------------------------------------- /cpp_tflite/include/tensorflow/lite/context.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/jiangxinyang227/nlp_tflite/HEAD/cpp_tflite/include/tensorflow/lite/context.h -------------------------------------------------------------------------------- /cpp_tflite/include/tensorflow/lite/context_util.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/jiangxinyang227/nlp_tflite/HEAD/cpp_tflite/include/tensorflow/lite/context_util.h -------------------------------------------------------------------------------- /cpp_tflite/include/tensorflow/lite/core/api/error_reporter.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/jiangxinyang227/nlp_tflite/HEAD/cpp_tflite/include/tensorflow/lite/core/api/error_reporter.h -------------------------------------------------------------------------------- /cpp_tflite/include/tensorflow/lite/core/api/flatbuffer_conversions.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/jiangxinyang227/nlp_tflite/HEAD/cpp_tflite/include/tensorflow/lite/core/api/flatbuffer_conversions.h -------------------------------------------------------------------------------- /cpp_tflite/include/tensorflow/lite/core/api/op_resolver.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/jiangxinyang227/nlp_tflite/HEAD/cpp_tflite/include/tensorflow/lite/core/api/op_resolver.h -------------------------------------------------------------------------------- /cpp_tflite/include/tensorflow/lite/core/api/profiler.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/jiangxinyang227/nlp_tflite/HEAD/cpp_tflite/include/tensorflow/lite/core/api/profiler.h -------------------------------------------------------------------------------- /cpp_tflite/include/tensorflow/lite/core/subgraph.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/jiangxinyang227/nlp_tflite/HEAD/cpp_tflite/include/tensorflow/lite/core/subgraph.h -------------------------------------------------------------------------------- /cpp_tflite/include/tensorflow/lite/delegates/flex/buffer_map.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/jiangxinyang227/nlp_tflite/HEAD/cpp_tflite/include/tensorflow/lite/delegates/flex/buffer_map.h -------------------------------------------------------------------------------- /cpp_tflite/include/tensorflow/lite/delegates/flex/delegate.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/jiangxinyang227/nlp_tflite/HEAD/cpp_tflite/include/tensorflow/lite/delegates/flex/delegate.h -------------------------------------------------------------------------------- /cpp_tflite/include/tensorflow/lite/delegates/flex/delegate_data.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/jiangxinyang227/nlp_tflite/HEAD/cpp_tflite/include/tensorflow/lite/delegates/flex/delegate_data.h -------------------------------------------------------------------------------- /cpp_tflite/include/tensorflow/lite/delegates/flex/kernel.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/jiangxinyang227/nlp_tflite/HEAD/cpp_tflite/include/tensorflow/lite/delegates/flex/kernel.h -------------------------------------------------------------------------------- /cpp_tflite/include/tensorflow/lite/delegates/flex/test_util.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/jiangxinyang227/nlp_tflite/HEAD/cpp_tflite/include/tensorflow/lite/delegates/flex/test_util.h -------------------------------------------------------------------------------- /cpp_tflite/include/tensorflow/lite/delegates/flex/util.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/jiangxinyang227/nlp_tflite/HEAD/cpp_tflite/include/tensorflow/lite/delegates/flex/util.h -------------------------------------------------------------------------------- /cpp_tflite/include/tensorflow/lite/delegates/gpu/common/convert.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/jiangxinyang227/nlp_tflite/HEAD/cpp_tflite/include/tensorflow/lite/delegates/gpu/common/convert.h -------------------------------------------------------------------------------- /cpp_tflite/include/tensorflow/lite/delegates/gpu/common/data_type.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/jiangxinyang227/nlp_tflite/HEAD/cpp_tflite/include/tensorflow/lite/delegates/gpu/common/data_type.h -------------------------------------------------------------------------------- /cpp_tflite/include/tensorflow/lite/delegates/gpu/common/memory_management.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/jiangxinyang227/nlp_tflite/HEAD/cpp_tflite/include/tensorflow/lite/delegates/gpu/common/memory_management.h -------------------------------------------------------------------------------- /cpp_tflite/include/tensorflow/lite/delegates/gpu/common/model.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/jiangxinyang227/nlp_tflite/HEAD/cpp_tflite/include/tensorflow/lite/delegates/gpu/common/model.h -------------------------------------------------------------------------------- /cpp_tflite/include/tensorflow/lite/delegates/gpu/common/model_builder.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/jiangxinyang227/nlp_tflite/HEAD/cpp_tflite/include/tensorflow/lite/delegates/gpu/common/model_builder.h -------------------------------------------------------------------------------- /cpp_tflite/include/tensorflow/lite/delegates/gpu/common/model_transformer.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/jiangxinyang227/nlp_tflite/HEAD/cpp_tflite/include/tensorflow/lite/delegates/gpu/common/model_transformer.h -------------------------------------------------------------------------------- /cpp_tflite/include/tensorflow/lite/delegates/gpu/common/operations.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/jiangxinyang227/nlp_tflite/HEAD/cpp_tflite/include/tensorflow/lite/delegates/gpu/common/operations.h -------------------------------------------------------------------------------- /cpp_tflite/include/tensorflow/lite/delegates/gpu/common/shape.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/jiangxinyang227/nlp_tflite/HEAD/cpp_tflite/include/tensorflow/lite/delegates/gpu/common/shape.h -------------------------------------------------------------------------------- /cpp_tflite/include/tensorflow/lite/delegates/gpu/common/status.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/jiangxinyang227/nlp_tflite/HEAD/cpp_tflite/include/tensorflow/lite/delegates/gpu/common/status.h -------------------------------------------------------------------------------- /cpp_tflite/include/tensorflow/lite/delegates/gpu/common/tensor.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/jiangxinyang227/nlp_tflite/HEAD/cpp_tflite/include/tensorflow/lite/delegates/gpu/common/tensor.h -------------------------------------------------------------------------------- /cpp_tflite/include/tensorflow/lite/delegates/gpu/common/transformations/add_bias.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/jiangxinyang227/nlp_tflite/HEAD/cpp_tflite/include/tensorflow/lite/delegates/gpu/common/transformations/add_bias.h -------------------------------------------------------------------------------- /cpp_tflite/include/tensorflow/lite/delegates/gpu/common/transformations/fuse_add_to_conv.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/jiangxinyang227/nlp_tflite/HEAD/cpp_tflite/include/tensorflow/lite/delegates/gpu/common/transformations/fuse_add_to_conv.h -------------------------------------------------------------------------------- /cpp_tflite/include/tensorflow/lite/delegates/gpu/common/transformations/fuse_mul_to_conv.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/jiangxinyang227/nlp_tflite/HEAD/cpp_tflite/include/tensorflow/lite/delegates/gpu/common/transformations/fuse_mul_to_conv.h -------------------------------------------------------------------------------- /cpp_tflite/include/tensorflow/lite/delegates/gpu/common/transformations/general_transformations.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/jiangxinyang227/nlp_tflite/HEAD/cpp_tflite/include/tensorflow/lite/delegates/gpu/common/transformations/general_transformations.h -------------------------------------------------------------------------------- /cpp_tflite/include/tensorflow/lite/delegates/gpu/common/transformations/make_fully_connected.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/jiangxinyang227/nlp_tflite/HEAD/cpp_tflite/include/tensorflow/lite/delegates/gpu/common/transformations/make_fully_connected.h -------------------------------------------------------------------------------- /cpp_tflite/include/tensorflow/lite/delegates/gpu/common/transformations/make_padding.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/jiangxinyang227/nlp_tflite/HEAD/cpp_tflite/include/tensorflow/lite/delegates/gpu/common/transformations/make_padding.h -------------------------------------------------------------------------------- /cpp_tflite/include/tensorflow/lite/delegates/gpu/common/transformations/match_dilated_convolution.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/jiangxinyang227/nlp_tflite/HEAD/cpp_tflite/include/tensorflow/lite/delegates/gpu/common/transformations/match_dilated_convolution.h -------------------------------------------------------------------------------- /cpp_tflite/include/tensorflow/lite/delegates/gpu/common/transformations/matching.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/jiangxinyang227/nlp_tflite/HEAD/cpp_tflite/include/tensorflow/lite/delegates/gpu/common/transformations/matching.h -------------------------------------------------------------------------------- /cpp_tflite/include/tensorflow/lite/delegates/gpu/common/transformations/merge_padding_with.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/jiangxinyang227/nlp_tflite/HEAD/cpp_tflite/include/tensorflow/lite/delegates/gpu/common/transformations/merge_padding_with.h -------------------------------------------------------------------------------- /cpp_tflite/include/tensorflow/lite/delegates/gpu/common/transformations/remove_noop.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/jiangxinyang227/nlp_tflite/HEAD/cpp_tflite/include/tensorflow/lite/delegates/gpu/common/transformations/remove_noop.h -------------------------------------------------------------------------------- /cpp_tflite/include/tensorflow/lite/delegates/gpu/common/types.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/jiangxinyang227/nlp_tflite/HEAD/cpp_tflite/include/tensorflow/lite/delegates/gpu/common/types.h -------------------------------------------------------------------------------- /cpp_tflite/include/tensorflow/lite/delegates/gpu/common/util.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/jiangxinyang227/nlp_tflite/HEAD/cpp_tflite/include/tensorflow/lite/delegates/gpu/common/util.h -------------------------------------------------------------------------------- /cpp_tflite/include/tensorflow/lite/delegates/gpu/gl/api.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/jiangxinyang227/nlp_tflite/HEAD/cpp_tflite/include/tensorflow/lite/delegates/gpu/gl/api.h -------------------------------------------------------------------------------- /cpp_tflite/include/tensorflow/lite/delegates/gpu/gl/command_queue.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/jiangxinyang227/nlp_tflite/HEAD/cpp_tflite/include/tensorflow/lite/delegates/gpu/gl/command_queue.h -------------------------------------------------------------------------------- /cpp_tflite/include/tensorflow/lite/delegates/gpu/gl/compiler.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/jiangxinyang227/nlp_tflite/HEAD/cpp_tflite/include/tensorflow/lite/delegates/gpu/gl/compiler.h -------------------------------------------------------------------------------- /cpp_tflite/include/tensorflow/lite/delegates/gpu/gl/compiler/compiled_node.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/jiangxinyang227/nlp_tflite/HEAD/cpp_tflite/include/tensorflow/lite/delegates/gpu/gl/compiler/compiled_node.h -------------------------------------------------------------------------------- /cpp_tflite/include/tensorflow/lite/delegates/gpu/gl/compiler/fuse_auto_input.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/jiangxinyang227/nlp_tflite/HEAD/cpp_tflite/include/tensorflow/lite/delegates/gpu/gl/compiler/fuse_auto_input.h -------------------------------------------------------------------------------- /cpp_tflite/include/tensorflow/lite/delegates/gpu/gl/compiler/fuse_inline.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/jiangxinyang227/nlp_tflite/HEAD/cpp_tflite/include/tensorflow/lite/delegates/gpu/gl/compiler/fuse_inline.h -------------------------------------------------------------------------------- /cpp_tflite/include/tensorflow/lite/delegates/gpu/gl/compiler/fuse_inplace.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/jiangxinyang227/nlp_tflite/HEAD/cpp_tflite/include/tensorflow/lite/delegates/gpu/gl/compiler/fuse_inplace.h -------------------------------------------------------------------------------- /cpp_tflite/include/tensorflow/lite/delegates/gpu/gl/compiler/object_accessor.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/jiangxinyang227/nlp_tflite/HEAD/cpp_tflite/include/tensorflow/lite/delegates/gpu/gl/compiler/object_accessor.h -------------------------------------------------------------------------------- /cpp_tflite/include/tensorflow/lite/delegates/gpu/gl/compiler/parameter_accessor.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/jiangxinyang227/nlp_tflite/HEAD/cpp_tflite/include/tensorflow/lite/delegates/gpu/gl/compiler/parameter_accessor.h -------------------------------------------------------------------------------- /cpp_tflite/include/tensorflow/lite/delegates/gpu/gl/compiler/preprocessor.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/jiangxinyang227/nlp_tflite/HEAD/cpp_tflite/include/tensorflow/lite/delegates/gpu/gl/compiler/preprocessor.h -------------------------------------------------------------------------------- /cpp_tflite/include/tensorflow/lite/delegates/gpu/gl/compiler/rename.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/jiangxinyang227/nlp_tflite/HEAD/cpp_tflite/include/tensorflow/lite/delegates/gpu/gl/compiler/rename.h -------------------------------------------------------------------------------- /cpp_tflite/include/tensorflow/lite/delegates/gpu/gl/compiler/shader_code.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/jiangxinyang227/nlp_tflite/HEAD/cpp_tflite/include/tensorflow/lite/delegates/gpu/gl/compiler/shader_code.h -------------------------------------------------------------------------------- /cpp_tflite/include/tensorflow/lite/delegates/gpu/gl/compiler/shader_codegen.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/jiangxinyang227/nlp_tflite/HEAD/cpp_tflite/include/tensorflow/lite/delegates/gpu/gl/compiler/shader_codegen.h -------------------------------------------------------------------------------- /cpp_tflite/include/tensorflow/lite/delegates/gpu/gl/compiler_options.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/jiangxinyang227/nlp_tflite/HEAD/cpp_tflite/include/tensorflow/lite/delegates/gpu/gl/compiler_options.h -------------------------------------------------------------------------------- /cpp_tflite/include/tensorflow/lite/delegates/gpu/gl/converters/bhwc_to_phwc4.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/jiangxinyang227/nlp_tflite/HEAD/cpp_tflite/include/tensorflow/lite/delegates/gpu/gl/converters/bhwc_to_phwc4.h -------------------------------------------------------------------------------- /cpp_tflite/include/tensorflow/lite/delegates/gpu/gl/converters/phwc4_to_bhwc.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/jiangxinyang227/nlp_tflite/HEAD/cpp_tflite/include/tensorflow/lite/delegates/gpu/gl/converters/phwc4_to_bhwc.h -------------------------------------------------------------------------------- /cpp_tflite/include/tensorflow/lite/delegates/gpu/gl/converters/util.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/jiangxinyang227/nlp_tflite/HEAD/cpp_tflite/include/tensorflow/lite/delegates/gpu/gl/converters/util.h -------------------------------------------------------------------------------- /cpp_tflite/include/tensorflow/lite/delegates/gpu/gl/egl_context.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/jiangxinyang227/nlp_tflite/HEAD/cpp_tflite/include/tensorflow/lite/delegates/gpu/gl/egl_context.h -------------------------------------------------------------------------------- /cpp_tflite/include/tensorflow/lite/delegates/gpu/gl/egl_environment.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/jiangxinyang227/nlp_tflite/HEAD/cpp_tflite/include/tensorflow/lite/delegates/gpu/gl/egl_environment.h -------------------------------------------------------------------------------- /cpp_tflite/include/tensorflow/lite/delegates/gpu/gl/egl_surface.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/jiangxinyang227/nlp_tflite/HEAD/cpp_tflite/include/tensorflow/lite/delegates/gpu/gl/egl_surface.h -------------------------------------------------------------------------------- /cpp_tflite/include/tensorflow/lite/delegates/gpu/gl/float16_conversions.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/jiangxinyang227/nlp_tflite/HEAD/cpp_tflite/include/tensorflow/lite/delegates/gpu/gl/float16_conversions.h -------------------------------------------------------------------------------- /cpp_tflite/include/tensorflow/lite/delegates/gpu/gl/gl_buffer.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/jiangxinyang227/nlp_tflite/HEAD/cpp_tflite/include/tensorflow/lite/delegates/gpu/gl/gl_buffer.h -------------------------------------------------------------------------------- /cpp_tflite/include/tensorflow/lite/delegates/gpu/gl/gl_call.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/jiangxinyang227/nlp_tflite/HEAD/cpp_tflite/include/tensorflow/lite/delegates/gpu/gl/gl_call.h -------------------------------------------------------------------------------- /cpp_tflite/include/tensorflow/lite/delegates/gpu/gl/gl_errors.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/jiangxinyang227/nlp_tflite/HEAD/cpp_tflite/include/tensorflow/lite/delegates/gpu/gl/gl_errors.h -------------------------------------------------------------------------------- /cpp_tflite/include/tensorflow/lite/delegates/gpu/gl/gl_program.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/jiangxinyang227/nlp_tflite/HEAD/cpp_tflite/include/tensorflow/lite/delegates/gpu/gl/gl_program.h -------------------------------------------------------------------------------- /cpp_tflite/include/tensorflow/lite/delegates/gpu/gl/gl_shader.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/jiangxinyang227/nlp_tflite/HEAD/cpp_tflite/include/tensorflow/lite/delegates/gpu/gl/gl_shader.h -------------------------------------------------------------------------------- /cpp_tflite/include/tensorflow/lite/delegates/gpu/gl/gl_sync.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/jiangxinyang227/nlp_tflite/HEAD/cpp_tflite/include/tensorflow/lite/delegates/gpu/gl/gl_sync.h -------------------------------------------------------------------------------- /cpp_tflite/include/tensorflow/lite/delegates/gpu/gl/gl_texture.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/jiangxinyang227/nlp_tflite/HEAD/cpp_tflite/include/tensorflow/lite/delegates/gpu/gl/gl_texture.h -------------------------------------------------------------------------------- /cpp_tflite/include/tensorflow/lite/delegates/gpu/gl/gpu_info.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/jiangxinyang227/nlp_tflite/HEAD/cpp_tflite/include/tensorflow/lite/delegates/gpu/gl/gpu_info.h -------------------------------------------------------------------------------- /cpp_tflite/include/tensorflow/lite/delegates/gpu/gl/kernels/add.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/jiangxinyang227/nlp_tflite/HEAD/cpp_tflite/include/tensorflow/lite/delegates/gpu/gl/kernels/add.h -------------------------------------------------------------------------------- /cpp_tflite/include/tensorflow/lite/delegates/gpu/gl/kernels/concat.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/jiangxinyang227/nlp_tflite/HEAD/cpp_tflite/include/tensorflow/lite/delegates/gpu/gl/kernels/concat.h -------------------------------------------------------------------------------- /cpp_tflite/include/tensorflow/lite/delegates/gpu/gl/kernels/conv.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/jiangxinyang227/nlp_tflite/HEAD/cpp_tflite/include/tensorflow/lite/delegates/gpu/gl/kernels/conv.h -------------------------------------------------------------------------------- /cpp_tflite/include/tensorflow/lite/delegates/gpu/gl/kernels/depthwise_conv.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/jiangxinyang227/nlp_tflite/HEAD/cpp_tflite/include/tensorflow/lite/delegates/gpu/gl/kernels/depthwise_conv.h -------------------------------------------------------------------------------- /cpp_tflite/include/tensorflow/lite/delegates/gpu/gl/kernels/elementwise.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/jiangxinyang227/nlp_tflite/HEAD/cpp_tflite/include/tensorflow/lite/delegates/gpu/gl/kernels/elementwise.h -------------------------------------------------------------------------------- /cpp_tflite/include/tensorflow/lite/delegates/gpu/gl/kernels/fully_connected.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/jiangxinyang227/nlp_tflite/HEAD/cpp_tflite/include/tensorflow/lite/delegates/gpu/gl/kernels/fully_connected.h -------------------------------------------------------------------------------- /cpp_tflite/include/tensorflow/lite/delegates/gpu/gl/kernels/lstm.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/jiangxinyang227/nlp_tflite/HEAD/cpp_tflite/include/tensorflow/lite/delegates/gpu/gl/kernels/lstm.h -------------------------------------------------------------------------------- /cpp_tflite/include/tensorflow/lite/delegates/gpu/gl/kernels/max_unpooling.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/jiangxinyang227/nlp_tflite/HEAD/cpp_tflite/include/tensorflow/lite/delegates/gpu/gl/kernels/max_unpooling.h -------------------------------------------------------------------------------- /cpp_tflite/include/tensorflow/lite/delegates/gpu/gl/kernels/mul.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/jiangxinyang227/nlp_tflite/HEAD/cpp_tflite/include/tensorflow/lite/delegates/gpu/gl/kernels/mul.h -------------------------------------------------------------------------------- /cpp_tflite/include/tensorflow/lite/delegates/gpu/gl/kernels/pad.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/jiangxinyang227/nlp_tflite/HEAD/cpp_tflite/include/tensorflow/lite/delegates/gpu/gl/kernels/pad.h -------------------------------------------------------------------------------- /cpp_tflite/include/tensorflow/lite/delegates/gpu/gl/kernels/pooling.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/jiangxinyang227/nlp_tflite/HEAD/cpp_tflite/include/tensorflow/lite/delegates/gpu/gl/kernels/pooling.h -------------------------------------------------------------------------------- /cpp_tflite/include/tensorflow/lite/delegates/gpu/gl/kernels/prelu.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/jiangxinyang227/nlp_tflite/HEAD/cpp_tflite/include/tensorflow/lite/delegates/gpu/gl/kernels/prelu.h -------------------------------------------------------------------------------- /cpp_tflite/include/tensorflow/lite/delegates/gpu/gl/kernels/registry.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/jiangxinyang227/nlp_tflite/HEAD/cpp_tflite/include/tensorflow/lite/delegates/gpu/gl/kernels/registry.h -------------------------------------------------------------------------------- /cpp_tflite/include/tensorflow/lite/delegates/gpu/gl/kernels/relu.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/jiangxinyang227/nlp_tflite/HEAD/cpp_tflite/include/tensorflow/lite/delegates/gpu/gl/kernels/relu.h -------------------------------------------------------------------------------- /cpp_tflite/include/tensorflow/lite/delegates/gpu/gl/kernels/reshape.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/jiangxinyang227/nlp_tflite/HEAD/cpp_tflite/include/tensorflow/lite/delegates/gpu/gl/kernels/reshape.h -------------------------------------------------------------------------------- /cpp_tflite/include/tensorflow/lite/delegates/gpu/gl/kernels/slice.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/jiangxinyang227/nlp_tflite/HEAD/cpp_tflite/include/tensorflow/lite/delegates/gpu/gl/kernels/slice.h -------------------------------------------------------------------------------- /cpp_tflite/include/tensorflow/lite/delegates/gpu/gl/kernels/softmax.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/jiangxinyang227/nlp_tflite/HEAD/cpp_tflite/include/tensorflow/lite/delegates/gpu/gl/kernels/softmax.h -------------------------------------------------------------------------------- /cpp_tflite/include/tensorflow/lite/delegates/gpu/gl/kernels/test_util.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/jiangxinyang227/nlp_tflite/HEAD/cpp_tflite/include/tensorflow/lite/delegates/gpu/gl/kernels/test_util.h -------------------------------------------------------------------------------- /cpp_tflite/include/tensorflow/lite/delegates/gpu/gl/kernels/transpose_conv.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/jiangxinyang227/nlp_tflite/HEAD/cpp_tflite/include/tensorflow/lite/delegates/gpu/gl/kernels/transpose_conv.h -------------------------------------------------------------------------------- /cpp_tflite/include/tensorflow/lite/delegates/gpu/gl/kernels/upsampling_bilinear.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/jiangxinyang227/nlp_tflite/HEAD/cpp_tflite/include/tensorflow/lite/delegates/gpu/gl/kernels/upsampling_bilinear.h -------------------------------------------------------------------------------- /cpp_tflite/include/tensorflow/lite/delegates/gpu/gl/node_shader.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/jiangxinyang227/nlp_tflite/HEAD/cpp_tflite/include/tensorflow/lite/delegates/gpu/gl/node_shader.h -------------------------------------------------------------------------------- /cpp_tflite/include/tensorflow/lite/delegates/gpu/gl/object.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/jiangxinyang227/nlp_tflite/HEAD/cpp_tflite/include/tensorflow/lite/delegates/gpu/gl/object.h -------------------------------------------------------------------------------- /cpp_tflite/include/tensorflow/lite/delegates/gpu/gl/object_manager.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/jiangxinyang227/nlp_tflite/HEAD/cpp_tflite/include/tensorflow/lite/delegates/gpu/gl/object_manager.h -------------------------------------------------------------------------------- /cpp_tflite/include/tensorflow/lite/delegates/gpu/gl/portable_egl.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/jiangxinyang227/nlp_tflite/HEAD/cpp_tflite/include/tensorflow/lite/delegates/gpu/gl/portable_egl.h -------------------------------------------------------------------------------- /cpp_tflite/include/tensorflow/lite/delegates/gpu/gl/portable_gl31.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/jiangxinyang227/nlp_tflite/HEAD/cpp_tflite/include/tensorflow/lite/delegates/gpu/gl/portable_gl31.h -------------------------------------------------------------------------------- /cpp_tflite/include/tensorflow/lite/delegates/gpu/gl/runtime.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/jiangxinyang227/nlp_tflite/HEAD/cpp_tflite/include/tensorflow/lite/delegates/gpu/gl/runtime.h -------------------------------------------------------------------------------- /cpp_tflite/include/tensorflow/lite/delegates/gpu/gl/runtime/shared_buffer.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/jiangxinyang227/nlp_tflite/HEAD/cpp_tflite/include/tensorflow/lite/delegates/gpu/gl/runtime/shared_buffer.h -------------------------------------------------------------------------------- /cpp_tflite/include/tensorflow/lite/delegates/gpu/gl/runtime_options.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/jiangxinyang227/nlp_tflite/HEAD/cpp_tflite/include/tensorflow/lite/delegates/gpu/gl/runtime_options.h -------------------------------------------------------------------------------- /cpp_tflite/include/tensorflow/lite/delegates/gpu/gl/serialization.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/jiangxinyang227/nlp_tflite/HEAD/cpp_tflite/include/tensorflow/lite/delegates/gpu/gl/serialization.h -------------------------------------------------------------------------------- /cpp_tflite/include/tensorflow/lite/delegates/gpu/gl/stats.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/jiangxinyang227/nlp_tflite/HEAD/cpp_tflite/include/tensorflow/lite/delegates/gpu/gl/stats.h -------------------------------------------------------------------------------- /cpp_tflite/include/tensorflow/lite/delegates/gpu/gl/uniform_parameter.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/jiangxinyang227/nlp_tflite/HEAD/cpp_tflite/include/tensorflow/lite/delegates/gpu/gl/uniform_parameter.h -------------------------------------------------------------------------------- /cpp_tflite/include/tensorflow/lite/delegates/gpu/gl/workgroups/best_effort_calculator.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/jiangxinyang227/nlp_tflite/HEAD/cpp_tflite/include/tensorflow/lite/delegates/gpu/gl/workgroups/best_effort_calculator.h -------------------------------------------------------------------------------- /cpp_tflite/include/tensorflow/lite/delegates/gpu/gl/workgroups/calculator.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/jiangxinyang227/nlp_tflite/HEAD/cpp_tflite/include/tensorflow/lite/delegates/gpu/gl/workgroups/calculator.h -------------------------------------------------------------------------------- /cpp_tflite/include/tensorflow/lite/delegates/gpu/gl/workgroups/calculator_from_metadata.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/jiangxinyang227/nlp_tflite/HEAD/cpp_tflite/include/tensorflow/lite/delegates/gpu/gl/workgroups/calculator_from_metadata.h -------------------------------------------------------------------------------- /cpp_tflite/include/tensorflow/lite/delegates/gpu/gl/workgroups/default_calculator.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/jiangxinyang227/nlp_tflite/HEAD/cpp_tflite/include/tensorflow/lite/delegates/gpu/gl/workgroups/default_calculator.h -------------------------------------------------------------------------------- /cpp_tflite/include/tensorflow/lite/delegates/gpu/gl/workgroups/ideal_workgroup_picker.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/jiangxinyang227/nlp_tflite/HEAD/cpp_tflite/include/tensorflow/lite/delegates/gpu/gl/workgroups/ideal_workgroup_picker.h -------------------------------------------------------------------------------- /cpp_tflite/include/tensorflow/lite/delegates/gpu/gl_delegate.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/jiangxinyang227/nlp_tflite/HEAD/cpp_tflite/include/tensorflow/lite/delegates/gpu/gl_delegate.h -------------------------------------------------------------------------------- /cpp_tflite/include/tensorflow/lite/delegates/gpu/metal/api.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/jiangxinyang227/nlp_tflite/HEAD/cpp_tflite/include/tensorflow/lite/delegates/gpu/metal/api.h -------------------------------------------------------------------------------- /cpp_tflite/include/tensorflow/lite/delegates/gpu/metal/buffer_convert.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/jiangxinyang227/nlp_tflite/HEAD/cpp_tflite/include/tensorflow/lite/delegates/gpu/metal/buffer_convert.h -------------------------------------------------------------------------------- /cpp_tflite/include/tensorflow/lite/delegates/gpu/metal/common.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/jiangxinyang227/nlp_tflite/HEAD/cpp_tflite/include/tensorflow/lite/delegates/gpu/metal/common.h -------------------------------------------------------------------------------- /cpp_tflite/include/tensorflow/lite/delegates/gpu/metal/compiled_model.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/jiangxinyang227/nlp_tflite/HEAD/cpp_tflite/include/tensorflow/lite/delegates/gpu/metal/compiled_model.h -------------------------------------------------------------------------------- /cpp_tflite/include/tensorflow/lite/delegates/gpu/metal/compute_task.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/jiangxinyang227/nlp_tflite/HEAD/cpp_tflite/include/tensorflow/lite/delegates/gpu/metal/compute_task.h -------------------------------------------------------------------------------- /cpp_tflite/include/tensorflow/lite/delegates/gpu/metal/compute_task_descriptor.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/jiangxinyang227/nlp_tflite/HEAD/cpp_tflite/include/tensorflow/lite/delegates/gpu/metal/compute_task_descriptor.h -------------------------------------------------------------------------------- /cpp_tflite/include/tensorflow/lite/delegates/gpu/metal/environment.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/jiangxinyang227/nlp_tflite/HEAD/cpp_tflite/include/tensorflow/lite/delegates/gpu/metal/environment.h -------------------------------------------------------------------------------- /cpp_tflite/include/tensorflow/lite/delegates/gpu/metal/inference_context.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/jiangxinyang227/nlp_tflite/HEAD/cpp_tflite/include/tensorflow/lite/delegates/gpu/metal/inference_context.h -------------------------------------------------------------------------------- /cpp_tflite/include/tensorflow/lite/delegates/gpu/metal/kernels/add.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/jiangxinyang227/nlp_tflite/HEAD/cpp_tflite/include/tensorflow/lite/delegates/gpu/metal/kernels/add.h -------------------------------------------------------------------------------- /cpp_tflite/include/tensorflow/lite/delegates/gpu/metal/kernels/concat.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/jiangxinyang227/nlp_tflite/HEAD/cpp_tflite/include/tensorflow/lite/delegates/gpu/metal/kernels/concat.h -------------------------------------------------------------------------------- /cpp_tflite/include/tensorflow/lite/delegates/gpu/metal/kernels/conv.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/jiangxinyang227/nlp_tflite/HEAD/cpp_tflite/include/tensorflow/lite/delegates/gpu/metal/kernels/conv.h -------------------------------------------------------------------------------- /cpp_tflite/include/tensorflow/lite/delegates/gpu/metal/kernels/depthwise_conv.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/jiangxinyang227/nlp_tflite/HEAD/cpp_tflite/include/tensorflow/lite/delegates/gpu/metal/kernels/depthwise_conv.h -------------------------------------------------------------------------------- /cpp_tflite/include/tensorflow/lite/delegates/gpu/metal/kernels/elementwise.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/jiangxinyang227/nlp_tflite/HEAD/cpp_tflite/include/tensorflow/lite/delegates/gpu/metal/kernels/elementwise.h -------------------------------------------------------------------------------- /cpp_tflite/include/tensorflow/lite/delegates/gpu/metal/kernels/fully_connected.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/jiangxinyang227/nlp_tflite/HEAD/cpp_tflite/include/tensorflow/lite/delegates/gpu/metal/kernels/fully_connected.h -------------------------------------------------------------------------------- /cpp_tflite/include/tensorflow/lite/delegates/gpu/metal/kernels/max_unpooling.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/jiangxinyang227/nlp_tflite/HEAD/cpp_tflite/include/tensorflow/lite/delegates/gpu/metal/kernels/max_unpooling.h -------------------------------------------------------------------------------- /cpp_tflite/include/tensorflow/lite/delegates/gpu/metal/kernels/mul.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/jiangxinyang227/nlp_tflite/HEAD/cpp_tflite/include/tensorflow/lite/delegates/gpu/metal/kernels/mul.h -------------------------------------------------------------------------------- /cpp_tflite/include/tensorflow/lite/delegates/gpu/metal/kernels/padding.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/jiangxinyang227/nlp_tflite/HEAD/cpp_tflite/include/tensorflow/lite/delegates/gpu/metal/kernels/padding.h -------------------------------------------------------------------------------- /cpp_tflite/include/tensorflow/lite/delegates/gpu/metal/kernels/pooling.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/jiangxinyang227/nlp_tflite/HEAD/cpp_tflite/include/tensorflow/lite/delegates/gpu/metal/kernels/pooling.h -------------------------------------------------------------------------------- /cpp_tflite/include/tensorflow/lite/delegates/gpu/metal/kernels/prelu.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/jiangxinyang227/nlp_tflite/HEAD/cpp_tflite/include/tensorflow/lite/delegates/gpu/metal/kernels/prelu.h -------------------------------------------------------------------------------- /cpp_tflite/include/tensorflow/lite/delegates/gpu/metal/kernels/relu.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/jiangxinyang227/nlp_tflite/HEAD/cpp_tflite/include/tensorflow/lite/delegates/gpu/metal/kernels/relu.h -------------------------------------------------------------------------------- /cpp_tflite/include/tensorflow/lite/delegates/gpu/metal/kernels/reshape.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/jiangxinyang227/nlp_tflite/HEAD/cpp_tflite/include/tensorflow/lite/delegates/gpu/metal/kernels/reshape.h -------------------------------------------------------------------------------- /cpp_tflite/include/tensorflow/lite/delegates/gpu/metal/kernels/slice.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/jiangxinyang227/nlp_tflite/HEAD/cpp_tflite/include/tensorflow/lite/delegates/gpu/metal/kernels/slice.h -------------------------------------------------------------------------------- /cpp_tflite/include/tensorflow/lite/delegates/gpu/metal/kernels/softmax.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/jiangxinyang227/nlp_tflite/HEAD/cpp_tflite/include/tensorflow/lite/delegates/gpu/metal/kernels/softmax.h -------------------------------------------------------------------------------- /cpp_tflite/include/tensorflow/lite/delegates/gpu/metal/kernels/transpose_conv.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/jiangxinyang227/nlp_tflite/HEAD/cpp_tflite/include/tensorflow/lite/delegates/gpu/metal/kernels/transpose_conv.h -------------------------------------------------------------------------------- /cpp_tflite/include/tensorflow/lite/delegates/gpu/metal/kernels/upsample.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/jiangxinyang227/nlp_tflite/HEAD/cpp_tflite/include/tensorflow/lite/delegates/gpu/metal/kernels/upsample.h -------------------------------------------------------------------------------- /cpp_tflite/include/tensorflow/lite/delegates/gpu/metal/kernels/util.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/jiangxinyang227/nlp_tflite/HEAD/cpp_tflite/include/tensorflow/lite/delegates/gpu/metal/kernels/util.h -------------------------------------------------------------------------------- /cpp_tflite/include/tensorflow/lite/delegates/gpu/metal/runtime_options.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/jiangxinyang227/nlp_tflite/HEAD/cpp_tflite/include/tensorflow/lite/delegates/gpu/metal/runtime_options.h -------------------------------------------------------------------------------- /cpp_tflite/include/tensorflow/lite/delegates/gpu/metal_delegate.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/jiangxinyang227/nlp_tflite/HEAD/cpp_tflite/include/tensorflow/lite/delegates/gpu/metal_delegate.h -------------------------------------------------------------------------------- /cpp_tflite/include/tensorflow/lite/delegates/nnapi/nnapi_delegate.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/jiangxinyang227/nlp_tflite/HEAD/cpp_tflite/include/tensorflow/lite/delegates/nnapi/nnapi_delegate.h -------------------------------------------------------------------------------- /cpp_tflite/include/tensorflow/lite/error_reporter.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/jiangxinyang227/nlp_tflite/HEAD/cpp_tflite/include/tensorflow/lite/error_reporter.h -------------------------------------------------------------------------------- /cpp_tflite/include/tensorflow/lite/examples/ios/camera/CameraExampleAppDelegate.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/jiangxinyang227/nlp_tflite/HEAD/cpp_tflite/include/tensorflow/lite/examples/ios/camera/CameraExampleAppDelegate.h -------------------------------------------------------------------------------- /cpp_tflite/include/tensorflow/lite/examples/ios/camera/CameraExampleViewController.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/jiangxinyang227/nlp_tflite/HEAD/cpp_tflite/include/tensorflow/lite/examples/ios/camera/CameraExampleViewController.h -------------------------------------------------------------------------------- /cpp_tflite/include/tensorflow/lite/examples/ios/simple/AppDelegate.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/jiangxinyang227/nlp_tflite/HEAD/cpp_tflite/include/tensorflow/lite/examples/ios/simple/AppDelegate.h -------------------------------------------------------------------------------- /cpp_tflite/include/tensorflow/lite/examples/ios/simple/RunModelViewController.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/jiangxinyang227/nlp_tflite/HEAD/cpp_tflite/include/tensorflow/lite/examples/ios/simple/RunModelViewController.h -------------------------------------------------------------------------------- /cpp_tflite/include/tensorflow/lite/examples/ios/simple/ios_image_load.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/jiangxinyang227/nlp_tflite/HEAD/cpp_tflite/include/tensorflow/lite/examples/ios/simple/ios_image_load.h -------------------------------------------------------------------------------- /cpp_tflite/include/tensorflow/lite/examples/label_image/bitmap_helpers.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/jiangxinyang227/nlp_tflite/HEAD/cpp_tflite/include/tensorflow/lite/examples/label_image/bitmap_helpers.h -------------------------------------------------------------------------------- /cpp_tflite/include/tensorflow/lite/examples/label_image/bitmap_helpers_impl.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/jiangxinyang227/nlp_tflite/HEAD/cpp_tflite/include/tensorflow/lite/examples/label_image/bitmap_helpers_impl.h -------------------------------------------------------------------------------- /cpp_tflite/include/tensorflow/lite/examples/label_image/get_top_n.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/jiangxinyang227/nlp_tflite/HEAD/cpp_tflite/include/tensorflow/lite/examples/label_image/get_top_n.h -------------------------------------------------------------------------------- /cpp_tflite/include/tensorflow/lite/examples/label_image/get_top_n_impl.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/jiangxinyang227/nlp_tflite/HEAD/cpp_tflite/include/tensorflow/lite/examples/label_image/get_top_n_impl.h -------------------------------------------------------------------------------- /cpp_tflite/include/tensorflow/lite/examples/label_image/label_image.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/jiangxinyang227/nlp_tflite/HEAD/cpp_tflite/include/tensorflow/lite/examples/label_image/label_image.h -------------------------------------------------------------------------------- /cpp_tflite/include/tensorflow/lite/experimental/c/c_api.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/jiangxinyang227/nlp_tflite/HEAD/cpp_tflite/include/tensorflow/lite/experimental/c/c_api.h -------------------------------------------------------------------------------- /cpp_tflite/include/tensorflow/lite/experimental/c/c_api_experimental.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/jiangxinyang227/nlp_tflite/HEAD/cpp_tflite/include/tensorflow/lite/experimental/c/c_api_experimental.h -------------------------------------------------------------------------------- /cpp_tflite/include/tensorflow/lite/experimental/c/c_api_internal.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/jiangxinyang227/nlp_tflite/HEAD/cpp_tflite/include/tensorflow/lite/experimental/c/c_api_internal.h -------------------------------------------------------------------------------- /cpp_tflite/include/tensorflow/lite/experimental/c/c_api_types.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/jiangxinyang227/nlp_tflite/HEAD/cpp_tflite/include/tensorflow/lite/experimental/c/c_api_types.h -------------------------------------------------------------------------------- /cpp_tflite/include/tensorflow/lite/experimental/kernels/ctc_beam_entry.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/jiangxinyang227/nlp_tflite/HEAD/cpp_tflite/include/tensorflow/lite/experimental/kernels/ctc_beam_entry.h -------------------------------------------------------------------------------- /cpp_tflite/include/tensorflow/lite/experimental/kernels/ctc_beam_scorer.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/jiangxinyang227/nlp_tflite/HEAD/cpp_tflite/include/tensorflow/lite/experimental/kernels/ctc_beam_scorer.h -------------------------------------------------------------------------------- /cpp_tflite/include/tensorflow/lite/experimental/kernels/ctc_beam_search.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/jiangxinyang227/nlp_tflite/HEAD/cpp_tflite/include/tensorflow/lite/experimental/kernels/ctc_beam_search.h -------------------------------------------------------------------------------- /cpp_tflite/include/tensorflow/lite/experimental/kernels/ctc_decoder.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/jiangxinyang227/nlp_tflite/HEAD/cpp_tflite/include/tensorflow/lite/experimental/kernels/ctc_decoder.h -------------------------------------------------------------------------------- /cpp_tflite/include/tensorflow/lite/experimental/kernels/ctc_loss_util.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/jiangxinyang227/nlp_tflite/HEAD/cpp_tflite/include/tensorflow/lite/experimental/kernels/ctc_loss_util.h -------------------------------------------------------------------------------- /cpp_tflite/include/tensorflow/lite/experimental/kernels/gru_cell.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/jiangxinyang227/nlp_tflite/HEAD/cpp_tflite/include/tensorflow/lite/experimental/kernels/gru_cell.h -------------------------------------------------------------------------------- /cpp_tflite/include/tensorflow/lite/experimental/kernels/top_n.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/jiangxinyang227/nlp_tflite/HEAD/cpp_tflite/include/tensorflow/lite/experimental/kernels/top_n.h -------------------------------------------------------------------------------- /cpp_tflite/include/tensorflow/lite/experimental/micro/compatibility.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/jiangxinyang227/nlp_tflite/HEAD/cpp_tflite/include/tensorflow/lite/experimental/micro/compatibility.h -------------------------------------------------------------------------------- /cpp_tflite/include/tensorflow/lite/experimental/micro/debug_log.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/jiangxinyang227/nlp_tflite/HEAD/cpp_tflite/include/tensorflow/lite/experimental/micro/debug_log.h -------------------------------------------------------------------------------- /cpp_tflite/include/tensorflow/lite/experimental/micro/debug_log_numbers.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/jiangxinyang227/nlp_tflite/HEAD/cpp_tflite/include/tensorflow/lite/experimental/micro/debug_log_numbers.h -------------------------------------------------------------------------------- /cpp_tflite/include/tensorflow/lite/experimental/micro/examples/micro_speech/CMSIS/hanning.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/jiangxinyang227/nlp_tflite/HEAD/cpp_tflite/include/tensorflow/lite/experimental/micro/examples/micro_speech/CMSIS/hanning.h -------------------------------------------------------------------------------- /cpp_tflite/include/tensorflow/lite/experimental/micro/examples/micro_speech/CMSIS/sin_1k.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/jiangxinyang227/nlp_tflite/HEAD/cpp_tflite/include/tensorflow/lite/experimental/micro/examples/micro_speech/CMSIS/sin_1k.h -------------------------------------------------------------------------------- /cpp_tflite/include/tensorflow/lite/experimental/micro/examples/micro_speech/audio_provider.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/jiangxinyang227/nlp_tflite/HEAD/cpp_tflite/include/tensorflow/lite/experimental/micro/examples/micro_speech/audio_provider.h -------------------------------------------------------------------------------- /cpp_tflite/include/tensorflow/lite/experimental/micro/examples/micro_speech/command_responder.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/jiangxinyang227/nlp_tflite/HEAD/cpp_tflite/include/tensorflow/lite/experimental/micro/examples/micro_speech/command_responder.h -------------------------------------------------------------------------------- /cpp_tflite/include/tensorflow/lite/experimental/micro/examples/micro_speech/feature_provider.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/jiangxinyang227/nlp_tflite/HEAD/cpp_tflite/include/tensorflow/lite/experimental/micro/examples/micro_speech/feature_provider.h -------------------------------------------------------------------------------- /cpp_tflite/include/tensorflow/lite/experimental/micro/examples/micro_speech/micro_features/bits.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/jiangxinyang227/nlp_tflite/HEAD/cpp_tflite/include/tensorflow/lite/experimental/micro/examples/micro_speech/micro_features/bits.h -------------------------------------------------------------------------------- /cpp_tflite/include/tensorflow/lite/experimental/micro/examples/micro_speech/micro_features/fft.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/jiangxinyang227/nlp_tflite/HEAD/cpp_tflite/include/tensorflow/lite/experimental/micro/examples/micro_speech/micro_features/fft.h -------------------------------------------------------------------------------- /cpp_tflite/include/tensorflow/lite/experimental/micro/examples/micro_speech/micro_features/fft_util.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/jiangxinyang227/nlp_tflite/HEAD/cpp_tflite/include/tensorflow/lite/experimental/micro/examples/micro_speech/micro_features/fft_util.h -------------------------------------------------------------------------------- /cpp_tflite/include/tensorflow/lite/experimental/micro/examples/micro_speech/micro_features/filterbank.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/jiangxinyang227/nlp_tflite/HEAD/cpp_tflite/include/tensorflow/lite/experimental/micro/examples/micro_speech/micro_features/filterbank.h -------------------------------------------------------------------------------- /cpp_tflite/include/tensorflow/lite/experimental/micro/examples/micro_speech/micro_features/filterbank_util.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/jiangxinyang227/nlp_tflite/HEAD/cpp_tflite/include/tensorflow/lite/experimental/micro/examples/micro_speech/micro_features/filterbank_util.h -------------------------------------------------------------------------------- /cpp_tflite/include/tensorflow/lite/experimental/micro/examples/micro_speech/micro_features/frontend.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/jiangxinyang227/nlp_tflite/HEAD/cpp_tflite/include/tensorflow/lite/experimental/micro/examples/micro_speech/micro_features/frontend.h -------------------------------------------------------------------------------- /cpp_tflite/include/tensorflow/lite/experimental/micro/examples/micro_speech/micro_features/frontend_util.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/jiangxinyang227/nlp_tflite/HEAD/cpp_tflite/include/tensorflow/lite/experimental/micro/examples/micro_speech/micro_features/frontend_util.h -------------------------------------------------------------------------------- /cpp_tflite/include/tensorflow/lite/experimental/micro/examples/micro_speech/micro_features/log_lut.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/jiangxinyang227/nlp_tflite/HEAD/cpp_tflite/include/tensorflow/lite/experimental/micro/examples/micro_speech/micro_features/log_lut.h -------------------------------------------------------------------------------- /cpp_tflite/include/tensorflow/lite/experimental/micro/examples/micro_speech/micro_features/log_scale.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/jiangxinyang227/nlp_tflite/HEAD/cpp_tflite/include/tensorflow/lite/experimental/micro/examples/micro_speech/micro_features/log_scale.h -------------------------------------------------------------------------------- /cpp_tflite/include/tensorflow/lite/experimental/micro/examples/micro_speech/micro_features/log_scale_util.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/jiangxinyang227/nlp_tflite/HEAD/cpp_tflite/include/tensorflow/lite/experimental/micro/examples/micro_speech/micro_features/log_scale_util.h -------------------------------------------------------------------------------- /cpp_tflite/include/tensorflow/lite/experimental/micro/examples/micro_speech/micro_features/micro_features_generator.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/jiangxinyang227/nlp_tflite/HEAD/cpp_tflite/include/tensorflow/lite/experimental/micro/examples/micro_speech/micro_features/micro_features_generator.h -------------------------------------------------------------------------------- /cpp_tflite/include/tensorflow/lite/experimental/micro/examples/micro_speech/micro_features/micro_model_settings.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/jiangxinyang227/nlp_tflite/HEAD/cpp_tflite/include/tensorflow/lite/experimental/micro/examples/micro_speech/micro_features/micro_model_settings.h -------------------------------------------------------------------------------- /cpp_tflite/include/tensorflow/lite/experimental/micro/examples/micro_speech/micro_features/no_feature_data_slice.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/jiangxinyang227/nlp_tflite/HEAD/cpp_tflite/include/tensorflow/lite/experimental/micro/examples/micro_speech/micro_features/no_feature_data_slice.h -------------------------------------------------------------------------------- /cpp_tflite/include/tensorflow/lite/experimental/micro/examples/micro_speech/micro_features/no_micro_features_data.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/jiangxinyang227/nlp_tflite/HEAD/cpp_tflite/include/tensorflow/lite/experimental/micro/examples/micro_speech/micro_features/no_micro_features_data.h -------------------------------------------------------------------------------- /cpp_tflite/include/tensorflow/lite/experimental/micro/examples/micro_speech/micro_features/noise_reduction.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/jiangxinyang227/nlp_tflite/HEAD/cpp_tflite/include/tensorflow/lite/experimental/micro/examples/micro_speech/micro_features/noise_reduction.h -------------------------------------------------------------------------------- /cpp_tflite/include/tensorflow/lite/experimental/micro/examples/micro_speech/micro_features/noise_reduction_util.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/jiangxinyang227/nlp_tflite/HEAD/cpp_tflite/include/tensorflow/lite/experimental/micro/examples/micro_speech/micro_features/noise_reduction_util.h -------------------------------------------------------------------------------- /cpp_tflite/include/tensorflow/lite/experimental/micro/examples/micro_speech/micro_features/pcan_gain_control.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/jiangxinyang227/nlp_tflite/HEAD/cpp_tflite/include/tensorflow/lite/experimental/micro/examples/micro_speech/micro_features/pcan_gain_control.h -------------------------------------------------------------------------------- /cpp_tflite/include/tensorflow/lite/experimental/micro/examples/micro_speech/micro_features/pcan_gain_control_util.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/jiangxinyang227/nlp_tflite/HEAD/cpp_tflite/include/tensorflow/lite/experimental/micro/examples/micro_speech/micro_features/pcan_gain_control_util.h -------------------------------------------------------------------------------- /cpp_tflite/include/tensorflow/lite/experimental/micro/examples/micro_speech/micro_features/static_alloc.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/jiangxinyang227/nlp_tflite/HEAD/cpp_tflite/include/tensorflow/lite/experimental/micro/examples/micro_speech/micro_features/static_alloc.h -------------------------------------------------------------------------------- /cpp_tflite/include/tensorflow/lite/experimental/micro/examples/micro_speech/micro_features/tiny_conv_micro_features_model_data.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/jiangxinyang227/nlp_tflite/HEAD/cpp_tflite/include/tensorflow/lite/experimental/micro/examples/micro_speech/micro_features/tiny_conv_micro_features_model_data.h -------------------------------------------------------------------------------- /cpp_tflite/include/tensorflow/lite/experimental/micro/examples/micro_speech/micro_features/window.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/jiangxinyang227/nlp_tflite/HEAD/cpp_tflite/include/tensorflow/lite/experimental/micro/examples/micro_speech/micro_features/window.h -------------------------------------------------------------------------------- /cpp_tflite/include/tensorflow/lite/experimental/micro/examples/micro_speech/micro_features/window_util.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/jiangxinyang227/nlp_tflite/HEAD/cpp_tflite/include/tensorflow/lite/experimental/micro/examples/micro_speech/micro_features/window_util.h -------------------------------------------------------------------------------- /cpp_tflite/include/tensorflow/lite/experimental/micro/examples/micro_speech/micro_features/yes_feature_data_slice.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/jiangxinyang227/nlp_tflite/HEAD/cpp_tflite/include/tensorflow/lite/experimental/micro/examples/micro_speech/micro_features/yes_feature_data_slice.h -------------------------------------------------------------------------------- /cpp_tflite/include/tensorflow/lite/experimental/micro/examples/micro_speech/micro_features/yes_micro_features_data.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/jiangxinyang227/nlp_tflite/HEAD/cpp_tflite/include/tensorflow/lite/experimental/micro/examples/micro_speech/micro_features/yes_micro_features_data.h -------------------------------------------------------------------------------- /cpp_tflite/include/tensorflow/lite/experimental/micro/examples/micro_speech/no_1000ms_sample_data.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/jiangxinyang227/nlp_tflite/HEAD/cpp_tflite/include/tensorflow/lite/experimental/micro/examples/micro_speech/no_1000ms_sample_data.h -------------------------------------------------------------------------------- /cpp_tflite/include/tensorflow/lite/experimental/micro/examples/micro_speech/no_30ms_sample_data.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/jiangxinyang227/nlp_tflite/HEAD/cpp_tflite/include/tensorflow/lite/experimental/micro/examples/micro_speech/no_30ms_sample_data.h -------------------------------------------------------------------------------- /cpp_tflite/include/tensorflow/lite/experimental/micro/examples/micro_speech/recognize_commands.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/jiangxinyang227/nlp_tflite/HEAD/cpp_tflite/include/tensorflow/lite/experimental/micro/examples/micro_speech/recognize_commands.h -------------------------------------------------------------------------------- /cpp_tflite/include/tensorflow/lite/experimental/micro/examples/micro_speech/simple_features/no_power_spectrum_data.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/jiangxinyang227/nlp_tflite/HEAD/cpp_tflite/include/tensorflow/lite/experimental/micro/examples/micro_speech/simple_features/no_power_spectrum_data.h -------------------------------------------------------------------------------- /cpp_tflite/include/tensorflow/lite/experimental/micro/examples/micro_speech/simple_features/no_simple_features_data.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/jiangxinyang227/nlp_tflite/HEAD/cpp_tflite/include/tensorflow/lite/experimental/micro/examples/micro_speech/simple_features/no_simple_features_data.h -------------------------------------------------------------------------------- /cpp_tflite/include/tensorflow/lite/experimental/micro/examples/micro_speech/simple_features/simple_features_generator.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/jiangxinyang227/nlp_tflite/HEAD/cpp_tflite/include/tensorflow/lite/experimental/micro/examples/micro_speech/simple_features/simple_features_generator.h -------------------------------------------------------------------------------- /cpp_tflite/include/tensorflow/lite/experimental/micro/examples/micro_speech/simple_features/simple_model_settings.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/jiangxinyang227/nlp_tflite/HEAD/cpp_tflite/include/tensorflow/lite/experimental/micro/examples/micro_speech/simple_features/simple_model_settings.h -------------------------------------------------------------------------------- /cpp_tflite/include/tensorflow/lite/experimental/micro/examples/micro_speech/simple_features/tiny_conv_simple_features_model_data.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/jiangxinyang227/nlp_tflite/HEAD/cpp_tflite/include/tensorflow/lite/experimental/micro/examples/micro_speech/simple_features/tiny_conv_simple_features_model_data.h -------------------------------------------------------------------------------- /cpp_tflite/include/tensorflow/lite/experimental/micro/examples/micro_speech/simple_features/yes_power_spectrum_data.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/jiangxinyang227/nlp_tflite/HEAD/cpp_tflite/include/tensorflow/lite/experimental/micro/examples/micro_speech/simple_features/yes_power_spectrum_data.h -------------------------------------------------------------------------------- /cpp_tflite/include/tensorflow/lite/experimental/micro/examples/micro_speech/simple_features/yes_simple_features_data.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/jiangxinyang227/nlp_tflite/HEAD/cpp_tflite/include/tensorflow/lite/experimental/micro/examples/micro_speech/simple_features/yes_simple_features_data.h -------------------------------------------------------------------------------- /cpp_tflite/include/tensorflow/lite/experimental/micro/examples/micro_speech/yes_1000ms_sample_data.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/jiangxinyang227/nlp_tflite/HEAD/cpp_tflite/include/tensorflow/lite/experimental/micro/examples/micro_speech/yes_1000ms_sample_data.h -------------------------------------------------------------------------------- /cpp_tflite/include/tensorflow/lite/experimental/micro/examples/micro_speech/yes_30ms_sample_data.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/jiangxinyang227/nlp_tflite/HEAD/cpp_tflite/include/tensorflow/lite/experimental/micro/examples/micro_speech/yes_30ms_sample_data.h -------------------------------------------------------------------------------- /cpp_tflite/include/tensorflow/lite/experimental/micro/kernels/all_ops_resolver.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/jiangxinyang227/nlp_tflite/HEAD/cpp_tflite/include/tensorflow/lite/experimental/micro/kernels/all_ops_resolver.h -------------------------------------------------------------------------------- /cpp_tflite/include/tensorflow/lite/experimental/micro/micro_error_reporter.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/jiangxinyang227/nlp_tflite/HEAD/cpp_tflite/include/tensorflow/lite/experimental/micro/micro_error_reporter.h -------------------------------------------------------------------------------- /cpp_tflite/include/tensorflow/lite/experimental/micro/micro_interpreter.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/jiangxinyang227/nlp_tflite/HEAD/cpp_tflite/include/tensorflow/lite/experimental/micro/micro_interpreter.h -------------------------------------------------------------------------------- /cpp_tflite/include/tensorflow/lite/experimental/micro/micro_mutable_op_resolver.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/jiangxinyang227/nlp_tflite/HEAD/cpp_tflite/include/tensorflow/lite/experimental/micro/micro_mutable_op_resolver.h -------------------------------------------------------------------------------- /cpp_tflite/include/tensorflow/lite/experimental/micro/simple_tensor_allocator.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/jiangxinyang227/nlp_tflite/HEAD/cpp_tflite/include/tensorflow/lite/experimental/micro/simple_tensor_allocator.h -------------------------------------------------------------------------------- /cpp_tflite/include/tensorflow/lite/experimental/micro/testing/micro_test.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/jiangxinyang227/nlp_tflite/HEAD/cpp_tflite/include/tensorflow/lite/experimental/micro/testing/micro_test.h -------------------------------------------------------------------------------- /cpp_tflite/include/tensorflow/lite/experimental/micro/testing/test_utils.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/jiangxinyang227/nlp_tflite/HEAD/cpp_tflite/include/tensorflow/lite/experimental/micro/testing/test_utils.h -------------------------------------------------------------------------------- /cpp_tflite/include/tensorflow/lite/experimental/micro/tools/make/templates/TensorFlowLite.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/jiangxinyang227/nlp_tflite/HEAD/cpp_tflite/include/tensorflow/lite/experimental/micro/tools/make/templates/TensorFlowLite.h -------------------------------------------------------------------------------- /cpp_tflite/include/tensorflow/lite/experimental/microfrontend/lib/bits.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/jiangxinyang227/nlp_tflite/HEAD/cpp_tflite/include/tensorflow/lite/experimental/microfrontend/lib/bits.h -------------------------------------------------------------------------------- /cpp_tflite/include/tensorflow/lite/experimental/microfrontend/lib/fft.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/jiangxinyang227/nlp_tflite/HEAD/cpp_tflite/include/tensorflow/lite/experimental/microfrontend/lib/fft.h -------------------------------------------------------------------------------- /cpp_tflite/include/tensorflow/lite/experimental/microfrontend/lib/fft_io.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/jiangxinyang227/nlp_tflite/HEAD/cpp_tflite/include/tensorflow/lite/experimental/microfrontend/lib/fft_io.h -------------------------------------------------------------------------------- /cpp_tflite/include/tensorflow/lite/experimental/microfrontend/lib/fft_util.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/jiangxinyang227/nlp_tflite/HEAD/cpp_tflite/include/tensorflow/lite/experimental/microfrontend/lib/fft_util.h -------------------------------------------------------------------------------- /cpp_tflite/include/tensorflow/lite/experimental/microfrontend/lib/filterbank.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/jiangxinyang227/nlp_tflite/HEAD/cpp_tflite/include/tensorflow/lite/experimental/microfrontend/lib/filterbank.h -------------------------------------------------------------------------------- /cpp_tflite/include/tensorflow/lite/experimental/microfrontend/lib/filterbank_io.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/jiangxinyang227/nlp_tflite/HEAD/cpp_tflite/include/tensorflow/lite/experimental/microfrontend/lib/filterbank_io.h -------------------------------------------------------------------------------- /cpp_tflite/include/tensorflow/lite/experimental/microfrontend/lib/filterbank_util.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/jiangxinyang227/nlp_tflite/HEAD/cpp_tflite/include/tensorflow/lite/experimental/microfrontend/lib/filterbank_util.h -------------------------------------------------------------------------------- /cpp_tflite/include/tensorflow/lite/experimental/microfrontend/lib/frontend.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/jiangxinyang227/nlp_tflite/HEAD/cpp_tflite/include/tensorflow/lite/experimental/microfrontend/lib/frontend.h -------------------------------------------------------------------------------- /cpp_tflite/include/tensorflow/lite/experimental/microfrontend/lib/frontend_io.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/jiangxinyang227/nlp_tflite/HEAD/cpp_tflite/include/tensorflow/lite/experimental/microfrontend/lib/frontend_io.h -------------------------------------------------------------------------------- /cpp_tflite/include/tensorflow/lite/experimental/microfrontend/lib/frontend_util.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/jiangxinyang227/nlp_tflite/HEAD/cpp_tflite/include/tensorflow/lite/experimental/microfrontend/lib/frontend_util.h -------------------------------------------------------------------------------- /cpp_tflite/include/tensorflow/lite/experimental/microfrontend/lib/log_lut.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/jiangxinyang227/nlp_tflite/HEAD/cpp_tflite/include/tensorflow/lite/experimental/microfrontend/lib/log_lut.h -------------------------------------------------------------------------------- /cpp_tflite/include/tensorflow/lite/experimental/microfrontend/lib/log_scale.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/jiangxinyang227/nlp_tflite/HEAD/cpp_tflite/include/tensorflow/lite/experimental/microfrontend/lib/log_scale.h -------------------------------------------------------------------------------- /cpp_tflite/include/tensorflow/lite/experimental/microfrontend/lib/log_scale_io.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/jiangxinyang227/nlp_tflite/HEAD/cpp_tflite/include/tensorflow/lite/experimental/microfrontend/lib/log_scale_io.h -------------------------------------------------------------------------------- /cpp_tflite/include/tensorflow/lite/experimental/microfrontend/lib/log_scale_util.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/jiangxinyang227/nlp_tflite/HEAD/cpp_tflite/include/tensorflow/lite/experimental/microfrontend/lib/log_scale_util.h -------------------------------------------------------------------------------- /cpp_tflite/include/tensorflow/lite/experimental/microfrontend/lib/noise_reduction.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/jiangxinyang227/nlp_tflite/HEAD/cpp_tflite/include/tensorflow/lite/experimental/microfrontend/lib/noise_reduction.h -------------------------------------------------------------------------------- /cpp_tflite/include/tensorflow/lite/experimental/microfrontend/lib/noise_reduction_io.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/jiangxinyang227/nlp_tflite/HEAD/cpp_tflite/include/tensorflow/lite/experimental/microfrontend/lib/noise_reduction_io.h -------------------------------------------------------------------------------- /cpp_tflite/include/tensorflow/lite/experimental/microfrontend/lib/noise_reduction_util.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/jiangxinyang227/nlp_tflite/HEAD/cpp_tflite/include/tensorflow/lite/experimental/microfrontend/lib/noise_reduction_util.h -------------------------------------------------------------------------------- /cpp_tflite/include/tensorflow/lite/experimental/microfrontend/lib/pcan_gain_control.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/jiangxinyang227/nlp_tflite/HEAD/cpp_tflite/include/tensorflow/lite/experimental/microfrontend/lib/pcan_gain_control.h -------------------------------------------------------------------------------- /cpp_tflite/include/tensorflow/lite/experimental/microfrontend/lib/pcan_gain_control_util.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/jiangxinyang227/nlp_tflite/HEAD/cpp_tflite/include/tensorflow/lite/experimental/microfrontend/lib/pcan_gain_control_util.h -------------------------------------------------------------------------------- /cpp_tflite/include/tensorflow/lite/experimental/microfrontend/lib/window.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/jiangxinyang227/nlp_tflite/HEAD/cpp_tflite/include/tensorflow/lite/experimental/microfrontend/lib/window.h -------------------------------------------------------------------------------- /cpp_tflite/include/tensorflow/lite/experimental/microfrontend/lib/window_io.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/jiangxinyang227/nlp_tflite/HEAD/cpp_tflite/include/tensorflow/lite/experimental/microfrontend/lib/window_io.h -------------------------------------------------------------------------------- /cpp_tflite/include/tensorflow/lite/experimental/microfrontend/lib/window_util.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/jiangxinyang227/nlp_tflite/HEAD/cpp_tflite/include/tensorflow/lite/experimental/microfrontend/lib/window_util.h -------------------------------------------------------------------------------- /cpp_tflite/include/tensorflow/lite/experimental/objc/apis/TFLInterpreter.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/jiangxinyang227/nlp_tflite/HEAD/cpp_tflite/include/tensorflow/lite/experimental/objc/apis/TFLInterpreter.h -------------------------------------------------------------------------------- /cpp_tflite/include/tensorflow/lite/experimental/objc/apis/TFLInterpreterOptions.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/jiangxinyang227/nlp_tflite/HEAD/cpp_tflite/include/tensorflow/lite/experimental/objc/apis/TFLInterpreterOptions.h -------------------------------------------------------------------------------- /cpp_tflite/include/tensorflow/lite/experimental/objc/apis/TFLQuantizationParameters.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/jiangxinyang227/nlp_tflite/HEAD/cpp_tflite/include/tensorflow/lite/experimental/objc/apis/TFLQuantizationParameters.h -------------------------------------------------------------------------------- /cpp_tflite/include/tensorflow/lite/experimental/objc/apis/TFLTensor.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/jiangxinyang227/nlp_tflite/HEAD/cpp_tflite/include/tensorflow/lite/experimental/objc/apis/TFLTensor.h -------------------------------------------------------------------------------- /cpp_tflite/include/tensorflow/lite/experimental/objc/apis/TFLTensorFlowLite.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/jiangxinyang227/nlp_tflite/HEAD/cpp_tflite/include/tensorflow/lite/experimental/objc/apis/TFLTensorFlowLite.h -------------------------------------------------------------------------------- /cpp_tflite/include/tensorflow/lite/experimental/objc/sources/TFLErrorUtil.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/jiangxinyang227/nlp_tflite/HEAD/cpp_tflite/include/tensorflow/lite/experimental/objc/sources/TFLErrorUtil.h -------------------------------------------------------------------------------- /cpp_tflite/include/tensorflow/lite/experimental/objc/sources/TFLInterpreter+Internal.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/jiangxinyang227/nlp_tflite/HEAD/cpp_tflite/include/tensorflow/lite/experimental/objc/sources/TFLInterpreter+Internal.h -------------------------------------------------------------------------------- /cpp_tflite/include/tensorflow/lite/experimental/objc/sources/TFLQuantizationParameters+Internal.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/jiangxinyang227/nlp_tflite/HEAD/cpp_tflite/include/tensorflow/lite/experimental/objc/sources/TFLQuantizationParameters+Internal.h -------------------------------------------------------------------------------- /cpp_tflite/include/tensorflow/lite/experimental/objc/sources/TFLTensor+Internal.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/jiangxinyang227/nlp_tflite/HEAD/cpp_tflite/include/tensorflow/lite/experimental/objc/sources/TFLTensor+Internal.h -------------------------------------------------------------------------------- /cpp_tflite/include/tensorflow/lite/experimental/ruy/allocator.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/jiangxinyang227/nlp_tflite/HEAD/cpp_tflite/include/tensorflow/lite/experimental/ruy/allocator.h -------------------------------------------------------------------------------- /cpp_tflite/include/tensorflow/lite/experimental/ruy/block_map.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/jiangxinyang227/nlp_tflite/HEAD/cpp_tflite/include/tensorflow/lite/experimental/ruy/block_map.h -------------------------------------------------------------------------------- /cpp_tflite/include/tensorflow/lite/experimental/ruy/blocking_counter.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/jiangxinyang227/nlp_tflite/HEAD/cpp_tflite/include/tensorflow/lite/experimental/ruy/blocking_counter.h -------------------------------------------------------------------------------- /cpp_tflite/include/tensorflow/lite/experimental/ruy/check_macros.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/jiangxinyang227/nlp_tflite/HEAD/cpp_tflite/include/tensorflow/lite/experimental/ruy/check_macros.h -------------------------------------------------------------------------------- /cpp_tflite/include/tensorflow/lite/experimental/ruy/common.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/jiangxinyang227/nlp_tflite/HEAD/cpp_tflite/include/tensorflow/lite/experimental/ruy/common.h -------------------------------------------------------------------------------- /cpp_tflite/include/tensorflow/lite/experimental/ruy/context.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/jiangxinyang227/nlp_tflite/HEAD/cpp_tflite/include/tensorflow/lite/experimental/ruy/context.h -------------------------------------------------------------------------------- /cpp_tflite/include/tensorflow/lite/experimental/ruy/detect_dotprod.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/jiangxinyang227/nlp_tflite/HEAD/cpp_tflite/include/tensorflow/lite/experimental/ruy/detect_dotprod.h -------------------------------------------------------------------------------- /cpp_tflite/include/tensorflow/lite/experimental/ruy/dispatch.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/jiangxinyang227/nlp_tflite/HEAD/cpp_tflite/include/tensorflow/lite/experimental/ruy/dispatch.h -------------------------------------------------------------------------------- /cpp_tflite/include/tensorflow/lite/experimental/ruy/internal_matrix.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/jiangxinyang227/nlp_tflite/HEAD/cpp_tflite/include/tensorflow/lite/experimental/ruy/internal_matrix.h -------------------------------------------------------------------------------- /cpp_tflite/include/tensorflow/lite/experimental/ruy/kernel.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/jiangxinyang227/nlp_tflite/HEAD/cpp_tflite/include/tensorflow/lite/experimental/ruy/kernel.h -------------------------------------------------------------------------------- /cpp_tflite/include/tensorflow/lite/experimental/ruy/matrix.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/jiangxinyang227/nlp_tflite/HEAD/cpp_tflite/include/tensorflow/lite/experimental/ruy/matrix.h -------------------------------------------------------------------------------- /cpp_tflite/include/tensorflow/lite/experimental/ruy/opt_set.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/jiangxinyang227/nlp_tflite/HEAD/cpp_tflite/include/tensorflow/lite/experimental/ruy/opt_set.h -------------------------------------------------------------------------------- /cpp_tflite/include/tensorflow/lite/experimental/ruy/pack.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/jiangxinyang227/nlp_tflite/HEAD/cpp_tflite/include/tensorflow/lite/experimental/ruy/pack.h -------------------------------------------------------------------------------- /cpp_tflite/include/tensorflow/lite/experimental/ruy/path.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/jiangxinyang227/nlp_tflite/HEAD/cpp_tflite/include/tensorflow/lite/experimental/ruy/path.h -------------------------------------------------------------------------------- /cpp_tflite/include/tensorflow/lite/experimental/ruy/pmu.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/jiangxinyang227/nlp_tflite/HEAD/cpp_tflite/include/tensorflow/lite/experimental/ruy/pmu.h -------------------------------------------------------------------------------- /cpp_tflite/include/tensorflow/lite/experimental/ruy/prepack.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/jiangxinyang227/nlp_tflite/HEAD/cpp_tflite/include/tensorflow/lite/experimental/ruy/prepack.h -------------------------------------------------------------------------------- /cpp_tflite/include/tensorflow/lite/experimental/ruy/ruy.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/jiangxinyang227/nlp_tflite/HEAD/cpp_tflite/include/tensorflow/lite/experimental/ruy/ruy.h -------------------------------------------------------------------------------- /cpp_tflite/include/tensorflow/lite/experimental/ruy/ruy_advanced.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/jiangxinyang227/nlp_tflite/HEAD/cpp_tflite/include/tensorflow/lite/experimental/ruy/ruy_advanced.h -------------------------------------------------------------------------------- /cpp_tflite/include/tensorflow/lite/experimental/ruy/size_util.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/jiangxinyang227/nlp_tflite/HEAD/cpp_tflite/include/tensorflow/lite/experimental/ruy/size_util.h -------------------------------------------------------------------------------- /cpp_tflite/include/tensorflow/lite/experimental/ruy/spec.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/jiangxinyang227/nlp_tflite/HEAD/cpp_tflite/include/tensorflow/lite/experimental/ruy/spec.h -------------------------------------------------------------------------------- /cpp_tflite/include/tensorflow/lite/experimental/ruy/test.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/jiangxinyang227/nlp_tflite/HEAD/cpp_tflite/include/tensorflow/lite/experimental/ruy/test.h -------------------------------------------------------------------------------- /cpp_tflite/include/tensorflow/lite/experimental/ruy/thread_pool.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/jiangxinyang227/nlp_tflite/HEAD/cpp_tflite/include/tensorflow/lite/experimental/ruy/thread_pool.h -------------------------------------------------------------------------------- /cpp_tflite/include/tensorflow/lite/experimental/ruy/time.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/jiangxinyang227/nlp_tflite/HEAD/cpp_tflite/include/tensorflow/lite/experimental/ruy/time.h -------------------------------------------------------------------------------- /cpp_tflite/include/tensorflow/lite/experimental/ruy/trace.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/jiangxinyang227/nlp_tflite/HEAD/cpp_tflite/include/tensorflow/lite/experimental/ruy/trace.h -------------------------------------------------------------------------------- /cpp_tflite/include/tensorflow/lite/experimental/ruy/trmul.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/jiangxinyang227/nlp_tflite/HEAD/cpp_tflite/include/tensorflow/lite/experimental/ruy/trmul.h -------------------------------------------------------------------------------- /cpp_tflite/include/tensorflow/lite/experimental/ruy/tune.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/jiangxinyang227/nlp_tflite/HEAD/cpp_tflite/include/tensorflow/lite/experimental/ruy/tune.h -------------------------------------------------------------------------------- /cpp_tflite/include/tensorflow/lite/experimental/writer/enum_mapping.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/jiangxinyang227/nlp_tflite/HEAD/cpp_tflite/include/tensorflow/lite/experimental/writer/enum_mapping.h -------------------------------------------------------------------------------- /cpp_tflite/include/tensorflow/lite/experimental/writer/writer_lib.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/jiangxinyang227/nlp_tflite/HEAD/cpp_tflite/include/tensorflow/lite/experimental/writer/writer_lib.h -------------------------------------------------------------------------------- /cpp_tflite/include/tensorflow/lite/graph_info.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/jiangxinyang227/nlp_tflite/HEAD/cpp_tflite/include/tensorflow/lite/graph_info.h -------------------------------------------------------------------------------- /cpp_tflite/include/tensorflow/lite/interpreter.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/jiangxinyang227/nlp_tflite/HEAD/cpp_tflite/include/tensorflow/lite/interpreter.h -------------------------------------------------------------------------------- /cpp_tflite/include/tensorflow/lite/java/src/main/native/jni_utils.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/jiangxinyang227/nlp_tflite/HEAD/cpp_tflite/include/tensorflow/lite/java/src/main/native/jni_utils.h -------------------------------------------------------------------------------- /cpp_tflite/include/tensorflow/lite/kernels/activation_functor.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/jiangxinyang227/nlp_tflite/HEAD/cpp_tflite/include/tensorflow/lite/kernels/activation_functor.h -------------------------------------------------------------------------------- /cpp_tflite/include/tensorflow/lite/kernels/cpu_backend_context.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/jiangxinyang227/nlp_tflite/HEAD/cpp_tflite/include/tensorflow/lite/kernels/cpu_backend_context.h -------------------------------------------------------------------------------- /cpp_tflite/include/tensorflow/lite/kernels/cpu_backend_gemm.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/jiangxinyang227/nlp_tflite/HEAD/cpp_tflite/include/tensorflow/lite/kernels/cpu_backend_gemm.h -------------------------------------------------------------------------------- /cpp_tflite/include/tensorflow/lite/kernels/cpu_backend_gemm_custom_gemv.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/jiangxinyang227/nlp_tflite/HEAD/cpp_tflite/include/tensorflow/lite/kernels/cpu_backend_gemm_custom_gemv.h -------------------------------------------------------------------------------- /cpp_tflite/include/tensorflow/lite/kernels/cpu_backend_gemm_eigen.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/jiangxinyang227/nlp_tflite/HEAD/cpp_tflite/include/tensorflow/lite/kernels/cpu_backend_gemm_eigen.h -------------------------------------------------------------------------------- /cpp_tflite/include/tensorflow/lite/kernels/cpu_backend_gemm_gemmlowp.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/jiangxinyang227/nlp_tflite/HEAD/cpp_tflite/include/tensorflow/lite/kernels/cpu_backend_gemm_gemmlowp.h -------------------------------------------------------------------------------- /cpp_tflite/include/tensorflow/lite/kernels/cpu_backend_gemm_params.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/jiangxinyang227/nlp_tflite/HEAD/cpp_tflite/include/tensorflow/lite/kernels/cpu_backend_gemm_params.h -------------------------------------------------------------------------------- /cpp_tflite/include/tensorflow/lite/kernels/cpu_backend_gemm_ruy.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/jiangxinyang227/nlp_tflite/HEAD/cpp_tflite/include/tensorflow/lite/kernels/cpu_backend_gemm_ruy.h -------------------------------------------------------------------------------- /cpp_tflite/include/tensorflow/lite/kernels/cpu_backend_support.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/jiangxinyang227/nlp_tflite/HEAD/cpp_tflite/include/tensorflow/lite/kernels/cpu_backend_support.h -------------------------------------------------------------------------------- /cpp_tflite/include/tensorflow/lite/kernels/cpu_backend_threadpool.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/jiangxinyang227/nlp_tflite/HEAD/cpp_tflite/include/tensorflow/lite/kernels/cpu_backend_threadpool.h -------------------------------------------------------------------------------- /cpp_tflite/include/tensorflow/lite/kernels/eigen_support.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/jiangxinyang227/nlp_tflite/HEAD/cpp_tflite/include/tensorflow/lite/kernels/eigen_support.h -------------------------------------------------------------------------------- /cpp_tflite/include/tensorflow/lite/kernels/gemmlowp_support.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/jiangxinyang227/nlp_tflite/HEAD/cpp_tflite/include/tensorflow/lite/kernels/gemmlowp_support.h -------------------------------------------------------------------------------- /cpp_tflite/include/tensorflow/lite/kernels/internal/common.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/jiangxinyang227/nlp_tflite/HEAD/cpp_tflite/include/tensorflow/lite/kernels/internal/common.h -------------------------------------------------------------------------------- /cpp_tflite/include/tensorflow/lite/kernels/internal/compatibility.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/jiangxinyang227/nlp_tflite/HEAD/cpp_tflite/include/tensorflow/lite/kernels/internal/compatibility.h -------------------------------------------------------------------------------- /cpp_tflite/include/tensorflow/lite/kernels/internal/kernel_utils.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/jiangxinyang227/nlp_tflite/HEAD/cpp_tflite/include/tensorflow/lite/kernels/internal/kernel_utils.h -------------------------------------------------------------------------------- /cpp_tflite/include/tensorflow/lite/kernels/internal/legacy_types.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/jiangxinyang227/nlp_tflite/HEAD/cpp_tflite/include/tensorflow/lite/kernels/internal/legacy_types.h -------------------------------------------------------------------------------- /cpp_tflite/include/tensorflow/lite/kernels/internal/mfcc.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/jiangxinyang227/nlp_tflite/HEAD/cpp_tflite/include/tensorflow/lite/kernels/internal/mfcc.h -------------------------------------------------------------------------------- /cpp_tflite/include/tensorflow/lite/kernels/internal/mfcc_dct.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/jiangxinyang227/nlp_tflite/HEAD/cpp_tflite/include/tensorflow/lite/kernels/internal/mfcc_dct.h -------------------------------------------------------------------------------- /cpp_tflite/include/tensorflow/lite/kernels/internal/mfcc_mel_filterbank.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/jiangxinyang227/nlp_tflite/HEAD/cpp_tflite/include/tensorflow/lite/kernels/internal/mfcc_mel_filterbank.h -------------------------------------------------------------------------------- /cpp_tflite/include/tensorflow/lite/kernels/internal/optimized/cpu_check.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/jiangxinyang227/nlp_tflite/HEAD/cpp_tflite/include/tensorflow/lite/kernels/internal/optimized/cpu_check.h -------------------------------------------------------------------------------- /cpp_tflite/include/tensorflow/lite/kernels/internal/optimized/depthwiseconv_3x3_filter_common.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/jiangxinyang227/nlp_tflite/HEAD/cpp_tflite/include/tensorflow/lite/kernels/internal/optimized/depthwiseconv_3x3_filter_common.h -------------------------------------------------------------------------------- /cpp_tflite/include/tensorflow/lite/kernels/internal/optimized/depthwiseconv_float.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/jiangxinyang227/nlp_tflite/HEAD/cpp_tflite/include/tensorflow/lite/kernels/internal/optimized/depthwiseconv_float.h -------------------------------------------------------------------------------- /cpp_tflite/include/tensorflow/lite/kernels/internal/optimized/depthwiseconv_multithread.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/jiangxinyang227/nlp_tflite/HEAD/cpp_tflite/include/tensorflow/lite/kernels/internal/optimized/depthwiseconv_multithread.h -------------------------------------------------------------------------------- /cpp_tflite/include/tensorflow/lite/kernels/internal/optimized/depthwiseconv_uint8.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/jiangxinyang227/nlp_tflite/HEAD/cpp_tflite/include/tensorflow/lite/kernels/internal/optimized/depthwiseconv_uint8.h -------------------------------------------------------------------------------- /cpp_tflite/include/tensorflow/lite/kernels/internal/optimized/depthwiseconv_uint8_3x3_filter.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/jiangxinyang227/nlp_tflite/HEAD/cpp_tflite/include/tensorflow/lite/kernels/internal/optimized/depthwiseconv_uint8_3x3_filter.h -------------------------------------------------------------------------------- /cpp_tflite/include/tensorflow/lite/kernels/internal/optimized/depthwiseconv_uint8_transitional.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/jiangxinyang227/nlp_tflite/HEAD/cpp_tflite/include/tensorflow/lite/kernels/internal/optimized/depthwiseconv_uint8_transitional.h -------------------------------------------------------------------------------- /cpp_tflite/include/tensorflow/lite/kernels/internal/optimized/eigen_spatial_convolutions.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/jiangxinyang227/nlp_tflite/HEAD/cpp_tflite/include/tensorflow/lite/kernels/internal/optimized/eigen_spatial_convolutions.h -------------------------------------------------------------------------------- /cpp_tflite/include/tensorflow/lite/kernels/internal/optimized/eigen_tensor_reduced_instantiations_google.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/jiangxinyang227/nlp_tflite/HEAD/cpp_tflite/include/tensorflow/lite/kernels/internal/optimized/eigen_tensor_reduced_instantiations_google.h -------------------------------------------------------------------------------- /cpp_tflite/include/tensorflow/lite/kernels/internal/optimized/eigen_tensor_reduced_instantiations_oss.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/jiangxinyang227/nlp_tflite/HEAD/cpp_tflite/include/tensorflow/lite/kernels/internal/optimized/eigen_tensor_reduced_instantiations_oss.h -------------------------------------------------------------------------------- /cpp_tflite/include/tensorflow/lite/kernels/internal/optimized/im2col_utils.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/jiangxinyang227/nlp_tflite/HEAD/cpp_tflite/include/tensorflow/lite/kernels/internal/optimized/im2col_utils.h -------------------------------------------------------------------------------- /cpp_tflite/include/tensorflow/lite/kernels/internal/optimized/integer_ops/add.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/jiangxinyang227/nlp_tflite/HEAD/cpp_tflite/include/tensorflow/lite/kernels/internal/optimized/integer_ops/add.h -------------------------------------------------------------------------------- /cpp_tflite/include/tensorflow/lite/kernels/internal/optimized/integer_ops/conv.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/jiangxinyang227/nlp_tflite/HEAD/cpp_tflite/include/tensorflow/lite/kernels/internal/optimized/integer_ops/conv.h -------------------------------------------------------------------------------- /cpp_tflite/include/tensorflow/lite/kernels/internal/optimized/integer_ops/depthwise_conv.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/jiangxinyang227/nlp_tflite/HEAD/cpp_tflite/include/tensorflow/lite/kernels/internal/optimized/integer_ops/depthwise_conv.h -------------------------------------------------------------------------------- /cpp_tflite/include/tensorflow/lite/kernels/internal/optimized/integer_ops/depthwise_conv_3x3_filter.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/jiangxinyang227/nlp_tflite/HEAD/cpp_tflite/include/tensorflow/lite/kernels/internal/optimized/integer_ops/depthwise_conv_3x3_filter.h -------------------------------------------------------------------------------- /cpp_tflite/include/tensorflow/lite/kernels/internal/optimized/integer_ops/fully_connected.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/jiangxinyang227/nlp_tflite/HEAD/cpp_tflite/include/tensorflow/lite/kernels/internal/optimized/integer_ops/fully_connected.h -------------------------------------------------------------------------------- /cpp_tflite/include/tensorflow/lite/kernels/internal/optimized/integer_ops/mul.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/jiangxinyang227/nlp_tflite/HEAD/cpp_tflite/include/tensorflow/lite/kernels/internal/optimized/integer_ops/mul.h -------------------------------------------------------------------------------- /cpp_tflite/include/tensorflow/lite/kernels/internal/optimized/integer_ops/pooling.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/jiangxinyang227/nlp_tflite/HEAD/cpp_tflite/include/tensorflow/lite/kernels/internal/optimized/integer_ops/pooling.h -------------------------------------------------------------------------------- /cpp_tflite/include/tensorflow/lite/kernels/internal/optimized/integer_ops/softmax.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/jiangxinyang227/nlp_tflite/HEAD/cpp_tflite/include/tensorflow/lite/kernels/internal/optimized/integer_ops/softmax.h -------------------------------------------------------------------------------- /cpp_tflite/include/tensorflow/lite/kernels/internal/optimized/legacy_optimized_ops.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/jiangxinyang227/nlp_tflite/HEAD/cpp_tflite/include/tensorflow/lite/kernels/internal/optimized/legacy_optimized_ops.h -------------------------------------------------------------------------------- /cpp_tflite/include/tensorflow/lite/kernels/internal/optimized/multithreaded_conv.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/jiangxinyang227/nlp_tflite/HEAD/cpp_tflite/include/tensorflow/lite/kernels/internal/optimized/multithreaded_conv.h -------------------------------------------------------------------------------- /cpp_tflite/include/tensorflow/lite/kernels/internal/optimized/neon_tensor_utils.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/jiangxinyang227/nlp_tflite/HEAD/cpp_tflite/include/tensorflow/lite/kernels/internal/optimized/neon_tensor_utils.h -------------------------------------------------------------------------------- /cpp_tflite/include/tensorflow/lite/kernels/internal/optimized/optimized_ops.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/jiangxinyang227/nlp_tflite/HEAD/cpp_tflite/include/tensorflow/lite/kernels/internal/optimized/optimized_ops.h -------------------------------------------------------------------------------- /cpp_tflite/include/tensorflow/lite/kernels/internal/optimized/tensor_utils_impl.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/jiangxinyang227/nlp_tflite/HEAD/cpp_tflite/include/tensorflow/lite/kernels/internal/optimized/tensor_utils_impl.h -------------------------------------------------------------------------------- /cpp_tflite/include/tensorflow/lite/kernels/internal/quantization_util.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/jiangxinyang227/nlp_tflite/HEAD/cpp_tflite/include/tensorflow/lite/kernels/internal/quantization_util.h -------------------------------------------------------------------------------- /cpp_tflite/include/tensorflow/lite/kernels/internal/reference/conv.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/jiangxinyang227/nlp_tflite/HEAD/cpp_tflite/include/tensorflow/lite/kernels/internal/reference/conv.h -------------------------------------------------------------------------------- /cpp_tflite/include/tensorflow/lite/kernels/internal/reference/depthwiseconv_float.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/jiangxinyang227/nlp_tflite/HEAD/cpp_tflite/include/tensorflow/lite/kernels/internal/reference/depthwiseconv_float.h -------------------------------------------------------------------------------- /cpp_tflite/include/tensorflow/lite/kernels/internal/reference/depthwiseconv_uint8.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/jiangxinyang227/nlp_tflite/HEAD/cpp_tflite/include/tensorflow/lite/kernels/internal/reference/depthwiseconv_uint8.h -------------------------------------------------------------------------------- /cpp_tflite/include/tensorflow/lite/kernels/internal/reference/fully_connected.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/jiangxinyang227/nlp_tflite/HEAD/cpp_tflite/include/tensorflow/lite/kernels/internal/reference/fully_connected.h -------------------------------------------------------------------------------- /cpp_tflite/include/tensorflow/lite/kernels/internal/reference/integer_ops/add.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/jiangxinyang227/nlp_tflite/HEAD/cpp_tflite/include/tensorflow/lite/kernels/internal/reference/integer_ops/add.h -------------------------------------------------------------------------------- /cpp_tflite/include/tensorflow/lite/kernels/internal/reference/integer_ops/conv.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/jiangxinyang227/nlp_tflite/HEAD/cpp_tflite/include/tensorflow/lite/kernels/internal/reference/integer_ops/conv.h -------------------------------------------------------------------------------- /cpp_tflite/include/tensorflow/lite/kernels/internal/reference/integer_ops/depthwise_conv.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/jiangxinyang227/nlp_tflite/HEAD/cpp_tflite/include/tensorflow/lite/kernels/internal/reference/integer_ops/depthwise_conv.h -------------------------------------------------------------------------------- /cpp_tflite/include/tensorflow/lite/kernels/internal/reference/integer_ops/dequantize.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/jiangxinyang227/nlp_tflite/HEAD/cpp_tflite/include/tensorflow/lite/kernels/internal/reference/integer_ops/dequantize.h -------------------------------------------------------------------------------- /cpp_tflite/include/tensorflow/lite/kernels/internal/reference/integer_ops/fully_connected.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/jiangxinyang227/nlp_tflite/HEAD/cpp_tflite/include/tensorflow/lite/kernels/internal/reference/integer_ops/fully_connected.h -------------------------------------------------------------------------------- /cpp_tflite/include/tensorflow/lite/kernels/internal/reference/integer_ops/l2normalization.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/jiangxinyang227/nlp_tflite/HEAD/cpp_tflite/include/tensorflow/lite/kernels/internal/reference/integer_ops/l2normalization.h -------------------------------------------------------------------------------- /cpp_tflite/include/tensorflow/lite/kernels/internal/reference/integer_ops/log_softmax.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/jiangxinyang227/nlp_tflite/HEAD/cpp_tflite/include/tensorflow/lite/kernels/internal/reference/integer_ops/log_softmax.h -------------------------------------------------------------------------------- /cpp_tflite/include/tensorflow/lite/kernels/internal/reference/integer_ops/logistic.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/jiangxinyang227/nlp_tflite/HEAD/cpp_tflite/include/tensorflow/lite/kernels/internal/reference/integer_ops/logistic.h -------------------------------------------------------------------------------- /cpp_tflite/include/tensorflow/lite/kernels/internal/reference/integer_ops/mean.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/jiangxinyang227/nlp_tflite/HEAD/cpp_tflite/include/tensorflow/lite/kernels/internal/reference/integer_ops/mean.h -------------------------------------------------------------------------------- /cpp_tflite/include/tensorflow/lite/kernels/internal/reference/integer_ops/mul.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/jiangxinyang227/nlp_tflite/HEAD/cpp_tflite/include/tensorflow/lite/kernels/internal/reference/integer_ops/mul.h -------------------------------------------------------------------------------- /cpp_tflite/include/tensorflow/lite/kernels/internal/reference/integer_ops/pooling.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/jiangxinyang227/nlp_tflite/HEAD/cpp_tflite/include/tensorflow/lite/kernels/internal/reference/integer_ops/pooling.h -------------------------------------------------------------------------------- /cpp_tflite/include/tensorflow/lite/kernels/internal/reference/integer_ops/softmax.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/jiangxinyang227/nlp_tflite/HEAD/cpp_tflite/include/tensorflow/lite/kernels/internal/reference/integer_ops/softmax.h -------------------------------------------------------------------------------- /cpp_tflite/include/tensorflow/lite/kernels/internal/reference/integer_ops/tanh.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/jiangxinyang227/nlp_tflite/HEAD/cpp_tflite/include/tensorflow/lite/kernels/internal/reference/integer_ops/tanh.h -------------------------------------------------------------------------------- /cpp_tflite/include/tensorflow/lite/kernels/internal/reference/legacy_reference_ops.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/jiangxinyang227/nlp_tflite/HEAD/cpp_tflite/include/tensorflow/lite/kernels/internal/reference/legacy_reference_ops.h -------------------------------------------------------------------------------- /cpp_tflite/include/tensorflow/lite/kernels/internal/reference/pooling.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/jiangxinyang227/nlp_tflite/HEAD/cpp_tflite/include/tensorflow/lite/kernels/internal/reference/pooling.h -------------------------------------------------------------------------------- /cpp_tflite/include/tensorflow/lite/kernels/internal/reference/portable_tensor_utils.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/jiangxinyang227/nlp_tflite/HEAD/cpp_tflite/include/tensorflow/lite/kernels/internal/reference/portable_tensor_utils.h -------------------------------------------------------------------------------- /cpp_tflite/include/tensorflow/lite/kernels/internal/reference/reference_ops.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/jiangxinyang227/nlp_tflite/HEAD/cpp_tflite/include/tensorflow/lite/kernels/internal/reference/reference_ops.h -------------------------------------------------------------------------------- /cpp_tflite/include/tensorflow/lite/kernels/internal/reference/softmax.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/jiangxinyang227/nlp_tflite/HEAD/cpp_tflite/include/tensorflow/lite/kernels/internal/reference/softmax.h -------------------------------------------------------------------------------- /cpp_tflite/include/tensorflow/lite/kernels/internal/round.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/jiangxinyang227/nlp_tflite/HEAD/cpp_tflite/include/tensorflow/lite/kernels/internal/round.h -------------------------------------------------------------------------------- /cpp_tflite/include/tensorflow/lite/kernels/internal/spectrogram.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/jiangxinyang227/nlp_tflite/HEAD/cpp_tflite/include/tensorflow/lite/kernels/internal/spectrogram.h -------------------------------------------------------------------------------- /cpp_tflite/include/tensorflow/lite/kernels/internal/strided_slice_logic.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/jiangxinyang227/nlp_tflite/HEAD/cpp_tflite/include/tensorflow/lite/kernels/internal/strided_slice_logic.h -------------------------------------------------------------------------------- /cpp_tflite/include/tensorflow/lite/kernels/internal/tensor.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/jiangxinyang227/nlp_tflite/HEAD/cpp_tflite/include/tensorflow/lite/kernels/internal/tensor.h -------------------------------------------------------------------------------- /cpp_tflite/include/tensorflow/lite/kernels/internal/tensor_ctypes.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/jiangxinyang227/nlp_tflite/HEAD/cpp_tflite/include/tensorflow/lite/kernels/internal/tensor_ctypes.h -------------------------------------------------------------------------------- /cpp_tflite/include/tensorflow/lite/kernels/internal/tensor_utils.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/jiangxinyang227/nlp_tflite/HEAD/cpp_tflite/include/tensorflow/lite/kernels/internal/tensor_utils.h -------------------------------------------------------------------------------- /cpp_tflite/include/tensorflow/lite/kernels/internal/test_util.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/jiangxinyang227/nlp_tflite/HEAD/cpp_tflite/include/tensorflow/lite/kernels/internal/test_util.h -------------------------------------------------------------------------------- /cpp_tflite/include/tensorflow/lite/kernels/internal/types.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/jiangxinyang227/nlp_tflite/HEAD/cpp_tflite/include/tensorflow/lite/kernels/internal/types.h -------------------------------------------------------------------------------- /cpp_tflite/include/tensorflow/lite/kernels/kernel_util.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/jiangxinyang227/nlp_tflite/HEAD/cpp_tflite/include/tensorflow/lite/kernels/kernel_util.h -------------------------------------------------------------------------------- /cpp_tflite/include/tensorflow/lite/kernels/lstm_eval.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/jiangxinyang227/nlp_tflite/HEAD/cpp_tflite/include/tensorflow/lite/kernels/lstm_eval.h -------------------------------------------------------------------------------- /cpp_tflite/include/tensorflow/lite/kernels/op_macros.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/jiangxinyang227/nlp_tflite/HEAD/cpp_tflite/include/tensorflow/lite/kernels/op_macros.h -------------------------------------------------------------------------------- /cpp_tflite/include/tensorflow/lite/kernels/padding.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/jiangxinyang227/nlp_tflite/HEAD/cpp_tflite/include/tensorflow/lite/kernels/padding.h -------------------------------------------------------------------------------- /cpp_tflite/include/tensorflow/lite/kernels/register.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/jiangxinyang227/nlp_tflite/HEAD/cpp_tflite/include/tensorflow/lite/kernels/register.h -------------------------------------------------------------------------------- /cpp_tflite/include/tensorflow/lite/kernels/register_ref.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/jiangxinyang227/nlp_tflite/HEAD/cpp_tflite/include/tensorflow/lite/kernels/register_ref.h -------------------------------------------------------------------------------- /cpp_tflite/include/tensorflow/lite/kernels/subgraph_test_util.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/jiangxinyang227/nlp_tflite/HEAD/cpp_tflite/include/tensorflow/lite/kernels/subgraph_test_util.h -------------------------------------------------------------------------------- /cpp_tflite/include/tensorflow/lite/kernels/test_util.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/jiangxinyang227/nlp_tflite/HEAD/cpp_tflite/include/tensorflow/lite/kernels/test_util.h -------------------------------------------------------------------------------- /cpp_tflite/include/tensorflow/lite/memory_planner.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/jiangxinyang227/nlp_tflite/HEAD/cpp_tflite/include/tensorflow/lite/memory_planner.h -------------------------------------------------------------------------------- /cpp_tflite/include/tensorflow/lite/minimal_logging.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/jiangxinyang227/nlp_tflite/HEAD/cpp_tflite/include/tensorflow/lite/minimal_logging.h -------------------------------------------------------------------------------- /cpp_tflite/include/tensorflow/lite/model.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/jiangxinyang227/nlp_tflite/HEAD/cpp_tflite/include/tensorflow/lite/model.h -------------------------------------------------------------------------------- /cpp_tflite/include/tensorflow/lite/models/smartreply/predictor.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/jiangxinyang227/nlp_tflite/HEAD/cpp_tflite/include/tensorflow/lite/models/smartreply/predictor.h -------------------------------------------------------------------------------- /cpp_tflite/include/tensorflow/lite/mutable_op_resolver.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/jiangxinyang227/nlp_tflite/HEAD/cpp_tflite/include/tensorflow/lite/mutable_op_resolver.h -------------------------------------------------------------------------------- /cpp_tflite/include/tensorflow/lite/nnapi/NeuralNetworksShim.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/jiangxinyang227/nlp_tflite/HEAD/cpp_tflite/include/tensorflow/lite/nnapi/NeuralNetworksShim.h -------------------------------------------------------------------------------- /cpp_tflite/include/tensorflow/lite/nnapi/NeuralNetworksTypes.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/jiangxinyang227/nlp_tflite/HEAD/cpp_tflite/include/tensorflow/lite/nnapi/NeuralNetworksTypes.h -------------------------------------------------------------------------------- /cpp_tflite/include/tensorflow/lite/nnapi/nnapi_implementation.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/jiangxinyang227/nlp_tflite/HEAD/cpp_tflite/include/tensorflow/lite/nnapi/nnapi_implementation.h -------------------------------------------------------------------------------- /cpp_tflite/include/tensorflow/lite/op_resolver.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/jiangxinyang227/nlp_tflite/HEAD/cpp_tflite/include/tensorflow/lite/op_resolver.h -------------------------------------------------------------------------------- /cpp_tflite/include/tensorflow/lite/optional_debug_tools.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/jiangxinyang227/nlp_tflite/HEAD/cpp_tflite/include/tensorflow/lite/optional_debug_tools.h -------------------------------------------------------------------------------- /cpp_tflite/include/tensorflow/lite/profiling/buffered_profiler.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/jiangxinyang227/nlp_tflite/HEAD/cpp_tflite/include/tensorflow/lite/profiling/buffered_profiler.h -------------------------------------------------------------------------------- /cpp_tflite/include/tensorflow/lite/profiling/noop_profiler.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/jiangxinyang227/nlp_tflite/HEAD/cpp_tflite/include/tensorflow/lite/profiling/noop_profiler.h -------------------------------------------------------------------------------- /cpp_tflite/include/tensorflow/lite/profiling/profile_buffer.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/jiangxinyang227/nlp_tflite/HEAD/cpp_tflite/include/tensorflow/lite/profiling/profile_buffer.h -------------------------------------------------------------------------------- /cpp_tflite/include/tensorflow/lite/profiling/profile_summarizer.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/jiangxinyang227/nlp_tflite/HEAD/cpp_tflite/include/tensorflow/lite/profiling/profile_summarizer.h -------------------------------------------------------------------------------- /cpp_tflite/include/tensorflow/lite/profiling/profiler.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/jiangxinyang227/nlp_tflite/HEAD/cpp_tflite/include/tensorflow/lite/profiling/profiler.h -------------------------------------------------------------------------------- /cpp_tflite/include/tensorflow/lite/profiling/time.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/jiangxinyang227/nlp_tflite/HEAD/cpp_tflite/include/tensorflow/lite/profiling/time.h -------------------------------------------------------------------------------- /cpp_tflite/include/tensorflow/lite/python/interpreter_wrapper/interpreter_wrapper.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/jiangxinyang227/nlp_tflite/HEAD/cpp_tflite/include/tensorflow/lite/python/interpreter_wrapper/interpreter_wrapper.h -------------------------------------------------------------------------------- /cpp_tflite/include/tensorflow/lite/python/interpreter_wrapper/numpy.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/jiangxinyang227/nlp_tflite/HEAD/cpp_tflite/include/tensorflow/lite/python/interpreter_wrapper/numpy.h -------------------------------------------------------------------------------- /cpp_tflite/include/tensorflow/lite/python/interpreter_wrapper/python_error_reporter.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/jiangxinyang227/nlp_tflite/HEAD/cpp_tflite/include/tensorflow/lite/python/interpreter_wrapper/python_error_reporter.h -------------------------------------------------------------------------------- /cpp_tflite/include/tensorflow/lite/python/interpreter_wrapper/python_utils.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/jiangxinyang227/nlp_tflite/HEAD/cpp_tflite/include/tensorflow/lite/python/interpreter_wrapper/python_utils.h -------------------------------------------------------------------------------- /cpp_tflite/include/tensorflow/lite/python/optimize/calibration_wrapper.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/jiangxinyang227/nlp_tflite/HEAD/cpp_tflite/include/tensorflow/lite/python/optimize/calibration_wrapper.h -------------------------------------------------------------------------------- /cpp_tflite/include/tensorflow/lite/schema/builtin_ops_header/generator.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/jiangxinyang227/nlp_tflite/HEAD/cpp_tflite/include/tensorflow/lite/schema/builtin_ops_header/generator.h -------------------------------------------------------------------------------- /cpp_tflite/include/tensorflow/lite/schema/schema_generated.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/jiangxinyang227/nlp_tflite/HEAD/cpp_tflite/include/tensorflow/lite/schema/schema_generated.h -------------------------------------------------------------------------------- /cpp_tflite/include/tensorflow/lite/simple_memory_arena.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/jiangxinyang227/nlp_tflite/HEAD/cpp_tflite/include/tensorflow/lite/simple_memory_arena.h -------------------------------------------------------------------------------- /cpp_tflite/include/tensorflow/lite/stderr_reporter.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/jiangxinyang227/nlp_tflite/HEAD/cpp_tflite/include/tensorflow/lite/stderr_reporter.h -------------------------------------------------------------------------------- /cpp_tflite/include/tensorflow/lite/string.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/jiangxinyang227/nlp_tflite/HEAD/cpp_tflite/include/tensorflow/lite/string.h -------------------------------------------------------------------------------- /cpp_tflite/include/tensorflow/lite/string_util.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/jiangxinyang227/nlp_tflite/HEAD/cpp_tflite/include/tensorflow/lite/string_util.h -------------------------------------------------------------------------------- /cpp_tflite/include/tensorflow/lite/testing/generate_testspec.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/jiangxinyang227/nlp_tflite/HEAD/cpp_tflite/include/tensorflow/lite/testing/generate_testspec.h -------------------------------------------------------------------------------- /cpp_tflite/include/tensorflow/lite/testing/init_tensorflow.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/jiangxinyang227/nlp_tflite/HEAD/cpp_tflite/include/tensorflow/lite/testing/init_tensorflow.h -------------------------------------------------------------------------------- /cpp_tflite/include/tensorflow/lite/testing/join.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/jiangxinyang227/nlp_tflite/HEAD/cpp_tflite/include/tensorflow/lite/testing/join.h -------------------------------------------------------------------------------- /cpp_tflite/include/tensorflow/lite/testing/kernel_test/diff_analyzer.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/jiangxinyang227/nlp_tflite/HEAD/cpp_tflite/include/tensorflow/lite/testing/kernel_test/diff_analyzer.h -------------------------------------------------------------------------------- /cpp_tflite/include/tensorflow/lite/testing/kernel_test/input_generator.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/jiangxinyang227/nlp_tflite/HEAD/cpp_tflite/include/tensorflow/lite/testing/kernel_test/input_generator.h -------------------------------------------------------------------------------- /cpp_tflite/include/tensorflow/lite/testing/kernel_test/util.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/jiangxinyang227/nlp_tflite/HEAD/cpp_tflite/include/tensorflow/lite/testing/kernel_test/util.h -------------------------------------------------------------------------------- /cpp_tflite/include/tensorflow/lite/testing/message.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/jiangxinyang227/nlp_tflite/HEAD/cpp_tflite/include/tensorflow/lite/testing/message.h -------------------------------------------------------------------------------- /cpp_tflite/include/tensorflow/lite/testing/parse_testdata.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/jiangxinyang227/nlp_tflite/HEAD/cpp_tflite/include/tensorflow/lite/testing/parse_testdata.h -------------------------------------------------------------------------------- /cpp_tflite/include/tensorflow/lite/testing/split.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/jiangxinyang227/nlp_tflite/HEAD/cpp_tflite/include/tensorflow/lite/testing/split.h -------------------------------------------------------------------------------- /cpp_tflite/include/tensorflow/lite/testing/string_util.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/jiangxinyang227/nlp_tflite/HEAD/cpp_tflite/include/tensorflow/lite/testing/string_util.h -------------------------------------------------------------------------------- /cpp_tflite/include/tensorflow/lite/testing/test_runner.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/jiangxinyang227/nlp_tflite/HEAD/cpp_tflite/include/tensorflow/lite/testing/test_runner.h -------------------------------------------------------------------------------- /cpp_tflite/include/tensorflow/lite/testing/tf_driver.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/jiangxinyang227/nlp_tflite/HEAD/cpp_tflite/include/tensorflow/lite/testing/tf_driver.h -------------------------------------------------------------------------------- /cpp_tflite/include/tensorflow/lite/testing/tflite_diff_flags.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/jiangxinyang227/nlp_tflite/HEAD/cpp_tflite/include/tensorflow/lite/testing/tflite_diff_flags.h -------------------------------------------------------------------------------- /cpp_tflite/include/tensorflow/lite/testing/tflite_diff_util.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/jiangxinyang227/nlp_tflite/HEAD/cpp_tflite/include/tensorflow/lite/testing/tflite_diff_util.h -------------------------------------------------------------------------------- /cpp_tflite/include/tensorflow/lite/testing/tflite_driver.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/jiangxinyang227/nlp_tflite/HEAD/cpp_tflite/include/tensorflow/lite/testing/tflite_driver.h -------------------------------------------------------------------------------- /cpp_tflite/include/tensorflow/lite/testing/tokenize.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/jiangxinyang227/nlp_tflite/HEAD/cpp_tflite/include/tensorflow/lite/testing/tokenize.h -------------------------------------------------------------------------------- /cpp_tflite/include/tensorflow/lite/testing/util.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/jiangxinyang227/nlp_tflite/HEAD/cpp_tflite/include/tensorflow/lite/testing/util.h -------------------------------------------------------------------------------- /cpp_tflite/include/tensorflow/lite/toco/allocate_transient_arrays.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/jiangxinyang227/nlp_tflite/HEAD/cpp_tflite/include/tensorflow/lite/toco/allocate_transient_arrays.h -------------------------------------------------------------------------------- /cpp_tflite/include/tensorflow/lite/toco/args.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/jiangxinyang227/nlp_tflite/HEAD/cpp_tflite/include/tensorflow/lite/toco/args.h -------------------------------------------------------------------------------- /cpp_tflite/include/tensorflow/lite/toco/dump_graphviz.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/jiangxinyang227/nlp_tflite/HEAD/cpp_tflite/include/tensorflow/lite/toco/dump_graphviz.h -------------------------------------------------------------------------------- /cpp_tflite/include/tensorflow/lite/toco/export_tensorflow.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/jiangxinyang227/nlp_tflite/HEAD/cpp_tflite/include/tensorflow/lite/toco/export_tensorflow.h -------------------------------------------------------------------------------- /cpp_tflite/include/tensorflow/lite/toco/format_port.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/jiangxinyang227/nlp_tflite/HEAD/cpp_tflite/include/tensorflow/lite/toco/format_port.h -------------------------------------------------------------------------------- /cpp_tflite/include/tensorflow/lite/toco/graph_transformations/graph_transformations.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/jiangxinyang227/nlp_tflite/HEAD/cpp_tflite/include/tensorflow/lite/toco/graph_transformations/graph_transformations.h -------------------------------------------------------------------------------- /cpp_tflite/include/tensorflow/lite/toco/graph_transformations/lstm_utils.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/jiangxinyang227/nlp_tflite/HEAD/cpp_tflite/include/tensorflow/lite/toco/graph_transformations/lstm_utils.h -------------------------------------------------------------------------------- /cpp_tflite/include/tensorflow/lite/toco/graph_transformations/quantization_util.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/jiangxinyang227/nlp_tflite/HEAD/cpp_tflite/include/tensorflow/lite/toco/graph_transformations/quantization_util.h -------------------------------------------------------------------------------- /cpp_tflite/include/tensorflow/lite/toco/graph_transformations/remove_trivial_passthrough.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/jiangxinyang227/nlp_tflite/HEAD/cpp_tflite/include/tensorflow/lite/toco/graph_transformations/remove_trivial_passthrough.h -------------------------------------------------------------------------------- /cpp_tflite/include/tensorflow/lite/toco/import_tensorflow.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/jiangxinyang227/nlp_tflite/HEAD/cpp_tflite/include/tensorflow/lite/toco/import_tensorflow.h -------------------------------------------------------------------------------- /cpp_tflite/include/tensorflow/lite/toco/model.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/jiangxinyang227/nlp_tflite/HEAD/cpp_tflite/include/tensorflow/lite/toco/model.h -------------------------------------------------------------------------------- /cpp_tflite/include/tensorflow/lite/toco/model_cmdline_flags.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/jiangxinyang227/nlp_tflite/HEAD/cpp_tflite/include/tensorflow/lite/toco/model_cmdline_flags.h -------------------------------------------------------------------------------- /cpp_tflite/include/tensorflow/lite/toco/python/toco_python_api.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/jiangxinyang227/nlp_tflite/HEAD/cpp_tflite/include/tensorflow/lite/toco/python/toco_python_api.h -------------------------------------------------------------------------------- /cpp_tflite/include/tensorflow/lite/toco/runtime/common.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/jiangxinyang227/nlp_tflite/HEAD/cpp_tflite/include/tensorflow/lite/toco/runtime/common.h -------------------------------------------------------------------------------- /cpp_tflite/include/tensorflow/lite/toco/runtime/types.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/jiangxinyang227/nlp_tflite/HEAD/cpp_tflite/include/tensorflow/lite/toco/runtime/types.h -------------------------------------------------------------------------------- /cpp_tflite/include/tensorflow/lite/toco/tensorflow_graph_matching/cluster.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/jiangxinyang227/nlp_tflite/HEAD/cpp_tflite/include/tensorflow/lite/toco/tensorflow_graph_matching/cluster.h -------------------------------------------------------------------------------- /cpp_tflite/include/tensorflow/lite/toco/tensorflow_graph_matching/cluster_utils.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/jiangxinyang227/nlp_tflite/HEAD/cpp_tflite/include/tensorflow/lite/toco/tensorflow_graph_matching/cluster_utils.h -------------------------------------------------------------------------------- /cpp_tflite/include/tensorflow/lite/toco/tensorflow_graph_matching/resolve_cluster.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/jiangxinyang227/nlp_tflite/HEAD/cpp_tflite/include/tensorflow/lite/toco/tensorflow_graph_matching/resolve_cluster.h -------------------------------------------------------------------------------- /cpp_tflite/include/tensorflow/lite/toco/tensorflow_graph_matching/resolve_svdf.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/jiangxinyang227/nlp_tflite/HEAD/cpp_tflite/include/tensorflow/lite/toco/tensorflow_graph_matching/resolve_svdf.h -------------------------------------------------------------------------------- /cpp_tflite/include/tensorflow/lite/toco/tensorflow_util.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/jiangxinyang227/nlp_tflite/HEAD/cpp_tflite/include/tensorflow/lite/toco/tensorflow_util.h -------------------------------------------------------------------------------- /cpp_tflite/include/tensorflow/lite/toco/tflite/builtin_operator.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/jiangxinyang227/nlp_tflite/HEAD/cpp_tflite/include/tensorflow/lite/toco/tflite/builtin_operator.h -------------------------------------------------------------------------------- /cpp_tflite/include/tensorflow/lite/toco/tflite/custom_operator.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/jiangxinyang227/nlp_tflite/HEAD/cpp_tflite/include/tensorflow/lite/toco/tflite/custom_operator.h -------------------------------------------------------------------------------- /cpp_tflite/include/tensorflow/lite/toco/tflite/export.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/jiangxinyang227/nlp_tflite/HEAD/cpp_tflite/include/tensorflow/lite/toco/tflite/export.h -------------------------------------------------------------------------------- /cpp_tflite/include/tensorflow/lite/toco/tflite/import.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/jiangxinyang227/nlp_tflite/HEAD/cpp_tflite/include/tensorflow/lite/toco/tflite/import.h -------------------------------------------------------------------------------- /cpp_tflite/include/tensorflow/lite/toco/tflite/operator.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/jiangxinyang227/nlp_tflite/HEAD/cpp_tflite/include/tensorflow/lite/toco/tflite/operator.h -------------------------------------------------------------------------------- /cpp_tflite/include/tensorflow/lite/toco/tflite/simple_operator.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/jiangxinyang227/nlp_tflite/HEAD/cpp_tflite/include/tensorflow/lite/toco/tflite/simple_operator.h -------------------------------------------------------------------------------- /cpp_tflite/include/tensorflow/lite/toco/tflite/types.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/jiangxinyang227/nlp_tflite/HEAD/cpp_tflite/include/tensorflow/lite/toco/tflite/types.h -------------------------------------------------------------------------------- /cpp_tflite/include/tensorflow/lite/toco/tflite/whitelisted_flex_ops.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/jiangxinyang227/nlp_tflite/HEAD/cpp_tflite/include/tensorflow/lite/toco/tflite/whitelisted_flex_ops.h -------------------------------------------------------------------------------- /cpp_tflite/include/tensorflow/lite/toco/toco_cmdline_flags.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/jiangxinyang227/nlp_tflite/HEAD/cpp_tflite/include/tensorflow/lite/toco/toco_cmdline_flags.h -------------------------------------------------------------------------------- /cpp_tflite/include/tensorflow/lite/toco/toco_convert.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/jiangxinyang227/nlp_tflite/HEAD/cpp_tflite/include/tensorflow/lite/toco/toco_convert.h -------------------------------------------------------------------------------- /cpp_tflite/include/tensorflow/lite/toco/toco_graphviz_dump_options.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/jiangxinyang227/nlp_tflite/HEAD/cpp_tflite/include/tensorflow/lite/toco/toco_graphviz_dump_options.h -------------------------------------------------------------------------------- /cpp_tflite/include/tensorflow/lite/toco/toco_port.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/jiangxinyang227/nlp_tflite/HEAD/cpp_tflite/include/tensorflow/lite/toco/toco_port.h -------------------------------------------------------------------------------- /cpp_tflite/include/tensorflow/lite/toco/toco_tooling.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/jiangxinyang227/nlp_tflite/HEAD/cpp_tflite/include/tensorflow/lite/toco/toco_tooling.h -------------------------------------------------------------------------------- /cpp_tflite/include/tensorflow/lite/toco/toco_types.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/jiangxinyang227/nlp_tflite/HEAD/cpp_tflite/include/tensorflow/lite/toco/toco_types.h -------------------------------------------------------------------------------- /cpp_tflite/include/tensorflow/lite/toco/tooling_util.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/jiangxinyang227/nlp_tflite/HEAD/cpp_tflite/include/tensorflow/lite/toco/tooling_util.h -------------------------------------------------------------------------------- /cpp_tflite/include/tensorflow/lite/tools/accuracy/accuracy_eval_stage.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/jiangxinyang227/nlp_tflite/HEAD/cpp_tflite/include/tensorflow/lite/tools/accuracy/accuracy_eval_stage.h -------------------------------------------------------------------------------- /cpp_tflite/include/tensorflow/lite/tools/accuracy/csv_writer.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/jiangxinyang227/nlp_tflite/HEAD/cpp_tflite/include/tensorflow/lite/tools/accuracy/csv_writer.h -------------------------------------------------------------------------------- /cpp_tflite/include/tensorflow/lite/tools/accuracy/ilsvrc/imagenet_model_evaluator.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/jiangxinyang227/nlp_tflite/HEAD/cpp_tflite/include/tensorflow/lite/tools/accuracy/ilsvrc/imagenet_model_evaluator.h -------------------------------------------------------------------------------- /cpp_tflite/include/tensorflow/lite/tools/benchmark/benchmark_model.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/jiangxinyang227/nlp_tflite/HEAD/cpp_tflite/include/tensorflow/lite/tools/benchmark/benchmark_model.h -------------------------------------------------------------------------------- /cpp_tflite/include/tensorflow/lite/tools/benchmark/benchmark_params.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/jiangxinyang227/nlp_tflite/HEAD/cpp_tflite/include/tensorflow/lite/tools/benchmark/benchmark_params.h -------------------------------------------------------------------------------- /cpp_tflite/include/tensorflow/lite/tools/benchmark/benchmark_tflite_model.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/jiangxinyang227/nlp_tflite/HEAD/cpp_tflite/include/tensorflow/lite/tools/benchmark/benchmark_tflite_model.h -------------------------------------------------------------------------------- /cpp_tflite/include/tensorflow/lite/tools/benchmark/ios/TFLiteBenchmark/TFLiteBenchmark/AppDelegate.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/jiangxinyang227/nlp_tflite/HEAD/cpp_tflite/include/tensorflow/lite/tools/benchmark/ios/TFLiteBenchmark/TFLiteBenchmark/AppDelegate.h -------------------------------------------------------------------------------- /cpp_tflite/include/tensorflow/lite/tools/benchmark/ios/TFLiteBenchmark/TFLiteBenchmark/BenchmarkViewController.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/jiangxinyang227/nlp_tflite/HEAD/cpp_tflite/include/tensorflow/lite/tools/benchmark/ios/TFLiteBenchmark/TFLiteBenchmark/BenchmarkViewController.h -------------------------------------------------------------------------------- /cpp_tflite/include/tensorflow/lite/tools/benchmark/logging.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/jiangxinyang227/nlp_tflite/HEAD/cpp_tflite/include/tensorflow/lite/tools/benchmark/logging.h -------------------------------------------------------------------------------- /cpp_tflite/include/tensorflow/lite/tools/command_line_flags.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/jiangxinyang227/nlp_tflite/HEAD/cpp_tflite/include/tensorflow/lite/tools/command_line_flags.h -------------------------------------------------------------------------------- /cpp_tflite/include/tensorflow/lite/tools/evaluation/evaluation_stage.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/jiangxinyang227/nlp_tflite/HEAD/cpp_tflite/include/tensorflow/lite/tools/evaluation/evaluation_stage.h -------------------------------------------------------------------------------- /cpp_tflite/include/tensorflow/lite/tools/evaluation/stages/image_classification_stage.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/jiangxinyang227/nlp_tflite/HEAD/cpp_tflite/include/tensorflow/lite/tools/evaluation/stages/image_classification_stage.h -------------------------------------------------------------------------------- /cpp_tflite/include/tensorflow/lite/tools/evaluation/stages/image_preprocessing_stage.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/jiangxinyang227/nlp_tflite/HEAD/cpp_tflite/include/tensorflow/lite/tools/evaluation/stages/image_preprocessing_stage.h -------------------------------------------------------------------------------- /cpp_tflite/include/tensorflow/lite/tools/evaluation/stages/tflite_inference_stage.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/jiangxinyang227/nlp_tflite/HEAD/cpp_tflite/include/tensorflow/lite/tools/evaluation/stages/tflite_inference_stage.h -------------------------------------------------------------------------------- /cpp_tflite/include/tensorflow/lite/tools/evaluation/stages/topk_accuracy_eval_stage.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/jiangxinyang227/nlp_tflite/HEAD/cpp_tflite/include/tensorflow/lite/tools/evaluation/stages/topk_accuracy_eval_stage.h -------------------------------------------------------------------------------- /cpp_tflite/include/tensorflow/lite/tools/evaluation/utils.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/jiangxinyang227/nlp_tflite/HEAD/cpp_tflite/include/tensorflow/lite/tools/evaluation/utils.h -------------------------------------------------------------------------------- /cpp_tflite/include/tensorflow/lite/tools/gen_op_registration.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/jiangxinyang227/nlp_tflite/HEAD/cpp_tflite/include/tensorflow/lite/tools/gen_op_registration.h -------------------------------------------------------------------------------- /cpp_tflite/include/tensorflow/lite/tools/optimize/calibration/calibration_common.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/jiangxinyang227/nlp_tflite/HEAD/cpp_tflite/include/tensorflow/lite/tools/optimize/calibration/calibration_common.h -------------------------------------------------------------------------------- /cpp_tflite/include/tensorflow/lite/tools/optimize/calibration/calibration_logger.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/jiangxinyang227/nlp_tflite/HEAD/cpp_tflite/include/tensorflow/lite/tools/optimize/calibration/calibration_logger.h -------------------------------------------------------------------------------- /cpp_tflite/include/tensorflow/lite/tools/optimize/calibration/calibration_reader.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/jiangxinyang227/nlp_tflite/HEAD/cpp_tflite/include/tensorflow/lite/tools/optimize/calibration/calibration_reader.h -------------------------------------------------------------------------------- /cpp_tflite/include/tensorflow/lite/tools/optimize/calibration/calibrator.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/jiangxinyang227/nlp_tflite/HEAD/cpp_tflite/include/tensorflow/lite/tools/optimize/calibration/calibrator.h -------------------------------------------------------------------------------- /cpp_tflite/include/tensorflow/lite/tools/optimize/calibration/logging_op_resolver.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/jiangxinyang227/nlp_tflite/HEAD/cpp_tflite/include/tensorflow/lite/tools/optimize/calibration/logging_op_resolver.h -------------------------------------------------------------------------------- /cpp_tflite/include/tensorflow/lite/tools/optimize/calibration/node_info_delegate.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/jiangxinyang227/nlp_tflite/HEAD/cpp_tflite/include/tensorflow/lite/tools/optimize/calibration/node_info_delegate.h -------------------------------------------------------------------------------- /cpp_tflite/include/tensorflow/lite/tools/optimize/model_utils.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/jiangxinyang227/nlp_tflite/HEAD/cpp_tflite/include/tensorflow/lite/tools/optimize/model_utils.h -------------------------------------------------------------------------------- /cpp_tflite/include/tensorflow/lite/tools/optimize/operator_property.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/jiangxinyang227/nlp_tflite/HEAD/cpp_tflite/include/tensorflow/lite/tools/optimize/operator_property.h -------------------------------------------------------------------------------- /cpp_tflite/include/tensorflow/lite/tools/optimize/quantization_utils.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/jiangxinyang227/nlp_tflite/HEAD/cpp_tflite/include/tensorflow/lite/tools/optimize/quantization_utils.h -------------------------------------------------------------------------------- /cpp_tflite/include/tensorflow/lite/tools/optimize/quantize_model.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/jiangxinyang227/nlp_tflite/HEAD/cpp_tflite/include/tensorflow/lite/tools/optimize/quantize_model.h -------------------------------------------------------------------------------- /cpp_tflite/include/tensorflow/lite/tools/optimize/quantize_weights.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/jiangxinyang227/nlp_tflite/HEAD/cpp_tflite/include/tensorflow/lite/tools/optimize/quantize_weights.h -------------------------------------------------------------------------------- /cpp_tflite/include/tensorflow/lite/tools/optimize/test_util.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/jiangxinyang227/nlp_tflite/HEAD/cpp_tflite/include/tensorflow/lite/tools/optimize/test_util.h -------------------------------------------------------------------------------- /cpp_tflite/include/tensorflow/lite/tools/verifier.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/jiangxinyang227/nlp_tflite/HEAD/cpp_tflite/include/tensorflow/lite/tools/verifier.h -------------------------------------------------------------------------------- /cpp_tflite/include/tensorflow/lite/util.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/jiangxinyang227/nlp_tflite/HEAD/cpp_tflite/include/tensorflow/lite/util.h -------------------------------------------------------------------------------- /cpp_tflite/include/tensorflow/lite/version.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/jiangxinyang227/nlp_tflite/HEAD/cpp_tflite/include/tensorflow/lite/version.h -------------------------------------------------------------------------------- /cpp_tflite/lib/libflatbuffers.a: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/jiangxinyang227/nlp_tflite/HEAD/cpp_tflite/lib/libflatbuffers.a -------------------------------------------------------------------------------- /cpp_tflite/lib/libtensorflowlite.so: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/jiangxinyang227/nlp_tflite/HEAD/cpp_tflite/lib/libtensorflowlite.so -------------------------------------------------------------------------------- /cpp_tflite/src/inference.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/jiangxinyang227/nlp_tflite/HEAD/cpp_tflite/src/inference.cpp -------------------------------------------------------------------------------- /cpp_tflite/src/inference.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/jiangxinyang227/nlp_tflite/HEAD/cpp_tflite/src/inference.h --------------------------------------------------------------------------------