├── .clang-format ├── .clang-tidy ├── .github ├── CODEOWNERS ├── ISSUE_TEMPLATE │ ├── ---document-issue-.md │ ├── ---feature-request-.md │ ├── ---inference-issue-.md │ ├── ---installation-issue-.md │ ├── ---model-issue-.md │ └── ---others-.md └── PULL_REQUEST_TEMPLATE.md ├── .gitignore ├── .gitmodules ├── .pre-commit-config.yaml ├── .readthedocs.yaml ├── .travis.yml ├── .travis └── pre-commit-job.sh ├── CMakeLists.txt ├── LICENSE ├── README.md ├── README_en.md ├── cmake ├── DownloadGoogleBenchmark.cmake.in ├── FindGflags.cmake ├── FindGlog.cmake ├── FindGperftools.cmake ├── FindJeMalloc.cmake ├── FindNumPy.cmake ├── backends │ ├── common.cmake │ ├── opencl.cmake │ ├── x86.cmake │ └── xpu.cmake ├── cblas.cmake ├── ccache.cmake ├── configure.cmake ├── coveralls.cmake ├── coverallsGcovJsons.cmake ├── external │ ├── arm_dnn_library.cmake │ ├── dirent.cmake │ ├── eigen.cmake │ ├── flatbuffers.cmake │ ├── gflags.cmake │ ├── glog.cmake │ ├── gtest.cmake │ ├── libxsmm.cmake │ ├── mkldnn.cmake │ ├── mklml.cmake │ ├── openblas.cmake │ ├── protobuf.cmake │ ├── pybind11.cmake │ ├── python.cmake │ ├── xbyak.cmake │ └── xxhash.cmake ├── findar.cmake ├── flags.cmake ├── functions.cmake ├── generic.cmake ├── lite.cmake ├── make_resource.py ├── operators.cmake ├── os │ ├── android.cmake │ ├── armlinux.cmake │ ├── armmacos.cmake │ ├── common.cmake │ ├── ios.cmake │ ├── ohos.cmake │ ├── qnx.cmake │ └── windows.cmake ├── package.cmake ├── postproject.cmake ├── protobuf-host-patch ├── python_module.cmake ├── simd.cmake ├── system.cmake ├── util.cmake └── version.cmake ├── docs ├── Makefile ├── README.md ├── api_reference │ ├── cv.md │ ├── cxx_api_doc.md │ ├── java_api_doc.md │ ├── python_api │ │ ├── CxxConfig.md │ │ ├── CxxPredictor.md │ │ ├── LightPredictor.md │ │ ├── MobileConfig.md │ │ ├── PowerMode.md │ │ ├── Tensor.md │ │ ├── TypePlace.md │ │ ├── create_paddle_predictor.md │ │ └── opt.md │ └── python_api_doc.md ├── conf.py ├── demo_guides │ ├── android_app_demo.md │ ├── android_nnapi.md │ ├── arm_cpu.md │ ├── cambricon_mlu.md │ ├── cpp_train_demo.md │ ├── eeasytech_npu.md │ ├── huawei_ascend_npu.md │ ├── huawei_kirin_npu.md │ ├── imagination_nna.md │ ├── intel_openvino.md │ ├── ios_app_demo.md │ ├── kunlunxin_xpu.md │ ├── kunlunxin_xtcl.md │ ├── linux_arm_demo.md │ ├── mediatek_apu.md │ ├── metal.md │ ├── opencl.md │ ├── qualcomm_qnn.md │ ├── verisilicon_timvx.md │ └── x86.md ├── develop_guides │ ├── add_hardware.md │ ├── add_layout.md │ ├── add_new_pass.md │ ├── add_operation.md │ ├── add_unit_test.md │ ├── architecture-intro.md │ ├── for-developer.md │ └── nnadapter.md ├── guide │ ├── introduction.md │ └── roadmap.md ├── images │ ├── all_ops.png │ ├── architecture.png │ ├── lr_loss.png │ ├── ops_in_model.png │ ├── opt_help_info.png │ ├── predict_workflow.png │ ├── qq-group-chat.png │ ├── supportedops.png │ ├── visulazation.png │ ├── visulazation_2.png │ └── workflow.png ├── index.rst ├── introduction │ ├── architecture.md │ ├── roadmap.md │ ├── tech_highlights.md │ └── training_to_deployment.md ├── make.bat ├── performance │ ├── benchmark.md │ ├── benchmark_tools.md │ ├── best_practices.md │ └── gpu.md ├── quick_start │ ├── faq.md │ ├── quick_run_demo.md │ ├── release_lib.md │ ├── support_hardware.md │ ├── support_model_list.md │ ├── support_operation_list.md │ └── tutorial.md ├── requirements.txt ├── source_compile │ ├── arm_linux_compile_arm_linux.rst │ ├── compile_env.rst │ ├── compile_options.md │ ├── docker_env.md │ ├── include │ │ ├── download_code.rst │ │ └── multi_device_support │ │ │ ├── nnadapter_support_android_nnapi.rst │ │ │ ├── nnadapter_support_eeasytech_npu.rst │ │ │ ├── nnadapter_support_huawei_ascend_npu.rst │ │ │ ├── nnadapter_support_huawei_kirin_npu.rst │ │ │ ├── nnadapter_support_imagination_nna.rst │ │ │ ├── nnadapter_support_introduction.rst │ │ │ ├── nnadapter_support_kunlunxin_xpu.rst │ │ │ ├── nnadapter_support_mediatek_apu.rst │ │ │ ├── nnadapter_support_verisilicon_timvx.rst │ │ │ └── opencl.rst │ ├── library.md │ ├── library_tailoring.rst │ ├── linux_x86_compile_android.rst │ ├── linux_x86_compile_arm_linux.rst │ ├── linux_x86_compile_linux_x86.rst │ ├── macos_compile_android.rst │ ├── macos_compile_ios.rst │ ├── macos_compile_macos.rst │ ├── v2.3_compile.md │ └── windows_compile_windows.rst └── user_guides │ ├── cpp_demo.md │ ├── development_overview.md │ ├── java_demo.md │ ├── model_optimize_tool.md │ ├── model_visualization.md │ ├── opt │ ├── opt_bin.md │ ├── opt_python.md │ └── x2paddle&opt.md │ ├── profiler.md │ ├── python_demo.md │ ├── quant │ ├── quant_post_dynamic.md │ ├── quant_post_dynamic_demo.md │ └── quant_post_static.md │ ├── quant_aware.md │ ├── sparse.md │ └── x2paddle.md ├── lite ├── CMakeLists.txt ├── api │ ├── CMakeLists.txt │ ├── _paddle_use_ops.h │ ├── android │ │ ├── .gitignore │ │ ├── CMakeLists.txt │ │ └── jni │ │ │ ├── .gitignore │ │ │ ├── CMakeLists.txt │ │ │ ├── native │ │ │ ├── CMakeLists.txt │ │ │ ├── convert_util_jni.h │ │ │ ├── paddle_lite_jni.cc │ │ │ ├── paddle_lite_jni.h │ │ │ ├── tensor_jni.cc │ │ │ └── tensor_jni.h │ │ │ ├── src │ │ │ └── com │ │ │ │ └── baidu │ │ │ │ └── paddle │ │ │ │ └── lite │ │ │ │ ├── .gitignore │ │ │ │ ├── ConfigBase.java │ │ │ │ ├── CxxConfig.java │ │ │ │ ├── MobileConfig.java │ │ │ │ ├── PaddleLiteInitializer.java │ │ │ │ ├── PaddlePredictor.java │ │ │ │ ├── Place.java │ │ │ │ ├── PowerMode.java │ │ │ │ └── Tensor.java │ │ │ └── test │ │ │ └── com │ │ │ └── baidu │ │ │ └── paddle │ │ │ └── lite │ │ │ └── PaddlePredictorTest.java │ ├── cxx_api.cc │ ├── cxx_api.h │ ├── cxx_api_impl.cc │ ├── googlenet_test.cc │ ├── light_api.cc │ ├── light_api.h │ ├── light_api_impl.cc │ ├── paddle_api.cc │ ├── paddle_api.h │ ├── paddle_lite_factory_helper.h │ ├── paddle_place.cc │ ├── paddle_place.h │ ├── paddle_use_passes.h │ ├── python │ │ ├── CMakeLists.txt │ │ ├── __init__.py │ │ ├── bin │ │ │ └── paddle_lite_opt │ │ ├── pybind │ │ │ ├── pybind.cc │ │ │ ├── pybind.h │ │ │ └── tensor_py.h │ │ ├── setup.py.in │ │ └── setup_mac.py.in │ ├── test │ │ ├── CMakeLists.txt │ │ ├── apis_test.cc │ │ ├── cxx_api_test.cc │ │ ├── efficientnet_b0_test.cc │ │ ├── fast_rcnn_test.cc │ │ ├── inceptionv4_test.cc │ │ ├── light_api_test.cc │ │ ├── lite_api_test_helper.cc │ │ ├── lite_api_test_helper.h │ │ ├── lite_multithread_test.cc │ │ ├── mobilenetv1_int16_test.cc │ │ ├── mobilenetv1_int8_test.cc │ │ ├── mobilenetv1_opt_quant_test.cc │ │ ├── mobilenetv1_ssd_test.cc │ │ ├── mobilenetv1_test.cc │ │ ├── mobilenetv1_yolov3_test.cc │ │ ├── mobilenetv2_test.cc │ │ ├── model_run_test_image.cc │ │ ├── model_test_classify.cc │ │ ├── model_test_detection.cc │ │ ├── ocr_attention_test.cc │ │ ├── paddle_api_test.cc │ │ ├── resnet18_test.cc │ │ ├── resnet50_test.cc │ │ ├── shufflenetv2_test.cc │ │ ├── test_googlenet_lite.cc │ │ ├── test_helper.h │ │ ├── test_inceptionv4_lite_x86.cc │ │ ├── test_mobilenetv1_lite_metal.cc │ │ ├── test_mobilenetv1_lite_x86.cc │ │ ├── test_mobilenetv2_lite_x86.cc │ │ ├── test_resnet50_lite_x86.cc │ │ ├── test_step_rnn_lite_x86.cc │ │ ├── transform_test.cc │ │ └── unet_test.cc │ └── tools │ │ ├── benchmark │ │ ├── CMakeLists.txt │ │ ├── benchmark.cc │ │ ├── benchmark.h │ │ ├── precision_evaluation │ │ │ ├── imagenet_image_classification │ │ │ │ ├── README.md │ │ │ │ ├── config.txt │ │ │ │ ├── prepost_process.cc │ │ │ │ └── prepost_process.h │ │ │ ├── utils.cc │ │ │ └── utils.h │ │ ├── profile │ │ │ ├── cpu_usage_info.cc │ │ │ ├── cpu_usage_info.h │ │ │ ├── memory_info.cc │ │ │ ├── memory_info.h │ │ │ ├── resource_usage_monitor.cc │ │ │ └── resource_usage_monitor.h │ │ └── utils │ │ │ ├── flags.cc │ │ │ └── flags.h │ │ ├── get_performance.cc │ │ ├── model_test.cc │ │ ├── opt.cc │ │ ├── opt_base.cc │ │ └── opt_base.h ├── backends │ ├── CMakeLists.txt │ ├── arm │ │ ├── CMakeLists.txt │ │ ├── arm_dnn_library │ │ │ ├── CMakeLists.txt │ │ │ ├── README.md │ │ │ ├── cmake │ │ │ │ └── platforms │ │ │ │ │ ├── linux │ │ │ │ │ ├── aarch64.toolchain.cmake │ │ │ │ │ └── armhf.toolchain.cmake │ │ │ │ │ └── qnx │ │ │ │ │ └── aarch64.toolchain.cmake │ │ │ ├── include │ │ │ │ └── arm_dnn_library │ │ │ │ │ ├── arm_dnn_library.h │ │ │ │ │ ├── core │ │ │ │ │ ├── bfloat16.h │ │ │ │ │ ├── float16.h │ │ │ │ │ ├── macros.h │ │ │ │ │ └── types.h │ │ │ │ │ ├── operators │ │ │ │ │ ├── array_ops.h │ │ │ │ │ ├── math_ops.h │ │ │ │ │ └── nn_ops.h │ │ │ │ │ └── runtime │ │ │ │ │ ├── context.h │ │ │ │ │ └── device.h │ │ │ ├── scripts │ │ │ │ ├── build_android.sh │ │ │ │ ├── build_linux.sh │ │ │ │ ├── build_qnx.sh │ │ │ │ └── codegen │ │ │ │ │ └── gen_relu.sh │ │ │ ├── src │ │ │ │ ├── core │ │ │ │ │ └── types.cc │ │ │ │ ├── operators │ │ │ │ │ ├── concat │ │ │ │ │ │ ├── kernels.cc │ │ │ │ │ │ ├── kernels.h │ │ │ │ │ │ ├── op.cc │ │ │ │ │ │ └── op.h │ │ │ │ │ └── relu │ │ │ │ │ │ ├── codegen │ │ │ │ │ │ ├── fp32_aarch32_neon_x8.cc │ │ │ │ │ │ └── fp32_aarch64_neon_x16.cc │ │ │ │ │ │ ├── fp16_neon_x32.cc │ │ │ │ │ │ ├── fp32_neon.cc.in │ │ │ │ │ │ ├── kernels.cc │ │ │ │ │ │ ├── kernels.h │ │ │ │ │ │ ├── op.cc │ │ │ │ │ │ └── op.h │ │ │ │ ├── runtime │ │ │ │ │ ├── context.cc │ │ │ │ │ ├── context.h │ │ │ │ │ ├── device.cc │ │ │ │ │ └── device.h │ │ │ │ └── utilities │ │ │ │ │ ├── cpu_info.cc │ │ │ │ │ ├── cpu_info.h │ │ │ │ │ ├── logging.cc │ │ │ │ │ ├── logging.h │ │ │ │ │ ├── thread_pool.cc │ │ │ │ │ └── thread_pool.h │ │ │ └── tools │ │ │ │ └── codegen.py │ │ └── math │ │ │ ├── CMakeLists.txt │ │ │ ├── activation.cc │ │ │ ├── activation.h │ │ │ ├── affine_channel.cc │ │ │ ├── affine_channel.h │ │ │ ├── argmax.cc │ │ │ ├── argmax.h │ │ │ ├── axpy.cc │ │ │ ├── axpy.h │ │ │ ├── box_coder.cc │ │ │ ├── box_coder.h │ │ │ ├── clip.cc │ │ │ ├── clip.h │ │ │ ├── col_im_transform.cc │ │ │ ├── col_im_transform.h │ │ │ ├── concat.cc │ │ │ ├── concat.h │ │ │ ├── conv3x3_winograd_fp32_c4.cc │ │ │ ├── conv3x3_winograd_int8.cc │ │ │ ├── conv3x3s1_depthwise_int8.cc │ │ │ ├── conv3x3s1_direct_int8.cc │ │ │ ├── conv3x3s1p01_depthwise_fp32.cc │ │ │ ├── conv3x3s1p01_depthwise_fp32_relu.cc │ │ │ ├── conv3x3s1px_depthwise_fp32.cc │ │ │ ├── conv3x3s2_depthwise_int8.cc │ │ │ ├── conv3x3s2_direct_fp32.cc │ │ │ ├── conv3x3s2_direct_int8.cc │ │ │ ├── conv3x3s2p01_depthwise_fp32.cc │ │ │ ├── conv3x3s2p01_depthwise_fp32_relu.cc │ │ │ ├── conv3x3s2px_depthwise_fp32.cc │ │ │ ├── conv5x5s1_depthwise_fp32.cc │ │ │ ├── conv5x5s1_depthwise_int8.cc │ │ │ ├── conv5x5s2_depthwise_fp32.cc │ │ │ ├── conv5x5s2_depthwise_int8.cc │ │ │ ├── conv_block_utils.h │ │ │ ├── conv_depthwise.h │ │ │ ├── conv_impl.cc │ │ │ ├── conv_impl.h │ │ │ ├── conv_transpose_depthwise.cc │ │ │ ├── conv_transpose_depthwise.h │ │ │ ├── conv_winograd_3x3.cc │ │ │ ├── decode_bboxes.cc │ │ │ ├── decode_bboxes.h │ │ │ ├── dot_toolchain_support.h │ │ │ ├── dotprod │ │ │ ├── __gemm_sdot_meta__.h │ │ │ └── __gemm_vsdot_meta__.h │ │ │ ├── dropout.cc │ │ │ ├── dropout.h │ │ │ ├── elementwise.cc │ │ │ ├── elementwise.h │ │ │ ├── elementwise_common_broadcast.h │ │ │ ├── elementwise_common_broadcast_config.h │ │ │ ├── elementwise_naive_impl.h │ │ │ ├── fill_bias_relu.cc │ │ │ ├── fill_bias_relu.h │ │ │ ├── fp16 │ │ │ ├── activation_fp16.cc │ │ │ ├── activation_fp16.h │ │ │ ├── box_coder_fp16.cc │ │ │ ├── box_coder_fp16.h │ │ │ ├── common_preprocess.h │ │ │ ├── conv3x3_depthwise_fp16.h │ │ │ ├── conv3x3_winograd_fp16.cc │ │ │ ├── conv3x3s1_depthwise_fp16.cc │ │ │ ├── conv3x3s1_direct_fp16.cc │ │ │ ├── conv3x3s2_depthwise_fp16.cc │ │ │ ├── conv3x3s2_direct_fp16.cc │ │ │ ├── conv5x5s1_depthwise_fp16.cc │ │ │ ├── conv5x5s2_depthwise_fp16.cc │ │ │ ├── conv_block_utils_fp16.h │ │ │ ├── conv_depthwise_common_fp16.cc │ │ │ ├── conv_depthwise_common_fp16.h │ │ │ ├── conv_impl_fp16.cc │ │ │ ├── conv_impl_fp16.h │ │ │ ├── conv_transpose_depthwise_fp16.cc │ │ │ ├── conv_transpose_depthwise_fp16.h │ │ │ ├── elementwise_fp16.cc │ │ │ ├── elementwise_fp16.h │ │ │ ├── fill_bias_act_fp16.cc │ │ │ ├── fill_bias_act_fp16.h │ │ │ ├── funcs_fp16.cc │ │ │ ├── funcs_fp16.h │ │ │ ├── gemm_c8_fp16.cc │ │ │ ├── gemm_c8_fp16.h │ │ │ ├── gemm_fp16.cc │ │ │ ├── gemm_fp16.h │ │ │ ├── gemv_fp16.cc │ │ │ ├── gemv_fp16.h │ │ │ ├── gru_utils_fp16.h │ │ │ ├── interpolate_fp16.cc │ │ │ ├── interpolate_fp16.h │ │ │ ├── pad2d_fp16.cc │ │ │ ├── pad2d_fp16.h │ │ │ ├── pooling_fp16.cc │ │ │ ├── pooling_fp16.h │ │ │ ├── power_fp16.cc │ │ │ ├── power_fp16.h │ │ │ ├── sgemm_fp16.cc │ │ │ ├── sgemm_fp16.h │ │ │ ├── softmax_fp16.cc │ │ │ ├── softmax_fp16.h │ │ │ ├── sparse_conv_fp16.cc │ │ │ ├── sparse_conv_fp16.h │ │ │ ├── sparse_semi_conv_fp16.cc │ │ │ ├── sparse_semi_conv_fp16.h │ │ │ ├── type_trans_fp16.cc │ │ │ └── type_trans_fp16.h │ │ │ ├── funcs.cc │ │ │ ├── funcs.h │ │ │ ├── gemm_prepacked_int8.cc │ │ │ ├── gemm_prepacked_int8.h │ │ │ ├── gemm_s8.cc │ │ │ ├── gemm_s8.h │ │ │ ├── gemv_arm_int8.cc │ │ │ ├── gemv_arm_int8.h │ │ │ ├── gru.h │ │ │ ├── gru_utils.h │ │ │ ├── interpolate.cc │ │ │ ├── interpolate.h │ │ │ ├── layout.cc │ │ │ ├── layout.h │ │ │ ├── lrn.cc │ │ │ ├── lrn.h │ │ │ ├── lstm.cc │ │ │ ├── lstm.h │ │ │ ├── negative.cc │ │ │ ├── negative.h │ │ │ ├── norm.cc │ │ │ ├── norm.h │ │ │ ├── packed_sgemm.cc │ │ │ ├── packed_sgemm.h │ │ │ ├── packed_sgemm_a35.h │ │ │ ├── packed_sgemm_c4.cc │ │ │ ├── packed_sgemm_c4.h │ │ │ ├── pad2d.cc │ │ │ ├── pad2d.h │ │ │ ├── pixel_shuffle.cc │ │ │ ├── pixel_shuffle.h │ │ │ ├── pooling.cc │ │ │ ├── pooling.h │ │ │ ├── power.cc │ │ │ ├── power.h │ │ │ ├── quantize.cc │ │ │ ├── quantize.h │ │ │ ├── reduce.cc │ │ │ ├── reduce.h │ │ │ ├── saturate.h │ │ │ ├── scale.cc │ │ │ ├── scale.h │ │ │ ├── scatter.cc │ │ │ ├── scatter.h │ │ │ ├── sequence2batch.h │ │ │ ├── sequence_expand.cc │ │ │ ├── sequence_expand.h │ │ │ ├── sequence_pool.cc │ │ │ ├── sequence_pool.h │ │ │ ├── sequence_pool_grad.cc │ │ │ ├── sequence_pool_grad.h │ │ │ ├── sgemm.cc │ │ │ ├── sgemm.h │ │ │ ├── sgemv.cc │ │ │ ├── sgemv.h │ │ │ ├── slice.cc │ │ │ ├── slice.h │ │ │ ├── softmax.cc │ │ │ ├── softmax.h │ │ │ ├── sparse_conv_impl.cc │ │ │ ├── sparse_conv_impl.h │ │ │ ├── sparse_semi_conv_impl.cc │ │ │ ├── sparse_semi_conv_impl.h │ │ │ ├── split_merge_lod_tenosr.cc │ │ │ ├── split_merge_lod_tenosr.h │ │ │ ├── sve │ │ │ ├── conv3x3s2_direct_int8_sve.cc │ │ │ ├── conv3x3s2_direct_int8_sve.h │ │ │ ├── conv_impl_sve.cc │ │ │ ├── conv_impl_sve.h │ │ │ ├── funcs_sve.h │ │ │ ├── gemm_sve.cc │ │ │ ├── gemm_sve.h │ │ │ ├── gemm_sve_i8mm.cc │ │ │ ├── gemm_sve_i8mm.h │ │ │ ├── pooling_sve.cc │ │ │ ├── pooling_sve.h │ │ │ ├── softmax_sve.cc │ │ │ └── softmax_sve.h │ │ │ ├── type_trans.cc │ │ │ ├── type_trans.h │ │ │ ├── viterbi_decode.cc │ │ │ └── viterbi_decode.h │ ├── host │ │ ├── CMakeLists.txt │ │ ├── math │ │ │ ├── CMakeLists.txt │ │ │ ├── argmax.cc │ │ │ ├── argmax.h │ │ │ ├── bbox_util.h │ │ │ ├── beam_search.cc │ │ │ ├── beam_search.h │ │ │ ├── concat.cc │ │ │ ├── concat.h │ │ │ ├── gather.h │ │ │ ├── gpc.cc │ │ │ ├── gpc.h │ │ │ ├── inverse.cc │ │ │ ├── inverse.h │ │ │ ├── nms_util.h │ │ │ ├── norm.cc │ │ │ ├── norm.h │ │ │ ├── pad2d.h │ │ │ ├── pad3d.cc │ │ │ ├── pad3d.h │ │ │ ├── poly_util.h │ │ │ ├── prior_box.cc │ │ │ ├── prior_box.h │ │ │ ├── reduce.cc │ │ │ ├── reduce.h │ │ │ ├── reverse.cc │ │ │ ├── reverse.h │ │ │ ├── sequence_padding.cc │ │ │ ├── sequence_padding.h │ │ │ ├── slice.cc │ │ │ ├── slice.h │ │ │ ├── split.cc │ │ │ ├── split.h │ │ │ ├── stack.cc │ │ │ ├── stack.h │ │ │ ├── temporal_shift.cc │ │ │ ├── temporal_shift.h │ │ │ ├── topk.cc │ │ │ ├── topk.h │ │ │ ├── transpose.h │ │ │ ├── unbind.h │ │ │ └── yolo_box.h │ │ └── target_wrapper.cc │ ├── metal │ │ ├── .clang-format │ │ ├── CMakeLists.txt │ │ ├── context.h │ │ ├── context.mm │ │ ├── metal_buffer.h │ │ ├── metal_buffer.mm │ │ ├── metal_common.h │ │ ├── metal_context.h │ │ ├── metal_context.mm │ │ ├── metal_context_imp.h │ │ ├── metal_context_imp.mm │ │ ├── metal_converter.h │ │ ├── metal_converter.mm │ │ ├── metal_debug.h │ │ ├── metal_debug.mm │ │ ├── metal_half.h │ │ ├── metal_half.mm │ │ ├── metal_image.h │ │ ├── metal_image.mm │ │ ├── metal_kernel │ │ │ └── texture │ │ │ │ ├── ActivationKernel.metal │ │ │ │ ├── BatchNormKernel.metal │ │ │ │ ├── BatchNormRelu.metal │ │ │ │ ├── BilinearInterp.metal │ │ │ │ ├── BoxCoder.metal │ │ │ │ ├── BufferToTexture.metal │ │ │ │ ├── BufferToTextureArrayKernel.metal │ │ │ │ ├── Cast.metal │ │ │ │ ├── Common.metal │ │ │ │ ├── Compare.metal │ │ │ │ ├── ConcatKernel.metal │ │ │ │ ├── ConvAddBNReluKernel.metal │ │ │ │ ├── ConvAddReluMetal.metal │ │ │ │ ├── ConvBNReluKernel.metal │ │ │ │ ├── ConvTransposeKernel.metal │ │ │ │ ├── DropoutKernel.metal │ │ │ │ ├── Elementwise.metal │ │ │ │ ├── ElementwiseAddActKernel.inc.metal │ │ │ │ ├── ElementwiseAddActKernel.metal │ │ │ │ ├── FetchKernel.metal │ │ │ │ ├── GridSampler.metal │ │ │ │ ├── InstanceNorm.metal │ │ │ │ ├── InstanceNormRelu.metal │ │ │ │ ├── Kernels.metal │ │ │ │ ├── LrnKernel.metal │ │ │ │ ├── Macro.metal │ │ │ │ ├── MaxKernel.metal │ │ │ │ ├── Mul.metal │ │ │ │ ├── NMSFetchResultKernel.metal │ │ │ │ ├── NearestInterpKernel.metal │ │ │ │ ├── Pad2d.metal │ │ │ │ ├── PixelShuffle.metal │ │ │ │ ├── PixelUnShuffle.metal │ │ │ │ ├── PoolKernel.metal │ │ │ │ ├── PreluKernel.metal │ │ │ │ ├── PriorBoxKernel.metal │ │ │ │ ├── Reduce.metal │ │ │ │ ├── ReshapeKernel.inc.metal │ │ │ │ ├── ResizeBilinear.metal │ │ │ │ ├── Scale.metal │ │ │ │ ├── ScaleKernel.metal │ │ │ │ ├── Shape.metal │ │ │ │ ├── ShuffleChannel.metal │ │ │ │ ├── SliceKernel.metal │ │ │ │ ├── Softmax.metal │ │ │ │ ├── Split.metal │ │ │ │ ├── Tanh.metal │ │ │ │ ├── TransposeKernel.metal │ │ │ │ └── YoloBoxKernel.metal │ │ ├── metal_mtl_data.h │ │ ├── metal_mtl_data.mm │ │ ├── metal_timestats.h │ │ ├── mps_conv_datasource.h │ │ ├── mps_conv_datasource.m │ │ ├── target_wrapper.h │ │ └── target_wrapper.mm │ ├── nnadapter │ │ ├── CMakeLists.txt │ │ ├── nnadapter │ │ │ ├── CMakeLists.txt │ │ │ ├── include │ │ │ │ └── nnadapter │ │ │ │ │ ├── core │ │ │ │ │ └── types.h │ │ │ │ │ ├── driver │ │ │ │ │ └── device.h │ │ │ │ │ ├── nnadapter.h │ │ │ │ │ ├── operation │ │ │ │ │ ├── adaptive_pool2d.h │ │ │ │ │ ├── arg_min_max.h │ │ │ │ │ ├── assign.h │ │ │ │ │ ├── batch_normalization.h │ │ │ │ │ ├── binary_logical_op.h │ │ │ │ │ ├── cast.h │ │ │ │ │ ├── channel_shuffle.h │ │ │ │ │ ├── clip.h │ │ │ │ │ ├── comparisons.h │ │ │ │ │ ├── concat.h │ │ │ │ │ ├── conv2d.h │ │ │ │ │ ├── conv2d_transpose.h │ │ │ │ │ ├── cum_sum.h │ │ │ │ │ ├── deformable_conv2d.h │ │ │ │ │ ├── dequantize.h │ │ │ │ │ ├── elementwise.h │ │ │ │ │ ├── expand.h │ │ │ │ │ ├── fill.h │ │ │ │ │ ├── fill_like.h │ │ │ │ │ ├── flatten.h │ │ │ │ │ ├── fully_connected.h │ │ │ │ │ ├── gather.h │ │ │ │ │ ├── gelu.h │ │ │ │ │ ├── grid_sample.h │ │ │ │ │ ├── group_normalization.h │ │ │ │ │ ├── hard_sigmoid_swish.h │ │ │ │ │ ├── instance_normalization.h │ │ │ │ │ ├── layer_normalization.h │ │ │ │ │ ├── leaky_relu.h │ │ │ │ │ ├── log_softmax.h │ │ │ │ │ ├── lp_normalization.h │ │ │ │ │ ├── lrn.h │ │ │ │ │ ├── mat_mul.h │ │ │ │ │ ├── math │ │ │ │ │ │ ├── batch_normalization.h │ │ │ │ │ │ ├── broadcast.h │ │ │ │ │ │ ├── concat.h │ │ │ │ │ │ ├── conv2d.h │ │ │ │ │ │ ├── cum_sum.h │ │ │ │ │ │ ├── dequantize.h │ │ │ │ │ │ ├── elementwise.h │ │ │ │ │ │ ├── expand.h │ │ │ │ │ │ ├── fully_connected.h │ │ │ │ │ │ ├── gather.h │ │ │ │ │ │ ├── log_softmax.h │ │ │ │ │ │ ├── meshgrid.h │ │ │ │ │ │ ├── pool2d.h │ │ │ │ │ │ ├── quantize.h │ │ │ │ │ │ ├── slice.h │ │ │ │ │ │ ├── softmax.h │ │ │ │ │ │ ├── split.h │ │ │ │ │ │ ├── stack.h │ │ │ │ │ │ ├── unary_activations.h │ │ │ │ │ │ └── utility.h │ │ │ │ │ ├── meshgrid.h │ │ │ │ │ ├── non_max_suppression.h │ │ │ │ │ ├── pad.h │ │ │ │ │ ├── pool2d.h │ │ │ │ │ ├── pow.h │ │ │ │ │ ├── prelu.h │ │ │ │ │ ├── prior_box.h │ │ │ │ │ ├── quantize.h │ │ │ │ │ ├── range.h │ │ │ │ │ ├── reduce.h │ │ │ │ │ ├── reshape.h │ │ │ │ │ ├── resize_linear.h │ │ │ │ │ ├── resize_nearest.h │ │ │ │ │ ├── roi_align.h │ │ │ │ │ ├── roll.h │ │ │ │ │ ├── shape.h │ │ │ │ │ ├── slice.h │ │ │ │ │ ├── softmax.h │ │ │ │ │ ├── softplus.h │ │ │ │ │ ├── split.h │ │ │ │ │ ├── squeeze.h │ │ │ │ │ ├── stack.h │ │ │ │ │ ├── sum.h │ │ │ │ │ ├── tile.h │ │ │ │ │ ├── top_k.h │ │ │ │ │ ├── transpose.h │ │ │ │ │ ├── unary_activations.h │ │ │ │ │ ├── unary_logical_op.h │ │ │ │ │ ├── unsqueeze.h │ │ │ │ │ ├── unstack.h │ │ │ │ │ ├── where.h │ │ │ │ │ └── yolo_box.h │ │ │ │ │ ├── optimizer │ │ │ │ │ ├── constant_fold_operations.h │ │ │ │ │ ├── constant_fold_shape_and_associated_operations.h │ │ │ │ │ ├── convert_adaptive_pool2d_into_pool2d.h │ │ │ │ │ ├── convert_datalayout_nchw_to_nhwc.h │ │ │ │ │ ├── convert_quantization_symm_to_asymm.h │ │ │ │ │ ├── convert_reshape_transpose_reshape_5d_into_4d.h │ │ │ │ │ ├── fuse_batch_norm_conv2d_into_conv2d.h │ │ │ │ │ ├── fuse_conv2d_activation_into_conv2d.h │ │ │ │ │ ├── fuse_conv2d_add_into_conv2d.h │ │ │ │ │ ├── fuse_conv2d_batch_norm_into_conv2d.h │ │ │ │ │ ├── fuse_matmul_add_into_fully_connected.h │ │ │ │ │ ├── fuse_matmul_dequant_add_into_fully_connected_dequant.h │ │ │ │ │ ├── fuse_reshape_transpose_reshape_into_channel_shuffle.h │ │ │ │ │ ├── fuse_reshape_transpose_slice3_squeeze3_into_reshape_transpose_slice3.h │ │ │ │ │ ├── fuse_sigmoid_mul_into_swish.h │ │ │ │ │ ├── fuse_transpose_inverse_transpose_into_identity_transpose.h │ │ │ │ │ ├── fuse_unsqueeze_pad_squeeze_into_pad.h │ │ │ │ │ ├── partition_model_into_submodels.h │ │ │ │ │ ├── pattern_matcher.h │ │ │ │ │ ├── remove_identity_transpose.h │ │ │ │ │ └── remove_useless_operations.h │ │ │ │ │ └── utility │ │ │ │ │ ├── cache.h │ │ │ │ │ ├── debug.h │ │ │ │ │ ├── hints.h │ │ │ │ │ ├── logging.h │ │ │ │ │ ├── micros.h │ │ │ │ │ ├── modeling.h │ │ │ │ │ ├── string.h │ │ │ │ │ └── utility.h │ │ │ └── src │ │ │ │ ├── CMakeLists.txt │ │ │ │ ├── core │ │ │ │ └── CMakeLists.txt │ │ │ │ ├── driver │ │ │ │ ├── CMakeLists.txt │ │ │ │ ├── amlogic_npu │ │ │ │ │ ├── CMakeLists.txt │ │ │ │ │ ├── converter │ │ │ │ │ │ ├── all.h │ │ │ │ │ │ ├── concat.cc │ │ │ │ │ │ ├── conv2d.cc │ │ │ │ │ │ ├── conv2d_transpose.cc │ │ │ │ │ │ ├── converter.cc │ │ │ │ │ │ ├── converter.h │ │ │ │ │ │ ├── elementwise.cc │ │ │ │ │ │ ├── flatten.cc │ │ │ │ │ │ ├── fully_connected.cc │ │ │ │ │ │ ├── pool2d.cc │ │ │ │ │ │ ├── reshape.cc │ │ │ │ │ │ ├── softmax.cc │ │ │ │ │ │ ├── transpose.cc │ │ │ │ │ │ ├── unary_activations.cc │ │ │ │ │ │ └── unsqueeze.cc │ │ │ │ │ ├── dependencies.cmake │ │ │ │ │ ├── driver.cc │ │ │ │ │ ├── engine.cc │ │ │ │ │ ├── engine.h │ │ │ │ │ ├── optimizer │ │ │ │ │ │ ├── unpack_op_fusion.cc │ │ │ │ │ │ └── unpack_op_fusion.h │ │ │ │ │ ├── utility.cc │ │ │ │ │ └── utility.h │ │ │ │ ├── android_nnapi │ │ │ │ │ ├── CMakeLists.txt │ │ │ │ │ ├── NeuralNetworksTypes.h │ │ │ │ │ ├── converter │ │ │ │ │ │ ├── all.h │ │ │ │ │ │ ├── batch_normalization.cc │ │ │ │ │ │ ├── concat.cc │ │ │ │ │ │ ├── conv2d.cc │ │ │ │ │ │ ├── conv2d_transpose.cc │ │ │ │ │ │ ├── converter.cc │ │ │ │ │ │ ├── converter.h │ │ │ │ │ │ ├── elementwise.cc │ │ │ │ │ │ ├── flatten.cc │ │ │ │ │ │ ├── fully_connected.cc │ │ │ │ │ │ ├── leaky_relu.cc │ │ │ │ │ │ ├── mat_mul.cc │ │ │ │ │ │ ├── pool2d.cc │ │ │ │ │ │ ├── reshape.cc │ │ │ │ │ │ ├── resize_linear.cc │ │ │ │ │ │ ├── resize_nearest.cc │ │ │ │ │ │ ├── softmax.cc │ │ │ │ │ │ ├── transpose.cc │ │ │ │ │ │ ├── unary_activations.cc │ │ │ │ │ │ ├── unsqueeze.cc │ │ │ │ │ │ ├── validator.cc │ │ │ │ │ │ └── validator.h │ │ │ │ │ ├── dependencies.cmake │ │ │ │ │ ├── driver.cc │ │ │ │ │ ├── engine.cc │ │ │ │ │ ├── engine.h │ │ │ │ │ ├── nnapi_implementation.cc │ │ │ │ │ ├── nnapi_implementation.h │ │ │ │ │ ├── optimizer │ │ │ │ │ │ ├── resolve_operation_liminations.cc │ │ │ │ │ │ ├── resolve_operation_liminations.h │ │ │ │ │ │ ├── restrict_input_output_quant_params.cc │ │ │ │ │ │ └── restrict_input_output_quant_params.h │ │ │ │ │ ├── utility.cc │ │ │ │ │ └── utility.h │ │ │ │ ├── cambricon_mlu │ │ │ │ │ ├── CMakeLists.txt │ │ │ │ │ ├── converter.cc │ │ │ │ │ ├── converter.h │ │ │ │ │ ├── converter │ │ │ │ │ │ ├── activation.cc │ │ │ │ │ │ ├── adaptive_pool2d.cc │ │ │ │ │ │ ├── all.h │ │ │ │ │ │ ├── arg_max.cc │ │ │ │ │ │ ├── assign.cc │ │ │ │ │ │ ├── batch_normalization.cc │ │ │ │ │ │ ├── binary_logical_op.cc │ │ │ │ │ │ ├── cast.cc │ │ │ │ │ │ ├── clip.cc │ │ │ │ │ │ ├── comparisons.cc │ │ │ │ │ │ ├── concat.cc │ │ │ │ │ │ ├── conv2d.cc │ │ │ │ │ │ ├── conv2d_transpose.cc │ │ │ │ │ │ ├── deformable_conv2d.cc │ │ │ │ │ │ ├── div.cc │ │ │ │ │ │ ├── elementwise.cc │ │ │ │ │ │ ├── exp.cc │ │ │ │ │ │ ├── expand.cc │ │ │ │ │ │ ├── fill.cc │ │ │ │ │ │ ├── fill_like.cc │ │ │ │ │ │ ├── flatten.cc │ │ │ │ │ │ ├── fully_connected.cc │ │ │ │ │ │ ├── gather.cc │ │ │ │ │ │ ├── gelu.cc │ │ │ │ │ │ ├── layer_normalization.cc │ │ │ │ │ │ ├── leaky_relu.cc │ │ │ │ │ │ ├── log.cc │ │ │ │ │ │ ├── lp_normalization.cc │ │ │ │ │ │ ├── multiclass_nms.cc │ │ │ │ │ │ ├── pad.cc │ │ │ │ │ │ ├── pool2d.cc │ │ │ │ │ │ ├── pow.cc │ │ │ │ │ │ ├── quantize.cc │ │ │ │ │ │ ├── range.cc │ │ │ │ │ │ ├── reduce.cc │ │ │ │ │ │ ├── reshape.cc │ │ │ │ │ │ ├── resize_linear.cc │ │ │ │ │ │ ├── resize_nearest.cc │ │ │ │ │ │ ├── roi_align.cc │ │ │ │ │ │ ├── shape.cc │ │ │ │ │ │ ├── slice.cc │ │ │ │ │ │ ├── softmax.cc │ │ │ │ │ │ ├── split.cc │ │ │ │ │ │ ├── squeeze.cc │ │ │ │ │ │ ├── top_k.cc │ │ │ │ │ │ ├── transpose.cc │ │ │ │ │ │ ├── unary_logical_op.cc │ │ │ │ │ │ ├── unsqueeze.cc │ │ │ │ │ │ └── yolo_box.cc │ │ │ │ │ ├── dependencies.cmake │ │ │ │ │ ├── driver.cc │ │ │ │ │ ├── engine.cc │ │ │ │ │ ├── engine.h │ │ │ │ │ ├── optimizer │ │ │ │ │ │ ├── convert_datalayout_nchw_to_nhwc.cc │ │ │ │ │ │ ├── convert_datalayout_nchw_to_nhwc.h │ │ │ │ │ │ ├── fix_non_max_suppression.cc │ │ │ │ │ │ ├── fix_non_max_suppression.h │ │ │ │ │ │ ├── fix_quantized_ops.cc │ │ │ │ │ │ └── fix_quantized_ops.h │ │ │ │ │ ├── utility.cc │ │ │ │ │ └── utility.h │ │ │ │ ├── configuration.cmake │ │ │ │ ├── eeasytech_npu │ │ │ │ │ ├── CMakeLists.txt │ │ │ │ │ ├── converter │ │ │ │ │ │ ├── all.h │ │ │ │ │ │ ├── batch_normalization.cc │ │ │ │ │ │ ├── concat.cc │ │ │ │ │ │ ├── conv2d.cc │ │ │ │ │ │ ├── converter.cc │ │ │ │ │ │ ├── converter.h │ │ │ │ │ │ ├── elementwise.cc │ │ │ │ │ │ ├── flatten.cc │ │ │ │ │ │ ├── fully_connected.cc │ │ │ │ │ │ ├── hard_swish.cc │ │ │ │ │ │ ├── pool2d.cc │ │ │ │ │ │ ├── reshape.cc │ │ │ │ │ │ ├── resize_linear.cc │ │ │ │ │ │ ├── resize_nearest.cc │ │ │ │ │ │ ├── split.cc │ │ │ │ │ │ ├── transpose.cc │ │ │ │ │ │ ├── unary_activations.cc │ │ │ │ │ │ └── unsqueeze.cc │ │ │ │ │ ├── dependencies.cmake │ │ │ │ │ ├── driver.cc │ │ │ │ │ ├── engine.cc │ │ │ │ │ ├── engine.h │ │ │ │ │ ├── optimizer │ │ │ │ │ │ ├── unpack_op_fusion.cc │ │ │ │ │ │ └── unpack_op_fusion.h │ │ │ │ │ ├── utility.cc │ │ │ │ │ └── utility.h │ │ │ │ ├── fake_device │ │ │ │ │ ├── CMakeLists.txt │ │ │ │ │ ├── build.sh │ │ │ │ │ ├── converter │ │ │ │ │ │ ├── all.h │ │ │ │ │ │ ├── conv2d.cc │ │ │ │ │ │ ├── converter.cc │ │ │ │ │ │ ├── converter.h │ │ │ │ │ │ ├── validator.cc │ │ │ │ │ │ └── validator.h │ │ │ │ │ ├── dependencies.cmake │ │ │ │ │ ├── driver.cc │ │ │ │ │ ├── engine.cc │ │ │ │ │ ├── engine.h │ │ │ │ │ ├── fake_ddk │ │ │ │ │ │ ├── CMakeLists.txt │ │ │ │ │ │ ├── include │ │ │ │ │ │ │ └── fake_ddk │ │ │ │ │ │ │ │ ├── all.h │ │ │ │ │ │ │ │ ├── execution.h │ │ │ │ │ │ │ │ ├── graph.h │ │ │ │ │ │ │ │ ├── micros.h │ │ │ │ │ │ │ │ ├── operator.h │ │ │ │ │ │ │ │ ├── tensor.h │ │ │ │ │ │ │ │ └── types.h │ │ │ │ │ │ └── src │ │ │ │ │ │ │ ├── conv2d.cc │ │ │ │ │ │ │ ├── conv2d.h │ │ │ │ │ │ │ ├── execution.cc │ │ │ │ │ │ │ ├── graph.cc │ │ │ │ │ │ │ ├── logging.cc │ │ │ │ │ │ │ ├── logging.h │ │ │ │ │ │ │ ├── utility.cc │ │ │ │ │ │ │ └── utility.h │ │ │ │ │ ├── utility.cc │ │ │ │ │ └── utility.h │ │ │ │ ├── google_xnnpack │ │ │ │ │ ├── CMakeLists.txt │ │ │ │ │ ├── converter │ │ │ │ │ │ ├── all.h │ │ │ │ │ │ ├── converter.cc │ │ │ │ │ │ ├── converter.h │ │ │ │ │ │ ├── elementwise.cc │ │ │ │ │ │ ├── reshape.cc │ │ │ │ │ │ ├── softmax.cc │ │ │ │ │ │ ├── validator.cc │ │ │ │ │ │ └── validator.h │ │ │ │ │ ├── dependencies.cmake │ │ │ │ │ ├── driver.cc │ │ │ │ │ ├── engine.cc │ │ │ │ │ ├── engine.h │ │ │ │ │ ├── optimizer │ │ │ │ │ │ ├── resolve_operation_liminations.cc │ │ │ │ │ │ └── resolve_operation_liminations.h │ │ │ │ │ ├── utility.cc │ │ │ │ │ └── utility.h │ │ │ │ ├── huawei_ascend_npu │ │ │ │ │ ├── CMakeLists.txt │ │ │ │ │ ├── converter │ │ │ │ │ │ ├── adaptive_pool2d.cc │ │ │ │ │ │ ├── all.h │ │ │ │ │ │ ├── arg_min_max.cc │ │ │ │ │ │ ├── assign.cc │ │ │ │ │ │ ├── batch_normalization.cc │ │ │ │ │ │ ├── binary_logical_op.cc │ │ │ │ │ │ ├── cast.cc │ │ │ │ │ │ ├── channel_shuffle.cc │ │ │ │ │ │ ├── clip.cc │ │ │ │ │ │ ├── comparisons.cc │ │ │ │ │ │ ├── concat.cc │ │ │ │ │ │ ├── conv2d.cc │ │ │ │ │ │ ├── conv2d_transpose.cc │ │ │ │ │ │ ├── converter.cc │ │ │ │ │ │ ├── converter.h │ │ │ │ │ │ ├── cum_sum.cc │ │ │ │ │ │ ├── deformable_conv2d.cc │ │ │ │ │ │ ├── dequantize.cc │ │ │ │ │ │ ├── elementwise.cc │ │ │ │ │ │ ├── expand.cc │ │ │ │ │ │ ├── fill.cc │ │ │ │ │ │ ├── fill_like.cc │ │ │ │ │ │ ├── flatten.cc │ │ │ │ │ │ ├── fully_connected.cc │ │ │ │ │ │ ├── gather.cc │ │ │ │ │ │ ├── gelu.cc │ │ │ │ │ │ ├── group_normalization.cc │ │ │ │ │ │ ├── hard_sigmoid.cc │ │ │ │ │ │ ├── hard_swish.cc │ │ │ │ │ │ ├── instance_normalization.cc │ │ │ │ │ │ ├── layer_normalization.cc │ │ │ │ │ │ ├── leaky_relu.cc │ │ │ │ │ │ ├── log_softmax.cc │ │ │ │ │ │ ├── lp_normalization.cc │ │ │ │ │ │ ├── lrn.cc │ │ │ │ │ │ ├── mat_mul.cc │ │ │ │ │ │ ├── meshgrid.cc │ │ │ │ │ │ ├── pad.cc │ │ │ │ │ │ ├── pool2d.cc │ │ │ │ │ │ ├── pow.cc │ │ │ │ │ │ ├── prelu.cc │ │ │ │ │ │ ├── quantize.cc │ │ │ │ │ │ ├── range.cc │ │ │ │ │ │ ├── reduce.cc │ │ │ │ │ │ ├── reshape.cc │ │ │ │ │ │ ├── resize_linear.cc │ │ │ │ │ │ ├── resize_nearest.cc │ │ │ │ │ │ ├── roi_align.cc │ │ │ │ │ │ ├── roll.cc │ │ │ │ │ │ ├── shape.cc │ │ │ │ │ │ ├── slice.cc │ │ │ │ │ │ ├── softmax.cc │ │ │ │ │ │ ├── softplus.cc │ │ │ │ │ │ ├── split.cc │ │ │ │ │ │ ├── squeeze.cc │ │ │ │ │ │ ├── stack.cc │ │ │ │ │ │ ├── sum.cc │ │ │ │ │ │ ├── swish.cc │ │ │ │ │ │ ├── tile.cc │ │ │ │ │ │ ├── top_k.cc │ │ │ │ │ │ ├── transpose.cc │ │ │ │ │ │ ├── unary_activations.cc │ │ │ │ │ │ ├── unary_logical_op.cc │ │ │ │ │ │ ├── unsqueeze.cc │ │ │ │ │ │ └── where.cc │ │ │ │ │ ├── dependencies.cmake │ │ │ │ │ ├── driver.cc │ │ │ │ │ ├── engine.cc │ │ │ │ │ ├── engine.h │ │ │ │ │ ├── model_client.cc │ │ │ │ │ ├── model_client.h │ │ │ │ │ ├── optimizer │ │ │ │ │ │ ├── fix_multiple_outputs_ops.cc │ │ │ │ │ │ ├── fix_multiple_outputs_ops.h │ │ │ │ │ │ ├── fix_no_inputs_ops.cc │ │ │ │ │ │ ├── fix_no_inputs_ops.h │ │ │ │ │ │ ├── fix_quantized_ops.cc │ │ │ │ │ │ ├── fix_quantized_ops.h │ │ │ │ │ │ ├── fix_reduce_ops_scalar_output.cc │ │ │ │ │ │ └── fix_reduce_ops_scalar_output.h │ │ │ │ │ ├── utility.cc │ │ │ │ │ └── utility.h │ │ │ │ ├── huawei_kirin_npu │ │ │ │ │ ├── CMakeLists.txt │ │ │ │ │ ├── converter │ │ │ │ │ │ ├── all.h │ │ │ │ │ │ ├── arg_min_max.cc │ │ │ │ │ │ ├── batch_normalization.cc │ │ │ │ │ │ ├── binary_logical_op.cc │ │ │ │ │ │ ├── cast.cc │ │ │ │ │ │ ├── channel_shuffle.cc │ │ │ │ │ │ ├── clip.cc │ │ │ │ │ │ ├── comparisons.cc │ │ │ │ │ │ ├── concat.cc │ │ │ │ │ │ ├── conv2d.cc │ │ │ │ │ │ ├── conv2d_transpose.cc │ │ │ │ │ │ ├── converter.cc │ │ │ │ │ │ ├── converter.h │ │ │ │ │ │ ├── elementwise.cc │ │ │ │ │ │ ├── flatten.cc │ │ │ │ │ │ ├── fully_connected.cc │ │ │ │ │ │ ├── gather.cc │ │ │ │ │ │ ├── gelu.cc │ │ │ │ │ │ ├── hard_sigmoid.cc │ │ │ │ │ │ ├── hard_swish.cc │ │ │ │ │ │ ├── instance_normalization.cc │ │ │ │ │ │ ├── layer_normalization.cc │ │ │ │ │ │ ├── leaky_relu.cc │ │ │ │ │ │ ├── lp_normalization.cc │ │ │ │ │ │ ├── mat_mul.cc │ │ │ │ │ │ ├── pad.cc │ │ │ │ │ │ ├── pool2d.cc │ │ │ │ │ │ ├── prelu.cc │ │ │ │ │ │ ├── reduce.cc │ │ │ │ │ │ ├── reshape.cc │ │ │ │ │ │ ├── resize_linear.cc │ │ │ │ │ │ ├── resize_nearest.cc │ │ │ │ │ │ ├── slice.cc │ │ │ │ │ │ ├── softmax.cc │ │ │ │ │ │ ├── softplus.cc │ │ │ │ │ │ ├── split.cc │ │ │ │ │ │ ├── squeeze.cc │ │ │ │ │ │ ├── swish.cc │ │ │ │ │ │ ├── tile.cc │ │ │ │ │ │ ├── top_k.cc │ │ │ │ │ │ ├── transpose.cc │ │ │ │ │ │ ├── unary_activations.cc │ │ │ │ │ │ ├── unary_logical_op.cc │ │ │ │ │ │ ├── unsqueeze.cc │ │ │ │ │ │ └── where.cc │ │ │ │ │ ├── dependencies.cmake │ │ │ │ │ ├── driver.cc │ │ │ │ │ ├── engine.cc │ │ │ │ │ ├── engine.h │ │ │ │ │ ├── optimizer │ │ │ │ │ │ ├── fix_multiple_outputs_ops.cc │ │ │ │ │ │ └── fix_multiple_outputs_ops.h │ │ │ │ │ ├── utility.cc │ │ │ │ │ └── utility.h │ │ │ │ ├── imagination_nna │ │ │ │ │ ├── CMakeLists.txt │ │ │ │ │ ├── converter │ │ │ │ │ │ ├── all.h │ │ │ │ │ │ ├── conv2d.cc │ │ │ │ │ │ ├── converter.cc │ │ │ │ │ │ ├── converter.h │ │ │ │ │ │ ├── elementwise.cc │ │ │ │ │ │ ├── fully_connected.cc │ │ │ │ │ │ ├── mat_mul.cc │ │ │ │ │ │ ├── pool2d.cc │ │ │ │ │ │ ├── reshape.cc │ │ │ │ │ │ ├── softmax.cc │ │ │ │ │ │ └── unary_activations.cc │ │ │ │ │ ├── dependencies.cmake │ │ │ │ │ ├── driver.cc │ │ │ │ │ ├── engine.cc │ │ │ │ │ ├── engine.h │ │ │ │ │ ├── imgdnn_manager.cc │ │ │ │ │ ├── imgdnn_manager.h │ │ │ │ │ ├── utility.cc │ │ │ │ │ └── utility.h │ │ │ │ ├── intel_openvino │ │ │ │ │ ├── CMakeLists.txt │ │ │ │ │ ├── converter │ │ │ │ │ │ ├── adaptive_pool2d.cc │ │ │ │ │ │ ├── all.h │ │ │ │ │ │ ├── arg_max.cc │ │ │ │ │ │ ├── assign.cc │ │ │ │ │ │ ├── batch_normalization.cc │ │ │ │ │ │ ├── cast.cc │ │ │ │ │ │ ├── clip.cc │ │ │ │ │ │ ├── comparisons.cc │ │ │ │ │ │ ├── concat.cc │ │ │ │ │ │ ├── conv2d.cc │ │ │ │ │ │ ├── conv2d_transpose.cc │ │ │ │ │ │ ├── converter.cc │ │ │ │ │ │ ├── converter.h │ │ │ │ │ │ ├── cum_sum.cc │ │ │ │ │ │ ├── deformable_conv2d.cc │ │ │ │ │ │ ├── elementwise.cc │ │ │ │ │ │ ├── expand.cc │ │ │ │ │ │ ├── fill.cc │ │ │ │ │ │ ├── fill_like.cc │ │ │ │ │ │ ├── flatten.cc │ │ │ │ │ │ ├── gather.cc │ │ │ │ │ │ ├── gelu.cc │ │ │ │ │ │ ├── hard_sigmoid.cc │ │ │ │ │ │ ├── hard_swish.cc │ │ │ │ │ │ ├── layer_normalization.cc │ │ │ │ │ │ ├── leaky_relu.cc │ │ │ │ │ │ ├── matmul.cc │ │ │ │ │ │ ├── multiclass_nms.cc │ │ │ │ │ │ ├── pad.cc │ │ │ │ │ │ ├── pool2d.cc │ │ │ │ │ │ ├── prior_box.cc │ │ │ │ │ │ ├── range.cc │ │ │ │ │ │ ├── reduce.cc │ │ │ │ │ │ ├── relu6.cc │ │ │ │ │ │ ├── reshape.cc │ │ │ │ │ │ ├── resize_linear.cc │ │ │ │ │ │ ├── resize_nearest.cc │ │ │ │ │ │ ├── shape.cc │ │ │ │ │ │ ├── slice.cc │ │ │ │ │ │ ├── softmax.cc │ │ │ │ │ │ ├── softplus.cc │ │ │ │ │ │ ├── split.cc │ │ │ │ │ │ ├── squeeze.cc │ │ │ │ │ │ ├── stack.cc │ │ │ │ │ │ ├── swish.cc │ │ │ │ │ │ ├── transpose.cc │ │ │ │ │ │ ├── unary_activations.cc │ │ │ │ │ │ ├── unsqueeze.cc │ │ │ │ │ │ └── yolo_box.cc │ │ │ │ │ ├── default_opset.h │ │ │ │ │ ├── dependencies.cmake │ │ │ │ │ ├── driver.cc │ │ │ │ │ ├── engine.cc │ │ │ │ │ ├── engine.h │ │ │ │ │ ├── utility.cc │ │ │ │ │ └── utility.h │ │ │ │ ├── kunlunxin_xtcl │ │ │ │ │ ├── CMakeLists.txt │ │ │ │ │ ├── converter │ │ │ │ │ │ ├── adaptive_pool2d.cc │ │ │ │ │ │ ├── all.h │ │ │ │ │ │ ├── arg_min_max.cc │ │ │ │ │ │ ├── assign.cc │ │ │ │ │ │ ├── batch_normalization.cc │ │ │ │ │ │ ├── binary_logical_op.cc │ │ │ │ │ │ ├── cast.cc │ │ │ │ │ │ ├── clip.cc │ │ │ │ │ │ ├── comparisons.cc │ │ │ │ │ │ ├── concat.cc │ │ │ │ │ │ ├── conv2d.cc │ │ │ │ │ │ ├── conv2d_transpose.cc │ │ │ │ │ │ ├── converter.cc │ │ │ │ │ │ ├── converter.h │ │ │ │ │ │ ├── cum_sum.cc │ │ │ │ │ │ ├── deformable_conv2d.cc │ │ │ │ │ │ ├── elementwise.cc │ │ │ │ │ │ ├── expand.cc │ │ │ │ │ │ ├── fill.cc │ │ │ │ │ │ ├── fill_like.cc │ │ │ │ │ │ ├── flatten.cc │ │ │ │ │ │ ├── fully_connected.cc │ │ │ │ │ │ ├── gather.cc │ │ │ │ │ │ ├── gelu.cc │ │ │ │ │ │ ├── group_normalization.cc │ │ │ │ │ │ ├── hard_sigmoid.cc │ │ │ │ │ │ ├── hard_swish.cc │ │ │ │ │ │ ├── instance_normalization.cc │ │ │ │ │ │ ├── layer_normalization.cc │ │ │ │ │ │ ├── leaky_relu.cc │ │ │ │ │ │ ├── log_softmax.cc │ │ │ │ │ │ ├── lp_normalization.cc │ │ │ │ │ │ ├── mat_mul.cc │ │ │ │ │ │ ├── meshgrid.cc │ │ │ │ │ │ ├── pad.cc │ │ │ │ │ │ ├── pool2d.cc │ │ │ │ │ │ ├── prelu.cc │ │ │ │ │ │ ├── range.cc │ │ │ │ │ │ ├── reduce.cc │ │ │ │ │ │ ├── reshape.cc │ │ │ │ │ │ ├── resize_linear.cc │ │ │ │ │ │ ├── resize_nearest.cc │ │ │ │ │ │ ├── roi_align.cc │ │ │ │ │ │ ├── shape.cc │ │ │ │ │ │ ├── slice.cc │ │ │ │ │ │ ├── softmax.cc │ │ │ │ │ │ ├── softplus.cc │ │ │ │ │ │ ├── split.cc │ │ │ │ │ │ ├── squeeze.cc │ │ │ │ │ │ ├── stack.cc │ │ │ │ │ │ ├── sum.cc │ │ │ │ │ │ ├── swish.cc │ │ │ │ │ │ ├── tile.cc │ │ │ │ │ │ ├── top_k.cc │ │ │ │ │ │ ├── transpose.cc │ │ │ │ │ │ ├── unary_activations.cc │ │ │ │ │ │ ├── unary_logical_op.cc │ │ │ │ │ │ ├── unsqueeze.cc │ │ │ │ │ │ └── where.cc │ │ │ │ │ ├── dependencies.cmake │ │ │ │ │ ├── driver.cc │ │ │ │ │ ├── engine.cc │ │ │ │ │ ├── engine.h │ │ │ │ │ ├── utility.cc │ │ │ │ │ └── utility.h │ │ │ │ ├── mediatek_apu │ │ │ │ │ ├── CMakeLists.txt │ │ │ │ │ ├── converter │ │ │ │ │ │ ├── all.h │ │ │ │ │ │ ├── channel_shuffle.cc │ │ │ │ │ │ ├── concat.cc │ │ │ │ │ │ ├── conv2d.cc │ │ │ │ │ │ ├── conv2d_transpose.cc │ │ │ │ │ │ ├── converter.cc │ │ │ │ │ │ ├── converter.h │ │ │ │ │ │ ├── elementwise.cc │ │ │ │ │ │ ├── flatten.cc │ │ │ │ │ │ ├── fully_connected.cc │ │ │ │ │ │ ├── hard_swish.cc │ │ │ │ │ │ ├── pool2d.cc │ │ │ │ │ │ ├── reshape.cc │ │ │ │ │ │ ├── resize_linear.cc │ │ │ │ │ │ ├── resize_nearest.cc │ │ │ │ │ │ ├── softmax.cc │ │ │ │ │ │ ├── split.cc │ │ │ │ │ │ ├── transpose.cc │ │ │ │ │ │ ├── unary_activations.cc │ │ │ │ │ │ └── unsqueeze.cc │ │ │ │ │ ├── dependencies.cmake │ │ │ │ │ ├── driver.cc │ │ │ │ │ ├── engine.cc │ │ │ │ │ ├── engine.h │ │ │ │ │ ├── neuron_adapter_wrapper.cc │ │ │ │ │ ├── neuron_adapter_wrapper.h │ │ │ │ │ ├── optimizer │ │ │ │ │ │ ├── resolve_operation_liminations.cc │ │ │ │ │ │ ├── resolve_operation_liminations.h │ │ │ │ │ │ ├── restrict_input_output_quant_params.cc │ │ │ │ │ │ └── restrict_input_output_quant_params.h │ │ │ │ │ ├── utility.cc │ │ │ │ │ └── utility.h │ │ │ │ ├── nvidia_tensorrt │ │ │ │ │ ├── CMakeLists.txt │ │ │ │ │ ├── calibrator.cc │ │ │ │ │ ├── calibrator.h │ │ │ │ │ ├── converter │ │ │ │ │ │ ├── activations.cc │ │ │ │ │ │ ├── all.h │ │ │ │ │ │ ├── arg_max.cc │ │ │ │ │ │ ├── assign.cc │ │ │ │ │ │ ├── batch_normalization.cc │ │ │ │ │ │ ├── cast.cc │ │ │ │ │ │ ├── clip.cc │ │ │ │ │ │ ├── comparisons.cc │ │ │ │ │ │ ├── concat.cc │ │ │ │ │ │ ├── conv2d.cc │ │ │ │ │ │ ├── conv2d_transpose.cc │ │ │ │ │ │ ├── converter.cc │ │ │ │ │ │ ├── converter.h │ │ │ │ │ │ ├── elementwise.cc │ │ │ │ │ │ ├── fill.cc │ │ │ │ │ │ ├── flatten.cc │ │ │ │ │ │ ├── full_connected.cc │ │ │ │ │ │ ├── hard_swish.cc │ │ │ │ │ │ ├── leaky_relu.cc │ │ │ │ │ │ ├── log_softmax.cc │ │ │ │ │ │ ├── mat_mul.cc │ │ │ │ │ │ ├── plugin │ │ │ │ │ │ │ ├── cast.cc │ │ │ │ │ │ │ ├── cast.cu │ │ │ │ │ │ │ ├── cast.h │ │ │ │ │ │ │ ├── fill.cu │ │ │ │ │ │ │ ├── fill.h │ │ │ │ │ │ │ ├── hard_swish.cc │ │ │ │ │ │ │ ├── hard_swish.cu │ │ │ │ │ │ │ ├── hard_swish.h │ │ │ │ │ │ │ ├── plugin.cc │ │ │ │ │ │ │ ├── plugin.h │ │ │ │ │ │ │ ├── prior_box.cu │ │ │ │ │ │ │ ├── prior_box.h │ │ │ │ │ │ │ ├── split.cc │ │ │ │ │ │ │ ├── split.cu │ │ │ │ │ │ │ ├── split.h │ │ │ │ │ │ │ ├── swish.cu │ │ │ │ │ │ │ ├── swish.h │ │ │ │ │ │ │ ├── yolo_box.cu │ │ │ │ │ │ │ └── yolo_box.h │ │ │ │ │ │ ├── pool2d.cc │ │ │ │ │ │ ├── prior_box.cc │ │ │ │ │ │ ├── reduce.cc │ │ │ │ │ │ ├── reshape.cc │ │ │ │ │ │ ├── resize_linear.cc │ │ │ │ │ │ ├── resize_nearest.cc │ │ │ │ │ │ ├── shape.cc │ │ │ │ │ │ ├── slice.cc │ │ │ │ │ │ ├── softmax.cc │ │ │ │ │ │ ├── split.cc │ │ │ │ │ │ ├── squeeze.cc │ │ │ │ │ │ ├── stack.cc │ │ │ │ │ │ ├── swish.cc │ │ │ │ │ │ ├── transpose.cc │ │ │ │ │ │ ├── unary_operations.cc │ │ │ │ │ │ ├── unsqueeze.cc │ │ │ │ │ │ └── yolo_box.cc │ │ │ │ │ ├── dependencies.cmake │ │ │ │ │ ├── driver.cc │ │ │ │ │ ├── engine.cc │ │ │ │ │ ├── engine.h │ │ │ │ │ ├── kernel │ │ │ │ │ │ ├── cuda │ │ │ │ │ │ │ ├── all.h │ │ │ │ │ │ │ ├── special_softmax.cu │ │ │ │ │ │ │ └── special_softmax.h │ │ │ │ │ │ ├── host │ │ │ │ │ │ │ ├── all.h │ │ │ │ │ │ │ ├── naive_softmax.cc │ │ │ │ │ │ │ └── naive_softmax.h │ │ │ │ │ │ └── kernel.h │ │ │ │ │ ├── operation │ │ │ │ │ │ ├── naive_softmax.h │ │ │ │ │ │ ├── special_softmax.h │ │ │ │ │ │ └── type.h │ │ │ │ │ ├── optimizer │ │ │ │ │ │ ├── remove_reshape_before_fully_connected.cc │ │ │ │ │ │ ├── remove_reshape_before_fully_connected.h │ │ │ │ │ │ ├── replace_softmax.cc │ │ │ │ │ │ ├── replace_softmax.h │ │ │ │ │ │ ├── unpack_op_fusion.cc │ │ │ │ │ │ └── unpack_op_fusion.h │ │ │ │ │ ├── program.cc │ │ │ │ │ ├── program.h │ │ │ │ │ ├── utility.cc │ │ │ │ │ └── utility.h │ │ │ │ ├── rockchip_npu │ │ │ │ │ ├── CMakeLists.txt │ │ │ │ │ ├── converter │ │ │ │ │ │ ├── all.h │ │ │ │ │ │ ├── concat.cc │ │ │ │ │ │ ├── conv2d.cc │ │ │ │ │ │ ├── converter.cc │ │ │ │ │ │ ├── converter.h │ │ │ │ │ │ ├── elementwise.cc │ │ │ │ │ │ ├── flatten.cc │ │ │ │ │ │ ├── fully_connected.cc │ │ │ │ │ │ ├── pool2d.cc │ │ │ │ │ │ ├── reshape.cc │ │ │ │ │ │ ├── softmax.cc │ │ │ │ │ │ ├── transpose.cc │ │ │ │ │ │ ├── unary_activations.cc │ │ │ │ │ │ └── unsqueeze.cc │ │ │ │ │ ├── dependencies.cmake │ │ │ │ │ ├── driver.cc │ │ │ │ │ ├── engine.cc │ │ │ │ │ ├── engine.h │ │ │ │ │ ├── optimizer │ │ │ │ │ │ ├── fix_ops.cc │ │ │ │ │ │ ├── fix_ops.h │ │ │ │ │ │ ├── unpack_op_fusion.cc │ │ │ │ │ │ └── unpack_op_fusion.h │ │ │ │ │ ├── utility.cc │ │ │ │ │ └── utility.h │ │ │ │ └── verisilicon_timvx │ │ │ │ │ ├── CMakeLists.txt │ │ │ │ │ ├── converter │ │ │ │ │ ├── all.h │ │ │ │ │ ├── arg_min_max.cc │ │ │ │ │ ├── assign.cc │ │ │ │ │ ├── batch_normalization.cc │ │ │ │ │ ├── binary_logical_op.cc │ │ │ │ │ ├── cast.cc │ │ │ │ │ ├── channel_shuffle.cc │ │ │ │ │ ├── clip.cc │ │ │ │ │ ├── comparisons.cc │ │ │ │ │ ├── concat.cc │ │ │ │ │ ├── conv2d.cc │ │ │ │ │ ├── conv2d_transpose.cc │ │ │ │ │ ├── converter.cc │ │ │ │ │ ├── converter.h │ │ │ │ │ ├── dequantize.cc │ │ │ │ │ ├── elementwise.cc │ │ │ │ │ ├── expand.cc │ │ │ │ │ ├── fill.cc │ │ │ │ │ ├── flatten.cc │ │ │ │ │ ├── fully_connected.cc │ │ │ │ │ ├── gather.cc │ │ │ │ │ ├── gelu.cc │ │ │ │ │ ├── hard_sigmoid.cc │ │ │ │ │ ├── hard_swish.cc │ │ │ │ │ ├── instance_normalization.cc │ │ │ │ │ ├── layer_normalization.cc │ │ │ │ │ ├── leaky_relu.cc │ │ │ │ │ ├── log_softmax.cc │ │ │ │ │ ├── lp_normalization.cc │ │ │ │ │ ├── mat_mul.cc │ │ │ │ │ ├── pool2d.cc │ │ │ │ │ ├── prelu.cc │ │ │ │ │ ├── quantize.cc │ │ │ │ │ ├── reduce.cc │ │ │ │ │ ├── reshape.cc │ │ │ │ │ ├── resize_linear.cc │ │ │ │ │ ├── resize_nearest.cc │ │ │ │ │ ├── slice.cc │ │ │ │ │ ├── softmax.cc │ │ │ │ │ ├── softplus.cc │ │ │ │ │ ├── split.cc │ │ │ │ │ ├── squeeze.cc │ │ │ │ │ ├── stack.cc │ │ │ │ │ ├── sum.cc │ │ │ │ │ ├── transpose.cc │ │ │ │ │ ├── unary_activations.cc │ │ │ │ │ ├── unary_logical_op.cc │ │ │ │ │ ├── unsqueeze.cc │ │ │ │ │ ├── unstack.cc │ │ │ │ │ └── where.cc │ │ │ │ │ ├── dependencies.cmake │ │ │ │ │ ├── driver.cc │ │ │ │ │ ├── engine.cc │ │ │ │ │ ├── engine.h │ │ │ │ │ ├── optimizer │ │ │ │ │ ├── convert_fill_like_into_mul_add.cc │ │ │ │ │ ├── convert_fill_like_into_mul_add.h │ │ │ │ │ ├── convert_meshgrid_into_reshape_expand.cc │ │ │ │ │ ├── convert_meshgrid_into_reshape_expand.h │ │ │ │ │ ├── unpack_op_fusion.cc │ │ │ │ │ └── unpack_op_fusion.h │ │ │ │ │ ├── utility.cc │ │ │ │ │ └── utility.h │ │ │ │ ├── nnadapter.cc │ │ │ │ ├── operation │ │ │ │ ├── CMakeLists.txt │ │ │ │ ├── adaptive_pool2d.cc │ │ │ │ ├── all.h │ │ │ │ ├── arg_min_max.cc │ │ │ │ ├── assign.cc │ │ │ │ ├── batch_normalization.cc │ │ │ │ ├── binary_logical_op.cc │ │ │ │ ├── cast.cc │ │ │ │ ├── channel_shuffle.cc │ │ │ │ ├── clip.cc │ │ │ │ ├── comparisons.cc │ │ │ │ ├── concat.cc │ │ │ │ ├── conv2d.cc │ │ │ │ ├── conv2d_transpose.cc │ │ │ │ ├── cum_sum.cc │ │ │ │ ├── deformable_conv2d.cc │ │ │ │ ├── dequantize.cc │ │ │ │ ├── elementwise.cc │ │ │ │ ├── expand.cc │ │ │ │ ├── fill.cc │ │ │ │ ├── fill_like.cc │ │ │ │ ├── flatten.cc │ │ │ │ ├── fully_connected.cc │ │ │ │ ├── gather.cc │ │ │ │ ├── gelu.cc │ │ │ │ ├── grid_sample.cc │ │ │ │ ├── group_normalization.cc │ │ │ │ ├── hard_sigmoid_swish.cc │ │ │ │ ├── instance_normalization.cc │ │ │ │ ├── layer_normalization.cc │ │ │ │ ├── leaky_relu.cc │ │ │ │ ├── log_softmax.cc │ │ │ │ ├── lp_normalization.cc │ │ │ │ ├── lrn.cc │ │ │ │ ├── mat_mul.cc │ │ │ │ ├── math │ │ │ │ │ ├── batch_normalization.cc │ │ │ │ │ ├── conv2d.cc │ │ │ │ │ ├── elementwise.cc │ │ │ │ │ ├── fully_connected.cc │ │ │ │ │ ├── log_softmax.cc │ │ │ │ │ ├── pool2d.cc │ │ │ │ │ ├── softmax.cc │ │ │ │ │ ├── unary_activations.cc │ │ │ │ │ └── utility.cc │ │ │ │ ├── meshgrid.cc │ │ │ │ ├── non_max_suppression.cc │ │ │ │ ├── pad.cc │ │ │ │ ├── pool2d.cc │ │ │ │ ├── prelu.cc │ │ │ │ ├── prior_box.cc │ │ │ │ ├── quantize.cc │ │ │ │ ├── range.cc │ │ │ │ ├── reduce.cc │ │ │ │ ├── reshape.cc │ │ │ │ ├── resize.cc │ │ │ │ ├── roi_align.cc │ │ │ │ ├── roll.cc │ │ │ │ ├── shape.cc │ │ │ │ ├── slice.cc │ │ │ │ ├── softmax.cc │ │ │ │ ├── softplus.cc │ │ │ │ ├── split.cc │ │ │ │ ├── squeeze.cc │ │ │ │ ├── stack.cc │ │ │ │ ├── sum.cc │ │ │ │ ├── tile.cc │ │ │ │ ├── top_k.cc │ │ │ │ ├── transpose.cc │ │ │ │ ├── unary_activations.cc │ │ │ │ ├── unary_logical_op.cc │ │ │ │ ├── unsqueeze.cc │ │ │ │ ├── unstack.cc │ │ │ │ ├── where.cc │ │ │ │ └── yolo_box.cc │ │ │ │ ├── optimizer │ │ │ │ ├── CMakeLists.txt │ │ │ │ ├── constant_fold_operations.cc │ │ │ │ ├── constant_fold_shape_and_associated_operations.cc │ │ │ │ ├── convert_adaptive_pool2d_into_pool2d.cc │ │ │ │ ├── convert_datalayout_nchw_to_nhwc.cc │ │ │ │ ├── convert_quantization_symm_to_asymm.cc │ │ │ │ ├── convert_reshape_transpose_reshape_5D_into_4D.cc │ │ │ │ ├── fuse_batch_norm_conv2d_into_conv2d.cc │ │ │ │ ├── fuse_conv2d_activation_into_conv2d.cc │ │ │ │ ├── fuse_conv2d_add_into_conv2d.cc │ │ │ │ ├── fuse_conv2d_batch_norm_into_conv2d.cc │ │ │ │ ├── fuse_matmul_add_into_fully_connected.cc │ │ │ │ ├── fuse_matmul_dequant_add_into_fully_connected_dequant.cc │ │ │ │ ├── fuse_reshape_transpose_reshape_into_channel_shuffle.cc │ │ │ │ ├── fuse_reshape_transpose_slice3_squeeze3_into_reshape_transpose_slice3.cc │ │ │ │ ├── fuse_sigmoid_mul_into_swish.cc │ │ │ │ ├── fuse_transpose_inverse_transpose_into_identity_transpose.cc │ │ │ │ ├── fuse_unsqueeze_pad_squeeze_into_pad.cc │ │ │ │ ├── partition_model_into_submodels.cc │ │ │ │ ├── pattern_matcher.cc │ │ │ │ ├── remove_identity_transpose.cc │ │ │ │ └── remove_useless_operations.cc │ │ │ │ ├── runtime │ │ │ │ ├── CMakeLists.txt │ │ │ │ ├── compilation.cc │ │ │ │ ├── compilation.h │ │ │ │ ├── context.cc │ │ │ │ ├── context.h │ │ │ │ ├── device.cc │ │ │ │ ├── device.h │ │ │ │ ├── execution.cc │ │ │ │ ├── execution.h │ │ │ │ ├── model.cc │ │ │ │ └── model.h │ │ │ │ └── utility │ │ │ │ ├── CMakeLists.txt │ │ │ │ ├── any.cc │ │ │ │ ├── any.h │ │ │ │ ├── cache.cc │ │ │ │ ├── debug.cc │ │ │ │ ├── hints.cc │ │ │ │ ├── logging.cc │ │ │ │ ├── modeling.cc │ │ │ │ ├── string.cc │ │ │ │ └── utility.cc │ │ ├── nnadapter_wrapper.cc │ │ └── nnadapter_wrapper.h │ ├── opencl │ │ ├── CMakeLists.txt │ │ ├── cl_caller.cc │ │ ├── cl_caller.h │ │ ├── cl_context.cc │ │ ├── cl_context.h │ │ ├── cl_functions_test.cc │ │ ├── cl_global.h │ │ ├── cl_half.cc │ │ ├── cl_half.h │ │ ├── cl_image.cc │ │ ├── cl_image.h │ │ ├── cl_image_converter.cc │ │ ├── cl_image_converter.h │ │ ├── cl_include.h │ │ ├── cl_kernel │ │ │ ├── buffer │ │ │ │ ├── activation_kernel.cl │ │ │ │ ├── concat_kernel.cl │ │ │ │ ├── depthwise_conv2d_kernel.cl │ │ │ │ ├── elementwise_add_kernel.cl │ │ │ │ ├── fc_kernel.cl │ │ │ │ ├── im2col_kernel.cl │ │ │ │ ├── layer_norm_kernel.cl │ │ │ │ ├── mat_mul_kernel.cl │ │ │ │ ├── pool_kernel.cl │ │ │ │ ├── pow_kernel.cl │ │ │ │ ├── precision_cast_kernel.cl │ │ │ │ ├── scale_kernel.cl │ │ │ │ ├── slice_kernel.cl │ │ │ │ ├── softmax_kernel.cl │ │ │ │ ├── transpose_kernel.cl │ │ │ │ └── yolo_box_kernel.cl │ │ │ ├── cl_common.h │ │ │ └── image │ │ │ │ ├── activation_kernel.cl │ │ │ │ ├── argmax_kernel.cl │ │ │ │ ├── batch_norm_kernel.cl │ │ │ │ ├── bilinear_interp_kernel.cl │ │ │ │ ├── box_coder_kernel.cl │ │ │ │ ├── channel_add_kernel.cl │ │ │ │ ├── clip_kernel.cl │ │ │ │ ├── concat_default_kernel.cl │ │ │ │ ├── concat_kernel.cl │ │ │ │ ├── conv2d_1x1_default_kernel.cl │ │ │ │ ├── conv2d_1x1_default_mali_kernel.cl │ │ │ │ ├── conv2d_1x1_opt_kernel.cl │ │ │ │ ├── conv2d_3x3_kernel.cl │ │ │ │ ├── conv2d_common_kernel.cl │ │ │ │ ├── conv2d_nxn_kernel.cl │ │ │ │ ├── conv2d_opt_adreno_kernel.cl │ │ │ │ ├── conv2d_opt_mali_kernel.cl │ │ │ │ ├── conv2d_transpose_kernel.cl │ │ │ │ ├── conv2d_winograd_3x3s1_kernel.cl │ │ │ │ ├── depthwise_conv2d_basic_kernel.cl │ │ │ │ ├── depthwise_conv2d_kernel.cl │ │ │ │ ├── depthwise_conv2d_transpose_kernel.cl │ │ │ │ ├── dropout_kernel.cl │ │ │ │ ├── elementwise_add_kernel.cl │ │ │ │ ├── elementwise_broadcast_kernel.cl │ │ │ │ ├── elementwise_kernel.cl │ │ │ │ ├── elementwise_mul_kernel.cl │ │ │ │ ├── elementwise_sub_kernel.cl │ │ │ │ ├── expand_kernel.cl │ │ │ │ ├── fc_kernel.cl │ │ │ │ ├── gather_kernel.cl │ │ │ │ ├── greater_than_kernel.cl │ │ │ │ ├── grid_sampler_kernel.cl │ │ │ │ ├── instance_norm_kernel.cl │ │ │ │ ├── layer_norm_kernel.cl │ │ │ │ ├── layout_kernel.cl │ │ │ │ ├── lrn_kernel.cl │ │ │ │ ├── matmul_kernel.cl │ │ │ │ ├── matmul_opt_kernel.cl │ │ │ │ ├── matmul_unpersistable_y_kernel.cl │ │ │ │ ├── matmul_xtranspose_kernel.cl │ │ │ │ ├── max_kernel.cl │ │ │ │ ├── nearest_interp_kernel.cl │ │ │ │ ├── pad2d_kernel.cl │ │ │ │ ├── pixel_shuffle_kernel.cl │ │ │ │ ├── pixel_unshuffle_kernel.cl │ │ │ │ ├── pool_deprecated_kernel.cl │ │ │ │ ├── pool_kernel.cl │ │ │ │ ├── reduce_kernel.cl │ │ │ │ ├── reshape_kernel.cl │ │ │ │ ├── scale_kernel.cl │ │ │ │ ├── shuffle_channel_kernel.cl │ │ │ │ ├── slice_kernel.cl │ │ │ │ ├── softmax_kernel.cl │ │ │ │ ├── split_kernel.cl │ │ │ │ ├── transpose_kernel.cl │ │ │ │ └── trigonometric_kernel.cl │ │ ├── cl_runtime.cc │ │ ├── cl_runtime.h │ │ ├── cl_utility.cc │ │ ├── cl_utility.h │ │ ├── cl_wrapper.cc │ │ ├── cl_wrapper.h │ │ ├── target_wrapper.cc │ │ ├── target_wrapper.h │ │ └── utils │ │ │ ├── CMakeLists.txt │ │ │ ├── cache.cc │ │ │ ├── cache.fbs │ │ │ ├── cache.h │ │ │ ├── test_cache.cc │ │ │ └── tune_cache.fbs │ ├── x86 │ │ ├── CMakeLists.txt │ │ ├── cpu_info.cc │ │ ├── cpu_info.h │ │ ├── dynamic_loader.cc │ │ ├── dynamic_loader.h │ │ ├── fluid │ │ │ ├── data_type.cc │ │ │ ├── data_type.h │ │ │ ├── eigen.h │ │ │ ├── float16.h │ │ │ ├── for_range.h │ │ │ ├── hostdevice.h │ │ │ ├── lod.h │ │ │ ├── math.h │ │ │ ├── rw_lock.h │ │ │ ├── selected_rows.cc │ │ │ ├── selected_rows.h │ │ │ └── transform.h │ │ ├── jit │ │ │ ├── CMakeLists.txt │ │ │ ├── README.en.md │ │ │ ├── README.md │ │ │ ├── gen │ │ │ │ ├── CMakeLists.txt │ │ │ │ ├── act.cc │ │ │ │ ├── act.h │ │ │ │ ├── blas.cc │ │ │ │ ├── blas.h │ │ │ │ ├── embseqpool.cc │ │ │ │ ├── embseqpool.h │ │ │ │ ├── gru.cc │ │ │ │ ├── gru.h │ │ │ │ ├── hopv.cc │ │ │ │ ├── hopv.h │ │ │ │ ├── jitcode.h │ │ │ │ ├── lstm.cc │ │ │ │ ├── lstm.h │ │ │ │ ├── matmul.cc │ │ │ │ ├── matmul.h │ │ │ │ ├── seqpool.cc │ │ │ │ ├── seqpool.h │ │ │ │ ├── sgd.cc │ │ │ │ ├── sgd.h │ │ │ │ ├── vbroadcast.cc │ │ │ │ └── vbroadcast.h │ │ │ ├── gen_base.cc │ │ │ ├── gen_base.h │ │ │ ├── helper.cc │ │ │ ├── helper.h │ │ │ ├── kernel_base.h │ │ │ ├── kernel_key.cc │ │ │ ├── kernel_key.h │ │ │ ├── kernel_pool.cc │ │ │ ├── kernel_pool.h │ │ │ ├── macro.h │ │ │ ├── more │ │ │ │ ├── CMakeLists.txt │ │ │ │ ├── intrinsic │ │ │ │ │ ├── CMakeLists.txt │ │ │ │ │ ├── crf_decoding.cc │ │ │ │ │ ├── crf_decoding.h │ │ │ │ │ ├── layer_norm.cc │ │ │ │ │ └── layer_norm.h │ │ │ │ ├── mix │ │ │ │ │ ├── CMakeLists.txt │ │ │ │ │ ├── mix.cc │ │ │ │ │ └── mix.h │ │ │ │ └── mkl │ │ │ │ │ ├── CMakeLists.txt │ │ │ │ │ ├── mkl.cc │ │ │ │ │ └── mkl.h │ │ │ ├── refer │ │ │ │ ├── CMakeLists.txt │ │ │ │ ├── refer.cc │ │ │ │ └── refer.h │ │ │ └── registry.h │ │ ├── legacy_place.h │ │ ├── math │ │ │ ├── activation.cc │ │ │ ├── activation.h │ │ │ ├── activation_functions.cc │ │ │ ├── activation_functions.h │ │ │ ├── avx │ │ │ │ ├── avx_mathfuns.cc │ │ │ │ ├── avx_mathfuns.h │ │ │ │ ├── conv_depthwise_pack4.cc │ │ │ │ ├── conv_depthwise_pack4.h │ │ │ │ ├── conv_depthwise_pack8.cc │ │ │ │ ├── conv_depthwise_pack8.h │ │ │ │ ├── conv_utils.cc │ │ │ │ ├── conv_utils.h │ │ │ │ ├── group_norm.cc │ │ │ │ ├── group_norm.h │ │ │ │ ├── instance_norm.cc │ │ │ │ └── instance_norm.h │ │ │ ├── blas.cc │ │ │ ├── blas.h │ │ │ ├── blas_impl.h │ │ │ ├── box_coder.cc │ │ │ ├── box_coder.h │ │ │ ├── calib.cc │ │ │ ├── calib.h │ │ │ ├── clip.cc │ │ │ ├── clip.h │ │ │ ├── concat_and_split.cc │ │ │ ├── concat_and_split.h │ │ │ ├── context_project.cc │ │ │ ├── context_project.h │ │ │ ├── conv2d_transpose.cc │ │ │ ├── conv2d_transpose.h │ │ │ ├── conv3x3s1_depthwise_int8.cc │ │ │ ├── conv3x3s2_dephtwise_int8.cc │ │ │ ├── conv_bias.cc │ │ │ ├── conv_bias.h │ │ │ ├── conv_depthwise_3x3.cc │ │ │ ├── conv_depthwise_5x5.cc │ │ │ ├── conv_depthwise_5x5.h │ │ │ ├── conv_depthwise_impl.h │ │ │ ├── conv_depthwise_int8.h │ │ │ ├── conv_direct_fp32.cc │ │ │ ├── conv_direct_fp32.h │ │ │ ├── cos_sim_functor.cc │ │ │ ├── cos_sim_functor.h │ │ │ ├── cpu_vec.h │ │ │ ├── cross_entropy.cc │ │ │ ├── cross_entropy.h │ │ │ ├── elementwise.h │ │ │ ├── elementwise_common_broadcast_config.h │ │ │ ├── fill_bias_activate.cc │ │ │ ├── fill_bias_activate.h │ │ │ ├── gemm_s8u8_compute.cc │ │ │ ├── gemm_s8u8_compute.h │ │ │ ├── gemm_s8u8_kernel.cc │ │ │ ├── gemm_s8u8_kernel.h │ │ │ ├── gemm_s8u8_pack.cc │ │ │ ├── gemm_s8u8_pack.h │ │ │ ├── gru_compute.cc │ │ │ ├── gru_compute.h │ │ │ ├── gru_cpu_kernel.h │ │ │ ├── gru_kernel.h │ │ │ ├── im2col.cc │ │ │ ├── im2col.h │ │ │ ├── im2col_cfo_cpu.h │ │ │ ├── interpolate.cc │ │ │ ├── interpolate.h │ │ │ ├── lstm_compute.cc │ │ │ ├── lstm_compute.h │ │ │ ├── lstm_cpu_kernel.h │ │ │ ├── lstm_kernel.h │ │ │ ├── math_function.cc │ │ │ ├── math_function.h │ │ │ ├── math_function_impl.h │ │ │ ├── maxouting.cc │ │ │ ├── maxouting.h │ │ │ ├── pooling.cc │ │ │ ├── pooling.h │ │ │ ├── power.cc │ │ │ ├── power.h │ │ │ ├── prior_box.cc │ │ │ ├── prior_box.h │ │ │ ├── rnn.h │ │ │ ├── sample_prob.cc │ │ │ ├── sample_prob.h │ │ │ ├── sampler.cc │ │ │ ├── sampler.h │ │ │ ├── saturate.h │ │ │ ├── search_fc.cc │ │ │ ├── search_fc.h │ │ │ ├── selected_rows_functor.cc │ │ │ ├── selected_rows_functor.h │ │ │ ├── sequence2batch.cc │ │ │ ├── sequence2batch.h │ │ │ ├── sequence_pooling.cc │ │ │ ├── sequence_pooling.h │ │ │ ├── sequence_scale.cc │ │ │ ├── sequence_scale.h │ │ │ ├── sequence_topk_avg_pooling.cc │ │ │ ├── sequence_topk_avg_pooling.h │ │ │ ├── softmax.cc │ │ │ ├── softmax.h │ │ │ ├── softmax_impl.h │ │ │ ├── sse │ │ │ │ ├── conv_utils.cc │ │ │ │ └── conv_utils.h │ │ │ ├── tree2col.cc │ │ │ ├── tree2col.h │ │ │ ├── unpooling.cc │ │ │ ├── unpooling.h │ │ │ ├── vol2col.cc │ │ │ └── vol2col.h │ │ ├── mklml.cc │ │ ├── mklml.h │ │ ├── parallel.h │ │ ├── port.h │ │ ├── target_wrapper.cc │ │ ├── target_wrapper.h │ │ └── warpctc_lib_path.h.in │ └── xpu │ │ ├── CMakeLists.txt │ │ ├── debug.h │ │ ├── device.cc │ │ ├── device.h │ │ ├── math.h │ │ ├── npy_dump.h │ │ ├── runtime_option.h │ │ ├── target_wrapper.cc │ │ ├── target_wrapper.h │ │ ├── tensor_dump.h │ │ ├── vec_trans.h │ │ ├── xpu_buffer.h │ │ ├── xpu_header_sitter.h │ │ ├── xpu_l3_cache_block.h │ │ ├── xpu_l3_strategy.h │ │ ├── xpu_quantizer.cc │ │ ├── xpu_quantizer.h │ │ ├── xpu_scratch.cc │ │ └── xpu_scratch.h ├── core │ ├── CMakeLists.txt │ ├── context.cc │ ├── context.h │ ├── context_test.cc │ ├── device_info.cc │ ├── device_info.h │ ├── dim.cc │ ├── dim.h │ ├── exported_symbols.lds │ ├── framework.proto │ ├── int_array.h │ ├── int_array_test.cc │ ├── kernel.cc │ ├── kernel.h │ ├── kernel_test.cc │ ├── kernel_version.h │ ├── lite.map │ ├── lite_tensor_test.cc │ ├── memory.cc │ ├── memory.h │ ├── memory_test.cc │ ├── model │ │ ├── base │ │ │ ├── CMakeLists.txt │ │ │ ├── apis.h │ │ │ ├── block_desc.h │ │ │ ├── io.cc │ │ │ ├── io.h │ │ │ ├── op_desc.h │ │ │ ├── op_version_map.h │ │ │ ├── param_desc.h │ │ │ ├── program_desc.h │ │ │ ├── proto_desc.h │ │ │ ├── traits.h │ │ │ ├── var_desc.h │ │ │ └── vector_view.h │ │ └── general │ │ │ ├── CMakeLists.txt │ │ │ ├── block_desc.cc │ │ │ ├── block_desc.h │ │ │ ├── op_desc.cc │ │ │ ├── op_desc.h │ │ │ ├── op_version_map.cc │ │ │ ├── op_version_map.h │ │ │ ├── program_desc.cc │ │ │ ├── program_desc.h │ │ │ ├── var_desc.cc │ │ │ └── var_desc.h │ ├── op_lite.cc │ ├── op_lite.h │ ├── op_lite_test.cc │ ├── op_registry.cc │ ├── op_registry.h │ ├── optimizer │ │ ├── CMakeLists.txt │ │ ├── mir │ │ │ ├── CMakeLists.txt │ │ │ ├── __xpu__quantization_parameters_propagation_pass.cc │ │ │ ├── __xpu__quantization_parameters_propagation_pass.h │ │ │ ├── __xpu__static_kernel_pick_pass.cc │ │ │ ├── __xpu__static_kernel_pick_pass.h │ │ │ ├── adaptive_1x1_pool2d_convert_global_pass.cc │ │ │ ├── adaptive_1x1_pool2d_convert_global_pass.h │ │ │ ├── argument_type_display_pass.cc │ │ │ ├── control_flow_op_shared_inputs_and_outputs_place_sync_pass.cc │ │ │ ├── control_flow_op_shared_inputs_and_outputs_place_sync_pass.h │ │ │ ├── demo_pass.cc │ │ │ ├── dot.h │ │ │ ├── elimination │ │ │ │ ├── CMakeLists.txt │ │ │ │ ├── assign_value_calc_offline_pass.cc │ │ │ │ ├── assign_value_calc_offline_pass.h │ │ │ │ ├── elementwise_mul_constant_eliminate_pass.cc │ │ │ │ ├── fill_constant_calc_offline_pass.cc │ │ │ │ ├── fill_constant_calc_offline_pass.h │ │ │ │ ├── identity_dropout_eliminate_pass.cc │ │ │ │ ├── identity_scale_eliminate_pass.cc │ │ │ │ ├── range_calc_offline_pass.cc │ │ │ │ ├── range_calc_offline_pass.h │ │ │ │ ├── remove_scale1_pass.cc │ │ │ │ ├── remove_scale1_pass.h │ │ │ │ ├── remove_tf_redundant_ops_pass.cc │ │ │ │ ├── remove_tf_redundant_ops_pass.h │ │ │ │ ├── reshape_calc_offline_pass.cc │ │ │ │ ├── reshape_calc_offline_pass.h │ │ │ │ ├── scale_calc_offline_pass.cc │ │ │ │ ├── scale_calc_offline_pass.h │ │ │ │ ├── ssd_boxes_calc_offline_pass.cc │ │ │ │ ├── ssd_boxes_calc_offline_pass.h │ │ │ │ ├── unsqueeze_calc_offline_pass.cc │ │ │ │ └── unsqueeze_calc_offline_pass.h │ │ │ ├── fix_mismatched_precision_pass.cc │ │ │ ├── fix_mismatched_precision_pass.h │ │ │ ├── fp16_attribute_pass.cc │ │ │ ├── fp16_attribute_pass.h │ │ │ ├── fusion │ │ │ │ ├── CMakeLists.txt │ │ │ │ ├── __xpu__bigru_fuse_pass.cc │ │ │ │ ├── __xpu__conv2d_affine_channel_fuse_pass.cc │ │ │ │ ├── __xpu__conv2d_fuse_pass.cc │ │ │ │ ├── __xpu__conv2d_scale_fuse_pass.cc │ │ │ │ ├── __xpu__conv2d_transpose_fuse_pass.cc │ │ │ │ ├── __xpu__dynamic_lstm_fuse_pass.cc │ │ │ │ ├── __xpu__embedding_with_eltwise_add_fuse_pass.cc │ │ │ │ ├── __xpu__fc_fuse_pass.cc │ │ │ │ ├── __xpu__geglu_fuse_pass.cc │ │ │ │ ├── __xpu__generate_sequence_fuse_pass.cc │ │ │ │ ├── __xpu__gn_silu_fuse_pass.cc │ │ │ │ ├── __xpu__graph_dedup_pass.cc │ │ │ │ ├── __xpu__greater_than_cast_mul_fuse_pass.cc │ │ │ │ ├── __xpu__link_previous_out_max_pass.cc │ │ │ │ ├── __xpu__logit_fuse_pass.cc │ │ │ │ ├── __xpu__matmul_scale_softmax_v1_fuse_pass.cc │ │ │ │ ├── __xpu__max_pooling_pad_zero_detect_fuse_pass.cc │ │ │ │ ├── __xpu__mmdnn_fuse_pass.cc │ │ │ │ ├── __xpu__multi_encoder_adaptive_seqlen_fuse_pass.cc │ │ │ │ ├── __xpu__multi_encoder_adaptive_seqlen_v2_fuse_pass.cc │ │ │ │ ├── __xpu__multi_encoder_adaptive_seqlen_v3_fuse_pass.cc │ │ │ │ ├── __xpu__multi_encoder_fuse_pass.cc │ │ │ │ ├── __xpu__multi_encoder_slice_link_fuse_pass.cc │ │ │ │ ├── __xpu__multi_softmax_fuse_pass.cc │ │ │ │ ├── __xpu__multi_up_decoder_fuse_pass.cc │ │ │ │ ├── __xpu__multihead_cross_attn_fuse_pass.cc │ │ │ │ ├── __xpu__multihead_self_attn_fuse_pass.cc │ │ │ │ ├── __xpu__quick_gelu_fuse_pass.cc │ │ │ │ ├── __xpu__resnet_fuse_pass.cc │ │ │ │ ├── __xpu__roformer_relative_pos_fuse_pass.cc │ │ │ │ ├── __xpu__softmax_topk_fuse_pass.cc │ │ │ │ ├── __xpu__spatial_transformer_fuse_pass.cc │ │ │ │ ├── __xpu__spatial_transformer_resblock_fuse_pass.cc │ │ │ │ ├── __xpu__squeeze_excitation_fuse_pass.cc │ │ │ │ ├── __xpu__up_decoder_fuse_pass.cc │ │ │ │ ├── conv_activation_fuse_pass.cc │ │ │ │ ├── conv_activation_fuse_pass.h │ │ │ │ ├── conv_activation_fuser.cc │ │ │ │ ├── conv_activation_fuser.h │ │ │ │ ├── conv_bn_fuse_pass.cc │ │ │ │ ├── conv_bn_fuse_pass.h │ │ │ │ ├── conv_bn_fuser.cc │ │ │ │ ├── conv_bn_fuser.h │ │ │ │ ├── conv_conv_fuse_pass.cc │ │ │ │ ├── conv_conv_fuse_pass.h │ │ │ │ ├── conv_conv_fuser.cc │ │ │ │ ├── conv_conv_fuser.h │ │ │ │ ├── conv_elementwise_fuse_pass.cc │ │ │ │ ├── conv_elementwise_fuse_pass.h │ │ │ │ ├── conv_elementwise_fuser.cc │ │ │ │ ├── conv_elementwise_fuser.h │ │ │ │ ├── conv_elementwise_tree_fuse_pass.cc │ │ │ │ ├── conv_elementwise_tree_fuse_pass.h │ │ │ │ ├── conv_elementwise_tree_fuser.cc │ │ │ │ ├── conv_elementwise_tree_fuser.h │ │ │ │ ├── conv_scale_fuse_pass.cc │ │ │ │ ├── conv_scale_fuse_pass.h │ │ │ │ ├── conv_scale_fuser.cc │ │ │ │ ├── conv_scale_fuser.h │ │ │ │ ├── elementwise_add_activation_fuse_pass.cc │ │ │ │ ├── elementwise_add_activation_fuse_pass.h │ │ │ │ ├── elementwise_add_activation_fuser.cc │ │ │ │ ├── elementwise_add_activation_fuser.h │ │ │ │ ├── elementwise_add_reshape_fuse_pass.cc │ │ │ │ ├── elementwise_add_reshape_fuse_pass.h │ │ │ │ ├── elementwise_add_reshape_fuser.cc │ │ │ │ ├── elementwise_add_reshape_fuser.h │ │ │ │ ├── elementwise_add_scale_fuse_pass.cc │ │ │ │ ├── elementwise_add_scale_fuse_pass.h │ │ │ │ ├── elementwise_add_scale_fuser.cc │ │ │ │ ├── elementwise_add_scale_fuser.h │ │ │ │ ├── fc_fuse_pass.cc │ │ │ │ ├── fc_fuse_pass.h │ │ │ │ ├── fc_fuse_pass_test.cc │ │ │ │ ├── fc_fuser.cc │ │ │ │ ├── fc_fuser.h │ │ │ │ ├── fc_prelu_fuse_pass.cc │ │ │ │ ├── fc_prelu_fuse_pass.h │ │ │ │ ├── fc_prelu_fuser.cc │ │ │ │ ├── fc_prelu_fuser.h │ │ │ │ ├── fill_range_fuse_pass.cc │ │ │ │ ├── fill_range_fuse_pass.h │ │ │ │ ├── fill_range_fuser.cc │ │ │ │ ├── fill_range_fuser.h │ │ │ │ ├── flatten_fc_fuse_pass.cc │ │ │ │ ├── flatten_fc_fuse_pass.h │ │ │ │ ├── flatten_fc_fuser.cc │ │ │ │ ├── flatten_fc_fuser.h │ │ │ │ ├── greater_than_cast_fuse_pass.cc │ │ │ │ ├── greater_than_cast_fuse_pass.h │ │ │ │ ├── greater_than_cast_fuser.cc │ │ │ │ ├── greater_than_cast_fuser.h │ │ │ │ ├── inplace_fuse_pass.cc │ │ │ │ ├── inplace_fuse_pass.h │ │ │ │ ├── inplace_fuser.cc │ │ │ │ ├── inplace_fuser.h │ │ │ │ ├── instance_norm_activation_fuse_pass.cc │ │ │ │ ├── instance_norm_activation_fuse_pass.h │ │ │ │ ├── instance_norm_activation_fuser.cc │ │ │ │ ├── instance_norm_activation_fuser.h │ │ │ │ ├── interpolate_fuse_pass.cc │ │ │ │ ├── interpolate_fuse_pass.h │ │ │ │ ├── interpolate_fuser.cc │ │ │ │ ├── interpolate_fuser.h │ │ │ │ ├── keepdims_convert_fuser.cc │ │ │ │ ├── keepdims_convert_fuser.h │ │ │ │ ├── keepdims_convert_pass.cc │ │ │ │ ├── keepdims_convert_pass.h │ │ │ │ ├── matmul_elementwise_add_fuse_pass.cc │ │ │ │ ├── matmul_elementwise_add_fuse_pass.h │ │ │ │ ├── matmul_elementwise_add_fuser.cc │ │ │ │ ├── matmul_elementwise_add_fuser.h │ │ │ │ ├── matmul_fuse_pass.cc │ │ │ │ ├── matmul_fuse_pass.h │ │ │ │ ├── matmul_fuser.cc │ │ │ │ ├── matmul_fuser.h │ │ │ │ ├── p_norm_fill_constant_max_div_fuse_pass.cc │ │ │ │ ├── p_norm_fill_constant_max_div_fuse_pass.h │ │ │ │ ├── p_norm_fill_constant_max_div_fuser.cc │ │ │ │ ├── p_norm_fill_constant_max_div_fuser.h │ │ │ │ ├── quant_dequant_fuse_pass.cc │ │ │ │ ├── quant_dequant_fuse_pass.h │ │ │ │ ├── quant_dequant_op_fuser.cc │ │ │ │ ├── quant_dequant_op_fuser.h │ │ │ │ ├── reshape2_matmul_fuse_pass.cc │ │ │ │ ├── reshape2_matmul_fuse_pass.h │ │ │ │ ├── reshape2_matmul_fuser.cc │ │ │ │ ├── reshape2_matmul_fuser.h │ │ │ │ ├── scale_activation_fuse_pass.cc │ │ │ │ ├── scale_activation_fuse_pass.h │ │ │ │ ├── scale_activation_fuser.cc │ │ │ │ ├── scale_activation_fuser.h │ │ │ │ ├── scaleacts_fuse_pass.cc │ │ │ │ ├── scaleacts_fuse_pass.h │ │ │ │ ├── scaleacts_fuser.cc │ │ │ │ ├── scaleacts_fuser.h │ │ │ │ ├── scales_fuse_pass.cc │ │ │ │ ├── scales_fuse_pass.h │ │ │ │ ├── scales_fuser.cc │ │ │ │ ├── scales_fuser.h │ │ │ │ ├── shuffle_channel_fuse_pass.cc │ │ │ │ ├── shuffle_channel_fuse_pass.h │ │ │ │ ├── shuffle_channel_fuser.cc │ │ │ │ ├── shuffle_channel_fuser.h │ │ │ │ ├── sigmoid_elementmul_fuse_pass.cc │ │ │ │ ├── sigmoid_elementmul_fuse_pass.h │ │ │ │ ├── sigmoid_elementmul_fuser.cc │ │ │ │ ├── sigmoid_elementmul_fuser.h │ │ │ │ ├── squeeze2_matmul_fuse_pass.cc │ │ │ │ ├── squeeze2_matmul_fuse_pass.h │ │ │ │ ├── squeeze2_matmul_fuser.cc │ │ │ │ ├── squeeze2_matmul_fuser.h │ │ │ │ ├── transformer_attention_fuse_pass.cc │ │ │ │ ├── transformer_attention_fuse_pass.h │ │ │ │ ├── transformer_attention_fuser.cc │ │ │ │ ├── transformer_attention_fuser.h │ │ │ │ ├── transpose_softmax_transpose_fuse_pass.cc │ │ │ │ ├── transpose_softmax_transpose_fuse_pass.h │ │ │ │ ├── transpose_softmax_transpose_fuser.cc │ │ │ │ ├── transpose_softmax_transpose_fuser.h │ │ │ │ ├── unsqueeze2_pad3d_squeeze2_fuse.cc │ │ │ │ ├── unsqueeze2_pad3d_squeeze2_fuse.h │ │ │ │ ├── unsqueeze2_pad3d_squeeze2_fuse_pass.cc │ │ │ │ └── unsqueeze2_pad3d_squeeze2_fuse_pass.h │ │ │ ├── generate_program_pass.cc │ │ │ ├── generate_program_pass.h │ │ │ ├── graph_visualize_pass.cc │ │ │ ├── graph_visualize_pass.h │ │ │ ├── io_copy_kernel_pick_pass.cc │ │ │ ├── memory_optimize_pass.cc │ │ │ ├── memory_optimize_pass.h │ │ │ ├── node.cc │ │ │ ├── node.h │ │ │ ├── op_fusion_minimal_set_pass.cc │ │ │ ├── op_fusion_minimal_set_pass.h │ │ │ ├── op_transformation_pass.cc │ │ │ ├── op_transformation_pass.h │ │ │ ├── opencl_kernel_place_correct_pass.cc │ │ │ ├── opencl_kernel_place_correct_pass.h │ │ │ ├── opencl_memory_object_config_pass.cc │ │ │ ├── opencl_memory_object_config_pass.h │ │ │ ├── pass.cc │ │ │ ├── pass.h │ │ │ ├── pass_manager.cc │ │ │ ├── pass_manager.h │ │ │ ├── pass_manager_test.cc │ │ │ ├── pass_registry.cc │ │ │ ├── pass_registry.h │ │ │ ├── pass_utils.cc │ │ │ ├── pass_utils.h │ │ │ ├── pattern_matcher.cc │ │ │ ├── pattern_matcher.h │ │ │ ├── pattern_matcher_high_api.cc │ │ │ ├── pattern_matcher_high_api.h │ │ │ ├── pattern_matcher_test.cc │ │ │ ├── post_quant_dynamic_pass.cc │ │ │ ├── post_quant_dynamic_pass.h │ │ │ ├── quantization_parameters_propagation_pass.cc │ │ │ ├── quantization_parameters_propagation_pass.h │ │ │ ├── quantization_parameters_removal_pass.cc │ │ │ ├── quantization_parameters_removal_pass.h │ │ │ ├── runtime_context_assign_pass.cc │ │ │ ├── sparse_conv_detect_pass.cc │ │ │ ├── sparse_conv_detect_pass.h │ │ │ ├── ssa_graph.cc │ │ │ ├── ssa_graph.h │ │ │ ├── ssa_graph_utils.cc │ │ │ ├── ssa_graph_utils.h │ │ │ ├── static_kernel_pick_pass.cc │ │ │ ├── static_kernel_pick_pass.h │ │ │ ├── subgraph │ │ │ │ ├── CMakeLists.txt │ │ │ │ ├── subgraph_detector.cc │ │ │ │ ├── subgraph_detector.h │ │ │ │ ├── subgraph_detector_test.cc │ │ │ │ ├── subgraph_pass.cc │ │ │ │ ├── subgraph_pass.h │ │ │ │ └── subgraph_pass_test.cc │ │ │ ├── support_0_dim_tensor_pass.cc │ │ │ ├── support_0_dim_tensor_pass.h │ │ │ ├── type_layout_cast_pass.cc │ │ │ ├── type_layout_cast_pass.h │ │ │ ├── type_precision_cast_pass.cc │ │ │ ├── type_precision_cast_pass.h │ │ │ ├── type_target_cast_pass.cc │ │ │ ├── type_target_cast_pass.h │ │ │ ├── variable_place_inference_pass.cc │ │ │ ├── variable_place_inference_pass.h │ │ │ ├── weight_quantization_preprocess_pass.cc │ │ │ ├── weight_quantization_preprocess_pass.h │ │ │ ├── x86_int8_attribute_pass.cc │ │ │ ├── x86_int8_attribute_pass.h │ │ │ ├── xpu_memory_optimize_pass.cc │ │ │ ├── xpu_memory_optimize_pass.h │ │ │ ├── xpu_pattern_matcher.cc │ │ │ ├── xpu_pattern_matcher.h │ │ │ ├── xpu_pattern_matcher_high_api.cc │ │ │ └── xpu_pattern_matcher_high_api.h │ │ ├── optimizer.cc │ │ └── optimizer.h │ ├── parallel_defines.h │ ├── profile │ │ ├── CMakeLists.txt │ │ ├── basic_profiler.cc │ │ ├── basic_profiler.h │ │ ├── basic_profiler_test.cc │ │ ├── precision_profiler.h │ │ ├── profiler.cc │ │ ├── profiler.h │ │ ├── test_timer.cc │ │ └── timer.h │ ├── program.cc │ ├── program.h │ ├── program_fake_utils.h │ ├── scalar.h │ ├── scalar_test.cc │ ├── scope.cc │ ├── scope.h │ ├── scope_test.cc │ ├── subgraph │ │ ├── subgraph_bridge_registry.cc │ │ ├── subgraph_bridge_registry.h │ │ ├── subgraph_engine_base.cc │ │ └── subgraph_engine_base.h │ ├── target_wrapper.cc │ ├── target_wrapper.h │ ├── tensor.cc │ ├── tensor.h │ ├── test │ │ ├── CMakeLists.txt │ │ ├── arena │ │ │ ├── CMakeLists.txt │ │ │ ├── framework.cc │ │ │ ├── framework.h │ │ │ └── framework_test.cc │ │ └── lite_gtest_main.cc │ ├── thread_pool.cc │ ├── thread_pool.h │ ├── type_system.cc │ ├── type_system.h │ ├── type_system_test.cc │ ├── types.cc │ ├── types.h │ ├── types_test.cc │ ├── variable.cc │ ├── variable.h │ ├── version.h.in │ └── workspace.h ├── demo │ ├── cxx │ │ ├── Makefile.def │ │ ├── README.md │ │ ├── armlinux_mobilenetv1_full_demo │ │ │ ├── CMakeLists.txt │ │ │ ├── build.sh │ │ │ └── mobilenetv1_full_api.cc │ │ ├── armlinux_mobilenetv1_light_demo │ │ │ ├── CMakeLists.txt │ │ │ ├── build.sh │ │ │ └── mobilenetv1_light_api.cc │ │ ├── armmacos_mobile_light_demo │ │ │ ├── CMakeLists.txt │ │ │ └── README.md │ │ ├── lac_demo │ │ │ ├── lac.cc │ │ │ ├── lac.h │ │ │ ├── lac_demo.cc │ │ │ ├── lac_util.cc │ │ │ ├── lac_util.h │ │ │ ├── prepare.sh │ │ │ ├── readme.md │ │ │ └── run.sh │ │ ├── makefiles │ │ │ ├── lac_demo │ │ │ │ ├── Makefile.android.armv7 │ │ │ │ └── Makefile.android.armv8 │ │ │ ├── mask_detection │ │ │ │ ├── Makefile.android.armv7 │ │ │ │ └── Makefile.android.armv8 │ │ │ ├── mobile_classify │ │ │ │ ├── Makefile.android.armv7 │ │ │ │ └── Makefile.android.armv8 │ │ │ ├── mobile_full │ │ │ │ ├── Makefile.android.armv7 │ │ │ │ └── Makefile.android.armv8 │ │ │ ├── mobile_light │ │ │ │ ├── Makefile.android.armv7 │ │ │ │ └── Makefile.android.armv8 │ │ │ ├── quant_post_dynamic │ │ │ │ ├── Makefile.android.armv7 │ │ │ │ └── Makefile.android.armv8 │ │ │ ├── ssd_detection │ │ │ │ ├── Makefile.android.armv7 │ │ │ │ └── Makefile.android.armv8 │ │ │ ├── test_cv │ │ │ │ ├── Makefile.android.armv7 │ │ │ │ └── Makefile.android.armv8 │ │ │ ├── test_libs │ │ │ │ ├── Makefile.android.armv7 │ │ │ │ └── Makefile.android.armv8 │ │ │ └── yolov3_detection │ │ │ │ ├── Makefile.android.armv7 │ │ │ │ └── Makefile.android.armv8 │ │ ├── mask_detection │ │ │ ├── mask_detection.cc │ │ │ ├── prepare.sh │ │ │ └── run.sh │ │ ├── mobile_classify │ │ │ └── mobile_classify.cc │ │ ├── mobile_full │ │ │ └── mobilenetv1_full_api.cc │ │ ├── mobile_light │ │ │ └── mobilenetv1_light_api.cc │ │ ├── mobilenetv1_light_from_buffer │ │ │ └── mobilenetv1_light_api.cc │ │ ├── quant_post_dynamic │ │ │ ├── classification_light.cc │ │ │ ├── prepare.sh │ │ │ ├── readme.md │ │ │ ├── run.sh │ │ │ ├── test_helper.cc │ │ │ └── test_helper.h │ │ ├── ssd_detection │ │ │ └── ssd_detection.cc │ │ ├── test_cv │ │ │ ├── README.md │ │ │ ├── test_img_prepross.cc │ │ │ └── test_model_cv.cc │ │ ├── test_libs │ │ │ ├── README.md │ │ │ ├── classification_full.cc │ │ │ ├── classification_light.cc │ │ │ ├── prepare.sh │ │ │ ├── run.sh │ │ │ ├── test_helper.cc │ │ │ ├── test_helper.h │ │ │ ├── yolov3_full.cc │ │ │ └── yolov3_light.cc │ │ ├── x86_mobilenetv1_full_demo │ │ │ ├── CMakeLists.txt.in │ │ │ ├── build.bat.in │ │ │ ├── build.sh │ │ │ └── mobilenet_full_api.cc │ │ ├── x86_mobilenetv1_light_demo │ │ │ ├── CMakeLists.txt.in │ │ │ ├── build.bat.in │ │ │ ├── build.sh │ │ │ └── mobilenet_light_api.cc │ │ └── yolov3_detection │ │ │ └── yolov3_detection.cc │ ├── java │ │ ├── README.md │ │ └── android │ │ │ ├── PaddlePredictor │ │ │ ├── .gitignore │ │ │ ├── app │ │ │ │ ├── .gitignore │ │ │ │ ├── build.gradle │ │ │ │ ├── proguard-rules.pro │ │ │ │ └── src │ │ │ │ │ ├── androidTest │ │ │ │ │ └── java │ │ │ │ │ │ └── com │ │ │ │ │ │ └── baidu │ │ │ │ │ │ └── paddle │ │ │ │ │ │ └── lite │ │ │ │ │ │ └── ExampleInstrumentedTest.java │ │ │ │ │ ├── main │ │ │ │ │ ├── AndroidManifest.xml │ │ │ │ │ ├── assets │ │ │ │ │ │ └── README.txt │ │ │ │ │ ├── java │ │ │ │ │ │ └── com │ │ │ │ │ │ │ └── baidu │ │ │ │ │ │ │ └── paddle │ │ │ │ │ │ │ └── lite │ │ │ │ │ │ │ └── MainActivity.java │ │ │ │ │ └── res │ │ │ │ │ │ ├── drawable-v24 │ │ │ │ │ │ └── ic_launcher_foreground.xml │ │ │ │ │ │ ├── drawable │ │ │ │ │ │ └── ic_launcher_background.xml │ │ │ │ │ │ ├── layout │ │ │ │ │ │ └── activity_main.xml │ │ │ │ │ │ ├── mipmap-anydpi-v26 │ │ │ │ │ │ ├── ic_launcher.xml │ │ │ │ │ │ └── ic_launcher_round.xml │ │ │ │ │ │ ├── mipmap-hdpi │ │ │ │ │ │ ├── ic_launcher.png │ │ │ │ │ │ └── ic_launcher_round.png │ │ │ │ │ │ ├── mipmap-mdpi │ │ │ │ │ │ ├── ic_launcher.png │ │ │ │ │ │ └── ic_launcher_round.png │ │ │ │ │ │ ├── mipmap-xhdpi │ │ │ │ │ │ ├── ic_launcher.png │ │ │ │ │ │ └── ic_launcher_round.png │ │ │ │ │ │ ├── mipmap-xxhdpi │ │ │ │ │ │ ├── ic_launcher.png │ │ │ │ │ │ └── ic_launcher_round.png │ │ │ │ │ │ ├── mipmap-xxxhdpi │ │ │ │ │ │ ├── ic_launcher.png │ │ │ │ │ │ └── ic_launcher_round.png │ │ │ │ │ │ └── values │ │ │ │ │ │ ├── colors.xml │ │ │ │ │ │ ├── strings.xml │ │ │ │ │ │ └── styles.xml │ │ │ │ │ └── test │ │ │ │ │ └── java │ │ │ │ │ └── com │ │ │ │ │ └── baidu │ │ │ │ │ └── paddle │ │ │ │ │ └── lite │ │ │ │ │ └── ExampleUnitTest.java │ │ │ ├── build.gradle │ │ │ ├── gradle.properties │ │ │ ├── gradle │ │ │ │ └── wrapper │ │ │ │ │ ├── gradle-wrapper.jar │ │ │ │ │ └── gradle-wrapper.properties │ │ │ ├── gradlew │ │ │ ├── gradlew.bat │ │ │ └── settings.gradle │ │ │ └── prepare_demo.bash │ └── python │ │ ├── labels.txt │ │ ├── mobilenetv1_full_api.py │ │ ├── mobilenetv1_light_api.py │ │ └── tabby_cat.jpg ├── kernels │ ├── CMakeLists.txt │ ├── arm │ │ ├── CMakeLists.txt │ │ ├── activation_compute.cc │ │ ├── activation_compute.h │ │ ├── activation_extra_compute.cc │ │ ├── activation_extra_compute.h │ │ ├── affine_channel_compute.cc │ │ ├── affine_channel_compute.h │ │ ├── affine_grid_compute.cc │ │ ├── affine_grid_compute.h │ │ ├── argmax_compute.cc │ │ ├── argmax_compute.h │ │ ├── axpy_compute.cc │ │ ├── axpy_compute.h │ │ ├── axpy_compute_test.cc │ │ ├── batch_norm_compute.cc │ │ ├── batch_norm_compute.h │ │ ├── batch_norm_compute_test.cc │ │ ├── box_coder_compute.cc │ │ ├── box_coder_compute.h │ │ ├── calib_compute.cc │ │ ├── calib_compute.h │ │ ├── calib_compute_test.cc │ │ ├── calib_inplace_compute.cc │ │ ├── calib_inplace_compute.h │ │ ├── clip_compute.cc │ │ ├── clip_compute.h │ │ ├── concat_compute.cc │ │ ├── concat_compute.h │ │ ├── concat_compute_test.cc │ │ ├── conv_compute.cc │ │ ├── conv_compute.h │ │ ├── conv_depthwise.cc │ │ ├── conv_depthwise.h │ │ ├── conv_depthwise_common.cc │ │ ├── conv_depthwise_common.h │ │ ├── conv_direct.cc │ │ ├── conv_direct.h │ │ ├── conv_gemmlike.cc │ │ ├── conv_gemmlike.h │ │ ├── conv_transpose_compute.cc │ │ ├── conv_transpose_compute.h │ │ ├── conv_winograd.cc │ │ ├── conv_winograd.h │ │ ├── decode_bboxes_compute.cc │ │ ├── decode_bboxes_compute.h │ │ ├── decode_bboxes_compute_test.cc │ │ ├── deformable_conv_compute.cc │ │ ├── deformable_conv_compute.h │ │ ├── depthwise_conv_transpose_compute.cc │ │ ├── depthwise_conv_transpose_compute.h │ │ ├── dequantize_log_compute.cc │ │ ├── dequantize_log_compute.h │ │ ├── dropout_compute.cc │ │ ├── dropout_compute.h │ │ ├── dropout_compute_test.cc │ │ ├── elementwise_compute.cc │ │ ├── elementwise_compute.h │ │ ├── elementwise_grad_compute.cc │ │ ├── elementwise_grad_compute.h │ │ ├── fc_compute.cc │ │ ├── fc_compute.h │ │ ├── fused_attention_compute.cc │ │ ├── fused_attention_compute.h │ │ ├── grid_sampler_compute.cc │ │ ├── grid_sampler_compute.h │ │ ├── group_norm_compute.cc │ │ ├── group_norm_compute.h │ │ ├── gru_compute.cc │ │ ├── gru_compute.h │ │ ├── gru_unit_compute.cc │ │ ├── gru_unit_compute.h │ │ ├── instance_norm_compute.cc │ │ ├── instance_norm_compute.h │ │ ├── interpolate_compute.cc │ │ ├── interpolate_compute.h │ │ ├── layer_norm_compute.cc │ │ ├── layer_norm_compute.h │ │ ├── layer_norm_compute_test.cc │ │ ├── layout_compute.cc │ │ ├── layout_compute.h │ │ ├── lookup_table_compute.cc │ │ ├── lookup_table_compute.h │ │ ├── lookup_table_dequant_compute.cc │ │ ├── lookup_table_dequant_compute.h │ │ ├── lrn_compute.cc │ │ ├── lrn_compute.h │ │ ├── lrn_compute_test.cc │ │ ├── lstm_compute.cc │ │ ├── lstm_compute.h │ │ ├── matmul_compute.cc │ │ ├── matmul_compute.h │ │ ├── matmul_v2_compute.cc │ │ ├── matmul_v2_compute.h │ │ ├── mean_compute.cc │ │ ├── mean_compute.h │ │ ├── mean_grad_compute.cc │ │ ├── mean_grad_compute.h │ │ ├── mul_compute.cc │ │ ├── mul_compute.h │ │ ├── mul_compute_test.cc │ │ ├── mul_grad_compute.cc │ │ ├── mul_grad_compute.h │ │ ├── negative_compute.cc │ │ ├── negative_compute.h │ │ ├── pad2d_compute.cc │ │ ├── pad2d_compute.h │ │ ├── pixel_shuffle_compute.cc │ │ ├── pixel_shuffle_compute.h │ │ ├── pool_compute.cc │ │ ├── pool_compute.h │ │ ├── pool_compute_test.cc │ │ ├── pow_compute.cc │ │ ├── pow_compute.h │ │ ├── reduce_compute.cc │ │ ├── reduce_compute.h │ │ ├── rnn_compute.cc │ │ ├── rnn_compute.h │ │ ├── scale_compute.cc │ │ ├── scale_compute.h │ │ ├── scale_compute_test.cc │ │ ├── scatter_compute.cc │ │ ├── scatter_compute.h │ │ ├── sequence_conv_compute.cc │ │ ├── sequence_conv_compute.h │ │ ├── sequence_expand_as_compute.cc │ │ ├── sequence_expand_as_compute.h │ │ ├── sequence_pool_compute.cc │ │ ├── sequence_pool_compute.h │ │ ├── sequence_pool_grad_compute.cc │ │ ├── sequence_pool_grad_compute.h │ │ ├── sgd_compute.cc │ │ ├── sgd_compute.h │ │ ├── slice_compute.cc │ │ ├── slice_compute.h │ │ ├── softmax_compute.cc │ │ ├── softmax_compute.h │ │ ├── softmax_compute_test.cc │ │ ├── sparse_conv_compute.cc │ │ ├── sparse_conv_compute.h │ │ ├── split_lod_tensor_compute.cc │ │ ├── split_lod_tensor_compute.h │ │ ├── split_lod_tensor_compute_test.cc │ │ ├── sum_compute.cc │ │ ├── sum_compute.h │ │ ├── transpose_compute.cc │ │ ├── transpose_compute.h │ │ ├── transpose_compute_test.cc │ │ ├── viterbi_decode_compute.cc │ │ └── viterbi_decode_compute.h │ ├── host │ │ ├── CMakeLists.txt │ │ ├── activation_compute.cc │ │ ├── activation_compute.h │ │ ├── activation_grad_compute.cc │ │ ├── activation_grad_compute.h │ │ ├── anchor_generator_compute.cc │ │ ├── anchor_generator_compute.h │ │ ├── argmax_compute.cc │ │ ├── argmax_compute.h │ │ ├── argsort_compute.cc │ │ ├── argsort_compute.h │ │ ├── assign_compute.cc │ │ ├── assign_compute.h │ │ ├── assign_value_compute.cc │ │ ├── assign_value_compute.h │ │ ├── atan2_compute.cc │ │ ├── atan2_compute.h │ │ ├── batch_norm_compute.cc │ │ ├── batch_norm_compute.h │ │ ├── beam_search_compute.cc │ │ ├── beam_search_compute.h │ │ ├── beam_search_decode_compute.cc │ │ ├── beam_search_decode_compute.h │ │ ├── bitwise_compute.cc │ │ ├── bitwise_compute.h │ │ ├── box_clip_compute.cc │ │ ├── box_clip_compute.h │ │ ├── box_coder_compute.cc │ │ ├── box_coder_compute.h │ │ ├── cast_compute.cc │ │ ├── cast_compute.h │ │ ├── collect_fpn_proposals_compute.cc │ │ ├── collect_fpn_proposals_compute.h │ │ ├── compare_compute.cc │ │ ├── compare_compute.h │ │ ├── conditional_block_compute.cc │ │ ├── conditional_block_compute.h │ │ ├── correlation_compute.cc │ │ ├── correlation_compute.h │ │ ├── cos_compute.cc │ │ ├── cos_compute.h │ │ ├── cos_sim_compute.cc │ │ ├── cos_sim_compute.h │ │ ├── crf_decoding_compute.cc │ │ ├── crf_decoding_compute.h │ │ ├── crop_compute.cc │ │ ├── crop_compute.h │ │ ├── crop_tensor_compute.cc │ │ ├── crop_tensor_compute.h │ │ ├── ctc_align_compute.cc │ │ ├── ctc_align_compute.h │ │ ├── cumsum_compute.cc │ │ ├── cumsum_compute.h │ │ ├── deformable_conv_compute.cc │ │ ├── deformable_conv_compute.h │ │ ├── deformable_conv_op.h │ │ ├── density_prior_box_compute.cc │ │ ├── density_prior_box_compute.h │ │ ├── distribute_fpn_proposals_compute.cc │ │ ├── distribute_fpn_proposals_compute.h │ │ ├── elementwise_op_func.h │ │ ├── empty_compute.cc │ │ ├── empty_compute.h │ │ ├── expand_as_compute.cc │ │ ├── expand_as_compute.h │ │ ├── expand_compute.cc │ │ ├── expand_compute.h │ │ ├── expand_v2_compute.cc │ │ ├── expand_v2_compute.h │ │ ├── feed_compute.cc │ │ ├── fetch_compute.cc │ │ ├── fill_any_like_compute.cc │ │ ├── fill_any_like_compute.h │ │ ├── fill_constant_batch_size_like_compute.cc │ │ ├── fill_constant_batch_size_like_compute.h │ │ ├── fill_constant_compute.cc │ │ ├── fill_constant_compute.h │ │ ├── fill_zeros_like_compute.cc │ │ ├── fill_zeros_like_compute.h │ │ ├── flatten_compute.cc │ │ ├── flatten_compute.h │ │ ├── flip_compute.cc │ │ ├── flip_compute.h │ │ ├── gather_compute.cc │ │ ├── gather_compute.h │ │ ├── gather_nd_compute.cc │ │ ├── gather_nd_compute.h │ │ ├── gather_tree_compute.cc │ │ ├── gather_tree_compute.h │ │ ├── gaussian_random_compute.cc │ │ ├── gaussian_random_compute.h │ │ ├── generate_proposals_compute.cc │ │ ├── generate_proposals_compute.h │ │ ├── generate_proposals_v2_compute.cc │ │ ├── generate_proposals_v2_compute.h │ │ ├── im2sequence_compute.cc │ │ ├── im2sequence_compute.h │ │ ├── increment_compute.cc │ │ ├── increment_compute.h │ │ ├── index_select_compute.cc │ │ ├── index_select_compute.h │ │ ├── inverse_compute.cc │ │ ├── inverse_compute.h │ │ ├── is_empty_compute.cc │ │ ├── is_empty_compute.h │ │ ├── linspace_compute.cc │ │ ├── linspace_compute.h │ │ ├── lod_array_length_compute.cc │ │ ├── lod_array_length_compute.h │ │ ├── lod_reset_compute.cc │ │ ├── lod_reset_compute.h │ │ ├── log_softmax_compute.cc │ │ ├── log_softmax_compute.h │ │ ├── logical_compute.cc │ │ ├── logical_compute.h │ │ ├── matrix_nms_compute.cc │ │ ├── matrix_nms_compute.h │ │ ├── max_pool_with_index_compute.cc │ │ ├── max_pool_with_index_compute.h │ │ ├── merge_lod_tensor_compute.cc │ │ ├── merge_lod_tensor_compute.h │ │ ├── meshgrid_compute.cc │ │ ├── meshgrid_compute.h │ │ ├── multiclass_nms_compute.cc │ │ ├── multiclass_nms_compute.h │ │ ├── norm_compute.cc │ │ ├── norm_compute.h │ │ ├── one_hot_compute.cc │ │ ├── one_hot_compute.h │ │ ├── one_hot_compute_test.cc │ │ ├── pad2d_compute.cc │ │ ├── pad2d_compute.h │ │ ├── pad3d_compute.cc │ │ ├── pad3d_compute.h │ │ ├── pad_compute.cc │ │ ├── pad_compute.h │ │ ├── pixel_shuffle_compute.cc │ │ ├── pixel_shuffle_compute.h │ │ ├── pixel_unshuffle_compute.cc │ │ ├── pixel_unshuffle_compute.h │ │ ├── polygon_box_transform_compute.cc │ │ ├── polygon_box_transform_compute.h │ │ ├── print_compute.cc │ │ ├── print_compute.h │ │ ├── prior_box_compute.cc │ │ ├── prior_box_compute.h │ │ ├── range_compute.cc │ │ ├── range_compute.h │ │ ├── read_from_array_compute.cc │ │ ├── read_from_array_compute.h │ │ ├── reduce_compute.cc │ │ ├── reduce_compute.h │ │ ├── reshape_compute.cc │ │ ├── reshape_compute.h │ │ ├── retinanet_detection_output_compute.cc │ │ ├── retinanet_detection_output_compute.h │ │ ├── reverse_compute.cc │ │ ├── reverse_compute.h │ │ ├── roi_align_compute.cc │ │ ├── roi_align_compute.h │ │ ├── roi_perspective_transform_compute.cc │ │ ├── roi_perspective_transform_compute.h │ │ ├── roll_compute.cc │ │ ├── roll_compute.h │ │ ├── round_compute.cc │ │ ├── round_compute.h │ │ ├── sampling_id_compute.cc │ │ ├── sampling_id_compute.h │ │ ├── scatter_nd_add_compute.cc │ │ ├── scatter_nd_add_compute.h │ │ ├── select_input_compute.cc │ │ ├── select_input_compute.h │ │ ├── sequence_expand_compute.cc │ │ ├── sequence_expand_compute.h │ │ ├── sequence_mask_compute.cc │ │ ├── sequence_mask_compute.h │ │ ├── sequence_pad_compute.cc │ │ ├── sequence_pad_compute.h │ │ ├── sequence_softmax_compute.cc │ │ ├── sequence_softmax_compute.h │ │ ├── sequence_unpad_compute.cc │ │ ├── sequence_unpad_compute.h │ │ ├── set_value_compute.cc │ │ ├── set_value_compute.h │ │ ├── shape_compute.cc │ │ ├── shape_compute.h │ │ ├── share_data_compute.cc │ │ ├── share_data_compute.h │ │ ├── shuffle_channel_compute.cc │ │ ├── shuffle_channel_compute.h │ │ ├── sin_compute.cc │ │ ├── sin_compute.h │ │ ├── split_compute.cc │ │ ├── split_compute.h │ │ ├── squeeze_compute.cc │ │ ├── squeeze_compute.h │ │ ├── stack_compute.cc │ │ ├── stack_compute.h │ │ ├── strided_slice_compute.cc │ │ ├── strided_slice_compute.h │ │ ├── temporal_shift_compute.cc │ │ ├── temporal_shift_compute.h │ │ ├── tensor_array_to_tensor_compute.cc │ │ ├── tensor_array_to_tensor_compute.h │ │ ├── tile_compute.cc │ │ ├── tile_compute.h │ │ ├── topk_compute.cc │ │ ├── topk_compute.h │ │ ├── topk_v2_compute.cc │ │ ├── topk_v2_compute.h │ │ ├── tril_triu_compute.cc │ │ ├── tril_triu_compute.h │ │ ├── unbind_compute.cc │ │ ├── unbind_compute.h │ │ ├── unfold_compute.cc │ │ ├── unfold_compute.h │ │ ├── uniform_random_compute.cc │ │ ├── uniform_random_compute.h │ │ ├── unique_compute.cc │ │ ├── unique_compute.h │ │ ├── unique_with_counts_compute.cc │ │ ├── unique_with_counts_compute.h │ │ ├── unsqueeze_compute.cc │ │ ├── unsqueeze_compute.h │ │ ├── unstack_compute.cc │ │ ├── unstack_compute.h │ │ ├── where_compute.cc │ │ ├── where_compute.h │ │ ├── where_index_compute.cc │ │ ├── where_index_compute.h │ │ ├── where_index_compute_test.cc │ │ ├── while_compute.cc │ │ ├── while_compute.h │ │ ├── write_back_compute.cc │ │ ├── write_back_compute.h │ │ ├── write_to_array_compute.cc │ │ ├── write_to_array_compute.h │ │ ├── yolo_box_compute.cc │ │ └── yolo_box_compute.h │ ├── metal │ │ ├── .clang-format │ │ ├── CMakeLists.txt │ │ └── image_op │ │ │ ├── activation_image_compute.h │ │ │ ├── activation_image_compute.mm │ │ │ ├── activation_image_compute_test.mm │ │ │ ├── argmax_image_compute.h │ │ │ ├── argmax_image_compute.mm │ │ │ ├── batch_norm_image_compute.h │ │ │ ├── batch_norm_image_compute.mm │ │ │ ├── batch_norm_image_compute_test.mm │ │ │ ├── box_coder_image_compute.h │ │ │ ├── box_coder_image_compute.mm │ │ │ ├── cast_image_compute.h │ │ │ ├── cast_image_compute.mm │ │ │ ├── compare_image_compute.h │ │ │ ├── compare_image_compute.mm │ │ │ ├── concat_image_compute.h │ │ │ ├── concat_image_compute.mm │ │ │ ├── conv2d_image_compute.h │ │ │ ├── conv2d_image_compute.mm │ │ │ ├── conv2d_image_compute_test.mm │ │ │ ├── conv2d_transpose_image_compute.h │ │ │ ├── conv2d_transpose_image_compute.mm │ │ │ ├── depthwise_conv2d_image_compute.h │ │ │ ├── depthwise_conv2d_image_compute.mm │ │ │ ├── dropout_image_compute.h │ │ │ ├── dropout_image_compute.mm │ │ │ ├── elementwise_image_compute.h │ │ │ ├── elementwise_image_compute.mm │ │ │ ├── elementwise_max_image_compute.h │ │ │ ├── elementwise_max_image_compute.mm │ │ │ ├── exp_image_compute.h │ │ │ ├── exp_image_compute.mm │ │ │ ├── expand_image_compute.h │ │ │ ├── expand_image_compute.mm │ │ │ ├── fc_image_compute.h │ │ │ ├── fc_image_compute.mm │ │ │ ├── feed_image_compute.h │ │ │ ├── feed_image_compute.mm │ │ │ ├── fetch_image_compute.h │ │ │ ├── fetch_image_compute.mm │ │ │ ├── grid_sampler_image_compute.h │ │ │ ├── grid_sampler_image_compute.mm │ │ │ ├── instance_norm_image_compute.h │ │ │ ├── instance_norm_image_compute.mm │ │ │ ├── interp_image_compute.h │ │ │ ├── interp_image_compute.mm │ │ │ ├── io_copy_image_compute.mm │ │ │ ├── lrn_image_compute.h │ │ │ ├── lrn_image_compute.mm │ │ │ ├── matmul_image_compute.h │ │ │ ├── matmul_image_compute.mm │ │ │ ├── metal_params.h │ │ │ ├── mul_image_compute.h │ │ │ ├── mul_image_compute.mm │ │ │ ├── pad2d_image_compute.h │ │ │ ├── pad2d_image_compute.mm │ │ │ ├── pixel_shuffle_image_compute.h │ │ │ ├── pixel_shuffle_image_compute.mm │ │ │ ├── pixel_unshuffle_image_compute.h │ │ │ ├── pixel_unshuffle_image_compute.mm │ │ │ ├── pool_image_compute.h │ │ │ ├── pool_image_compute.mm │ │ │ ├── pool_image_compute_test.mm │ │ │ ├── prior_box_image_compute.h │ │ │ ├── prior_box_image_compute.mm │ │ │ ├── reduce_image_compute.h │ │ │ ├── reduce_image_compute.mm │ │ │ ├── relu_image_compute.h │ │ │ ├── relu_image_compute.mm │ │ │ ├── reshape_image_compute.h │ │ │ ├── reshape_image_compute.mm │ │ │ ├── rsqrt_image_compute.h │ │ │ ├── rsqrt_image_compute.mm │ │ │ ├── scale_image_compute.h │ │ │ ├── scale_image_compute.mm │ │ │ ├── shuffle_channel_image_compute.h │ │ │ ├── shuffle_channel_image_compute.mm │ │ │ ├── slice_image_compute.h │ │ │ ├── slice_image_compute.mm │ │ │ ├── softmax_image_compute.h │ │ │ ├── softmax_image_compute.mm │ │ │ ├── split_image_compute.h │ │ │ ├── split_image_compute.mm │ │ │ ├── tanh_image_compute.h │ │ │ ├── tanh_image_compute.mm │ │ │ ├── transpose_image_compute.h │ │ │ ├── transpose_image_compute.mm │ │ │ ├── yolo_box_image_compute.h │ │ │ └── yolo_box_image_compute.mm │ ├── nnadapter │ │ ├── CMakeLists.txt │ │ ├── converter │ │ │ ├── all.h │ │ │ ├── arg_min_max.cc │ │ │ ├── assign.cc │ │ │ ├── batch_norm.cc │ │ │ ├── binary_logical_op.cc │ │ │ ├── bmm.cc │ │ │ ├── calib.cc │ │ │ ├── cast.cc │ │ │ ├── clip.cc │ │ │ ├── comparisons.cc │ │ │ ├── concat.cc │ │ │ ├── conv2d.cc │ │ │ ├── conv2d_transpose.cc │ │ │ ├── converter.cc │ │ │ ├── converter.h │ │ │ ├── cumsum.cc │ │ │ ├── deformable_conv.cc │ │ │ ├── dropout.cc │ │ │ ├── elementwise.cc │ │ │ ├── expand.cc │ │ │ ├── expand_v2.cc │ │ │ ├── fc.cc │ │ │ ├── fill_any_like.cc │ │ │ ├── fill_constant.cc │ │ │ ├── fill_constant_batch_size_like.cc │ │ │ ├── fill_zeros_like.cc │ │ │ ├── flatten.cc │ │ │ ├── flatten_contiguous_range.cc │ │ │ ├── gather.cc │ │ │ ├── gelu.cc │ │ │ ├── grid_sample.cc │ │ │ ├── group_norm.cc │ │ │ ├── hard_sigmoid.cc │ │ │ ├── hard_swish.cc │ │ │ ├── instance_norm.cc │ │ │ ├── interpolate.cc │ │ │ ├── layer_norm.cc │ │ │ ├── leaky_relu.cc │ │ │ ├── log_softmax.cc │ │ │ ├── lookup_table.cc │ │ │ ├── lookup_table_v2.cc │ │ │ ├── lrn.cc │ │ │ ├── matmul.cc │ │ │ ├── matmul_v2.cc │ │ │ ├── meshgrid.cc │ │ │ ├── mul.cc │ │ │ ├── multiclass_nms.cc │ │ │ ├── norm.cc │ │ │ ├── pad.cc │ │ │ ├── pool.cc │ │ │ ├── pow.cc │ │ │ ├── prelu.cc │ │ │ ├── prior_box.cc │ │ │ ├── range.cc │ │ │ ├── reduce.cc │ │ │ ├── reshape.cc │ │ │ ├── roi_align.cc │ │ │ ├── roll.cc │ │ │ ├── scale.cc │ │ │ ├── shape.cc │ │ │ ├── shuffle_channel.cc │ │ │ ├── slice.cc │ │ │ ├── softmax.cc │ │ │ ├── softplus.cc │ │ │ ├── split.cc │ │ │ ├── sqrt.cc │ │ │ ├── squeeze.cc │ │ │ ├── stack.cc │ │ │ ├── strided_slice.cc │ │ │ ├── sum.cc │ │ │ ├── tile.cc │ │ │ ├── top_k.cc │ │ │ ├── transpose.cc │ │ │ ├── unary_activations.cc │ │ │ ├── unary_logical_op.cc │ │ │ ├── unsqueeze.cc │ │ │ ├── unstack.cc │ │ │ ├── where.cc │ │ │ └── yolo_box.cc │ │ ├── engine.cc │ │ ├── engine.h │ │ ├── subgraph_compute.cc │ │ ├── subgraph_compute.h │ │ ├── utility.cc │ │ └── utility.h │ ├── opencl │ │ ├── CMakeLists.txt │ │ ├── activation_buffer_compute.cc │ │ ├── activation_buffer_compute_test.cc │ │ ├── activation_image_compute.cc │ │ ├── activation_image_compute_test.cc │ │ ├── argmax_image_compute.cc │ │ ├── argmax_image_compute_test.cc │ │ ├── batch_norm_image_compute.cc │ │ ├── bilinear_interp_image_compute.cc │ │ ├── bilinear_interp_image_compute_test.cc │ │ ├── box_coder_image_compute.cc │ │ ├── box_coder_image_compute_test.cc │ │ ├── clip_image_compute.cc │ │ ├── concat_buffer_compute.cc │ │ ├── concat_buffer_compute_test.cc │ │ ├── concat_image_compute.cc │ │ ├── concat_image_compute_test.cc │ │ ├── conv_buffer_compute.cc │ │ ├── conv_buffer_compute.h │ │ ├── conv_buffer_compute_test.cc │ │ ├── conv_image_compute.cc │ │ ├── conv_image_compute.h │ │ ├── conv_image_compute_test.cc │ │ ├── conv_transpose_image_compute.cc │ │ ├── conv_transpose_image_compute.h │ │ ├── conv_transpose_image_compute_test.cc │ │ ├── depthwise_conv2d_buffer_compute.cc │ │ ├── depthwise_conv2d_buffer_compute_test.cc │ │ ├── depthwise_conv2d_image_compute_test.cc │ │ ├── depthwise_conv2d_transpose_image_compute_test.cc │ │ ├── dropout_image_compute.cc │ │ ├── dropout_image_compute_test.cc │ │ ├── elementwise_add_buffer_compute.cc │ │ ├── elementwise_add_buffer_compute.h │ │ ├── elementwise_add_buffer_compute_test.cc │ │ ├── elementwise_add_image_compute.cc │ │ ├── elementwise_add_image_compute.h │ │ ├── elementwise_add_image_compute_test.cc │ │ ├── elementwise_image_compute.cc │ │ ├── elementwise_image_compute_test.cc │ │ ├── elementwise_mul_compute.cc │ │ ├── elementwise_mul_image_compute.cc │ │ ├── elementwise_mul_image_compute_test.cc │ │ ├── elementwise_sub_image_compute.cc │ │ ├── elementwise_sub_image_compute.h │ │ ├── elementwise_sub_image_compute_test.cc │ │ ├── expand_image_compute.cc │ │ ├── expand_image_compute_test.cc │ │ ├── fc_buffer_compute.cc │ │ ├── fc_buffer_compute_test.cc │ │ ├── fc_image_compute.cc │ │ ├── fc_image_compute_test.cc │ │ ├── fusion_elementwise_add_activation_buffer_compute.cc │ │ ├── fusion_elementwise_sub_activation_image_compute.cc │ │ ├── gather_image_compute.cpp │ │ ├── gather_image_compute.h │ │ ├── gather_image_compute_test.cpp │ │ ├── greater_than_image_compute.cc │ │ ├── grid_sampler_image_compute.cc │ │ ├── grid_sampler_image_compute_test.cc │ │ ├── im2col_buffer_test.cc │ │ ├── image_helper.h │ │ ├── instance_norm_image_compute.cc │ │ ├── instance_norm_image_compute_test.cc │ │ ├── io_copy_buffer_compute.cc │ │ ├── io_copy_buffer_compute_test.cc │ │ ├── layer_norm_buffer_compute.cc │ │ ├── layer_norm_image_compute.cc │ │ ├── layout_image_compute.cc │ │ ├── layout_image_compute_test.cc │ │ ├── lrn_image_compute.cc │ │ ├── lrn_image_compute_test.cc │ │ ├── matmul_buffer_compute.cc │ │ ├── matmul_buffer_compute_test.cc │ │ ├── matmul_image_compute.cc │ │ ├── matmul_image_compute_test.cc │ │ ├── max_image_compute.cc │ │ ├── max_image_compute_test.cc │ │ ├── mul_buffer_compute.cc │ │ ├── mul_buffer_compute_test.cc │ │ ├── nearest_interp_image_compute.cc │ │ ├── nearest_interp_image_compute_test.cc │ │ ├── pad2d_image_compute.cc │ │ ├── pad2d_image_compute_test.cc │ │ ├── pixel_shuffle_image_compute.cc │ │ ├── pixel_shuffle_image_compute_test.cc │ │ ├── pixel_unshuffle_image_compute.cc │ │ ├── pixel_unshuffle_image_compute_test.cc │ │ ├── pool_buffer_compute.cc │ │ ├── pool_buffer_compute_test.cc │ │ ├── pool_image_compute.cc │ │ ├── pool_image_compute_test.cc │ │ ├── pow_buffer_compute.cc │ │ ├── reduce_mean_image_compute.cc │ │ ├── reshape_buffer_compute.cc │ │ ├── reshape_image_compute.cc │ │ ├── reshape_image_compute_test.cc │ │ ├── scale_buffer_compute.cc │ │ ├── scale_image_compute.cc │ │ ├── shape_buffer_compute.cc │ │ ├── shuffle_channel_image_compute.cc │ │ ├── slice_buffer_compute.cc │ │ ├── slice_buffer_compute.h │ │ ├── slice_image_compute.cc │ │ ├── slice_image_compute_test.cc │ │ ├── softmax_buffer_compute.cc │ │ ├── softmax_image_compute.cc │ │ ├── softmax_image_compute_test.cc │ │ ├── split_image_compute.cc │ │ ├── squeeze_unsqueeze_buffer_compute.cc │ │ ├── test_helper.h │ │ ├── transpose_buffer_compute.cc │ │ ├── transpose_image_compute.cc │ │ ├── transpose_image_compute_test.cc │ │ ├── trigonometric_image_compute.cc │ │ ├── trigonometric_image_compute_test.cc │ │ └── yolo_box_buffer_compute.cc │ ├── x86 │ │ ├── CMakeLists.txt │ │ ├── activation_compute.cc │ │ ├── activation_compute.h │ │ ├── attention_padding_mask_compute.cc │ │ ├── attention_padding_mask_compute.h │ │ ├── attention_padding_mask_compute_test.cc │ │ ├── batch_norm_compute.cc │ │ ├── batch_norm_compute.h │ │ ├── batch_norm_compute_test.cc │ │ ├── box_coder_compute.cc │ │ ├── box_coder_compute.h │ │ ├── calib_compute.cc │ │ ├── calib_compute.h │ │ ├── cast_compute.cc │ │ ├── cast_compute.h │ │ ├── cast_compute_test.cc │ │ ├── clip_compute.cc │ │ ├── clip_compute.h │ │ ├── concat_compute.cc │ │ ├── concat_compute.h │ │ ├── conv_compute.cc │ │ ├── conv_compute.h │ │ ├── conv_compute_test.cc │ │ ├── conv_depthwise.cc │ │ ├── conv_depthwise.h │ │ ├── conv_direct.cc │ │ ├── conv_direct.h │ │ ├── conv_transpose_compute.cc │ │ ├── conv_transpose_compute.h │ │ ├── density_prior_box_compute.cc │ │ ├── density_prior_box_compute.h │ │ ├── dropout_compute.cc │ │ ├── dropout_compute.h │ │ ├── dropout_compute_test.cc │ │ ├── elementwise_compute.cc │ │ ├── elementwise_compute.h │ │ ├── elementwise_op_function.h │ │ ├── fc_compute.cc │ │ ├── fc_compute.h │ │ ├── gather_compute.cc │ │ ├── gather_compute.h │ │ ├── grid_sampler_compute.cc │ │ ├── grid_sampler_compute.h │ │ ├── group_norm_compute.cc │ │ ├── group_norm_compute.h │ │ ├── gru_compute.cc │ │ ├── gru_compute.h │ │ ├── gru_compute_test.cc │ │ ├── gru_unit_compute.cc │ │ ├── gru_unit_compute.h │ │ ├── instance_norm_compute.cc │ │ ├── instance_norm_compute.h │ │ ├── interpolate_compute.cc │ │ ├── interpolate_compute.h │ │ ├── layer_norm_compute.cc │ │ ├── layer_norm_compute.h │ │ ├── layer_norm_compute_test.cc │ │ ├── lookup_table_compute.cc │ │ ├── lookup_table_compute.h │ │ ├── lookup_table_compute_test.cc │ │ ├── match_matrix_tensor_compute.cc │ │ ├── match_matrix_tensor_compute.h │ │ ├── match_matrix_tensor_compute_test.cc │ │ ├── matmul_compute.cc │ │ ├── matmul_compute.h │ │ ├── matmul_compute_test.cc │ │ ├── matmul_v2_compute.cc │ │ ├── matmul_v2_compute.h │ │ ├── mul_compute.cc │ │ ├── mul_compute.h │ │ ├── mul_compute_test.cc │ │ ├── pool_compute.cc │ │ ├── pool_compute.h │ │ ├── pool_compute_test.cc │ │ ├── pow_compute.cc │ │ ├── pow_compute.h │ │ ├── reduce_compute.cc │ │ ├── reduce_compute.h │ │ ├── reduce_op_function.h │ │ ├── rnn_compute.cc │ │ ├── rnn_compute.h │ │ ├── scale_compute.cc │ │ ├── scale_compute.h │ │ ├── scale_compute_test.cc │ │ ├── search_aligned_mat_mul_compute.cc │ │ ├── search_aligned_mat_mul_compute.h │ │ ├── search_fc_compute.cc │ │ ├── search_fc_compute.h │ │ ├── search_fc_compute_test.cc │ │ ├── search_grnn_compute.cc │ │ ├── search_grnn_compute.h │ │ ├── search_grnn_compute_test.cc │ │ ├── search_group_padding_compute.cc │ │ ├── search_group_padding_compute.h │ │ ├── search_group_padding_compute_test.cc │ │ ├── search_seq_depadding_compute.cc │ │ ├── search_seq_depadding_compute.h │ │ ├── search_seq_depadding_compute_test.cc │ │ ├── search_seq_fc_compute.cc │ │ ├── search_seq_fc_compute.h │ │ ├── sequence_arithmetic_compute.cc │ │ ├── sequence_arithmetic_compute.h │ │ ├── sequence_arithmetic_compute_test.cc │ │ ├── sequence_concat_compute.cc │ │ ├── sequence_concat_compute.h │ │ ├── sequence_concat_compute_test.cc │ │ ├── sequence_conv_compute.cc │ │ ├── sequence_conv_compute.h │ │ ├── sequence_expand_as_compute.cc │ │ ├── sequence_expand_as_compute.h │ │ ├── sequence_expand_as_compute_test.cc │ │ ├── sequence_pool_compute.cc │ │ ├── sequence_pool_compute.h │ │ ├── sequence_pool_compute_test.cc │ │ ├── sequence_reshape_compute.cc │ │ ├── sequence_reshape_compute.h │ │ ├── sequence_reverse_compute.cc │ │ ├── sequence_reverse_compute.h │ │ ├── sequence_topk_avg_pooling_compute.cc │ │ ├── sequence_topk_avg_pooling_compute.h │ │ ├── set_value_compute.cc │ │ ├── set_value_compute.h │ │ ├── slice_compute.cc │ │ ├── slice_compute.h │ │ ├── softmax_compute.cc │ │ ├── softmax_compute.h │ │ ├── softmax_compute_test.cc │ │ ├── stack_compute.cc │ │ ├── transpose_compute.cc │ │ ├── transpose_compute.h │ │ ├── transpose_compute_test.cc │ │ ├── var_conv_2d_compute.cc │ │ ├── var_conv_2d_compute.h │ │ └── var_conv_2d_compute_test.cc │ └── xpu │ │ ├── CMakeLists.txt │ │ ├── __xpu__bigru_compute.cc │ │ ├── __xpu__bigru_compute.h │ │ ├── __xpu__conv2d_compute.cc │ │ ├── __xpu__conv2d_compute.h │ │ ├── __xpu__dynamic_lstm_compute.cc │ │ ├── __xpu__dynamic_lstm_compute.h │ │ ├── __xpu__embedding_with_eltwise_add_compute.cc │ │ ├── __xpu__embedding_with_eltwise_add_compute.h │ │ ├── __xpu__fc_compute.cc │ │ ├── __xpu__fc_compute.h │ │ ├── __xpu__geglu_compute.cc │ │ ├── __xpu__geglu_compute.h │ │ ├── __xpu__generate_sequence_compute.cc │ │ ├── __xpu__generate_sequence_compute.h │ │ ├── __xpu__gn_silu_compute.cc │ │ ├── __xpu__gn_silu_compute.h │ │ ├── __xpu__greater_than_filter_compute.cc │ │ ├── __xpu__greater_than_filter_compute.h │ │ ├── __xpu__logit_compute.cc │ │ ├── __xpu__logit_compute.h │ │ ├── __xpu__mask_adaptive_compute.cc │ │ ├── __xpu__mask_adaptive_compute.h │ │ ├── __xpu__matmul_scale_softmax_v1_compute.cc │ │ ├── __xpu__matmul_scale_softmax_v1_compute.h │ │ ├── __xpu__mmdnn_compute.cc │ │ ├── __xpu__multi_encoder_compute.cc │ │ ├── __xpu__multi_encoder_compute.h │ │ ├── __xpu__multi_softmax_compute.cc │ │ ├── __xpu__multi_softmax_compute.h │ │ ├── __xpu__multi_up_decoder_compute.cc │ │ ├── __xpu__multi_up_decoder_compute.h │ │ ├── __xpu__multihead_cross_attn_compute.cc │ │ ├── __xpu__multihead_cross_attn_compute.h │ │ ├── __xpu__multihead_self_attn_compute.cc │ │ ├── __xpu__multihead_self_attn_compute.h │ │ ├── __xpu__quick_gelu_compute.cc │ │ ├── __xpu__quick_gelu_compute.h │ │ ├── __xpu__resnet50_compute.cc │ │ ├── __xpu__resnet50_compute.h │ │ ├── __xpu__roformer_relative_embedding_compute.cc │ │ ├── __xpu__roformer_relative_embedding_compute.h │ │ ├── __xpu__search_attention_2_compute.cc │ │ ├── __xpu__search_attention_2_compute.h │ │ ├── __xpu__search_attention_compute.cc │ │ ├── __xpu__search_attention_compute.h │ │ ├── __xpu__softmax_topk_compute.cc │ │ ├── __xpu__softmax_topk_compute.h │ │ ├── __xpu__spatial_transformer_compute.cc │ │ ├── __xpu__spatial_transformer_compute.h │ │ ├── __xpu__spatial_transformer_resblock_compute.cc │ │ ├── __xpu__spatial_transformer_resblock_compute.h │ │ ├── __xpu__squeeze_excitation_compute.cc │ │ ├── __xpu__squeeze_excitation_compute.h │ │ ├── __xpu__up_decoder_compute.cc │ │ ├── __xpu__up_decoder_compute.h │ │ ├── activation_compute.cc │ │ ├── activation_compute.h │ │ ├── anchor_generator_compute.cc │ │ ├── anchor_generator_compute.h │ │ ├── argmax_compute.cc │ │ ├── argmax_compute.h │ │ ├── assign_compute.cc │ │ ├── assign_compute.h │ │ ├── assign_value_compute.cc │ │ ├── assign_value_compute.h │ │ ├── batch_norm_compute.cc │ │ ├── batch_norm_compute.h │ │ ├── box_clip_compute.cc │ │ ├── box_clip_compute.h │ │ ├── box_coder_compute.cc │ │ ├── box_coder_compute.h │ │ ├── calib_compute.cc │ │ ├── calib_compute.h │ │ ├── cast_compute.cc │ │ ├── cast_compute.h │ │ ├── clip_compute.cc │ │ ├── clip_compute.h │ │ ├── compare_compute.cc │ │ ├── compare_compute.h │ │ ├── concat_compute.cc │ │ ├── concat_compute.h │ │ ├── conv2d_transpose_compute.cc │ │ ├── conv2d_transpose_compute.h │ │ ├── conv3d_compute.cc │ │ ├── conv3d_compute.h │ │ ├── conv_compute.cc │ │ ├── conv_compute.h │ │ ├── correlation_compute.cc │ │ ├── correlation_compute.h │ │ ├── cos_compute.cc │ │ ├── cos_compute.h │ │ ├── deformable_conv_compute.cc │ │ ├── deformable_conv_compute.h │ │ ├── density_prior_box_compute.cc │ │ ├── density_prior_box_compute.h │ │ ├── dropout_compute.cc │ │ ├── dropout_compute.h │ │ ├── elementwise_compute.cc │ │ ├── elementwise_compute.h │ │ ├── expand_compute.cc │ │ ├── expand_compute.h │ │ ├── expand_v2_compute.cc │ │ ├── expand_v2_compute.h │ │ ├── fetch_compute.cc │ │ ├── fill_any_like_compute.cc │ │ ├── fill_any_like_compute.h │ │ ├── fill_constant_batch_size_like_compute.cc │ │ ├── fill_constant_batch_size_like_compute.h │ │ ├── fill_constant_compute.cc │ │ ├── fill_constant_compute.h │ │ ├── fill_zeros_like_compute.cc │ │ ├── fill_zeros_like_compute.h │ │ ├── flatten_compute.cc │ │ ├── flatten_compute.h │ │ ├── flip_compute.cc │ │ ├── flip_compute.h │ │ ├── fusion_decoding_compute.cc │ │ ├── fusion_decoding_compute.h │ │ ├── fusion_unified_decoding_compute.cc │ │ ├── fusion_unified_decoding_compute.h │ │ ├── gather_compute.cc │ │ ├── gather_compute.h │ │ ├── gather_nd_compute.cc │ │ ├── gather_nd_compute.h │ │ ├── generate_proposals_compute.cc │ │ ├── generate_proposals_compute.h │ │ ├── generate_proposals_v2_compute.cc │ │ ├── generate_proposals_v2_compute.h │ │ ├── grid_sampler_compute.cc │ │ ├── grid_sampler_compute.h │ │ ├── group_norm_compute.cc │ │ ├── group_norm_compute.h │ │ ├── gru_compute.cc │ │ ├── gru_compute.h │ │ ├── gru_unit_compute.cc │ │ ├── gru_unit_compute.h │ │ ├── im2sequence_compute.cc │ │ ├── im2sequence_compute.h │ │ ├── increment_compute.cc │ │ ├── increment_compute.h │ │ ├── instance_norm_compute.cc │ │ ├── instance_norm_compute.h │ │ ├── interpolate_compute.cc │ │ ├── interpolate_compute.h │ │ ├── io_copy_compute.cc │ │ ├── is_empty_compute.cc │ │ ├── is_empty_compute.h │ │ ├── layer_norm_compute.cc │ │ ├── layer_norm_compute.h │ │ ├── linspace_compute.cc │ │ ├── linspace_compute.h │ │ ├── lod_array_length_compute.cc │ │ ├── lod_array_length_compute.h │ │ ├── lod_reset_compute.cc │ │ ├── lod_reset_compute.h │ │ ├── logical_compute.cc │ │ ├── logical_compute.h │ │ ├── lookup_table_compute.cc │ │ ├── lookup_table_compute.h │ │ ├── lrn_compute.cc │ │ ├── lrn_compute.h │ │ ├── match_matrix_tensor_compute.cc │ │ ├── match_matrix_tensor_compute.h │ │ ├── matmul_compute.cc │ │ ├── matmul_compute.h │ │ ├── meshgrid_compute.cc │ │ ├── meshgrid_compute.h │ │ ├── mul_compute.cc │ │ ├── mul_compute.h │ │ ├── multiclass_nms_compute.cc │ │ ├── multiclass_nms_compute.h │ │ ├── norm_compute.cc │ │ ├── norm_compute.h │ │ ├── pad2d_compute.cc │ │ ├── pad2d_compute.h │ │ ├── pad3d_compute.cc │ │ ├── pad3d_compute.h │ │ ├── pad_compute.cc │ │ ├── pad_compute.h │ │ ├── pad_constant_like_compute.cc │ │ ├── pad_constant_like_compute.h │ │ ├── pixel_shuffle_compute.cc │ │ ├── pixel_shuffle_compute.h │ │ ├── pool3d_compute.cc │ │ ├── pool3d_compute.h │ │ ├── pool_compute.cc │ │ ├── pool_compute.h │ │ ├── prior_box_compute.cc │ │ ├── prior_box_compute.h │ │ ├── range_compute.cc │ │ ├── range_compute.h │ │ ├── read_from_array_compute.cc │ │ ├── read_from_array_compute.h │ │ ├── reduce_compute.cc │ │ ├── reduce_compute.h │ │ ├── reshape_compute.cc │ │ ├── reshape_compute.h │ │ ├── rnn_compute.cc │ │ ├── rnn_compute.h │ │ ├── roi_align_compute.cc │ │ ├── roi_align_compute.h │ │ ├── scale_compute.cc │ │ ├── scale_compute.h │ │ ├── scatter_compute.cc │ │ ├── scatter_compute.h │ │ ├── search_fc_compute.cc │ │ ├── search_fc_compute.h │ │ ├── search_grnn_compute.cc │ │ ├── search_grnn_compute.h │ │ ├── select_input_compute.cc │ │ ├── select_input_compute.h │ │ ├── sequence_arithmetic_compute.cc │ │ ├── sequence_arithmetic_compute.h │ │ ├── sequence_concat_compute.cc │ │ ├── sequence_concat_compute.h │ │ ├── sequence_expand_compute.cc │ │ ├── sequence_expand_compute.h │ │ ├── sequence_mask_compute.cc │ │ ├── sequence_mask_compute.h │ │ ├── sequence_pad_compute.cc │ │ ├── sequence_pad_compute.h │ │ ├── sequence_pool_compute.cc │ │ ├── sequence_pool_compute.h │ │ ├── sequence_reverse_compute.cc │ │ ├── sequence_reverse_compute.h │ │ ├── sequence_softmax_compute.cc │ │ ├── sequence_softmax_compute.h │ │ ├── sequence_topk_avg_pooling_compute.cc │ │ ├── sequence_topk_avg_pooling_compute.h │ │ ├── sequence_unpad_compute.cc │ │ ├── sequence_unpad_compute.h │ │ ├── set_value_compute.cc │ │ ├── set_value_compute.h │ │ ├── shape_compute.cc │ │ ├── shape_compute.h │ │ ├── sin_compute.cc │ │ ├── sin_compute.h │ │ ├── slice_compute.cc │ │ ├── slice_compute.h │ │ ├── softmax_compute.cc │ │ ├── softmax_compute.h │ │ ├── split_compute.cc │ │ ├── split_compute.h │ │ ├── squeeze_compute.cc │ │ ├── squeeze_compute.h │ │ ├── stack_compute.cc │ │ ├── stack_compute.h │ │ ├── strided_slice_compute.cc │ │ ├── strided_slice_compute.h │ │ ├── subgraph_compute.cc │ │ ├── subgraph_compute.h │ │ ├── sum_compute.cc │ │ ├── sum_compute.h │ │ ├── tile_compute.cc │ │ ├── tile_compute.h │ │ ├── topk_compute.cc │ │ ├── topk_compute.h │ │ ├── topk_v2_compute.cc │ │ ├── topk_v2_compute.h │ │ ├── transpose_compute.cc │ │ ├── transpose_compute.h │ │ ├── unbind_compute.cc │ │ ├── unbind_compute.h │ │ ├── unsqueeze_compute.cc │ │ ├── unsqueeze_compute.h │ │ ├── unstack_compute.cc │ │ ├── unstack_compute.h │ │ ├── var_conv_2d_compute.cc │ │ ├── var_conv_2d_compute.h │ │ ├── where_compute.cc │ │ ├── where_compute.h │ │ ├── write_to_array_compute.cc │ │ ├── write_to_array_compute.h │ │ ├── yolo_box_compute.cc │ │ └── yolo_box_compute.h ├── model_parser │ ├── CMakeLists.txt │ ├── compatibility.cc │ ├── compatibility.h │ ├── compatible_pb.cc │ ├── compatible_pb.h │ ├── compatible_pb_test.cc │ ├── cpp_desc.h │ ├── flatbuffers │ │ ├── CMakeLists.txt │ │ ├── block_desc.cc │ │ ├── block_desc.h │ │ ├── framework.fbs │ │ ├── io.cc │ │ ├── io.h │ │ ├── io_test.cc │ │ ├── op_desc.cc │ │ ├── op_desc.h │ │ ├── op_version_map.cc │ │ ├── op_version_map.h │ │ ├── param.fbs │ │ ├── param_desc.cc │ │ ├── param_desc.h │ │ ├── program_desc.cc │ │ ├── program_desc.h │ │ ├── program_desc_test.cc │ │ ├── test_helper.h │ │ ├── traits.h │ │ ├── var_desc.cc │ │ ├── var_desc.h │ │ ├── vector_view.h │ │ └── vector_view_test.cc │ ├── model_parser.cc │ ├── model_parser.h │ ├── model_parser_test.cc │ ├── naive_buffer │ │ ├── CMakeLists.txt │ │ ├── block_desc.cc │ │ ├── block_desc.h │ │ ├── combined_params_desc.cc │ │ ├── combined_params_desc.h │ │ ├── naive_buffer.cc │ │ ├── naive_buffer.h │ │ ├── naive_buffer_test.cc │ │ ├── naive_buffer_wrapper_helper.h │ │ ├── naive_buffer_wrapper_test.cc │ │ ├── op_desc.cc │ │ ├── op_desc.h │ │ ├── op_version_map.cc │ │ ├── op_version_map.h │ │ ├── param_desc.cc │ │ ├── param_desc.h │ │ ├── program_desc.cc │ │ ├── program_desc.h │ │ ├── proto │ │ │ ├── CMakeLists.txt │ │ │ ├── framework.nb.cc │ │ │ └── framework.nb.h │ │ ├── var_desc.cc │ │ └── var_desc.h │ ├── pb │ │ ├── block_desc.cc │ │ ├── block_desc.h │ │ ├── op_desc.cc │ │ ├── op_desc.h │ │ ├── op_version_map.cc │ │ ├── op_version_map.h │ │ ├── param_desc.cc │ │ ├── param_desc.h │ │ ├── program_desc.cc │ │ ├── program_desc.h │ │ ├── tensor_io.cc │ │ ├── tensor_io.h │ │ ├── utils.cc │ │ ├── utils.h │ │ ├── var_desc.cc │ │ └── var_desc.h │ └── ssa │ │ ├── CMakeLists.txt │ │ ├── block_desc.cc │ │ ├── block_desc.h │ │ ├── op_desc.cc │ │ ├── op_desc.h │ │ ├── op_proto.h │ │ ├── program_desc.cc │ │ ├── program_desc.h │ │ ├── ssa_program_test.cc │ │ ├── var_desc.cc │ │ └── var_desc.h ├── operators │ ├── CMakeLists.txt │ ├── __xpu__bigru_op.cc │ ├── __xpu__bigru_op.h │ ├── __xpu__block_fuse_op.cc │ ├── __xpu__conv2d_op.cc │ ├── __xpu__conv2d_op.h │ ├── __xpu__conv_pixel_shuffle_fuse_op.cc │ ├── __xpu__dynamic_lstm_fuse_op.cc │ ├── __xpu__dynamic_lstm_fuse_op.h │ ├── __xpu__embedding_with_eltwise_add_op.cc │ ├── __xpu__embedding_with_eltwise_add_op.h │ ├── __xpu__fc_op.cc │ ├── __xpu__fc_op.h │ ├── __xpu__geglu_op.cc │ ├── __xpu__geglu_op.h │ ├── __xpu__generate_sequence_op.cc │ ├── __xpu__generate_sequence_op.h │ ├── __xpu__gn_silu_op.cc │ ├── __xpu__gn_silu_op.h │ ├── __xpu__greater_than_filter_op.cc │ ├── __xpu__greater_than_filter_op.h │ ├── __xpu__logit_op.cc │ ├── __xpu__logit_op.h │ ├── __xpu__mask_adaptive_op.cc │ ├── __xpu__mask_adaptive_op.h │ ├── __xpu__matmul_scale_softmax_v1_op.cc │ ├── __xpu__matmul_scale_softmax_v1_op.h │ ├── __xpu__mmdnn_op.cc │ ├── __xpu__mmdnn_op.h │ ├── __xpu__multi_encoder_op.cc │ ├── __xpu__multi_encoder_op.h │ ├── __xpu__multi_softmax_op.cc │ ├── __xpu__multi_softmax_op.h │ ├── __xpu__multi_up_decoder_op.cc │ ├── __xpu__multi_up_decoder_op.h │ ├── __xpu__multihead_cross_attn_op.cc │ ├── __xpu__multihead_cross_attn_op.h │ ├── __xpu__multihead_self_attn_op.cc │ ├── __xpu__multihead_self_attn_op.h │ ├── __xpu__quick_gelu_op.cc │ ├── __xpu__quick_gelu_op.h │ ├── __xpu__resnet50_op.cc │ ├── __xpu__resnet50_op.h │ ├── __xpu__roformer_relative_embedding_op.cc │ ├── __xpu__roformer_relative_embedding_op.h │ ├── __xpu__search_attention_op.cc │ ├── __xpu__search_attention_op.h │ ├── __xpu__softmax_topk_op.cc │ ├── __xpu__softmax_topk_op.h │ ├── __xpu__spatial_transformer_op.cc │ ├── __xpu__spatial_transformer_op.h │ ├── __xpu__spatial_transformer_resblock_op.cc │ ├── __xpu__spatial_transformer_resblock_op.h │ ├── __xpu__squeeze_excitation_op.cc │ ├── __xpu__squeeze_excitation_op.h │ ├── __xpu__up_decoder_op.cc │ ├── __xpu__up_decoder_op.h │ ├── acos_op.cc │ ├── acos_op.h │ ├── activation_grad_ops.cc │ ├── activation_grad_ops.h │ ├── activation_ops.cc │ ├── activation_ops.h │ ├── affine_channel_op.cc │ ├── affine_channel_op.h │ ├── affine_grid_op.cc │ ├── affine_grid_op.h │ ├── anchor_generator_op.cc │ ├── anchor_generator_op.h │ ├── argmax_op.cc │ ├── argmax_op.h │ ├── argsort_op.cc │ ├── argsort_op.h │ ├── asin_op.cc │ ├── asin_op.h │ ├── assign_op.cc │ ├── assign_op.h │ ├── assign_value_op.cc │ ├── assign_value_op.h │ ├── atan2_op.cc │ ├── atan2_op.h │ ├── atan_op.cc │ ├── atan_op.h │ ├── attention_padding_mask_op.cc │ ├── attention_padding_mask_op.h │ ├── axpy_op.cc │ ├── axpy_op.h │ ├── batch_norm_op.cc │ ├── batch_norm_op.h │ ├── batch_norm_op_test.cc │ ├── beam_search_decode_op.cc │ ├── beam_search_decode_op.h │ ├── beam_search_op.cc │ ├── beam_search_op.h │ ├── bitwise_ops.cc │ ├── bitwise_ops.h │ ├── bmm_op.cc │ ├── bmm_op.h │ ├── box_clip_op.cc │ ├── box_clip_op.h │ ├── box_coder_op.cc │ ├── box_coder_op.h │ ├── calib_inplace_op.cc │ ├── calib_inplace_op.h │ ├── calib_once_op.cc │ ├── calib_once_op.h │ ├── calib_op.cc │ ├── calib_op.h │ ├── calib_op_test.cc │ ├── cast_op.cc │ ├── cast_op.h │ ├── clip_op.cc │ ├── clip_op.h │ ├── collect_fpn_proposals_op.cc │ ├── collect_fpn_proposals_op.h │ ├── compare_op.cc │ ├── compare_op.h │ ├── concat_op.cc │ ├── concat_op.h │ ├── concat_op_test.cc │ ├── conditional_block_op.cc │ ├── conditional_block_op.h │ ├── conv_op.cc │ ├── conv_op.h │ ├── conv_transpose_op.cc │ ├── conv_transpose_op.h │ ├── correlation_op.cc │ ├── correlation_op.h │ ├── cos_op.cc │ ├── cos_op.h │ ├── cos_sim_op.cc │ ├── cos_sim_op.h │ ├── crf_decoding_op.cc │ ├── crf_decoding_op.h │ ├── crop_op.cc │ ├── crop_op.h │ ├── crop_tensor_op.cc │ ├── crop_tensor_op.h │ ├── ctc_align_op.cc │ ├── ctc_align_op.h │ ├── cumsum_op.cc │ ├── cumsum_op.h │ ├── decode_bboxes_op.cc │ ├── decode_bboxes_op.h │ ├── deformable_conv_op.cc │ ├── deformable_conv_op.h │ ├── density_prior_box_op.cc │ ├── density_prior_box_op.h │ ├── dequantize_linear_op.cc │ ├── dequantize_linear_op.h │ ├── dequantize_log_op.cc │ ├── dequantize_log_op.h │ ├── distribute_fpn_proposals_op.cc │ ├── distribute_fpn_proposals_op.h │ ├── dropout_op.cc │ ├── dropout_op.h │ ├── elementwise_grad_ops.cc │ ├── elementwise_grad_ops.h │ ├── elementwise_ops.cc │ ├── elementwise_ops.h │ ├── empty_op.cc │ ├── empty_op.h │ ├── expand_as_op.cc │ ├── expand_as_op.h │ ├── expand_op.cc │ ├── expand_op.h │ ├── expand_v2_op.cc │ ├── expand_v2_op.h │ ├── fake_channel_wise_dequantize_max_abs.cc │ ├── fake_channel_wise_dequantize_max_abs.h │ ├── fake_channel_wise_quantize_dequantize_abs_max.cc │ ├── fake_channel_wise_quantize_dequantize_abs_max.h │ ├── fake_dequantize_max_abs.cc │ ├── fake_dequantize_max_abs.h │ ├── fake_quantize_dequantize_abs_max.cc │ ├── fake_quantize_dequantize_abs_max.h │ ├── fake_quantize_dequantize_moving_avg_max_abs.cc │ ├── fake_quantize_dequantize_moving_avg_max_abs.h │ ├── fake_quantize_moving_avg_max_abs.cc │ ├── fake_quantize_moving_avg_max_abs.h │ ├── fake_quantize_range_abs_max.cc │ ├── fake_quantize_range_abs_max.h │ ├── fc_op.cc │ ├── fc_op.h │ ├── fc_op_test.cc │ ├── feed_op.cc │ ├── fetch_op.cc │ ├── fill_any_like_op.cc │ ├── fill_any_like_op.h │ ├── fill_constant_batch_size_like_op.cc │ ├── fill_constant_batch_size_like_op.h │ ├── fill_constant_op.cc │ ├── fill_constant_op.h │ ├── fill_zeros_like_op.cc │ ├── fill_zeros_like_op.h │ ├── flatten_op.cc │ ├── flatten_op.h │ ├── flip_op.cc │ ├── flip_op.h │ ├── fused_attention_op.cc │ ├── fused_attention_op.h │ ├── fusion_decoding_op.cc │ ├── fusion_decoding_op.h │ ├── fusion_elementwise_activation_ops.cc │ ├── fusion_elementwise_activation_ops.h │ ├── fusion_elementwise_activation_ops_test.cc │ ├── fusion_unified_decoding_op.cc │ ├── fusion_unified_decoding_op.h │ ├── gather_nd_op.cc │ ├── gather_nd_op.h │ ├── gather_op.cc │ ├── gather_op.h │ ├── gather_tree_op.cc │ ├── gather_tree_op.h │ ├── gaussian_random_op.cc │ ├── gaussian_random_op.h │ ├── generate_proposals_op.cc │ ├── generate_proposals_op.h │ ├── generate_proposals_v2_op.cc │ ├── generate_proposals_v2_op.h │ ├── grid_sampler_op.cc │ ├── grid_sampler_op.h │ ├── group_norm_op.cc │ ├── group_norm_op.h │ ├── gru_op.cc │ ├── gru_op.h │ ├── gru_unit_op.cc │ ├── gru_unit_op.h │ ├── im2sequence_op.cc │ ├── im2sequence_op.h │ ├── increment_op.cc │ ├── increment_op.h │ ├── index_select_op.cc │ ├── index_select_op.h │ ├── instance_norm_op.cc │ ├── instance_norm_op.h │ ├── interpolate_op.cc │ ├── interpolate_op.h │ ├── interpolate_v2_op.cc │ ├── interpolate_v2_op.h │ ├── inverse_op.cc │ ├── inverse_op.h │ ├── io_copy_once_op.cc │ ├── io_copy_once_op.h │ ├── io_copy_op.cc │ ├── io_copy_op.h │ ├── is_empty_op.cc │ ├── is_empty_op.h │ ├── layer_norm_op.cc │ ├── layer_norm_op.h │ ├── layout_once_op.cc │ ├── layout_once_op.h │ ├── layout_op.cc │ ├── layout_op.h │ ├── linspace_op.cc │ ├── linspace_op.h │ ├── lod_array_length_op.cc │ ├── lod_array_length_op.h │ ├── lod_reset_op.cc │ ├── lod_reset_op.h │ ├── log_softmax_op.cc │ ├── log_softmax_op.h │ ├── logical_op.cc │ ├── logical_op.h │ ├── lookup_table_dequant_op.cc │ ├── lookup_table_dequant_op.h │ ├── lookup_table_op.cc │ ├── lookup_table_op.h │ ├── lookup_table_v2_op.cc │ ├── lookup_table_v2_op.h │ ├── lrn_op.cc │ ├── lrn_op.h │ ├── lstm_op.cc │ ├── lstm_op.h │ ├── match_matrix_tensor_op.cc │ ├── match_matrix_tensor_op.h │ ├── matmul_op.cc │ ├── matmul_op.h │ ├── matmul_v2_op.cc │ ├── matmul_v2_op.h │ ├── matrix_nms_op.cc │ ├── matrix_nms_op.h │ ├── max_pool_with_index_op.cc │ ├── max_pool_with_index_op.h │ ├── mean_grad_op.cc │ ├── mean_grad_op.h │ ├── mean_op.cc │ ├── mean_op.h │ ├── merge_lod_tensor_op.cc │ ├── merge_lod_tensor_op.h │ ├── meshgrid_op.cc │ ├── meshgrid_op.h │ ├── mul_grad_op.cc │ ├── mul_grad_op.h │ ├── mul_op.cc │ ├── mul_op.h │ ├── multiclass_nms_op.cc │ ├── multiclass_nms_op.h │ ├── negative_op.cc │ ├── negative_op.h │ ├── norm_op.cc │ ├── norm_op.h │ ├── one_hot_op.cc │ ├── one_hot_op.h │ ├── one_hot_op_test.cc │ ├── one_hot_v2_op.cc │ ├── one_hot_v2_op.h │ ├── op_params.cc │ ├── op_params.h │ ├── pad2d_op.cc │ ├── pad2d_op.h │ ├── pad3d_op.cc │ ├── pad3d_op.h │ ├── pad_op.cc │ ├── pad_op.h │ ├── pixel_shuffle_op.cc │ ├── pixel_shuffle_op.h │ ├── pixel_unshuffle_op.cc │ ├── pixel_unshuffle_op.h │ ├── polygon_box_transform_op.cc │ ├── polygon_box_transform_op.h │ ├── pool_op.cc │ ├── pool_op.h │ ├── pool_op_test.cc │ ├── pow_op.cc │ ├── pow_op.h │ ├── print_op.cc │ ├── print_op.h │ ├── prior_box_op.cc │ ├── prior_box_op.h │ ├── quantize_linear_op.cc │ ├── quantize_linear_op.h │ ├── range_op.cc │ ├── range_op.h │ ├── read_from_array_op.cc │ ├── read_from_array_op.h │ ├── reduce_ops.cc │ ├── reduce_ops.h │ ├── relu_op.cc │ ├── relu_op.h │ ├── reshape_op.cc │ ├── reshape_op.h │ ├── reshape_op_test.cc │ ├── retinanet_detection_output_op.cc │ ├── retinanet_detection_output_op.h │ ├── reverse_op.cc │ ├── reverse_op.h │ ├── rnn_op.cc │ ├── rnn_op.h │ ├── roi_align_op.cc │ ├── roi_align_op.h │ ├── roi_perspective_transform_op.cc │ ├── roi_perspective_transform_op.h │ ├── roll_op.cc │ ├── roll_op.h │ ├── round_op.cc │ ├── round_op.h │ ├── sampling_id_op.cc │ ├── sampling_id_op.h │ ├── scale_op.cc │ ├── scale_op.h │ ├── scale_op_test.cc │ ├── scatter_nd_add_op.cc │ ├── scatter_nd_add_op.h │ ├── scatter_op.cc │ ├── scatter_op.h │ ├── search_aligned_mat_mul_op.cc │ ├── search_aligned_mat_mul_op.h │ ├── search_fc_op.cc │ ├── search_fc_op.h │ ├── search_grnn_op.cc │ ├── search_grnn_op.h │ ├── search_group_padding_op.cc │ ├── search_group_padding_op.h │ ├── search_seq_depadding_op.cc │ ├── search_seq_depadding_op.h │ ├── search_seq_fc_op.cc │ ├── search_seq_fc_op.h │ ├── search_seq_softmax_op.cc │ ├── search_seq_softmax_op.h │ ├── select_input_op.cc │ ├── select_input_op.h │ ├── sequence_arithmetic_op.cc │ ├── sequence_arithmetic_op.h │ ├── sequence_concat_op.cc │ ├── sequence_concat_op.h │ ├── sequence_conv_op.cc │ ├── sequence_conv_op.h │ ├── sequence_expand_as_op.cc │ ├── sequence_expand_as_op.h │ ├── sequence_expand_op.cc │ ├── sequence_expand_op.h │ ├── sequence_mask_op.cc │ ├── sequence_mask_op.h │ ├── sequence_pad_op.cc │ ├── sequence_pad_op.h │ ├── sequence_pool_concat_op.cc │ ├── sequence_pool_concat_op.h │ ├── sequence_pool_grad_op.cc │ ├── sequence_pool_grad_op.h │ ├── sequence_pool_op.cc │ ├── sequence_pool_op.h │ ├── sequence_reshape_op.cc │ ├── sequence_reshape_op.h │ ├── sequence_reverse_embedding_op.cc │ ├── sequence_reverse_embedding_op.h │ ├── sequence_reverse_op.cc │ ├── sequence_reverse_op.h │ ├── sequence_softmax_op.cc │ ├── sequence_softmax_op.h │ ├── sequence_topk_avg_pooling_op.cc │ ├── sequence_topk_avg_pooling_op.h │ ├── sequence_unpad_op.cc │ ├── sequence_unpad_op.h │ ├── set_value_op.cc │ ├── set_value_op.h │ ├── sgd_op.cc │ ├── sgd_op.h │ ├── shape_op.cc │ ├── shape_op.h │ ├── share_data_op.cc │ ├── share_data_op.h │ ├── shuffle_channel_op.cc │ ├── shuffle_channel_op.h │ ├── sign_op.cc │ ├── sign_op.h │ ├── sin_op.cc │ ├── sin_op.h │ ├── slice_op.cc │ ├── slice_op.h │ ├── softmax_op.cc │ ├── softmax_op.h │ ├── softmax_op_test.cc │ ├── sparse_conv_op.cc │ ├── sparse_conv_op.h │ ├── split_lod_tensor_op.cc │ ├── split_lod_tensor_op.h │ ├── split_op.cc │ ├── split_op.h │ ├── squeeze_op.cc │ ├── squeeze_op.h │ ├── stack_op.cc │ ├── stack_op.h │ ├── strided_slice_op.cc │ ├── strided_slice_op.h │ ├── subgraph_op.cc │ ├── subgraph_op.h │ ├── sum_op.cc │ ├── sum_op.h │ ├── tan_op.cc │ ├── tan_op.h │ ├── temporal_shift_op.cc │ ├── temporal_shift_op.h │ ├── tensor_array_to_tensor_op.cc │ ├── tensor_array_to_tensor_op.h │ ├── tile_op.cc │ ├── tile_op.h │ ├── topk_op.cc │ ├── topk_op.h │ ├── topk_pooling_op.cc │ ├── topk_pooling_op.h │ ├── topk_v2_op.cc │ ├── topk_v2_op.h │ ├── transpose_op.cc │ ├── transpose_op.h │ ├── transpose_op_test.cc │ ├── tril_triu_op.cc │ ├── tril_triu_op.h │ ├── unbind_op.cc │ ├── unbind_op.h │ ├── unfold_op.cc │ ├── unfold_op.h │ ├── uniform_random_op.cc │ ├── uniform_random_op.h │ ├── unique_op.cc │ ├── unique_op.h │ ├── unique_with_counts_op.cc │ ├── unique_with_counts_op.h │ ├── unsqueeze_op.cc │ ├── unsqueeze_op.h │ ├── unstack_op.cc │ ├── unstack_op.h │ ├── var_conv_2d_op.cc │ ├── var_conv_2d_op.h │ ├── viterbi_decode_op.cc │ ├── viterbi_decode_op.h │ ├── where_index_op.cc │ ├── where_index_op.h │ ├── where_op.cc │ ├── where_op.h │ ├── while_op.cc │ ├── while_op.h │ ├── write_back_op.cc │ ├── write_back_op.h │ ├── write_to_array_op.cc │ ├── write_to_array_op.h │ ├── yolo_box_op.cc │ └── yolo_box_op.h ├── tests │ ├── CMakeLists.txt │ ├── README.md │ ├── api │ │ ├── CMakeLists.txt │ │ ├── COCO2017_utility.h │ │ ├── ILSVRC2012_utility.h │ │ ├── PASCALVOC2012_utility.h │ │ ├── bert_utility.h │ │ ├── gan_data_utility.h │ │ ├── ocr_data_utility.h │ │ ├── test_alexnet_fp32_v2_0_nnadapter.cc │ │ ├── test_bert_base_chinese_fp32_baidu_xpu.cc │ │ ├── test_bert_fp32_baidu_xpu.cc │ │ ├── test_bisenet_fp32_v2_3_nnadapter.cc │ │ ├── test_ch_ppocr_mobile_v2_0_det_fp32_v2_3_nnadapter.cc │ │ ├── test_ch_ppocr_mobile_v2_0_rec_fp32_v2_3_nnadapter.cc │ │ ├── test_ch_ppocr_server_v2_0_det_fp32_v2_3_nnadapter.cc │ │ ├── test_ch_ppocr_server_v2_0_rec_fp32_v2_3_nnadapter.cc │ │ ├── test_ch_ppocr_v2_det_fp32_v2_3_nnadapter.cc │ │ ├── test_ch_ppocr_v2_rec_fp32_v2_3_nnadapter.cc │ │ ├── test_crnn_ctc_fp32_v2_3_nnadapter.cc │ │ ├── test_darknet53_fp32_v2_3_nnadapter.cc │ │ ├── test_deepfm_fp32_v2_1_nnadapter.cc │ │ ├── test_deeplabv3p_resnet50_os8_cityscapes_fp32_v2_3_nnadapter.cc │ │ ├── test_deeplabv3p_resnet50_os8_humanseg_fp32_v2_3_nnadapter.cc │ │ ├── test_deit_base_patch16_224_fp32_v2_3_nnadapter.cc │ │ ├── test_densenet121_fp32_v2_0_nnadapter.cc │ │ ├── test_dpn68_fp32_v2_3_nnadapter.cc │ │ ├── test_e2e_server_pgnetA_fp32_v2_3_nnadapter.cc │ │ ├── test_efficientnet_b0_fp32_v2_0_nnadapter.cc │ │ ├── test_ernie_fp32_baidu_xpu.cc │ │ ├── test_ernie_tiny_fp32_v2_0_nnadapter.cc │ │ ├── test_esrgan_psnr_x4_div2k_fp32_v2_0_nnadapter.cc │ │ ├── test_fpr_fp32_baidu_xpu.cc │ │ ├── test_ghostnet_fp32_v2_3_nnadapter.cc │ │ ├── test_googlenet_fp32_baidu_xpu.cc │ │ ├── test_googlenet_fp32_v2_0_nnadapter.cc │ │ ├── test_higher_hrnet_w32_640_fp32_v2_0_nnadapter.cc │ │ ├── test_hrnet_w18_c_fp32_v2_3_nnadapter.cc │ │ ├── test_hrnet_w32_384x288_fp32_v2_0_nnadapter.cc │ │ ├── test_inception_v3_fp32_v2_0_nnadapter.cc │ │ ├── test_inception_v4_fp32_arm.cc │ │ ├── test_inception_v4_fp32_v2_0_nnadapter.cc │ │ ├── test_lac_crf_fp32_int16_arm.cc │ │ ├── test_mobilenet_v1_fp32_arm.cc │ │ ├── test_mobilenet_v1_fp32_metal.cc │ │ ├── test_mobilenet_v1_fp32_opencl.cc │ │ ├── test_mobilenet_v1_fp32_v1_8_nnadapter.cc │ │ ├── test_mobilenet_v1_fp32_v2_0_nnadapter.cc │ │ ├── test_mobilenet_v1_int8_arm.cc │ │ ├── test_mobilenet_v1_int8_dygraph_arm.cc │ │ ├── test_mobilenet_v1_int8_per_channel_v1_8_nnadapter.cc │ │ ├── test_mobilenet_v1_int8_per_layer_arm.cc │ │ ├── test_mobilenet_v1_int8_per_layer_v1_8_nnadapter.cc │ │ ├── test_mobilenet_v2_fp32_arm.cc │ │ ├── test_mobilenet_v2_fp32_v2_0_nnadapter.cc │ │ ├── test_mobilenet_v2_int8_arm.cc │ │ ├── test_mobilenet_v3_large_x1_0_fp32_arm.cc │ │ ├── test_mobilenet_v3_large_x_1_0_fp32_v2_0_nnadapter.cc │ │ ├── test_mobilenet_v3_small_x1_0_fp32_arm.cc │ │ ├── test_mobilenet_v3_small_x_1_0_fp32_v2_0_nnadapter.cc │ │ ├── test_naml_fp32_v2_1_nnadapter.cc │ │ ├── test_ncf_fp32_v2_1_nnadapter.cc │ │ ├── test_nlp_lstm_int8_arm.cc │ │ ├── test_ocr_lstm_int8_arm.cc │ │ ├── test_picodet_coco_fp32_v2_3_nnadapter.cc │ │ ├── test_pphumanseg_lite_fp32_v2_3_nnadapter.cc │ │ ├── test_pplcnet_x0_25_fp32_v2_3_nnadapter.cc │ │ ├── test_pptinypose_fp32_v2_3_nnadapter.cc │ │ ├── test_pptsn_fp32_v2_2_nnadapter.cc │ │ ├── test_ppyolo2_r50vd_dcn_coco_fp32_v2_3_nnadapter.cc │ │ ├── test_ppyolo_mbv3_large_coco_fp32_v2_3_nnadapter.cc │ │ ├── test_ppyolo_r50vd_dcn_1x_coco_fp32_v2_2_nnadapter.cc │ │ ├── test_ppyolo_r50vd_dcn_1x_coco_fp32_v2_3_nnadapter.cc │ │ ├── test_ppyolo_tiny_coco_fp32_v2_3_nnadapter.cc │ │ ├── test_res2net50_26w_4s_fp32_v2_3_nnadapter.cc │ │ ├── test_resnet101_fp32_v2_0_nnadapter.cc │ │ ├── test_resnet18_fp32_v2_0_nnadapter.cc │ │ ├── test_resnet50_fp32_arm.cc │ │ ├── test_resnet50_fp32_baidu_xpu.cc │ │ ├── test_resnet50_fp32_v1_8_nnadapter.cc │ │ ├── test_resnet50_fp32_v2_0_nnadapter.cc │ │ ├── test_resnet50_int8_arm.cc │ │ ├── test_resnet50_int8_per_layer_v1_8_nnadapter.cc │ │ ├── test_resnet50_vd_fp32_baidu_xpu.cc │ │ ├── test_resnext50_fp32_v2_0_nnadapter.cc │ │ ├── test_se_resnet50_vd_fp32_v2_3_nnadapter.cc │ │ ├── test_segformer_fp32_v2_3_nnadapter.cc │ │ ├── test_shufflenet_v2_fp32_v2_0_nnadapter.cc │ │ ├── test_squeezenet_fp32_arm.cc │ │ ├── test_squeezenet_v1_fp32_v2_0_nnadapter.cc │ │ ├── test_ssd_mobilenet_v1_relu_voc_fp32_v1_8_nnadapter.cc │ │ ├── test_ssd_mobilenet_v1_relu_voc_int8_per_layer_v1_8_nnadapter.cc │ │ ├── test_ssd_mobilenet_v1_voc_fp32_v2_2_nnadapter.cc │ │ ├── test_ssd_vgg16_voc_fp32_v2_2_nnadapter.cc │ │ ├── test_ssdlite_mobilenet_v3_large_coco_fp32_static_nnadapter.cc │ │ ├── test_ssdlite_mobilenet_v3_small_coco_fp32_static_nnadapter.cc │ │ ├── test_stdcseg_fp32_v2_3_nnadapter.cc │ │ ├── test_transformer_nlp2_fp32_arm.cc │ │ ├── test_transformer_with_mask_fp32_arm.cc │ │ ├── test_unet_cityscapes_fp32_v2_3_nnadapter.cc │ │ ├── test_vgg16_fp32_baidu_xpu.cc │ │ ├── test_vgg16_fp32_v2_0_nnadapter.cc │ │ ├── test_vgg19_fp32_baidu_xpu.cc │ │ ├── test_vgg19_fp32_v2_0_nnadapter.cc │ │ ├── test_vit_base_patch16_224_fp32_v2_3_nnadapter.cc │ │ ├── test_wide_deep_fp32_v2_1_nnadapter.cc │ │ ├── test_yolov3_darknet53_coco_fp32_v2_2_nnadapter.cc │ │ ├── test_yolov3_darknet53_fp32_baidu_xpu.cc │ │ ├── test_yolov3_mobilenet_v1_coco_fp32_v2_2_nnadapter.cc │ │ ├── test_yolov3_mobilenet_v3_large_coco_fp32_v2_2_nnadapter.cc │ │ ├── test_yolov3_r50vd_dcn_coco_fp32_v2_2_nnadapter.cc │ │ ├── test_yolov4_cspdarknet_coco_fp32_v1_8_nnadapter.cc │ │ └── utility.h │ ├── benchmark │ │ ├── CMakeLists.txt │ │ ├── README.md │ │ ├── build_benchmark_ops.sh │ │ ├── get_latency_lookup_table.py │ │ ├── latency_lookup_table.txt │ │ ├── ops.txt │ │ └── src │ │ │ ├── convolution-arm.cc │ │ │ ├── convolution_configs.h │ │ │ ├── elementwise_arm_math.cpp │ │ │ ├── f32-gemm-arm.cc │ │ │ ├── gemm_configs.h │ │ │ ├── get_activation_latency.cc │ │ │ ├── get_batchnorm_latency.cc │ │ │ ├── get_conv_latency.cc │ │ │ ├── get_fc_latency.cc │ │ │ ├── get_pooling_latency.cc │ │ │ ├── int8-gemm-arm.cc │ │ │ └── readme.md │ ├── cv │ │ ├── CMakeLists.txt │ │ ├── anakin │ │ │ ├── CMakeLists.txt │ │ │ ├── bgr_flip_hwc.cc │ │ │ ├── bgr_resize.cc │ │ │ ├── bgr_rotate_hwc.cc │ │ │ ├── bgr_to_tensor_hwc.cc │ │ │ ├── bgra_flip_hwc.cc │ │ │ ├── bgra_resize.cc │ │ │ ├── bgra_rotate_hwc.cc │ │ │ ├── bgra_to_tensor_hwc.cc │ │ │ ├── cv_utils.cc │ │ │ ├── cv_utils.h │ │ │ ├── nv12_to_bgr.cc │ │ │ ├── nv12_to_bgra.cc │ │ │ ├── nv21_resize.cc │ │ │ ├── nv21_to_bgr.cc │ │ │ └── nv21_to_bgra.cc │ │ ├── cv_basic.h │ │ ├── image_convert_test.cc │ │ └── image_profiler_test.cc │ ├── kernels │ │ ├── CMakeLists.txt │ │ ├── activation_compute_test.cc │ │ ├── activation_grad_compute_test.cc │ │ ├── adaptive_pool_compute_test.cc │ │ ├── affine_channel_compute_test.cc │ │ ├── affine_grid_compute_test.cc │ │ ├── anchor_generator_compute_test.cc │ │ ├── argmax_compute_test.cc │ │ ├── argmin_compute_test.cc │ │ ├── assign_compute_test.cc │ │ ├── assign_value_compute_test.cc │ │ ├── axpy_compute_test.cc │ │ ├── batch_norm_compute_test.cc │ │ ├── bitwise_compute_test.cc │ │ ├── box_clip_compute_test.cc │ │ ├── box_coder_compute_test.cc │ │ ├── cast_compute_test.cc │ │ ├── clip_compute_test.cc │ │ ├── compare_compute_test.cc │ │ ├── concat_compute_test.cc │ │ ├── conv_compute_test.cc │ │ ├── conv_transpose_compute_test.cc │ │ ├── correlation_test.cc │ │ ├── cos_compute_test.cc │ │ ├── cos_sim_test.cc │ │ ├── crf_decoding_compute_test.cc │ │ ├── crop_compute_test.cc │ │ ├── crop_tensor_compute_test.cc │ │ ├── ctc_align_compute_test.cc │ │ ├── cumsum_compute_test.cc │ │ ├── decode_bboxes_compute_test.cc │ │ ├── deformable_conv_compute_test.cc │ │ ├── dropout_compute_test.cc │ │ ├── elementwise_common_broadcast_test.cc │ │ ├── elementwise_compute_test.cc │ │ ├── elementwise_grad_compute_test.cc │ │ ├── expand_as_compute_test.cc │ │ ├── expand_compute_test.cc │ │ ├── expand_v2_compute_test.cc │ │ ├── fc_compute_test.cc │ │ ├── fill_any_like_test.cc │ │ ├── fill_constant_batch_size_like_compute_test.cc │ │ ├── fill_constant_compute_test.cc │ │ ├── fill_zeros_like_compute_test.cc │ │ ├── flatten_compute_test.cc │ │ ├── gather_compute_test.cc │ │ ├── gather_nd_compute_test.cc │ │ ├── gather_tree_compute_test.cc │ │ ├── generate_proposals_compute_test.cc │ │ ├── generate_proposals_v2_compute_test.cc │ │ ├── grid_sampler_compute_test.cc │ │ ├── group_norm_compute_test.cc │ │ ├── gru_unit_test.cc │ │ ├── im2sequence_compute_test.cc │ │ ├── increment_compute_test.cc │ │ ├── index_select_compute_test.cc │ │ ├── instance_norm_compute_test.cc │ │ ├── interp_compute_test.cc │ │ ├── inverse_compute_test.cc │ │ ├── is_empty_compute_test.cc │ │ ├── layer_norm_compute_test.cc │ │ ├── log_softmax_compute_test.cc │ │ ├── logical_compute_test.cc │ │ ├── lookup_table_compute_test.cc │ │ ├── lookup_table_dequant_compute_test.cc │ │ ├── lookup_table_v2_test.cc │ │ ├── lrn_compute_test.cc │ │ ├── matmul_compute_test.cc │ │ ├── matrix_nms_compute_test.cc │ │ ├── mean_compute_test.cc │ │ ├── meshgrid_compute_test.cc │ │ ├── mul_compute_test.cc │ │ ├── mul_grad_compute_test.cc │ │ ├── multiclass_nms3_compute_test.cc │ │ ├── multiclass_nms_compute_test.cc │ │ ├── negative_compute_test.cc │ │ ├── norm_compute_test.cc │ │ ├── p_norm_compute_test.cc │ │ ├── pad2d_compute_test.cc │ │ ├── pad3d_compute_test.cc │ │ ├── pixel_shuffle_compute_test.cc │ │ ├── pixel_unshuffle_compute_test.cc │ │ ├── polygon_box_transform_compute_test.cc │ │ ├── pool_compute_test.cc │ │ ├── pow_compute_test.cc │ │ ├── prior_box_compute_test.cc │ │ ├── range_compute_test.cc │ │ ├── read_from_array_compute_test.cc │ │ ├── reduce_all_compute_test.cc │ │ ├── reduce_any_compute_test.cc │ │ ├── reduce_max_compute_test.cc │ │ ├── reduce_mean_compute_test.cc │ │ ├── reduce_min_compute_test.cc │ │ ├── reduce_prod_compute_test.cc │ │ ├── reduce_sum_compute_test.cc │ │ ├── reshape_compute_test.cc │ │ ├── reverse_compute_test.cc │ │ ├── roi_align_compute_test.cc │ │ ├── roll_compute_test.cc │ │ ├── scale_compute_test.cc │ │ ├── scatter_compute_test.cc │ │ ├── scatter_nd_add_test.cc │ │ ├── search_aligned_mat_mul_compute_test.cc │ │ ├── search_seq_fc_compute_test.cc │ │ ├── select_input_compute_test.cc │ │ ├── sequence_conv_compute_test.cc │ │ ├── sequence_expand_as_compute_test.cc │ │ ├── sequence_expand_compute_test.cc │ │ ├── sequence_mask_test.cc │ │ ├── sequence_pad_test.cc │ │ ├── sequence_pool_compute_test.cc │ │ ├── sequence_pool_grad_compute_test.cc │ │ ├── sequence_reverse_test.cc │ │ ├── sequence_softmax_compute_test.cc │ │ ├── sgd_compute_test.cc │ │ ├── shape_compute_test.cc │ │ ├── shuffle_channel_compute_test.cc │ │ ├── sin_compute_test.cc │ │ ├── slice_compute_test.cc │ │ ├── softmax_compute_test.cc │ │ ├── split_test.cc │ │ ├── squeeze_compute_test.cc │ │ ├── stack_compute_test.cc │ │ ├── strided_slice_compute_test.cc │ │ ├── sum_compute_test.cc │ │ ├── temporal_shift_compute_test.cc │ │ ├── tensor_array_to_tensor_compute_test.cc │ │ ├── tile_compute_test.cc │ │ ├── topk_compute_test.cc │ │ ├── topk_v2_compute_test.cc │ │ ├── transpose_compute_test.cc │ │ ├── tril_triu_compute_test.cc │ │ ├── uniform_random_compute_test.cc │ │ ├── unsqueeze_compute_test.cc │ │ ├── unstack_compute_test.cc │ │ ├── where_compute_test.cc │ │ ├── write_to_array_compute_test.cc │ │ └── yolo_box_compute_test.cc │ ├── math │ │ ├── CMakeLists.txt │ │ ├── conv_compute_test.cc │ │ ├── conv_fp16_compute_test.cc │ │ ├── conv_int8_compute_test.cc │ │ ├── conv_transpose_compute_test.cc │ │ ├── conv_ut.h │ │ ├── deformable_conv_compute_test.cc │ │ ├── deformable_conv_compute_test.h │ │ ├── fc_fp16_compute_test.cc │ │ ├── gemm_fp16_compute_test.cc │ │ ├── gemm_int8_compute_test.cc │ │ ├── gemv_fp16_compute_test.cc │ │ ├── gemv_int8_compute_test.cc │ │ ├── layout_compute_test.cc │ │ ├── pool_compute_test.cc │ │ ├── pool_fp16_compute_test.cc │ │ ├── pool_ut.h │ │ ├── sgemm_c4_compute_test.cc │ │ ├── sgemm_compute_test.cc │ │ ├── sgemv_compute_test.cc │ │ ├── softmax_fp16_compute_test.cc │ │ ├── sparse_conv_f16_compute_test.cc │ │ ├── sparse_conv_f32_compute_test.cc │ │ ├── sparse_conv_int8_compute_test.cc │ │ ├── x86_conv_int8_compute_test.cc │ │ └── x86_gemm_s8u8_compute_test.cc │ ├── unittest_py │ │ ├── README.md │ │ ├── auto_scan_base.py │ │ ├── auto_scan_test.py │ │ ├── auto_scan_test_no_rpc.py │ │ ├── auto_scan_test_rpc.py │ │ ├── global_var_model.py │ │ ├── model_test │ │ │ ├── MobileNetV1_test.py │ │ │ ├── model_test_base.py │ │ │ └── run_model_test.py │ │ ├── op │ │ │ ├── auto_scan.sh │ │ │ ├── backends │ │ │ │ ├── arm │ │ │ │ │ ├── test_affine_channel_op.py │ │ │ │ │ ├── test_affine_grid_op.py │ │ │ │ │ ├── test_im2sequence_op.py │ │ │ │ │ ├── test_log_op.py │ │ │ │ │ ├── test_lookup_table_dequant_op.py │ │ │ │ │ ├── test_matmul_v2_op.py │ │ │ │ │ ├── test_meshgrid_op.py │ │ │ │ │ ├── test_mish_op.py │ │ │ │ │ ├── test_norm_op.py │ │ │ │ │ ├── test_not_equal_op.py │ │ │ │ │ ├── test_p_norm_op.py │ │ │ │ │ ├── test_sequence_softmax_op.py │ │ │ │ │ ├── test_sequence_unpad_op.py │ │ │ │ │ ├── test_shape_op.py │ │ │ │ │ ├── test_shuffle_channel_op.py │ │ │ │ │ ├── test_sigmoid_op.py │ │ │ │ │ ├── test_slice_op.py │ │ │ │ │ ├── test_softmax_op.py │ │ │ │ │ ├── test_softplus_op.py │ │ │ │ │ ├── test_split_op.py │ │ │ │ │ ├── test_sqrt_op.py │ │ │ │ │ ├── test_square_op.py │ │ │ │ │ ├── test_squeeze2_op.py │ │ │ │ │ ├── test_squeeze_op.py │ │ │ │ │ └── test_stack_op.py │ │ │ │ ├── host │ │ │ │ │ ├── test_abs_op.py │ │ │ │ │ ├── test_anchor_generator_op.py │ │ │ │ │ ├── test_argmax_op.py │ │ │ │ │ ├── test_argsort_op.py │ │ │ │ │ ├── test_assign_value_op.py │ │ │ │ │ ├── test_beam_serach_decode_op.py │ │ │ │ │ ├── test_beam_serach_op.py │ │ │ │ │ ├── test_box_clip_op.py │ │ │ │ │ ├── test_box_coder_op.py │ │ │ │ │ ├── test_correlation_op.py │ │ │ │ │ ├── test_cos_op.py │ │ │ │ │ ├── test_cos_sim_op.py │ │ │ │ │ ├── test_crf_decoding_op.py │ │ │ │ │ ├── test_crop_op.py │ │ │ │ │ ├── test_crop_tensor_op.py │ │ │ │ │ ├── test_ctc_align_op.py │ │ │ │ │ ├── test_cumsum_op.py │ │ │ │ │ ├── test_deformable_conv_op.py │ │ │ │ │ ├── test_density_prior_box_op.py │ │ │ │ │ ├── test_distribute_fpn_proposals_op.py │ │ │ │ │ ├── test_elu_op.py │ │ │ │ │ ├── test_equal_op.py │ │ │ │ │ ├── test_exp_op.py │ │ │ │ │ ├── test_expand_as_op.py │ │ │ │ │ ├── test_expand_op.py │ │ │ │ │ ├── test_expand_v2_op.py │ │ │ │ │ ├── test_fill_any_like_op.py │ │ │ │ │ ├── test_fill_constant_batch_size_like_op.py │ │ │ │ │ ├── test_fill_constant_op.py │ │ │ │ │ ├── test_fill_zeros_like_op.py │ │ │ │ │ ├── test_flatten2_op.py │ │ │ │ │ ├── test_flatten_contiguous_range_op.py │ │ │ │ │ ├── test_flatten_op.py │ │ │ │ │ ├── test_flip_op.py │ │ │ │ │ ├── test_floor_op.py │ │ │ │ │ ├── test_gather_nd_op.py │ │ │ │ │ ├── test_gather_tree_op.py │ │ │ │ │ ├── test_increment_op.py │ │ │ │ │ ├── test_index_select_op.py │ │ │ │ │ ├── test_inverse_op.py │ │ │ │ │ ├── test_linspace_op.py │ │ │ │ │ ├── test_lod_reset_op.py │ │ │ │ │ ├── test_one_hot_op.py │ │ │ │ │ ├── test_one_hot_v2_op.py │ │ │ │ │ ├── test_pixel_shuffle_op.py │ │ │ │ │ ├── test_prelu_op.py │ │ │ │ │ ├── test_print_op.py │ │ │ │ │ ├── test_range_op.py │ │ │ │ │ ├── test_relu6_op.py │ │ │ │ │ ├── test_relu_op.py │ │ │ │ │ ├── test_reshape2_op.py │ │ │ │ │ ├── test_reshape_op.py │ │ │ │ │ ├── test_rsqrt_op.py │ │ │ │ │ ├── test_scatter_nd_add_op.py │ │ │ │ │ ├── test_select_input_op.py │ │ │ │ │ ├── test_sequence_expand_op.py │ │ │ │ │ ├── test_sequence_mask_op.py │ │ │ │ │ ├── test_sequence_pad_op.py │ │ │ │ │ └── test_sin_op.py │ │ │ │ └── x86 │ │ │ │ │ ├── test_batch_nom_op.py │ │ │ │ │ ├── test_bilinear_interp_op.py │ │ │ │ │ ├── test_bilinear_interp_v2_op.py │ │ │ │ │ ├── test_clip_op.py │ │ │ │ │ ├── test_concat_op.py │ │ │ │ │ ├── test_conv2d_transpose_op.py │ │ │ │ │ ├── test_depthwise_conv2d_op.py │ │ │ │ │ ├── test_dropout_op.py │ │ │ │ │ ├── test_elementwise_add_op.py │ │ │ │ │ ├── test_elementwise_div_op.py │ │ │ │ │ ├── test_elementwise_floordiv_op.py │ │ │ │ │ ├── test_elementwise_max_op.py │ │ │ │ │ ├── test_elementwise_min_op.py │ │ │ │ │ ├── test_elementwise_mod_op.py │ │ │ │ │ ├── test_elementwise_mul_op.py │ │ │ │ │ ├── test_elementwise_pow_op.py │ │ │ │ │ ├── test_elementwise_sub_op.py │ │ │ │ │ ├── test_gelu_op.py │ │ │ │ │ ├── test_grid_sampler_op.py │ │ │ │ │ ├── test_group_norm_op.py │ │ │ │ │ ├── test_gru_op.py │ │ │ │ │ ├── test_gru_unit_op.py │ │ │ │ │ ├── test_hard_act_op.py │ │ │ │ │ ├── test_instance_norm_op.py │ │ │ │ │ ├── test_layer_norm_op.py │ │ │ │ │ ├── test_leaky_relu_op.py │ │ │ │ │ ├── test_lookup_table_op.py │ │ │ │ │ ├── test_prior_box_op.py │ │ │ │ │ ├── test_sequence_concat_op.py │ │ │ │ │ ├── test_sequence_conv_op.py │ │ │ │ │ ├── test_sequence_expand_as_op.py │ │ │ │ │ ├── test_sequence_pool_op.py │ │ │ │ │ ├── test_sequence_reshape_op.py │ │ │ │ │ ├── test_sequence_reverse_op.py │ │ │ │ │ ├── test_sequence_topk_avg_pooling_op.py │ │ │ │ │ ├── test_swish_op.py │ │ │ │ │ ├── test_tan_op.py │ │ │ │ │ ├── test_tanh_op.py │ │ │ │ │ ├── test_tensor_array_to_tensor_op.py │ │ │ │ │ ├── test_thresholded_relu_op.py │ │ │ │ │ ├── test_top_k_v2_op.py │ │ │ │ │ ├── test_transpose2_op.py │ │ │ │ │ ├── test_transpose_op.py │ │ │ │ │ ├── test_tril_triu_op.py │ │ │ │ │ ├── test_uniform_random_op.py │ │ │ │ │ ├── test_unsqueeze2_op.py │ │ │ │ │ ├── test_unsqueeze_op.py │ │ │ │ │ ├── test_var_conv_2d_op.py │ │ │ │ │ ├── test_where_op.py │ │ │ │ │ ├── test_write_to_array_op.py │ │ │ │ │ └── test_yolo_box_op.py │ │ │ ├── common │ │ │ │ ├── test_abs_op_base.py │ │ │ │ ├── test_affine_channel_op_base.py │ │ │ │ ├── test_affine_grid_op_base.py │ │ │ │ ├── test_anchor_generator_op_base.py │ │ │ │ ├── test_argmax_op_base.py │ │ │ │ ├── test_argsort_op_base.py │ │ │ │ ├── test_assign_value_op_base.py │ │ │ │ ├── test_batch_norm_op_base.py │ │ │ │ ├── test_beam_search_decode_op_base.py │ │ │ │ ├── test_beam_search_op_base.py │ │ │ │ ├── test_bilinear_interp_op_base.py │ │ │ │ ├── test_bilinear_interp_v2_op_base.py │ │ │ │ ├── test_box_clip_op_base.py │ │ │ │ ├── test_box_coder_op_base.py │ │ │ │ ├── test_cast_op_base.py │ │ │ │ ├── test_clip_op_base.py │ │ │ │ ├── test_collect_fpn_proposals_op_base.py │ │ │ │ ├── test_concat_op_base.py │ │ │ │ ├── test_conditional_block_op_base.py │ │ │ │ ├── test_conv2d_transpose_op_base.py │ │ │ │ ├── test_correlation_op_base.py │ │ │ │ ├── test_crop_op_base.py │ │ │ │ ├── test_crop_tensor_op_base.py │ │ │ │ ├── test_deformable_conv_op_base.py │ │ │ │ ├── test_depthwise_conv2d_op_base.py │ │ │ │ ├── test_depthwise_conv2d_transpose_op_base.py │ │ │ │ ├── test_erf_op_base.py │ │ │ │ ├── test_exp_op_base.py │ │ │ │ ├── test_expand_as_op_base.py │ │ │ │ ├── test_expand_op_base.py │ │ │ │ ├── test_expand_v2_op_base.py │ │ │ │ ├── test_fill_any_like_op_base.py │ │ │ │ ├── test_fill_constant_batch_size_like_op_base.py │ │ │ │ ├── test_fill_constant_op_base.py │ │ │ │ ├── test_fill_zeros_like_op_base.py │ │ │ │ ├── test_flatten2_op_base.py │ │ │ │ ├── test_flatten_contiguous_range_op_base.py │ │ │ │ ├── test_flatten_op_base.py │ │ │ │ ├── test_flip_op_base.py │ │ │ │ ├── test_floor_op_base.py │ │ │ │ ├── test_gather_nd_op_base.py │ │ │ │ ├── test_gather_tree_op_base.py │ │ │ │ ├── test_gelu_op_base.py │ │ │ │ ├── test_grid_sampler_op_base.py │ │ │ │ ├── test_group_norm_op_base.py │ │ │ │ ├── test_gru_op_base.py │ │ │ │ ├── test_gru_unit_op_base.py │ │ │ │ ├── test_hard_act_op_base.py │ │ │ │ ├── test_im2sequence_op_base.py │ │ │ │ ├── test_increment_op_base.py │ │ │ │ ├── test_index_select_op_base.py │ │ │ │ ├── test_instance_norm_op_base.py │ │ │ │ ├── test_inverse_op_base.py │ │ │ │ ├── test_layer_norm_op_base.py │ │ │ │ ├── test_leaky_relu_op_base.py │ │ │ │ ├── test_linspace_op_base.py │ │ │ │ ├── test_lod_reset_op_base.py │ │ │ │ ├── test_log_op_base.py │ │ │ │ ├── test_lookup_table_dequant_op_base.py │ │ │ │ ├── test_lookup_table_op_base.py │ │ │ │ ├── test_matmul_v2_op_base.py │ │ │ │ ├── test_meshgrid_op_base.py │ │ │ │ ├── test_mish_op_base.py │ │ │ │ ├── test_norm_op_base.py │ │ │ │ ├── test_not_equal_op_base.py │ │ │ │ ├── test_one_hot_op_base.py │ │ │ │ ├── test_one_hot_v2_op_base.py │ │ │ │ ├── test_p_norm_op_base.py │ │ │ │ ├── test_pixel_shuffle_op_base.py │ │ │ │ ├── test_prelu_op_base.py │ │ │ │ ├── test_print_op_base.py │ │ │ │ ├── test_prior_box_op_base.py │ │ │ │ ├── test_range_op_base.py │ │ │ │ ├── test_relu6_op_base.py │ │ │ │ ├── test_relu_op_base.py │ │ │ │ ├── test_reshape2_op_base.py │ │ │ │ ├── test_reshape_op_base.py │ │ │ │ ├── test_roi_perspective_transform_base.py │ │ │ │ ├── test_rsqrt_op_base.py │ │ │ │ ├── test_scale_op_base.py │ │ │ │ ├── test_scatter_nd_add_op_base.py │ │ │ │ ├── test_scatter_op_base.py │ │ │ │ ├── test_select_input_op_base.py │ │ │ │ ├── test_sequence_concat_op_base.py │ │ │ │ ├── test_sequence_conv_op_base.py │ │ │ │ ├── test_sequence_expand_as_op_base.py │ │ │ │ ├── test_sequence_expand_op_base.py │ │ │ │ ├── test_sequence_mask_op_base.py │ │ │ │ ├── test_sequence_pad_op_base.py │ │ │ │ ├── test_sequence_pool_op_base.py │ │ │ │ ├── test_sequence_reshape_op_base.py │ │ │ │ ├── test_sequence_reverse_op_base.py │ │ │ │ ├── test_sequence_softmax_op_base.py │ │ │ │ ├── test_sequence_topk_avg_pooling_op_base.py │ │ │ │ ├── test_sequence_unpad_op_base.py │ │ │ │ ├── test_shape_op_base.py │ │ │ │ ├── test_shuffle_channel_op_base.py │ │ │ │ ├── test_sigmoid_op_base.py │ │ │ │ ├── test_sign_op_base.py │ │ │ │ ├── test_slice_op_base.py │ │ │ │ ├── test_softmax_op_base.py │ │ │ │ ├── test_softplus_op_base.py │ │ │ │ ├── test_softsign_op_base.py │ │ │ │ ├── test_split_op_base.py │ │ │ │ ├── test_sqrt_op_base.py │ │ │ │ ├── test_square_op_base.py │ │ │ │ ├── test_squeeze2_op_base.py │ │ │ │ ├── test_squeeze_op_base.py │ │ │ │ ├── test_stack_op_base.py │ │ │ │ ├── test_strided_slice_op_base.py │ │ │ │ ├── test_sum_op_base.py │ │ │ │ ├── test_swish_op_base.py │ │ │ │ ├── test_tan_op_base.py │ │ │ │ ├── test_tanh_op_base.py │ │ │ │ ├── test_tensor_array_to_tensor_op_base.py │ │ │ │ ├── test_thresholded_relu_op_base.py │ │ │ │ ├── test_tile_op_base.py │ │ │ │ ├── test_top_k_op_base.py │ │ │ │ ├── test_top_k_v2_op_base.py │ │ │ │ ├── test_transpose2_op_base.py │ │ │ │ ├── test_transpose_op_base.py │ │ │ │ ├── test_tril_triu_op_base.py │ │ │ │ ├── test_unbind_op_base.py │ │ │ │ ├── test_uniform_random_op_base.py │ │ │ │ ├── test_unique_with_counts_op_base.py │ │ │ │ ├── test_unsqueeze2_op_base.py │ │ │ │ ├── test_unsqueeze_op_base.py │ │ │ │ ├── test_unstack_op_base.py │ │ │ │ ├── test_var_conv_2d_op_base.py │ │ │ │ ├── test_where_index_op_base.py │ │ │ │ ├── test_where_op_base.py │ │ │ │ ├── test_write_to_array_op_base.py │ │ │ │ └── test_yolo_box_op_base.py │ │ │ ├── test_abs_op.py │ │ │ ├── test_acos_op.py │ │ │ ├── test_affine_channel_op.py │ │ │ ├── test_affine_grid_op.py │ │ │ ├── test_anchor_generator_op.py │ │ │ ├── test_arg_max_op.py │ │ │ ├── test_argsort_op.py │ │ │ ├── test_asin_op.py │ │ │ ├── test_assign_op.py │ │ │ ├── test_assign_value_op.py │ │ │ ├── test_atan_op.py │ │ │ ├── test_batch_norm_op.py │ │ │ ├── test_beam_search_decode_op.py │ │ │ ├── test_beam_search_op.py │ │ │ ├── test_bilinear_interp_op.py │ │ │ ├── test_bilinear_interp_v2_op.py │ │ │ ├── test_bitwise_and_op.py │ │ │ ├── test_bitwise_not_op.py │ │ │ ├── test_bitwise_or_op.py │ │ │ ├── test_bitwise_xor_op.py │ │ │ ├── test_bmm_op.py │ │ │ ├── test_box_clip_op.py │ │ │ ├── test_box_coder_op.py │ │ │ ├── test_cast_op.py │ │ │ ├── test_ceil_op.py │ │ │ ├── test_clip_op.py │ │ │ ├── test_collect_fpn_proposals_op.py │ │ │ ├── test_compare_less_op.py │ │ │ ├── test_concat_op.py │ │ │ ├── test_conv2d_op.py │ │ │ ├── test_conv2d_transpose_op.py │ │ │ ├── test_cos_op.py │ │ │ ├── test_cos_sim_op.py │ │ │ ├── test_crf_decoding_op.py │ │ │ ├── test_crop_op.py │ │ │ ├── test_crop_tensor_op.py │ │ │ ├── test_ctc_align_op.py │ │ │ ├── test_cumsum_op.py │ │ │ ├── test_deformable_conv_op.py │ │ │ ├── test_density_prior_box_op.py │ │ │ ├── test_depthwise_conv2d_op.py │ │ │ ├── test_depthwise_conv2d_transpose_op.py │ │ │ ├── test_distribute_fpn_proposals_op.py │ │ │ ├── test_dropout_op.py │ │ │ ├── test_elementwise_add_op.py │ │ │ ├── test_elementwise_div_op.py │ │ │ ├── test_elementwise_floordiv_op.py │ │ │ ├── test_elementwise_max_op.py │ │ │ ├── test_elementwise_min_op.py │ │ │ ├── test_elementwise_mod_op.py │ │ │ ├── test_elementwise_mul_op.py │ │ │ ├── test_elementwise_pow_op.py │ │ │ ├── test_elementwise_sub_op.py │ │ │ ├── test_elementwise_util.py │ │ │ ├── test_elu_op.py │ │ │ ├── test_empty_op.py │ │ │ ├── test_equal_op.py │ │ │ ├── test_erf_op.py │ │ │ ├── test_exp_op.py │ │ │ ├── test_expand_as_op.py │ │ │ ├── test_expand_op.py │ │ │ ├── test_expand_v2_op.py │ │ │ ├── test_fc_op.py │ │ │ ├── test_fill_any_like_op.py │ │ │ ├── test_fill_constant_batch_size_like_op.py │ │ │ ├── test_fill_constant_op.py │ │ │ ├── test_fill_zeros_like_op.py │ │ │ ├── test_flatten2_op.py │ │ │ ├── test_flatten_contiguous_range_op.py │ │ │ ├── test_flatten_op.py │ │ │ ├── test_flip_op.py │ │ │ ├── test_floor_op.py │ │ │ ├── test_gather_nd_op.py │ │ │ ├── test_gather_op.py │ │ │ ├── test_gather_tree_op.py │ │ │ ├── test_gaussian_random_op.py │ │ │ ├── test_gelu_op.py │ │ │ ├── test_generate_proposals_op.py │ │ │ ├── test_generate_proposals_v2_op.py │ │ │ ├── test_greater_op.py │ │ │ ├── test_grid_sampler_op.py │ │ │ ├── test_group_norm_op.py │ │ │ ├── test_gru_op.py │ │ │ ├── test_gru_unit_op.py │ │ │ ├── test_hard_activation_op.py │ │ │ ├── test_im2sequence_op.py │ │ │ ├── test_increment_op.py │ │ │ ├── test_index_select_op.py │ │ │ ├── test_instance_norm_op.py │ │ │ ├── test_inverse_op.py │ │ │ ├── test_is_empty_op.py │ │ │ ├── test_layer_norm_op.py │ │ │ ├── test_leaky_relu_op.py │ │ │ ├── test_linspace_op.py │ │ │ ├── test_lod_reset_op.py │ │ │ ├── test_log_op.py │ │ │ ├── test_log_softmax_op.py │ │ │ ├── test_logical_op.py │ │ │ ├── test_lookup_table_dequant_op.py │ │ │ ├── test_lookup_table_op.py │ │ │ ├── test_lrn_op.py │ │ │ ├── test_lstm_op.py │ │ │ ├── test_matmul_op.py │ │ │ ├── test_matmul_v2_op.py │ │ │ ├── test_matrix_nms_op.py │ │ │ ├── test_mean_op.py │ │ │ ├── test_merge_lod_tensor_op.py │ │ │ ├── test_meshgrid_op.py │ │ │ ├── test_mish_op.py │ │ │ ├── test_mul_op.py │ │ │ ├── test_multiclass_nms2_op.py │ │ │ ├── test_multiclass_nms3_op.py │ │ │ ├── test_multiclass_nms_op.py │ │ │ ├── test_nearest_interp_op.py │ │ │ ├── test_nearest_interp_v2_op.py │ │ │ ├── test_norm_op.py │ │ │ ├── test_not_equal_op.py │ │ │ ├── test_one_hot_op.py │ │ │ ├── test_one_hot_v2_op.py │ │ │ ├── test_p_norm_op.py │ │ │ ├── test_pad2d_op.py │ │ │ ├── test_pad3d_op.py │ │ │ ├── test_pad_op.py │ │ │ ├── test_pixel_shuffle_op.py │ │ │ ├── test_polygon_box_transform_op.py │ │ │ ├── test_pool2d_op.py │ │ │ ├── test_pow_op.py │ │ │ ├── test_prelu_op.py │ │ │ ├── test_print_op.py │ │ │ ├── test_prior_box_op.py │ │ │ ├── test_range_op.py │ │ │ ├── test_reciprocal_op.py │ │ │ ├── test_reduce_all_op.py │ │ │ ├── test_reduce_max_op.py │ │ │ ├── test_reduce_mean_op.py │ │ │ ├── test_reduce_min_op.py │ │ │ ├── test_reduce_prod_op.py │ │ │ ├── test_reduce_sum_op.py │ │ │ ├── test_relu6_op.py │ │ │ ├── test_relu_op.py │ │ │ ├── test_reshape2_op.py │ │ │ ├── test_reshape_op.py │ │ │ ├── test_reverse_op.py │ │ │ ├── test_roi_align_op.py │ │ │ ├── test_roll_op.py │ │ │ ├── test_round_op.py │ │ │ ├── test_rsqrt_op.py │ │ │ ├── test_scale_op.py │ │ │ ├── test_scatter_nd_add_op.py │ │ │ ├── test_scatter_op.py │ │ │ ├── test_select_input_op.py │ │ │ ├── test_sequence_concat_op.py │ │ │ ├── test_sequence_conv_op.py │ │ │ ├── test_sequence_expand_as_op.py │ │ │ ├── test_sequence_expand_op.py │ │ │ ├── test_sequence_mask_op.py │ │ │ ├── test_sequence_pad_op.py │ │ │ ├── test_sequence_pool_op.py │ │ │ ├── test_sequence_reshape_op.py │ │ │ ├── test_sequence_reverse_op.py │ │ │ ├── test_sequence_softmax_op.py │ │ │ ├── test_sequence_topk_avg_pooling_op.py │ │ │ ├── test_sequence_unpad_op.py │ │ │ ├── test_set_value_op.py │ │ │ ├── test_shape_op.py │ │ │ ├── test_share_data_op.py │ │ │ ├── test_shuffle_channel_op.py │ │ │ ├── test_sigmoid_op.py │ │ │ ├── test_silu_op.py │ │ │ ├── test_sin_op.py │ │ │ ├── test_slice_op.py │ │ │ ├── test_softmax_op.py │ │ │ ├── test_softplus_op.py │ │ │ ├── test_softsign_op.py │ │ │ ├── test_split_lod_tensor_op.py │ │ │ ├── test_split_op.py │ │ │ ├── test_sqrt_op.py │ │ │ ├── test_square_op.py │ │ │ ├── test_squeeze2_op.py │ │ │ ├── test_squeeze_op.py │ │ │ ├── test_stack_op.py │ │ │ ├── test_strided_slice_op.py │ │ │ ├── test_sum_op.py │ │ │ ├── test_swish_op.py │ │ │ ├── test_tan_op.py │ │ │ ├── test_tanh_op.py │ │ │ ├── test_tensor_array_to_tensor_op.py │ │ │ ├── test_thresholded_relu_op.py │ │ │ ├── test_tile_op.py │ │ │ ├── test_top_k_op.py │ │ │ ├── test_top_k_v2_op.py │ │ │ ├── test_transpose2_op.py │ │ │ ├── test_transpose_op.py │ │ │ ├── test_tril_triu_op.py │ │ │ ├── test_unbind_op.py │ │ │ ├── test_unfold_op.py │ │ │ ├── test_uniform_random_op.py │ │ │ ├── test_unique_op.py │ │ │ ├── test_unique_with_counts_op.py │ │ │ ├── test_unsqueeze2_op.py │ │ │ ├── test_unsqueeze_op.py │ │ │ ├── test_unstack_op.py │ │ │ ├── test_var_conv_2d_op.py │ │ │ ├── test_where_index_op.py │ │ │ ├── test_where_op.py │ │ │ └── test_yolo_box_op.py │ │ ├── pass │ │ │ ├── auto_scan.sh │ │ │ ├── backends │ │ │ │ ├── arm │ │ │ │ │ ├── test_conv_active_fuse_pass.py │ │ │ │ │ ├── test_conv_bn_fuse_pass.py │ │ │ │ │ ├── test_conv_conv_fuse_pass.py │ │ │ │ │ ├── test_conv_elementwise_fuser_pass.py │ │ │ │ │ ├── test_conv_transpose_active_fuse_pass.py │ │ │ │ │ ├── test_conv_transpose_elementwise_fuse_pass.py │ │ │ │ │ ├── test_elementwise_add_active_fuse_pass.py │ │ │ │ │ ├── test_elementwise_mul_active_fuse_pass.py │ │ │ │ │ ├── test_elementwise_mul_constant_eliminate_pass.py │ │ │ │ │ ├── test_elementwise_sub_active_fuse_pass.py │ │ │ │ │ ├── test_fc_fuse_pass.py │ │ │ │ │ ├── test_flatten_fc_fuse_pass.py │ │ │ │ │ ├── test_identity_dropout_eliminate_pass.py │ │ │ │ │ ├── test_interpolate_bilinear_fuse_pass.py │ │ │ │ │ ├── test_interpolate_nearest_fuse_pass.py │ │ │ │ │ ├── test_matmul_element_add_fuse_pass.py │ │ │ │ │ ├── test_matmul_fuse_pass.py │ │ │ │ │ ├── test_remove_tf_redundant_ops_pass.py │ │ │ │ │ ├── test_reshape2_matmul_fuse_pass.py │ │ │ │ │ ├── test_scale_active_fuse_pass.py │ │ │ │ │ ├── test_scaleacts_fuse_pass.py │ │ │ │ │ ├── test_scales_fuse_pass.py │ │ │ │ │ ├── test_shuffle_channel_fuse_pass.py │ │ │ │ │ ├── test_squeeze2_matmul_fuse_pass.py │ │ │ │ │ └── test_transpose_softmax_transpose_pass.py │ │ │ │ ├── opencl │ │ │ │ │ ├── test_elementwise_scale_fuse_pass.py │ │ │ │ │ ├── test_greater_than_cast_fuse_pass.py │ │ │ │ │ └── test_ssd_boxes_calc_offline_pass.py │ │ │ │ └── x86 │ │ │ │ │ └── test_conv_active_fuse_pass.py │ │ │ ├── common │ │ │ │ ├── test_conv_active_fuse_pass_base.py │ │ │ │ ├── test_conv_bn_fuse_pass_base.py │ │ │ │ ├── test_conv_conv_fuse_pass_base.py │ │ │ │ ├── test_conv_elementwise_fuser_pass_base.py │ │ │ │ ├── test_conv_elementwise_tree_fuser_pass_base.py │ │ │ │ ├── test_conv_scale_fuse_pass_base.py │ │ │ │ ├── test_conv_transpose_active_fuse_pass_base.py │ │ │ │ ├── test_conv_transpose_elementwise_fuse_pass_base.py │ │ │ │ ├── test_conv_util.py │ │ │ │ ├── test_elementwise_active_fuse_pass_base.py │ │ │ │ ├── test_elementwise_mul_constant_eliminate_pass_base.py │ │ │ │ ├── test_elementwise_scale_fuse_pass_base.py │ │ │ │ ├── test_fc_fuse_pass_base.py │ │ │ │ ├── test_fc_prelu_fuse_pass_base.py │ │ │ │ ├── test_flatten_fc_fuse_pass_base.py │ │ │ │ ├── test_greater_than_cast_fuse_pass_base.py │ │ │ │ ├── test_identity_dropout_eliminate_pass_base.py │ │ │ │ ├── test_instance_norm_activation_fuse_pass_base.py │ │ │ │ ├── test_interpolate_fuse_pass_base.py │ │ │ │ ├── test_matmul_element_add_fuse_pass_base.py │ │ │ │ ├── test_matmul_fuse_pass_base.py │ │ │ │ ├── test_remove_scale1_pass_base.py │ │ │ │ ├── test_remove_tf_redundant_ops_pass_base.py │ │ │ │ ├── test_reshape2_matmul_fuse_pass_base.py │ │ │ │ ├── test_scale_active_fuse_pass_base.py │ │ │ │ ├── test_scaleacts_fuse_pass_base.py │ │ │ │ ├── test_scales_fuse_pass_base.py │ │ │ │ ├── test_shuffle_channel_fuse_pass_base.py │ │ │ │ ├── test_squeeze2_matmul_fuse_pass_base.py │ │ │ │ ├── test_ssd_boxes_offline_pass_base.py │ │ │ │ └── test_transpose_softmax_transpose_pass_base.py │ │ │ ├── test_conv_active_fuse_pass.py │ │ │ ├── test_conv_bn_fuse_pass.py │ │ │ ├── test_conv_conv_fuse_pass.py │ │ │ ├── test_conv_elementwise_fuser_pass.py │ │ │ ├── test_conv_elementwise_tree_fuse_pass.py │ │ │ ├── test_conv_scale_fuse_pass.py │ │ │ ├── test_conv_util.py │ │ │ ├── test_elementwise_activation_fuse_pass.py │ │ │ ├── test_elementwise_mul_constant_eliminate_pass.py │ │ │ ├── test_elementwise_scale_fuse_pass.py │ │ │ ├── test_elementwise_util.py │ │ │ ├── test_fc_fuse_pass.py │ │ │ ├── test_fc_prelu_fuse_pass.py │ │ │ ├── test_flatten_fc_fuse_pass.py │ │ │ ├── test_greater_than_cast_fuse_pass.py │ │ │ ├── test_identity_dropout_eleminate_pass.py │ │ │ ├── test_instance_norm_activation_fuse_pass.py │ │ │ ├── test_interpolate_fuse_pass.py │ │ │ ├── test_matmul_elementwise_add_fuse_pass.py │ │ │ ├── test_matmul_fuse_pass.py │ │ │ ├── test_remove_scale1_pass.py │ │ │ ├── test_remove_tf_redundant_ops_pass.py │ │ │ ├── test_reshape2_matmul_fuse_pass.py │ │ │ ├── test_scale_active_fuse_pass.py │ │ │ ├── test_scaleacts_fuse_pass.py │ │ │ ├── test_scales_fuse_pass.py │ │ │ ├── test_shuffle_channel_fuse_pass.py │ │ │ ├── test_sigmoid_elementwise_mul_fuse_pass.py │ │ │ ├── test_squeeze2_matmul_fuse_pass.py │ │ │ ├── test_ssd_boxes_offline_pass.py │ │ │ ├── test_transpose_softmax_transpose_pass.py │ │ │ └── test_unsqueeze2_calc_offline_pass.py │ │ ├── program_config.py │ │ ├── requirements.txt │ │ └── rpc_service │ │ │ ├── README.md │ │ │ ├── requirements.txt │ │ │ ├── server.py │ │ │ └── start_rpc_server.sh │ └── utils │ │ ├── fill_data.h │ │ ├── naive_math_impl.h │ │ ├── print_info.h │ │ └── tensor_utils.h ├── tools │ ├── CMakeLists.txt │ ├── Dockerfile.gcc82-cuda10.1-cudnn7 │ ├── Dockerfile.mobile │ ├── auto_transform.sh │ ├── benchmark.sh │ ├── build.sh │ ├── build_android.sh │ ├── build_android_arm_opencl_by_models.sh │ ├── build_android_by_models.sh │ ├── build_android_opencl_by_models.sh │ ├── build_ios.sh │ ├── build_ios_by_models.sh │ ├── build_linux.sh │ ├── build_macos.sh │ ├── build_ohos.sh │ ├── build_qnx.sh │ ├── build_windows.bat │ ├── build_xcode.sh │ ├── check_api_approvals.sh │ ├── check_pr_approval.py │ ├── check_symbol.sh │ ├── ci_build.sh │ ├── ci_test.sh │ ├── cmake_tools │ │ ├── ast.py │ │ ├── create_fake_kernel_registry.py │ │ ├── gen_opencl_code.py │ │ ├── parse_kernel_registry.py │ │ ├── parse_op_registry.py │ │ ├── parse_tailored_kernel.py │ │ ├── record_supported_kernel_op.py │ │ └── utils.py │ ├── convert_arm_sdot_to_machine_code.py │ ├── convert_arm_vsdot_to_machine_code.py │ ├── debug │ │ ├── CMakeLists.txt │ │ ├── analysis_tool.py │ │ ├── check_model.sh │ │ ├── debug_utils.cc │ │ ├── debug_utils.h │ │ └── model_debug_tool.cc │ ├── mobile_readme.md │ ├── prepare_benchmark.sh │ ├── profile │ │ ├── models_list.txt │ │ └── profile.sh │ ├── search_support_ops.py │ └── untar.py └── utils │ ├── CMakeLists.txt │ ├── all.h │ ├── any.h │ ├── charconv.h │ ├── check.h │ ├── container.h │ ├── cv │ ├── bgr_rotate.cc │ ├── bgr_rotate.h │ ├── image2tensor.cc │ ├── image2tensor.h │ ├── image_convert.cc │ ├── image_convert.h │ ├── image_flip.cc │ ├── image_flip.h │ ├── image_resize.cc │ ├── image_resize.h │ ├── image_rotate.cc │ ├── image_rotate.h │ ├── paddle_image_preprocess.cc │ └── paddle_image_preprocess.h │ ├── env.h │ ├── fast_type_id.h │ ├── fast_type_id_test.cc │ ├── float16.h │ ├── float16_test.cc │ ├── hash.h │ ├── io.h │ ├── log │ ├── cp_logging.h │ ├── logging.cc │ ├── logging.h │ ├── logging_test.cc │ ├── ohos_log.cc │ └── ohos_log.h │ ├── macros.h │ ├── md5.h │ ├── model_util.h │ ├── replace_stl │ ├── stream.cc │ └── stream.h │ ├── string.h │ ├── string_test.cc │ ├── timer.h │ ├── timer_test.cc │ ├── variant.h │ ├── varient.h │ └── varient_test.cc ├── third-party ├── flatbuffers │ ├── README.md │ ├── pre-build │ │ ├── cache_generated.h │ │ ├── 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 │ │ ├── framework_generated.h │ │ ├── param_generated.h │ │ └── tune_cache_generated.h │ └── update_fbs.sh └── opencl │ └── include │ └── CL │ ├── cl.h │ ├── cl.hpp │ ├── cl2.hpp │ ├── cl_d3d10.h │ ├── cl_d3d11.h │ ├── cl_dx9_media_sharing.h │ ├── cl_dx9_media_sharing_intel.h │ ├── cl_egl.h │ ├── cl_ext.h │ ├── cl_ext_intel.h │ ├── cl_gl.h │ ├── cl_gl_ext.h │ ├── cl_platform.h │ ├── cl_va_api_media_sharing_intel.h │ ├── cl_version.h │ └── opencl.h └── tools ├── ci_tools ├── README.md ├── ci_android_install.sh ├── ci_android_model_unit_test.sh ├── ci_android_opencl_unit_test.sh ├── ci_android_publish.sh ├── ci_android_unit_test.sh ├── ci_autoscan_arm.sh ├── ci_autoscan_arm_linux.sh ├── ci_autoscan_nnadapter.sh ├── ci_autoscan_x86.sh ├── ci_autoscan_xpu.sh ├── ci_benchmark.sh ├── ci_benchmark_config.json ├── ci_ios_metal_publish.sh ├── ci_ios_publish.sh ├── ci_mac_publish.sh ├── ci_model_unit_test.py ├── ci_nn_accelerators_unit_test.sh ├── config.ini └── utils.sh ├── codestyle ├── .gitignore ├── clang_format.hook ├── copyright.hook ├── cpplint_pre_commit.hook ├── docstring_checker.py ├── pylint_pre_commit.hook └── test_docstring_checker.py ├── coverage ├── coverage_diff.py ├── coverage_lines.py ├── gcda_clean.py ├── paddle_lite_coverage.sh └── pull_request.py └── document_preview.sh /.clang-format: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/Paddle-Lite/HEAD/.clang-format -------------------------------------------------------------------------------- /.clang-tidy: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/Paddle-Lite/HEAD/.clang-tidy -------------------------------------------------------------------------------- /.github/CODEOWNERS: -------------------------------------------------------------------------------- 1 | * @zhupengyang @hong19860320 2 | -------------------------------------------------------------------------------- /.github/PULL_REQUEST_TEMPLATE.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/Paddle-Lite/HEAD/.github/PULL_REQUEST_TEMPLATE.md -------------------------------------------------------------------------------- /.gitignore: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/Paddle-Lite/HEAD/.gitignore -------------------------------------------------------------------------------- /.gitmodules: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/Paddle-Lite/HEAD/.gitmodules -------------------------------------------------------------------------------- /.pre-commit-config.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/Paddle-Lite/HEAD/.pre-commit-config.yaml -------------------------------------------------------------------------------- /.readthedocs.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/Paddle-Lite/HEAD/.readthedocs.yaml -------------------------------------------------------------------------------- /.travis.yml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/Paddle-Lite/HEAD/.travis.yml -------------------------------------------------------------------------------- /.travis/pre-commit-job.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/Paddle-Lite/HEAD/.travis/pre-commit-job.sh -------------------------------------------------------------------------------- /CMakeLists.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/Paddle-Lite/HEAD/CMakeLists.txt -------------------------------------------------------------------------------- /LICENSE: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/Paddle-Lite/HEAD/LICENSE -------------------------------------------------------------------------------- /README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/Paddle-Lite/HEAD/README.md -------------------------------------------------------------------------------- /README_en.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/Paddle-Lite/HEAD/README_en.md -------------------------------------------------------------------------------- /cmake/FindGflags.cmake: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/Paddle-Lite/HEAD/cmake/FindGflags.cmake -------------------------------------------------------------------------------- /cmake/FindGlog.cmake: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/Paddle-Lite/HEAD/cmake/FindGlog.cmake -------------------------------------------------------------------------------- /cmake/FindGperftools.cmake: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/Paddle-Lite/HEAD/cmake/FindGperftools.cmake -------------------------------------------------------------------------------- /cmake/FindJeMalloc.cmake: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/Paddle-Lite/HEAD/cmake/FindJeMalloc.cmake -------------------------------------------------------------------------------- /cmake/FindNumPy.cmake: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/Paddle-Lite/HEAD/cmake/FindNumPy.cmake -------------------------------------------------------------------------------- /cmake/backends/common.cmake: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/Paddle-Lite/HEAD/cmake/backends/common.cmake -------------------------------------------------------------------------------- /cmake/backends/opencl.cmake: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/Paddle-Lite/HEAD/cmake/backends/opencl.cmake -------------------------------------------------------------------------------- /cmake/backends/x86.cmake: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/Paddle-Lite/HEAD/cmake/backends/x86.cmake -------------------------------------------------------------------------------- /cmake/backends/xpu.cmake: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/Paddle-Lite/HEAD/cmake/backends/xpu.cmake -------------------------------------------------------------------------------- /cmake/cblas.cmake: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/Paddle-Lite/HEAD/cmake/cblas.cmake -------------------------------------------------------------------------------- /cmake/ccache.cmake: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/Paddle-Lite/HEAD/cmake/ccache.cmake -------------------------------------------------------------------------------- /cmake/configure.cmake: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/Paddle-Lite/HEAD/cmake/configure.cmake -------------------------------------------------------------------------------- /cmake/coveralls.cmake: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/Paddle-Lite/HEAD/cmake/coveralls.cmake -------------------------------------------------------------------------------- /cmake/coverallsGcovJsons.cmake: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/Paddle-Lite/HEAD/cmake/coverallsGcovJsons.cmake -------------------------------------------------------------------------------- /cmake/external/dirent.cmake: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/Paddle-Lite/HEAD/cmake/external/dirent.cmake -------------------------------------------------------------------------------- /cmake/external/eigen.cmake: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/Paddle-Lite/HEAD/cmake/external/eigen.cmake -------------------------------------------------------------------------------- /cmake/external/flatbuffers.cmake: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/Paddle-Lite/HEAD/cmake/external/flatbuffers.cmake -------------------------------------------------------------------------------- /cmake/external/gflags.cmake: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/Paddle-Lite/HEAD/cmake/external/gflags.cmake -------------------------------------------------------------------------------- /cmake/external/glog.cmake: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/Paddle-Lite/HEAD/cmake/external/glog.cmake -------------------------------------------------------------------------------- /cmake/external/gtest.cmake: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/Paddle-Lite/HEAD/cmake/external/gtest.cmake -------------------------------------------------------------------------------- /cmake/external/libxsmm.cmake: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/Paddle-Lite/HEAD/cmake/external/libxsmm.cmake -------------------------------------------------------------------------------- /cmake/external/mkldnn.cmake: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/Paddle-Lite/HEAD/cmake/external/mkldnn.cmake -------------------------------------------------------------------------------- /cmake/external/mklml.cmake: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/Paddle-Lite/HEAD/cmake/external/mklml.cmake -------------------------------------------------------------------------------- /cmake/external/openblas.cmake: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/Paddle-Lite/HEAD/cmake/external/openblas.cmake -------------------------------------------------------------------------------- /cmake/external/protobuf.cmake: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/Paddle-Lite/HEAD/cmake/external/protobuf.cmake -------------------------------------------------------------------------------- /cmake/external/pybind11.cmake: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/Paddle-Lite/HEAD/cmake/external/pybind11.cmake -------------------------------------------------------------------------------- /cmake/external/python.cmake: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/Paddle-Lite/HEAD/cmake/external/python.cmake -------------------------------------------------------------------------------- /cmake/external/xbyak.cmake: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/Paddle-Lite/HEAD/cmake/external/xbyak.cmake -------------------------------------------------------------------------------- /cmake/external/xxhash.cmake: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/Paddle-Lite/HEAD/cmake/external/xxhash.cmake -------------------------------------------------------------------------------- /cmake/findar.cmake: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/Paddle-Lite/HEAD/cmake/findar.cmake -------------------------------------------------------------------------------- /cmake/flags.cmake: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/Paddle-Lite/HEAD/cmake/flags.cmake -------------------------------------------------------------------------------- /cmake/functions.cmake: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/Paddle-Lite/HEAD/cmake/functions.cmake -------------------------------------------------------------------------------- /cmake/generic.cmake: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/Paddle-Lite/HEAD/cmake/generic.cmake -------------------------------------------------------------------------------- /cmake/lite.cmake: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/Paddle-Lite/HEAD/cmake/lite.cmake -------------------------------------------------------------------------------- /cmake/make_resource.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/Paddle-Lite/HEAD/cmake/make_resource.py -------------------------------------------------------------------------------- /cmake/operators.cmake: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/Paddle-Lite/HEAD/cmake/operators.cmake -------------------------------------------------------------------------------- /cmake/os/android.cmake: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/Paddle-Lite/HEAD/cmake/os/android.cmake -------------------------------------------------------------------------------- /cmake/os/armlinux.cmake: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/Paddle-Lite/HEAD/cmake/os/armlinux.cmake -------------------------------------------------------------------------------- /cmake/os/armmacos.cmake: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/Paddle-Lite/HEAD/cmake/os/armmacos.cmake -------------------------------------------------------------------------------- /cmake/os/common.cmake: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/Paddle-Lite/HEAD/cmake/os/common.cmake -------------------------------------------------------------------------------- /cmake/os/ios.cmake: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/Paddle-Lite/HEAD/cmake/os/ios.cmake -------------------------------------------------------------------------------- /cmake/os/ohos.cmake: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/Paddle-Lite/HEAD/cmake/os/ohos.cmake -------------------------------------------------------------------------------- /cmake/os/qnx.cmake: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/Paddle-Lite/HEAD/cmake/os/qnx.cmake -------------------------------------------------------------------------------- /cmake/os/windows.cmake: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/Paddle-Lite/HEAD/cmake/os/windows.cmake -------------------------------------------------------------------------------- /cmake/package.cmake: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/Paddle-Lite/HEAD/cmake/package.cmake -------------------------------------------------------------------------------- /cmake/postproject.cmake: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/Paddle-Lite/HEAD/cmake/postproject.cmake -------------------------------------------------------------------------------- /cmake/protobuf-host-patch: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/Paddle-Lite/HEAD/cmake/protobuf-host-patch -------------------------------------------------------------------------------- /cmake/python_module.cmake: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/Paddle-Lite/HEAD/cmake/python_module.cmake -------------------------------------------------------------------------------- /cmake/simd.cmake: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/Paddle-Lite/HEAD/cmake/simd.cmake -------------------------------------------------------------------------------- /cmake/system.cmake: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/Paddle-Lite/HEAD/cmake/system.cmake -------------------------------------------------------------------------------- /cmake/util.cmake: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/Paddle-Lite/HEAD/cmake/util.cmake -------------------------------------------------------------------------------- /cmake/version.cmake: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/Paddle-Lite/HEAD/cmake/version.cmake -------------------------------------------------------------------------------- /docs/Makefile: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/Paddle-Lite/HEAD/docs/Makefile -------------------------------------------------------------------------------- /docs/README.md: -------------------------------------------------------------------------------- 1 | 请参考[PaddleLite文档开发规范](http://agroup.baidu.com/paddle-infer/md/article/2561104)。 2 | -------------------------------------------------------------------------------- /docs/api_reference/cv.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/Paddle-Lite/HEAD/docs/api_reference/cv.md -------------------------------------------------------------------------------- /docs/api_reference/cxx_api_doc.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/Paddle-Lite/HEAD/docs/api_reference/cxx_api_doc.md -------------------------------------------------------------------------------- /docs/api_reference/java_api_doc.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/Paddle-Lite/HEAD/docs/api_reference/java_api_doc.md -------------------------------------------------------------------------------- /docs/conf.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/Paddle-Lite/HEAD/docs/conf.py -------------------------------------------------------------------------------- /docs/demo_guides/android_nnapi.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/Paddle-Lite/HEAD/docs/demo_guides/android_nnapi.md -------------------------------------------------------------------------------- /docs/demo_guides/arm_cpu.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/Paddle-Lite/HEAD/docs/demo_guides/arm_cpu.md -------------------------------------------------------------------------------- /docs/demo_guides/cambricon_mlu.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/Paddle-Lite/HEAD/docs/demo_guides/cambricon_mlu.md -------------------------------------------------------------------------------- /docs/demo_guides/cpp_train_demo.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/Paddle-Lite/HEAD/docs/demo_guides/cpp_train_demo.md -------------------------------------------------------------------------------- /docs/demo_guides/eeasytech_npu.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/Paddle-Lite/HEAD/docs/demo_guides/eeasytech_npu.md -------------------------------------------------------------------------------- /docs/demo_guides/intel_openvino.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/Paddle-Lite/HEAD/docs/demo_guides/intel_openvino.md -------------------------------------------------------------------------------- /docs/demo_guides/ios_app_demo.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/Paddle-Lite/HEAD/docs/demo_guides/ios_app_demo.md -------------------------------------------------------------------------------- /docs/demo_guides/kunlunxin_xpu.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/Paddle-Lite/HEAD/docs/demo_guides/kunlunxin_xpu.md -------------------------------------------------------------------------------- /docs/demo_guides/kunlunxin_xtcl.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/Paddle-Lite/HEAD/docs/demo_guides/kunlunxin_xtcl.md -------------------------------------------------------------------------------- /docs/demo_guides/linux_arm_demo.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/Paddle-Lite/HEAD/docs/demo_guides/linux_arm_demo.md -------------------------------------------------------------------------------- /docs/demo_guides/mediatek_apu.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/Paddle-Lite/HEAD/docs/demo_guides/mediatek_apu.md -------------------------------------------------------------------------------- /docs/demo_guides/metal.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/Paddle-Lite/HEAD/docs/demo_guides/metal.md -------------------------------------------------------------------------------- /docs/demo_guides/opencl.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/Paddle-Lite/HEAD/docs/demo_guides/opencl.md -------------------------------------------------------------------------------- /docs/demo_guides/qualcomm_qnn.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/Paddle-Lite/HEAD/docs/demo_guides/qualcomm_qnn.md -------------------------------------------------------------------------------- /docs/demo_guides/x86.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/Paddle-Lite/HEAD/docs/demo_guides/x86.md -------------------------------------------------------------------------------- /docs/develop_guides/add_layout.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/Paddle-Lite/HEAD/docs/develop_guides/add_layout.md -------------------------------------------------------------------------------- /docs/develop_guides/nnadapter.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/Paddle-Lite/HEAD/docs/develop_guides/nnadapter.md -------------------------------------------------------------------------------- /docs/guide/introduction.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/Paddle-Lite/HEAD/docs/guide/introduction.md -------------------------------------------------------------------------------- /docs/guide/roadmap.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/Paddle-Lite/HEAD/docs/guide/roadmap.md -------------------------------------------------------------------------------- /docs/images/all_ops.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/Paddle-Lite/HEAD/docs/images/all_ops.png -------------------------------------------------------------------------------- /docs/images/architecture.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/Paddle-Lite/HEAD/docs/images/architecture.png -------------------------------------------------------------------------------- /docs/images/lr_loss.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/Paddle-Lite/HEAD/docs/images/lr_loss.png -------------------------------------------------------------------------------- /docs/images/ops_in_model.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/Paddle-Lite/HEAD/docs/images/ops_in_model.png -------------------------------------------------------------------------------- /docs/images/opt_help_info.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/Paddle-Lite/HEAD/docs/images/opt_help_info.png -------------------------------------------------------------------------------- /docs/images/predict_workflow.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/Paddle-Lite/HEAD/docs/images/predict_workflow.png -------------------------------------------------------------------------------- /docs/images/qq-group-chat.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/Paddle-Lite/HEAD/docs/images/qq-group-chat.png -------------------------------------------------------------------------------- /docs/images/supportedops.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/Paddle-Lite/HEAD/docs/images/supportedops.png -------------------------------------------------------------------------------- /docs/images/visulazation.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/Paddle-Lite/HEAD/docs/images/visulazation.png -------------------------------------------------------------------------------- /docs/images/visulazation_2.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/Paddle-Lite/HEAD/docs/images/visulazation_2.png -------------------------------------------------------------------------------- /docs/images/workflow.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/Paddle-Lite/HEAD/docs/images/workflow.png -------------------------------------------------------------------------------- /docs/index.rst: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/Paddle-Lite/HEAD/docs/index.rst -------------------------------------------------------------------------------- /docs/introduction/architecture.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/Paddle-Lite/HEAD/docs/introduction/architecture.md -------------------------------------------------------------------------------- /docs/introduction/roadmap.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/Paddle-Lite/HEAD/docs/introduction/roadmap.md -------------------------------------------------------------------------------- /docs/make.bat: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/Paddle-Lite/HEAD/docs/make.bat -------------------------------------------------------------------------------- /docs/performance/benchmark.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/Paddle-Lite/HEAD/docs/performance/benchmark.md -------------------------------------------------------------------------------- /docs/performance/best_practices.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/Paddle-Lite/HEAD/docs/performance/best_practices.md -------------------------------------------------------------------------------- /docs/performance/gpu.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/Paddle-Lite/HEAD/docs/performance/gpu.md -------------------------------------------------------------------------------- /docs/quick_start/faq.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/Paddle-Lite/HEAD/docs/quick_start/faq.md -------------------------------------------------------------------------------- /docs/quick_start/quick_run_demo.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/Paddle-Lite/HEAD/docs/quick_start/quick_run_demo.md -------------------------------------------------------------------------------- /docs/quick_start/release_lib.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/Paddle-Lite/HEAD/docs/quick_start/release_lib.md -------------------------------------------------------------------------------- /docs/quick_start/tutorial.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/Paddle-Lite/HEAD/docs/quick_start/tutorial.md -------------------------------------------------------------------------------- /docs/requirements.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/Paddle-Lite/HEAD/docs/requirements.txt -------------------------------------------------------------------------------- /docs/source_compile/docker_env.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/Paddle-Lite/HEAD/docs/source_compile/docker_env.md -------------------------------------------------------------------------------- /docs/source_compile/library.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/Paddle-Lite/HEAD/docs/source_compile/library.md -------------------------------------------------------------------------------- /docs/user_guides/cpp_demo.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/Paddle-Lite/HEAD/docs/user_guides/cpp_demo.md -------------------------------------------------------------------------------- /docs/user_guides/java_demo.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/Paddle-Lite/HEAD/docs/user_guides/java_demo.md -------------------------------------------------------------------------------- /docs/user_guides/opt/opt_bin.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/Paddle-Lite/HEAD/docs/user_guides/opt/opt_bin.md -------------------------------------------------------------------------------- /docs/user_guides/opt/opt_python.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/Paddle-Lite/HEAD/docs/user_guides/opt/opt_python.md -------------------------------------------------------------------------------- /docs/user_guides/profiler.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/Paddle-Lite/HEAD/docs/user_guides/profiler.md -------------------------------------------------------------------------------- /docs/user_guides/python_demo.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/Paddle-Lite/HEAD/docs/user_guides/python_demo.md -------------------------------------------------------------------------------- /docs/user_guides/quant_aware.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/Paddle-Lite/HEAD/docs/user_guides/quant_aware.md -------------------------------------------------------------------------------- /docs/user_guides/sparse.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/Paddle-Lite/HEAD/docs/user_guides/sparse.md -------------------------------------------------------------------------------- /docs/user_guides/x2paddle.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/Paddle-Lite/HEAD/docs/user_guides/x2paddle.md -------------------------------------------------------------------------------- /lite/CMakeLists.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/Paddle-Lite/HEAD/lite/CMakeLists.txt -------------------------------------------------------------------------------- /lite/api/CMakeLists.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/Paddle-Lite/HEAD/lite/api/CMakeLists.txt -------------------------------------------------------------------------------- /lite/api/_paddle_use_ops.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/Paddle-Lite/HEAD/lite/api/_paddle_use_ops.h -------------------------------------------------------------------------------- /lite/api/android/.gitignore: -------------------------------------------------------------------------------- 1 | /bin/ 2 | .classpath 3 | -------------------------------------------------------------------------------- /lite/api/android/CMakeLists.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/Paddle-Lite/HEAD/lite/api/android/CMakeLists.txt -------------------------------------------------------------------------------- /lite/api/android/jni/.gitignore: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/Paddle-Lite/HEAD/lite/api/android/jni/.gitignore -------------------------------------------------------------------------------- /lite/api/cxx_api.cc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/Paddle-Lite/HEAD/lite/api/cxx_api.cc -------------------------------------------------------------------------------- /lite/api/cxx_api.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/Paddle-Lite/HEAD/lite/api/cxx_api.h -------------------------------------------------------------------------------- /lite/api/cxx_api_impl.cc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/Paddle-Lite/HEAD/lite/api/cxx_api_impl.cc -------------------------------------------------------------------------------- /lite/api/googlenet_test.cc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/Paddle-Lite/HEAD/lite/api/googlenet_test.cc -------------------------------------------------------------------------------- /lite/api/light_api.cc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/Paddle-Lite/HEAD/lite/api/light_api.cc -------------------------------------------------------------------------------- /lite/api/light_api.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/Paddle-Lite/HEAD/lite/api/light_api.h -------------------------------------------------------------------------------- /lite/api/light_api_impl.cc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/Paddle-Lite/HEAD/lite/api/light_api_impl.cc -------------------------------------------------------------------------------- /lite/api/paddle_api.cc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/Paddle-Lite/HEAD/lite/api/paddle_api.cc -------------------------------------------------------------------------------- /lite/api/paddle_api.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/Paddle-Lite/HEAD/lite/api/paddle_api.h -------------------------------------------------------------------------------- /lite/api/paddle_place.cc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/Paddle-Lite/HEAD/lite/api/paddle_place.cc -------------------------------------------------------------------------------- /lite/api/paddle_place.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/Paddle-Lite/HEAD/lite/api/paddle_place.h -------------------------------------------------------------------------------- /lite/api/paddle_use_passes.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/Paddle-Lite/HEAD/lite/api/paddle_use_passes.h -------------------------------------------------------------------------------- /lite/api/python/CMakeLists.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/Paddle-Lite/HEAD/lite/api/python/CMakeLists.txt -------------------------------------------------------------------------------- /lite/api/python/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/Paddle-Lite/HEAD/lite/api/python/__init__.py -------------------------------------------------------------------------------- /lite/api/python/pybind/pybind.cc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/Paddle-Lite/HEAD/lite/api/python/pybind/pybind.cc -------------------------------------------------------------------------------- /lite/api/python/pybind/pybind.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/Paddle-Lite/HEAD/lite/api/python/pybind/pybind.h -------------------------------------------------------------------------------- /lite/api/python/pybind/tensor_py.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/Paddle-Lite/HEAD/lite/api/python/pybind/tensor_py.h -------------------------------------------------------------------------------- /lite/api/python/setup.py.in: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/Paddle-Lite/HEAD/lite/api/python/setup.py.in -------------------------------------------------------------------------------- /lite/api/python/setup_mac.py.in: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/Paddle-Lite/HEAD/lite/api/python/setup_mac.py.in -------------------------------------------------------------------------------- /lite/api/test/CMakeLists.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/Paddle-Lite/HEAD/lite/api/test/CMakeLists.txt -------------------------------------------------------------------------------- /lite/api/test/apis_test.cc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/Paddle-Lite/HEAD/lite/api/test/apis_test.cc -------------------------------------------------------------------------------- /lite/api/test/cxx_api_test.cc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/Paddle-Lite/HEAD/lite/api/test/cxx_api_test.cc -------------------------------------------------------------------------------- /lite/api/test/fast_rcnn_test.cc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/Paddle-Lite/HEAD/lite/api/test/fast_rcnn_test.cc -------------------------------------------------------------------------------- /lite/api/test/inceptionv4_test.cc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/Paddle-Lite/HEAD/lite/api/test/inceptionv4_test.cc -------------------------------------------------------------------------------- /lite/api/test/light_api_test.cc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/Paddle-Lite/HEAD/lite/api/test/light_api_test.cc -------------------------------------------------------------------------------- /lite/api/test/mobilenetv1_test.cc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/Paddle-Lite/HEAD/lite/api/test/mobilenetv1_test.cc -------------------------------------------------------------------------------- /lite/api/test/mobilenetv2_test.cc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/Paddle-Lite/HEAD/lite/api/test/mobilenetv2_test.cc -------------------------------------------------------------------------------- /lite/api/test/paddle_api_test.cc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/Paddle-Lite/HEAD/lite/api/test/paddle_api_test.cc -------------------------------------------------------------------------------- /lite/api/test/resnet18_test.cc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/Paddle-Lite/HEAD/lite/api/test/resnet18_test.cc -------------------------------------------------------------------------------- /lite/api/test/resnet50_test.cc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/Paddle-Lite/HEAD/lite/api/test/resnet50_test.cc -------------------------------------------------------------------------------- /lite/api/test/shufflenetv2_test.cc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/Paddle-Lite/HEAD/lite/api/test/shufflenetv2_test.cc -------------------------------------------------------------------------------- /lite/api/test/test_helper.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/Paddle-Lite/HEAD/lite/api/test/test_helper.h -------------------------------------------------------------------------------- /lite/api/test/transform_test.cc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/Paddle-Lite/HEAD/lite/api/test/transform_test.cc -------------------------------------------------------------------------------- /lite/api/test/unet_test.cc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/Paddle-Lite/HEAD/lite/api/test/unet_test.cc -------------------------------------------------------------------------------- /lite/api/tools/get_performance.cc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/Paddle-Lite/HEAD/lite/api/tools/get_performance.cc -------------------------------------------------------------------------------- /lite/api/tools/model_test.cc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/Paddle-Lite/HEAD/lite/api/tools/model_test.cc -------------------------------------------------------------------------------- /lite/api/tools/opt.cc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/Paddle-Lite/HEAD/lite/api/tools/opt.cc -------------------------------------------------------------------------------- /lite/api/tools/opt_base.cc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/Paddle-Lite/HEAD/lite/api/tools/opt_base.cc -------------------------------------------------------------------------------- /lite/api/tools/opt_base.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/Paddle-Lite/HEAD/lite/api/tools/opt_base.h -------------------------------------------------------------------------------- /lite/backends/CMakeLists.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/Paddle-Lite/HEAD/lite/backends/CMakeLists.txt -------------------------------------------------------------------------------- /lite/backends/arm/CMakeLists.txt: -------------------------------------------------------------------------------- 1 | add_subdirectory(math) 2 | -------------------------------------------------------------------------------- /lite/backends/arm/math/argmax.cc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/Paddle-Lite/HEAD/lite/backends/arm/math/argmax.cc -------------------------------------------------------------------------------- /lite/backends/arm/math/argmax.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/Paddle-Lite/HEAD/lite/backends/arm/math/argmax.h -------------------------------------------------------------------------------- /lite/backends/arm/math/axpy.cc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/Paddle-Lite/HEAD/lite/backends/arm/math/axpy.cc -------------------------------------------------------------------------------- /lite/backends/arm/math/axpy.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/Paddle-Lite/HEAD/lite/backends/arm/math/axpy.h -------------------------------------------------------------------------------- /lite/backends/arm/math/box_coder.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/Paddle-Lite/HEAD/lite/backends/arm/math/box_coder.h -------------------------------------------------------------------------------- /lite/backends/arm/math/clip.cc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/Paddle-Lite/HEAD/lite/backends/arm/math/clip.cc -------------------------------------------------------------------------------- /lite/backends/arm/math/clip.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/Paddle-Lite/HEAD/lite/backends/arm/math/clip.h -------------------------------------------------------------------------------- /lite/backends/arm/math/concat.cc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/Paddle-Lite/HEAD/lite/backends/arm/math/concat.cc -------------------------------------------------------------------------------- /lite/backends/arm/math/concat.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/Paddle-Lite/HEAD/lite/backends/arm/math/concat.h -------------------------------------------------------------------------------- /lite/backends/arm/math/conv_impl.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/Paddle-Lite/HEAD/lite/backends/arm/math/conv_impl.h -------------------------------------------------------------------------------- /lite/backends/arm/math/dropout.cc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/Paddle-Lite/HEAD/lite/backends/arm/math/dropout.cc -------------------------------------------------------------------------------- /lite/backends/arm/math/dropout.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/Paddle-Lite/HEAD/lite/backends/arm/math/dropout.h -------------------------------------------------------------------------------- /lite/backends/arm/math/funcs.cc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/Paddle-Lite/HEAD/lite/backends/arm/math/funcs.cc -------------------------------------------------------------------------------- /lite/backends/arm/math/funcs.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/Paddle-Lite/HEAD/lite/backends/arm/math/funcs.h -------------------------------------------------------------------------------- /lite/backends/arm/math/gemm_s8.cc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/Paddle-Lite/HEAD/lite/backends/arm/math/gemm_s8.cc -------------------------------------------------------------------------------- /lite/backends/arm/math/gemm_s8.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/Paddle-Lite/HEAD/lite/backends/arm/math/gemm_s8.h -------------------------------------------------------------------------------- /lite/backends/arm/math/gru.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/Paddle-Lite/HEAD/lite/backends/arm/math/gru.h -------------------------------------------------------------------------------- /lite/backends/arm/math/gru_utils.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/Paddle-Lite/HEAD/lite/backends/arm/math/gru_utils.h -------------------------------------------------------------------------------- /lite/backends/arm/math/layout.cc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/Paddle-Lite/HEAD/lite/backends/arm/math/layout.cc -------------------------------------------------------------------------------- /lite/backends/arm/math/layout.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/Paddle-Lite/HEAD/lite/backends/arm/math/layout.h -------------------------------------------------------------------------------- /lite/backends/arm/math/lrn.cc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/Paddle-Lite/HEAD/lite/backends/arm/math/lrn.cc -------------------------------------------------------------------------------- /lite/backends/arm/math/lrn.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/Paddle-Lite/HEAD/lite/backends/arm/math/lrn.h -------------------------------------------------------------------------------- /lite/backends/arm/math/lstm.cc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/Paddle-Lite/HEAD/lite/backends/arm/math/lstm.cc -------------------------------------------------------------------------------- /lite/backends/arm/math/lstm.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/Paddle-Lite/HEAD/lite/backends/arm/math/lstm.h -------------------------------------------------------------------------------- /lite/backends/arm/math/negative.cc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/Paddle-Lite/HEAD/lite/backends/arm/math/negative.cc -------------------------------------------------------------------------------- /lite/backends/arm/math/negative.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/Paddle-Lite/HEAD/lite/backends/arm/math/negative.h -------------------------------------------------------------------------------- /lite/backends/arm/math/norm.cc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/Paddle-Lite/HEAD/lite/backends/arm/math/norm.cc -------------------------------------------------------------------------------- /lite/backends/arm/math/norm.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/Paddle-Lite/HEAD/lite/backends/arm/math/norm.h -------------------------------------------------------------------------------- /lite/backends/arm/math/pad2d.cc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/Paddle-Lite/HEAD/lite/backends/arm/math/pad2d.cc -------------------------------------------------------------------------------- /lite/backends/arm/math/pad2d.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/Paddle-Lite/HEAD/lite/backends/arm/math/pad2d.h -------------------------------------------------------------------------------- /lite/backends/arm/math/pooling.cc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/Paddle-Lite/HEAD/lite/backends/arm/math/pooling.cc -------------------------------------------------------------------------------- /lite/backends/arm/math/pooling.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/Paddle-Lite/HEAD/lite/backends/arm/math/pooling.h -------------------------------------------------------------------------------- /lite/backends/arm/math/power.cc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/Paddle-Lite/HEAD/lite/backends/arm/math/power.cc -------------------------------------------------------------------------------- /lite/backends/arm/math/power.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/Paddle-Lite/HEAD/lite/backends/arm/math/power.h -------------------------------------------------------------------------------- /lite/backends/arm/math/quantize.cc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/Paddle-Lite/HEAD/lite/backends/arm/math/quantize.cc -------------------------------------------------------------------------------- /lite/backends/arm/math/quantize.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/Paddle-Lite/HEAD/lite/backends/arm/math/quantize.h -------------------------------------------------------------------------------- /lite/backends/arm/math/reduce.cc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/Paddle-Lite/HEAD/lite/backends/arm/math/reduce.cc -------------------------------------------------------------------------------- /lite/backends/arm/math/reduce.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/Paddle-Lite/HEAD/lite/backends/arm/math/reduce.h -------------------------------------------------------------------------------- /lite/backends/arm/math/saturate.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/Paddle-Lite/HEAD/lite/backends/arm/math/saturate.h -------------------------------------------------------------------------------- /lite/backends/arm/math/scale.cc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/Paddle-Lite/HEAD/lite/backends/arm/math/scale.cc -------------------------------------------------------------------------------- /lite/backends/arm/math/scale.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/Paddle-Lite/HEAD/lite/backends/arm/math/scale.h -------------------------------------------------------------------------------- /lite/backends/arm/math/scatter.cc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/Paddle-Lite/HEAD/lite/backends/arm/math/scatter.cc -------------------------------------------------------------------------------- /lite/backends/arm/math/scatter.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/Paddle-Lite/HEAD/lite/backends/arm/math/scatter.h -------------------------------------------------------------------------------- /lite/backends/arm/math/sgemm.cc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/Paddle-Lite/HEAD/lite/backends/arm/math/sgemm.cc -------------------------------------------------------------------------------- /lite/backends/arm/math/sgemm.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/Paddle-Lite/HEAD/lite/backends/arm/math/sgemm.h -------------------------------------------------------------------------------- /lite/backends/arm/math/sgemv.cc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/Paddle-Lite/HEAD/lite/backends/arm/math/sgemv.cc -------------------------------------------------------------------------------- /lite/backends/arm/math/sgemv.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/Paddle-Lite/HEAD/lite/backends/arm/math/sgemv.h -------------------------------------------------------------------------------- /lite/backends/arm/math/slice.cc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/Paddle-Lite/HEAD/lite/backends/arm/math/slice.cc -------------------------------------------------------------------------------- /lite/backends/arm/math/slice.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/Paddle-Lite/HEAD/lite/backends/arm/math/slice.h -------------------------------------------------------------------------------- /lite/backends/arm/math/softmax.cc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/Paddle-Lite/HEAD/lite/backends/arm/math/softmax.cc -------------------------------------------------------------------------------- /lite/backends/arm/math/softmax.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/Paddle-Lite/HEAD/lite/backends/arm/math/softmax.h -------------------------------------------------------------------------------- /lite/backends/host/CMakeLists.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/Paddle-Lite/HEAD/lite/backends/host/CMakeLists.txt -------------------------------------------------------------------------------- /lite/backends/host/math/argmax.cc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/Paddle-Lite/HEAD/lite/backends/host/math/argmax.cc -------------------------------------------------------------------------------- /lite/backends/host/math/argmax.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/Paddle-Lite/HEAD/lite/backends/host/math/argmax.h -------------------------------------------------------------------------------- /lite/backends/host/math/concat.cc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/Paddle-Lite/HEAD/lite/backends/host/math/concat.cc -------------------------------------------------------------------------------- /lite/backends/host/math/concat.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/Paddle-Lite/HEAD/lite/backends/host/math/concat.h -------------------------------------------------------------------------------- /lite/backends/host/math/gather.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/Paddle-Lite/HEAD/lite/backends/host/math/gather.h -------------------------------------------------------------------------------- /lite/backends/host/math/gpc.cc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/Paddle-Lite/HEAD/lite/backends/host/math/gpc.cc -------------------------------------------------------------------------------- /lite/backends/host/math/gpc.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/Paddle-Lite/HEAD/lite/backends/host/math/gpc.h -------------------------------------------------------------------------------- /lite/backends/host/math/inverse.cc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/Paddle-Lite/HEAD/lite/backends/host/math/inverse.cc -------------------------------------------------------------------------------- /lite/backends/host/math/inverse.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/Paddle-Lite/HEAD/lite/backends/host/math/inverse.h -------------------------------------------------------------------------------- /lite/backends/host/math/nms_util.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/Paddle-Lite/HEAD/lite/backends/host/math/nms_util.h -------------------------------------------------------------------------------- /lite/backends/host/math/norm.cc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/Paddle-Lite/HEAD/lite/backends/host/math/norm.cc -------------------------------------------------------------------------------- /lite/backends/host/math/norm.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/Paddle-Lite/HEAD/lite/backends/host/math/norm.h -------------------------------------------------------------------------------- /lite/backends/host/math/pad2d.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/Paddle-Lite/HEAD/lite/backends/host/math/pad2d.h -------------------------------------------------------------------------------- /lite/backends/host/math/pad3d.cc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/Paddle-Lite/HEAD/lite/backends/host/math/pad3d.cc -------------------------------------------------------------------------------- /lite/backends/host/math/pad3d.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/Paddle-Lite/HEAD/lite/backends/host/math/pad3d.h -------------------------------------------------------------------------------- /lite/backends/host/math/reduce.cc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/Paddle-Lite/HEAD/lite/backends/host/math/reduce.cc -------------------------------------------------------------------------------- /lite/backends/host/math/reduce.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/Paddle-Lite/HEAD/lite/backends/host/math/reduce.h -------------------------------------------------------------------------------- /lite/backends/host/math/reverse.cc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/Paddle-Lite/HEAD/lite/backends/host/math/reverse.cc -------------------------------------------------------------------------------- /lite/backends/host/math/reverse.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/Paddle-Lite/HEAD/lite/backends/host/math/reverse.h -------------------------------------------------------------------------------- /lite/backends/host/math/slice.cc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/Paddle-Lite/HEAD/lite/backends/host/math/slice.cc -------------------------------------------------------------------------------- /lite/backends/host/math/slice.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/Paddle-Lite/HEAD/lite/backends/host/math/slice.h -------------------------------------------------------------------------------- /lite/backends/host/math/split.cc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/Paddle-Lite/HEAD/lite/backends/host/math/split.cc -------------------------------------------------------------------------------- /lite/backends/host/math/split.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/Paddle-Lite/HEAD/lite/backends/host/math/split.h -------------------------------------------------------------------------------- /lite/backends/host/math/stack.cc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/Paddle-Lite/HEAD/lite/backends/host/math/stack.cc -------------------------------------------------------------------------------- /lite/backends/host/math/stack.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/Paddle-Lite/HEAD/lite/backends/host/math/stack.h -------------------------------------------------------------------------------- /lite/backends/host/math/topk.cc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/Paddle-Lite/HEAD/lite/backends/host/math/topk.cc -------------------------------------------------------------------------------- /lite/backends/host/math/topk.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/Paddle-Lite/HEAD/lite/backends/host/math/topk.h -------------------------------------------------------------------------------- /lite/backends/host/math/unbind.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/Paddle-Lite/HEAD/lite/backends/host/math/unbind.h -------------------------------------------------------------------------------- /lite/backends/host/math/yolo_box.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/Paddle-Lite/HEAD/lite/backends/host/math/yolo_box.h -------------------------------------------------------------------------------- /lite/backends/metal/.clang-format: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/Paddle-Lite/HEAD/lite/backends/metal/.clang-format -------------------------------------------------------------------------------- /lite/backends/metal/CMakeLists.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/Paddle-Lite/HEAD/lite/backends/metal/CMakeLists.txt -------------------------------------------------------------------------------- /lite/backends/metal/context.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/Paddle-Lite/HEAD/lite/backends/metal/context.h -------------------------------------------------------------------------------- /lite/backends/metal/context.mm: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/Paddle-Lite/HEAD/lite/backends/metal/context.mm -------------------------------------------------------------------------------- /lite/backends/metal/metal_buffer.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/Paddle-Lite/HEAD/lite/backends/metal/metal_buffer.h -------------------------------------------------------------------------------- /lite/backends/metal/metal_common.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/Paddle-Lite/HEAD/lite/backends/metal/metal_common.h -------------------------------------------------------------------------------- /lite/backends/metal/metal_debug.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/Paddle-Lite/HEAD/lite/backends/metal/metal_debug.h -------------------------------------------------------------------------------- /lite/backends/metal/metal_debug.mm: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/Paddle-Lite/HEAD/lite/backends/metal/metal_debug.mm -------------------------------------------------------------------------------- /lite/backends/metal/metal_half.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/Paddle-Lite/HEAD/lite/backends/metal/metal_half.h -------------------------------------------------------------------------------- /lite/backends/metal/metal_half.mm: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/Paddle-Lite/HEAD/lite/backends/metal/metal_half.mm -------------------------------------------------------------------------------- /lite/backends/metal/metal_image.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/Paddle-Lite/HEAD/lite/backends/metal/metal_image.h -------------------------------------------------------------------------------- /lite/backends/metal/metal_image.mm: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/Paddle-Lite/HEAD/lite/backends/metal/metal_image.mm -------------------------------------------------------------------------------- /lite/backends/opencl/cl_caller.cc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/Paddle-Lite/HEAD/lite/backends/opencl/cl_caller.cc -------------------------------------------------------------------------------- /lite/backends/opencl/cl_caller.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/Paddle-Lite/HEAD/lite/backends/opencl/cl_caller.h -------------------------------------------------------------------------------- /lite/backends/opencl/cl_context.cc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/Paddle-Lite/HEAD/lite/backends/opencl/cl_context.cc -------------------------------------------------------------------------------- /lite/backends/opencl/cl_context.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/Paddle-Lite/HEAD/lite/backends/opencl/cl_context.h -------------------------------------------------------------------------------- /lite/backends/opencl/cl_global.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/Paddle-Lite/HEAD/lite/backends/opencl/cl_global.h -------------------------------------------------------------------------------- /lite/backends/opencl/cl_half.cc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/Paddle-Lite/HEAD/lite/backends/opencl/cl_half.cc -------------------------------------------------------------------------------- /lite/backends/opencl/cl_half.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/Paddle-Lite/HEAD/lite/backends/opencl/cl_half.h -------------------------------------------------------------------------------- /lite/backends/opencl/cl_image.cc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/Paddle-Lite/HEAD/lite/backends/opencl/cl_image.cc -------------------------------------------------------------------------------- /lite/backends/opencl/cl_image.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/Paddle-Lite/HEAD/lite/backends/opencl/cl_image.h -------------------------------------------------------------------------------- /lite/backends/opencl/cl_include.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/Paddle-Lite/HEAD/lite/backends/opencl/cl_include.h -------------------------------------------------------------------------------- /lite/backends/opencl/cl_runtime.cc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/Paddle-Lite/HEAD/lite/backends/opencl/cl_runtime.cc -------------------------------------------------------------------------------- /lite/backends/opencl/cl_runtime.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/Paddle-Lite/HEAD/lite/backends/opencl/cl_runtime.h -------------------------------------------------------------------------------- /lite/backends/opencl/cl_utility.cc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/Paddle-Lite/HEAD/lite/backends/opencl/cl_utility.cc -------------------------------------------------------------------------------- /lite/backends/opencl/cl_utility.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/Paddle-Lite/HEAD/lite/backends/opencl/cl_utility.h -------------------------------------------------------------------------------- /lite/backends/opencl/cl_wrapper.cc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/Paddle-Lite/HEAD/lite/backends/opencl/cl_wrapper.cc -------------------------------------------------------------------------------- /lite/backends/opencl/cl_wrapper.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/Paddle-Lite/HEAD/lite/backends/opencl/cl_wrapper.h -------------------------------------------------------------------------------- /lite/backends/opencl/utils/cache.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/Paddle-Lite/HEAD/lite/backends/opencl/utils/cache.h -------------------------------------------------------------------------------- /lite/backends/x86/CMakeLists.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/Paddle-Lite/HEAD/lite/backends/x86/CMakeLists.txt -------------------------------------------------------------------------------- /lite/backends/x86/cpu_info.cc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/Paddle-Lite/HEAD/lite/backends/x86/cpu_info.cc -------------------------------------------------------------------------------- /lite/backends/x86/cpu_info.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/Paddle-Lite/HEAD/lite/backends/x86/cpu_info.h -------------------------------------------------------------------------------- /lite/backends/x86/dynamic_loader.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/Paddle-Lite/HEAD/lite/backends/x86/dynamic_loader.h -------------------------------------------------------------------------------- /lite/backends/x86/fluid/eigen.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/Paddle-Lite/HEAD/lite/backends/x86/fluid/eigen.h -------------------------------------------------------------------------------- /lite/backends/x86/fluid/float16.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/Paddle-Lite/HEAD/lite/backends/x86/fluid/float16.h -------------------------------------------------------------------------------- /lite/backends/x86/fluid/lod.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/Paddle-Lite/HEAD/lite/backends/x86/fluid/lod.h -------------------------------------------------------------------------------- /lite/backends/x86/fluid/math.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/Paddle-Lite/HEAD/lite/backends/x86/fluid/math.h -------------------------------------------------------------------------------- /lite/backends/x86/fluid/rw_lock.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/Paddle-Lite/HEAD/lite/backends/x86/fluid/rw_lock.h -------------------------------------------------------------------------------- /lite/backends/x86/jit/README.en.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/Paddle-Lite/HEAD/lite/backends/x86/jit/README.en.md -------------------------------------------------------------------------------- /lite/backends/x86/jit/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/Paddle-Lite/HEAD/lite/backends/x86/jit/README.md -------------------------------------------------------------------------------- /lite/backends/x86/jit/gen/act.cc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/Paddle-Lite/HEAD/lite/backends/x86/jit/gen/act.cc -------------------------------------------------------------------------------- /lite/backends/x86/jit/gen/act.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/Paddle-Lite/HEAD/lite/backends/x86/jit/gen/act.h -------------------------------------------------------------------------------- /lite/backends/x86/jit/gen/blas.cc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/Paddle-Lite/HEAD/lite/backends/x86/jit/gen/blas.cc -------------------------------------------------------------------------------- /lite/backends/x86/jit/gen/blas.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/Paddle-Lite/HEAD/lite/backends/x86/jit/gen/blas.h -------------------------------------------------------------------------------- /lite/backends/x86/jit/gen/gru.cc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/Paddle-Lite/HEAD/lite/backends/x86/jit/gen/gru.cc -------------------------------------------------------------------------------- /lite/backends/x86/jit/gen/gru.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/Paddle-Lite/HEAD/lite/backends/x86/jit/gen/gru.h -------------------------------------------------------------------------------- /lite/backends/x86/jit/gen/hopv.cc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/Paddle-Lite/HEAD/lite/backends/x86/jit/gen/hopv.cc -------------------------------------------------------------------------------- /lite/backends/x86/jit/gen/hopv.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/Paddle-Lite/HEAD/lite/backends/x86/jit/gen/hopv.h -------------------------------------------------------------------------------- /lite/backends/x86/jit/gen/lstm.cc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/Paddle-Lite/HEAD/lite/backends/x86/jit/gen/lstm.cc -------------------------------------------------------------------------------- /lite/backends/x86/jit/gen/lstm.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/Paddle-Lite/HEAD/lite/backends/x86/jit/gen/lstm.h -------------------------------------------------------------------------------- /lite/backends/x86/jit/gen/matmul.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/Paddle-Lite/HEAD/lite/backends/x86/jit/gen/matmul.h -------------------------------------------------------------------------------- /lite/backends/x86/jit/gen/sgd.cc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/Paddle-Lite/HEAD/lite/backends/x86/jit/gen/sgd.cc -------------------------------------------------------------------------------- /lite/backends/x86/jit/gen/sgd.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/Paddle-Lite/HEAD/lite/backends/x86/jit/gen/sgd.h -------------------------------------------------------------------------------- /lite/backends/x86/jit/gen_base.cc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/Paddle-Lite/HEAD/lite/backends/x86/jit/gen_base.cc -------------------------------------------------------------------------------- /lite/backends/x86/jit/gen_base.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/Paddle-Lite/HEAD/lite/backends/x86/jit/gen_base.h -------------------------------------------------------------------------------- /lite/backends/x86/jit/helper.cc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/Paddle-Lite/HEAD/lite/backends/x86/jit/helper.cc -------------------------------------------------------------------------------- /lite/backends/x86/jit/helper.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/Paddle-Lite/HEAD/lite/backends/x86/jit/helper.h -------------------------------------------------------------------------------- /lite/backends/x86/jit/kernel_key.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/Paddle-Lite/HEAD/lite/backends/x86/jit/kernel_key.h -------------------------------------------------------------------------------- /lite/backends/x86/jit/macro.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/Paddle-Lite/HEAD/lite/backends/x86/jit/macro.h -------------------------------------------------------------------------------- /lite/backends/x86/jit/registry.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/Paddle-Lite/HEAD/lite/backends/x86/jit/registry.h -------------------------------------------------------------------------------- /lite/backends/x86/legacy_place.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/Paddle-Lite/HEAD/lite/backends/x86/legacy_place.h -------------------------------------------------------------------------------- /lite/backends/x86/math/blas.cc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/Paddle-Lite/HEAD/lite/backends/x86/math/blas.cc -------------------------------------------------------------------------------- /lite/backends/x86/math/blas.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/Paddle-Lite/HEAD/lite/backends/x86/math/blas.h -------------------------------------------------------------------------------- /lite/backends/x86/math/blas_impl.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/Paddle-Lite/HEAD/lite/backends/x86/math/blas_impl.h -------------------------------------------------------------------------------- /lite/backends/x86/math/box_coder.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/Paddle-Lite/HEAD/lite/backends/x86/math/box_coder.h -------------------------------------------------------------------------------- /lite/backends/x86/math/calib.cc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/Paddle-Lite/HEAD/lite/backends/x86/math/calib.cc -------------------------------------------------------------------------------- /lite/backends/x86/math/calib.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/Paddle-Lite/HEAD/lite/backends/x86/math/calib.h -------------------------------------------------------------------------------- /lite/backends/x86/math/clip.cc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/Paddle-Lite/HEAD/lite/backends/x86/math/clip.cc -------------------------------------------------------------------------------- /lite/backends/x86/math/clip.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/Paddle-Lite/HEAD/lite/backends/x86/math/clip.h -------------------------------------------------------------------------------- /lite/backends/x86/math/conv_bias.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/Paddle-Lite/HEAD/lite/backends/x86/math/conv_bias.h -------------------------------------------------------------------------------- /lite/backends/x86/math/cpu_vec.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/Paddle-Lite/HEAD/lite/backends/x86/math/cpu_vec.h -------------------------------------------------------------------------------- /lite/backends/x86/math/im2col.cc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/Paddle-Lite/HEAD/lite/backends/x86/math/im2col.cc -------------------------------------------------------------------------------- /lite/backends/x86/math/im2col.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/Paddle-Lite/HEAD/lite/backends/x86/math/im2col.h -------------------------------------------------------------------------------- /lite/backends/x86/math/maxouting.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/Paddle-Lite/HEAD/lite/backends/x86/math/maxouting.h -------------------------------------------------------------------------------- /lite/backends/x86/math/pooling.cc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/Paddle-Lite/HEAD/lite/backends/x86/math/pooling.cc -------------------------------------------------------------------------------- /lite/backends/x86/math/pooling.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/Paddle-Lite/HEAD/lite/backends/x86/math/pooling.h -------------------------------------------------------------------------------- /lite/backends/x86/math/power.cc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/Paddle-Lite/HEAD/lite/backends/x86/math/power.cc -------------------------------------------------------------------------------- /lite/backends/x86/math/power.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/Paddle-Lite/HEAD/lite/backends/x86/math/power.h -------------------------------------------------------------------------------- /lite/backends/x86/math/prior_box.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/Paddle-Lite/HEAD/lite/backends/x86/math/prior_box.h -------------------------------------------------------------------------------- /lite/backends/x86/math/rnn.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/Paddle-Lite/HEAD/lite/backends/x86/math/rnn.h -------------------------------------------------------------------------------- /lite/backends/x86/math/sampler.cc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/Paddle-Lite/HEAD/lite/backends/x86/math/sampler.cc -------------------------------------------------------------------------------- /lite/backends/x86/math/sampler.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/Paddle-Lite/HEAD/lite/backends/x86/math/sampler.h -------------------------------------------------------------------------------- /lite/backends/x86/math/saturate.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/Paddle-Lite/HEAD/lite/backends/x86/math/saturate.h -------------------------------------------------------------------------------- /lite/backends/x86/math/search_fc.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/Paddle-Lite/HEAD/lite/backends/x86/math/search_fc.h -------------------------------------------------------------------------------- /lite/backends/x86/math/softmax.cc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/Paddle-Lite/HEAD/lite/backends/x86/math/softmax.cc -------------------------------------------------------------------------------- /lite/backends/x86/math/softmax.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/Paddle-Lite/HEAD/lite/backends/x86/math/softmax.h -------------------------------------------------------------------------------- /lite/backends/x86/math/tree2col.cc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/Paddle-Lite/HEAD/lite/backends/x86/math/tree2col.cc -------------------------------------------------------------------------------- /lite/backends/x86/math/tree2col.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/Paddle-Lite/HEAD/lite/backends/x86/math/tree2col.h -------------------------------------------------------------------------------- /lite/backends/x86/math/unpooling.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/Paddle-Lite/HEAD/lite/backends/x86/math/unpooling.h -------------------------------------------------------------------------------- /lite/backends/x86/math/vol2col.cc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/Paddle-Lite/HEAD/lite/backends/x86/math/vol2col.cc -------------------------------------------------------------------------------- /lite/backends/x86/math/vol2col.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/Paddle-Lite/HEAD/lite/backends/x86/math/vol2col.h -------------------------------------------------------------------------------- /lite/backends/x86/mklml.cc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/Paddle-Lite/HEAD/lite/backends/x86/mklml.cc -------------------------------------------------------------------------------- /lite/backends/x86/mklml.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/Paddle-Lite/HEAD/lite/backends/x86/mklml.h -------------------------------------------------------------------------------- /lite/backends/x86/parallel.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/Paddle-Lite/HEAD/lite/backends/x86/parallel.h -------------------------------------------------------------------------------- /lite/backends/x86/port.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/Paddle-Lite/HEAD/lite/backends/x86/port.h -------------------------------------------------------------------------------- /lite/backends/x86/target_wrapper.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/Paddle-Lite/HEAD/lite/backends/x86/target_wrapper.h -------------------------------------------------------------------------------- /lite/backends/xpu/CMakeLists.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/Paddle-Lite/HEAD/lite/backends/xpu/CMakeLists.txt -------------------------------------------------------------------------------- /lite/backends/xpu/debug.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/Paddle-Lite/HEAD/lite/backends/xpu/debug.h -------------------------------------------------------------------------------- /lite/backends/xpu/device.cc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/Paddle-Lite/HEAD/lite/backends/xpu/device.cc -------------------------------------------------------------------------------- /lite/backends/xpu/device.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/Paddle-Lite/HEAD/lite/backends/xpu/device.h -------------------------------------------------------------------------------- /lite/backends/xpu/math.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/Paddle-Lite/HEAD/lite/backends/xpu/math.h -------------------------------------------------------------------------------- /lite/backends/xpu/npy_dump.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/Paddle-Lite/HEAD/lite/backends/xpu/npy_dump.h -------------------------------------------------------------------------------- /lite/backends/xpu/runtime_option.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/Paddle-Lite/HEAD/lite/backends/xpu/runtime_option.h -------------------------------------------------------------------------------- /lite/backends/xpu/target_wrapper.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/Paddle-Lite/HEAD/lite/backends/xpu/target_wrapper.h -------------------------------------------------------------------------------- /lite/backends/xpu/tensor_dump.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/Paddle-Lite/HEAD/lite/backends/xpu/tensor_dump.h -------------------------------------------------------------------------------- /lite/backends/xpu/vec_trans.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/Paddle-Lite/HEAD/lite/backends/xpu/vec_trans.h -------------------------------------------------------------------------------- /lite/backends/xpu/xpu_buffer.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/Paddle-Lite/HEAD/lite/backends/xpu/xpu_buffer.h -------------------------------------------------------------------------------- /lite/backends/xpu/xpu_quantizer.cc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/Paddle-Lite/HEAD/lite/backends/xpu/xpu_quantizer.cc -------------------------------------------------------------------------------- /lite/backends/xpu/xpu_quantizer.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/Paddle-Lite/HEAD/lite/backends/xpu/xpu_quantizer.h -------------------------------------------------------------------------------- /lite/backends/xpu/xpu_scratch.cc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/Paddle-Lite/HEAD/lite/backends/xpu/xpu_scratch.cc -------------------------------------------------------------------------------- /lite/backends/xpu/xpu_scratch.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/Paddle-Lite/HEAD/lite/backends/xpu/xpu_scratch.h -------------------------------------------------------------------------------- /lite/core/CMakeLists.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/Paddle-Lite/HEAD/lite/core/CMakeLists.txt -------------------------------------------------------------------------------- /lite/core/context.cc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/Paddle-Lite/HEAD/lite/core/context.cc -------------------------------------------------------------------------------- /lite/core/context.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/Paddle-Lite/HEAD/lite/core/context.h -------------------------------------------------------------------------------- /lite/core/context_test.cc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/Paddle-Lite/HEAD/lite/core/context_test.cc -------------------------------------------------------------------------------- /lite/core/device_info.cc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/Paddle-Lite/HEAD/lite/core/device_info.cc -------------------------------------------------------------------------------- /lite/core/device_info.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/Paddle-Lite/HEAD/lite/core/device_info.h -------------------------------------------------------------------------------- /lite/core/dim.cc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/Paddle-Lite/HEAD/lite/core/dim.cc -------------------------------------------------------------------------------- /lite/core/dim.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/Paddle-Lite/HEAD/lite/core/dim.h -------------------------------------------------------------------------------- /lite/core/exported_symbols.lds: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/Paddle-Lite/HEAD/lite/core/exported_symbols.lds -------------------------------------------------------------------------------- /lite/core/framework.proto: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/Paddle-Lite/HEAD/lite/core/framework.proto -------------------------------------------------------------------------------- /lite/core/int_array.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/Paddle-Lite/HEAD/lite/core/int_array.h -------------------------------------------------------------------------------- /lite/core/int_array_test.cc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/Paddle-Lite/HEAD/lite/core/int_array_test.cc -------------------------------------------------------------------------------- /lite/core/kernel.cc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/Paddle-Lite/HEAD/lite/core/kernel.cc -------------------------------------------------------------------------------- /lite/core/kernel.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/Paddle-Lite/HEAD/lite/core/kernel.h -------------------------------------------------------------------------------- /lite/core/kernel_test.cc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/Paddle-Lite/HEAD/lite/core/kernel_test.cc -------------------------------------------------------------------------------- /lite/core/kernel_version.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/Paddle-Lite/HEAD/lite/core/kernel_version.h -------------------------------------------------------------------------------- /lite/core/lite.map: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/Paddle-Lite/HEAD/lite/core/lite.map -------------------------------------------------------------------------------- /lite/core/lite_tensor_test.cc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/Paddle-Lite/HEAD/lite/core/lite_tensor_test.cc -------------------------------------------------------------------------------- /lite/core/memory.cc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/Paddle-Lite/HEAD/lite/core/memory.cc -------------------------------------------------------------------------------- /lite/core/memory.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/Paddle-Lite/HEAD/lite/core/memory.h -------------------------------------------------------------------------------- /lite/core/memory_test.cc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/Paddle-Lite/HEAD/lite/core/memory_test.cc -------------------------------------------------------------------------------- /lite/core/model/base/apis.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/Paddle-Lite/HEAD/lite/core/model/base/apis.h -------------------------------------------------------------------------------- /lite/core/model/base/block_desc.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/Paddle-Lite/HEAD/lite/core/model/base/block_desc.h -------------------------------------------------------------------------------- /lite/core/model/base/io.cc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/Paddle-Lite/HEAD/lite/core/model/base/io.cc -------------------------------------------------------------------------------- /lite/core/model/base/io.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/Paddle-Lite/HEAD/lite/core/model/base/io.h -------------------------------------------------------------------------------- /lite/core/model/base/op_desc.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/Paddle-Lite/HEAD/lite/core/model/base/op_desc.h -------------------------------------------------------------------------------- /lite/core/model/base/param_desc.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/Paddle-Lite/HEAD/lite/core/model/base/param_desc.h -------------------------------------------------------------------------------- /lite/core/model/base/proto_desc.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/Paddle-Lite/HEAD/lite/core/model/base/proto_desc.h -------------------------------------------------------------------------------- /lite/core/model/base/traits.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/Paddle-Lite/HEAD/lite/core/model/base/traits.h -------------------------------------------------------------------------------- /lite/core/model/base/var_desc.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/Paddle-Lite/HEAD/lite/core/model/base/var_desc.h -------------------------------------------------------------------------------- /lite/core/op_lite.cc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/Paddle-Lite/HEAD/lite/core/op_lite.cc -------------------------------------------------------------------------------- /lite/core/op_lite.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/Paddle-Lite/HEAD/lite/core/op_lite.h -------------------------------------------------------------------------------- /lite/core/op_lite_test.cc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/Paddle-Lite/HEAD/lite/core/op_lite_test.cc -------------------------------------------------------------------------------- /lite/core/op_registry.cc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/Paddle-Lite/HEAD/lite/core/op_registry.cc -------------------------------------------------------------------------------- /lite/core/op_registry.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/Paddle-Lite/HEAD/lite/core/op_registry.h -------------------------------------------------------------------------------- /lite/core/optimizer/CMakeLists.txt: -------------------------------------------------------------------------------- 1 | if (NOT LITE_ON_TINY_PUBLISH) 2 | add_subdirectory (mir) 3 | endif() 4 | -------------------------------------------------------------------------------- /lite/core/optimizer/mir/dot.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/Paddle-Lite/HEAD/lite/core/optimizer/mir/dot.h -------------------------------------------------------------------------------- /lite/core/optimizer/mir/node.cc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/Paddle-Lite/HEAD/lite/core/optimizer/mir/node.cc -------------------------------------------------------------------------------- /lite/core/optimizer/mir/node.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/Paddle-Lite/HEAD/lite/core/optimizer/mir/node.h -------------------------------------------------------------------------------- /lite/core/optimizer/mir/pass.cc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/Paddle-Lite/HEAD/lite/core/optimizer/mir/pass.cc -------------------------------------------------------------------------------- /lite/core/optimizer/mir/pass.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/Paddle-Lite/HEAD/lite/core/optimizer/mir/pass.h -------------------------------------------------------------------------------- /lite/core/optimizer/optimizer.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/Paddle-Lite/HEAD/lite/core/optimizer/optimizer.h -------------------------------------------------------------------------------- /lite/core/parallel_defines.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/Paddle-Lite/HEAD/lite/core/parallel_defines.h -------------------------------------------------------------------------------- /lite/core/profile/profiler.cc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/Paddle-Lite/HEAD/lite/core/profile/profiler.cc -------------------------------------------------------------------------------- /lite/core/profile/profiler.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/Paddle-Lite/HEAD/lite/core/profile/profiler.h -------------------------------------------------------------------------------- /lite/core/profile/test_timer.cc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/Paddle-Lite/HEAD/lite/core/profile/test_timer.cc -------------------------------------------------------------------------------- /lite/core/profile/timer.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/Paddle-Lite/HEAD/lite/core/profile/timer.h -------------------------------------------------------------------------------- /lite/core/program.cc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/Paddle-Lite/HEAD/lite/core/program.cc -------------------------------------------------------------------------------- /lite/core/program.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/Paddle-Lite/HEAD/lite/core/program.h -------------------------------------------------------------------------------- /lite/core/program_fake_utils.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/Paddle-Lite/HEAD/lite/core/program_fake_utils.h -------------------------------------------------------------------------------- /lite/core/scalar.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/Paddle-Lite/HEAD/lite/core/scalar.h -------------------------------------------------------------------------------- /lite/core/scalar_test.cc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/Paddle-Lite/HEAD/lite/core/scalar_test.cc -------------------------------------------------------------------------------- /lite/core/scope.cc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/Paddle-Lite/HEAD/lite/core/scope.cc -------------------------------------------------------------------------------- /lite/core/scope.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/Paddle-Lite/HEAD/lite/core/scope.h -------------------------------------------------------------------------------- /lite/core/scope_test.cc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/Paddle-Lite/HEAD/lite/core/scope_test.cc -------------------------------------------------------------------------------- /lite/core/target_wrapper.cc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/Paddle-Lite/HEAD/lite/core/target_wrapper.cc -------------------------------------------------------------------------------- /lite/core/target_wrapper.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/Paddle-Lite/HEAD/lite/core/target_wrapper.h -------------------------------------------------------------------------------- /lite/core/tensor.cc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/Paddle-Lite/HEAD/lite/core/tensor.cc -------------------------------------------------------------------------------- /lite/core/tensor.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/Paddle-Lite/HEAD/lite/core/tensor.h -------------------------------------------------------------------------------- /lite/core/test/CMakeLists.txt: -------------------------------------------------------------------------------- 1 | add_subdirectory (arena) 2 | -------------------------------------------------------------------------------- /lite/core/thread_pool.cc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/Paddle-Lite/HEAD/lite/core/thread_pool.cc -------------------------------------------------------------------------------- /lite/core/thread_pool.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/Paddle-Lite/HEAD/lite/core/thread_pool.h -------------------------------------------------------------------------------- /lite/core/type_system.cc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/Paddle-Lite/HEAD/lite/core/type_system.cc -------------------------------------------------------------------------------- /lite/core/type_system.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/Paddle-Lite/HEAD/lite/core/type_system.h -------------------------------------------------------------------------------- /lite/core/type_system_test.cc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/Paddle-Lite/HEAD/lite/core/type_system_test.cc -------------------------------------------------------------------------------- /lite/core/types.cc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/Paddle-Lite/HEAD/lite/core/types.cc -------------------------------------------------------------------------------- /lite/core/types.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/Paddle-Lite/HEAD/lite/core/types.h -------------------------------------------------------------------------------- /lite/core/types_test.cc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/Paddle-Lite/HEAD/lite/core/types_test.cc -------------------------------------------------------------------------------- /lite/core/variable.cc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/Paddle-Lite/HEAD/lite/core/variable.cc -------------------------------------------------------------------------------- /lite/core/variable.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/Paddle-Lite/HEAD/lite/core/variable.h -------------------------------------------------------------------------------- /lite/core/version.h.in: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/Paddle-Lite/HEAD/lite/core/version.h.in -------------------------------------------------------------------------------- /lite/core/workspace.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/Paddle-Lite/HEAD/lite/core/workspace.h -------------------------------------------------------------------------------- /lite/demo/cxx/Makefile.def: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/Paddle-Lite/HEAD/lite/demo/cxx/Makefile.def -------------------------------------------------------------------------------- /lite/demo/cxx/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/Paddle-Lite/HEAD/lite/demo/cxx/README.md -------------------------------------------------------------------------------- /lite/demo/cxx/lac_demo/lac.cc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/Paddle-Lite/HEAD/lite/demo/cxx/lac_demo/lac.cc -------------------------------------------------------------------------------- /lite/demo/cxx/lac_demo/lac.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/Paddle-Lite/HEAD/lite/demo/cxx/lac_demo/lac.h -------------------------------------------------------------------------------- /lite/demo/cxx/lac_demo/run.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/Paddle-Lite/HEAD/lite/demo/cxx/lac_demo/run.sh -------------------------------------------------------------------------------- /lite/demo/cxx/test_cv/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/Paddle-Lite/HEAD/lite/demo/cxx/test_cv/README.md -------------------------------------------------------------------------------- /lite/demo/cxx/test_libs/run.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/Paddle-Lite/HEAD/lite/demo/cxx/test_libs/run.sh -------------------------------------------------------------------------------- /lite/demo/java/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/Paddle-Lite/HEAD/lite/demo/java/README.md -------------------------------------------------------------------------------- /lite/demo/java/android/PaddlePredictor/app/.gitignore: -------------------------------------------------------------------------------- 1 | /build 2 | -------------------------------------------------------------------------------- /lite/demo/java/android/PaddlePredictor/settings.gradle: -------------------------------------------------------------------------------- 1 | include ':app' 2 | -------------------------------------------------------------------------------- /lite/demo/python/labels.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/Paddle-Lite/HEAD/lite/demo/python/labels.txt -------------------------------------------------------------------------------- /lite/demo/python/tabby_cat.jpg: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/Paddle-Lite/HEAD/lite/demo/python/tabby_cat.jpg -------------------------------------------------------------------------------- /lite/kernels/CMakeLists.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/Paddle-Lite/HEAD/lite/kernels/CMakeLists.txt -------------------------------------------------------------------------------- /lite/kernels/arm/CMakeLists.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/Paddle-Lite/HEAD/lite/kernels/arm/CMakeLists.txt -------------------------------------------------------------------------------- /lite/kernels/arm/axpy_compute.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/Paddle-Lite/HEAD/lite/kernels/arm/axpy_compute.h -------------------------------------------------------------------------------- /lite/kernels/arm/clip_compute.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/Paddle-Lite/HEAD/lite/kernels/arm/clip_compute.h -------------------------------------------------------------------------------- /lite/kernels/arm/conv_compute.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/Paddle-Lite/HEAD/lite/kernels/arm/conv_compute.h -------------------------------------------------------------------------------- /lite/kernels/arm/conv_direct.cc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/Paddle-Lite/HEAD/lite/kernels/arm/conv_direct.cc -------------------------------------------------------------------------------- /lite/kernels/arm/conv_direct.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/Paddle-Lite/HEAD/lite/kernels/arm/conv_direct.h -------------------------------------------------------------------------------- /lite/kernels/arm/fc_compute.cc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/Paddle-Lite/HEAD/lite/kernels/arm/fc_compute.cc -------------------------------------------------------------------------------- /lite/kernels/arm/fc_compute.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/Paddle-Lite/HEAD/lite/kernels/arm/fc_compute.h -------------------------------------------------------------------------------- /lite/kernels/arm/gru_compute.cc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/Paddle-Lite/HEAD/lite/kernels/arm/gru_compute.cc -------------------------------------------------------------------------------- /lite/kernels/arm/gru_compute.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/Paddle-Lite/HEAD/lite/kernels/arm/gru_compute.h -------------------------------------------------------------------------------- /lite/kernels/arm/lrn_compute.cc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/Paddle-Lite/HEAD/lite/kernels/arm/lrn_compute.cc -------------------------------------------------------------------------------- /lite/kernels/arm/lrn_compute.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/Paddle-Lite/HEAD/lite/kernels/arm/lrn_compute.h -------------------------------------------------------------------------------- /lite/kernels/arm/lstm_compute.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/Paddle-Lite/HEAD/lite/kernels/arm/lstm_compute.h -------------------------------------------------------------------------------- /lite/kernels/arm/mean_compute.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/Paddle-Lite/HEAD/lite/kernels/arm/mean_compute.h -------------------------------------------------------------------------------- /lite/kernels/arm/mul_compute.cc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/Paddle-Lite/HEAD/lite/kernels/arm/mul_compute.cc -------------------------------------------------------------------------------- /lite/kernels/arm/mul_compute.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/Paddle-Lite/HEAD/lite/kernels/arm/mul_compute.h -------------------------------------------------------------------------------- /lite/kernels/arm/pool_compute.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/Paddle-Lite/HEAD/lite/kernels/arm/pool_compute.h -------------------------------------------------------------------------------- /lite/kernels/arm/pow_compute.cc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/Paddle-Lite/HEAD/lite/kernels/arm/pow_compute.cc -------------------------------------------------------------------------------- /lite/kernels/arm/pow_compute.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/Paddle-Lite/HEAD/lite/kernels/arm/pow_compute.h -------------------------------------------------------------------------------- /lite/kernels/arm/rnn_compute.cc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/Paddle-Lite/HEAD/lite/kernels/arm/rnn_compute.cc -------------------------------------------------------------------------------- /lite/kernels/arm/rnn_compute.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/Paddle-Lite/HEAD/lite/kernels/arm/rnn_compute.h -------------------------------------------------------------------------------- /lite/kernels/arm/sgd_compute.cc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/Paddle-Lite/HEAD/lite/kernels/arm/sgd_compute.cc -------------------------------------------------------------------------------- /lite/kernels/arm/sgd_compute.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/Paddle-Lite/HEAD/lite/kernels/arm/sgd_compute.h -------------------------------------------------------------------------------- /lite/kernels/arm/sum_compute.cc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/Paddle-Lite/HEAD/lite/kernels/arm/sum_compute.cc -------------------------------------------------------------------------------- /lite/kernels/arm/sum_compute.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/Paddle-Lite/HEAD/lite/kernels/arm/sum_compute.h -------------------------------------------------------------------------------- /lite/kernels/host/cos_compute.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/Paddle-Lite/HEAD/lite/kernels/host/cos_compute.h -------------------------------------------------------------------------------- /lite/kernels/host/pad_compute.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/Paddle-Lite/HEAD/lite/kernels/host/pad_compute.h -------------------------------------------------------------------------------- /lite/kernels/host/sin_compute.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/Paddle-Lite/HEAD/lite/kernels/host/sin_compute.h -------------------------------------------------------------------------------- /lite/kernels/nnadapter/engine.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/Paddle-Lite/HEAD/lite/kernels/nnadapter/engine.h -------------------------------------------------------------------------------- /lite/kernels/x86/CMakeLists.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/Paddle-Lite/HEAD/lite/kernels/x86/CMakeLists.txt -------------------------------------------------------------------------------- /lite/kernels/x86/cast_compute.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/Paddle-Lite/HEAD/lite/kernels/x86/cast_compute.h -------------------------------------------------------------------------------- /lite/kernels/x86/clip_compute.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/Paddle-Lite/HEAD/lite/kernels/x86/clip_compute.h -------------------------------------------------------------------------------- /lite/kernels/x86/conv_compute.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/Paddle-Lite/HEAD/lite/kernels/x86/conv_compute.h -------------------------------------------------------------------------------- /lite/kernels/x86/conv_direct.cc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/Paddle-Lite/HEAD/lite/kernels/x86/conv_direct.cc -------------------------------------------------------------------------------- /lite/kernels/x86/conv_direct.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/Paddle-Lite/HEAD/lite/kernels/x86/conv_direct.h -------------------------------------------------------------------------------- /lite/kernels/x86/fc_compute.cc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/Paddle-Lite/HEAD/lite/kernels/x86/fc_compute.cc -------------------------------------------------------------------------------- /lite/kernels/x86/fc_compute.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/Paddle-Lite/HEAD/lite/kernels/x86/fc_compute.h -------------------------------------------------------------------------------- /lite/kernels/x86/gru_compute.cc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/Paddle-Lite/HEAD/lite/kernels/x86/gru_compute.cc -------------------------------------------------------------------------------- /lite/kernels/x86/gru_compute.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/Paddle-Lite/HEAD/lite/kernels/x86/gru_compute.h -------------------------------------------------------------------------------- /lite/kernels/x86/mul_compute.cc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/Paddle-Lite/HEAD/lite/kernels/x86/mul_compute.cc -------------------------------------------------------------------------------- /lite/kernels/x86/mul_compute.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/Paddle-Lite/HEAD/lite/kernels/x86/mul_compute.h -------------------------------------------------------------------------------- /lite/kernels/x86/pool_compute.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/Paddle-Lite/HEAD/lite/kernels/x86/pool_compute.h -------------------------------------------------------------------------------- /lite/kernels/x86/pow_compute.cc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/Paddle-Lite/HEAD/lite/kernels/x86/pow_compute.cc -------------------------------------------------------------------------------- /lite/kernels/x86/pow_compute.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/Paddle-Lite/HEAD/lite/kernels/x86/pow_compute.h -------------------------------------------------------------------------------- /lite/kernels/x86/rnn_compute.cc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/Paddle-Lite/HEAD/lite/kernels/x86/rnn_compute.cc -------------------------------------------------------------------------------- /lite/kernels/x86/rnn_compute.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/Paddle-Lite/HEAD/lite/kernels/x86/rnn_compute.h -------------------------------------------------------------------------------- /lite/kernels/xpu/CMakeLists.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/Paddle-Lite/HEAD/lite/kernels/xpu/CMakeLists.txt -------------------------------------------------------------------------------- /lite/kernels/xpu/cast_compute.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/Paddle-Lite/HEAD/lite/kernels/xpu/cast_compute.h -------------------------------------------------------------------------------- /lite/kernels/xpu/clip_compute.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/Paddle-Lite/HEAD/lite/kernels/xpu/clip_compute.h -------------------------------------------------------------------------------- /lite/kernels/xpu/conv_compute.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/Paddle-Lite/HEAD/lite/kernels/xpu/conv_compute.h -------------------------------------------------------------------------------- /lite/kernels/xpu/cos_compute.cc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/Paddle-Lite/HEAD/lite/kernels/xpu/cos_compute.cc -------------------------------------------------------------------------------- /lite/kernels/xpu/cos_compute.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/Paddle-Lite/HEAD/lite/kernels/xpu/cos_compute.h -------------------------------------------------------------------------------- /lite/kernels/xpu/flip_compute.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/Paddle-Lite/HEAD/lite/kernels/xpu/flip_compute.h -------------------------------------------------------------------------------- /lite/kernels/xpu/gru_compute.cc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/Paddle-Lite/HEAD/lite/kernels/xpu/gru_compute.cc -------------------------------------------------------------------------------- /lite/kernels/xpu/gru_compute.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/Paddle-Lite/HEAD/lite/kernels/xpu/gru_compute.h -------------------------------------------------------------------------------- /lite/kernels/xpu/lrn_compute.cc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/Paddle-Lite/HEAD/lite/kernels/xpu/lrn_compute.cc -------------------------------------------------------------------------------- /lite/kernels/xpu/lrn_compute.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/Paddle-Lite/HEAD/lite/kernels/xpu/lrn_compute.h -------------------------------------------------------------------------------- /lite/kernels/xpu/mul_compute.cc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/Paddle-Lite/HEAD/lite/kernels/xpu/mul_compute.cc -------------------------------------------------------------------------------- /lite/kernels/xpu/mul_compute.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/Paddle-Lite/HEAD/lite/kernels/xpu/mul_compute.h -------------------------------------------------------------------------------- /lite/kernels/xpu/norm_compute.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/Paddle-Lite/HEAD/lite/kernels/xpu/norm_compute.h -------------------------------------------------------------------------------- /lite/kernels/xpu/pad_compute.cc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/Paddle-Lite/HEAD/lite/kernels/xpu/pad_compute.cc -------------------------------------------------------------------------------- /lite/kernels/xpu/pad_compute.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/Paddle-Lite/HEAD/lite/kernels/xpu/pad_compute.h -------------------------------------------------------------------------------- /lite/kernels/xpu/pool_compute.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/Paddle-Lite/HEAD/lite/kernels/xpu/pool_compute.h -------------------------------------------------------------------------------- /lite/kernels/xpu/rnn_compute.cc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/Paddle-Lite/HEAD/lite/kernels/xpu/rnn_compute.cc -------------------------------------------------------------------------------- /lite/kernels/xpu/rnn_compute.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/Paddle-Lite/HEAD/lite/kernels/xpu/rnn_compute.h -------------------------------------------------------------------------------- /lite/kernels/xpu/sin_compute.cc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/Paddle-Lite/HEAD/lite/kernels/xpu/sin_compute.cc -------------------------------------------------------------------------------- /lite/kernels/xpu/sin_compute.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/Paddle-Lite/HEAD/lite/kernels/xpu/sin_compute.h -------------------------------------------------------------------------------- /lite/kernels/xpu/sum_compute.cc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/Paddle-Lite/HEAD/lite/kernels/xpu/sum_compute.cc -------------------------------------------------------------------------------- /lite/kernels/xpu/sum_compute.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/Paddle-Lite/HEAD/lite/kernels/xpu/sum_compute.h -------------------------------------------------------------------------------- /lite/kernels/xpu/tile_compute.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/Paddle-Lite/HEAD/lite/kernels/xpu/tile_compute.h -------------------------------------------------------------------------------- /lite/kernels/xpu/topk_compute.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/Paddle-Lite/HEAD/lite/kernels/xpu/topk_compute.h -------------------------------------------------------------------------------- /lite/model_parser/cpp_desc.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/Paddle-Lite/HEAD/lite/model_parser/cpp_desc.h -------------------------------------------------------------------------------- /lite/model_parser/pb/op_desc.cc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/Paddle-Lite/HEAD/lite/model_parser/pb/op_desc.cc -------------------------------------------------------------------------------- /lite/model_parser/pb/op_desc.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/Paddle-Lite/HEAD/lite/model_parser/pb/op_desc.h -------------------------------------------------------------------------------- /lite/model_parser/pb/utils.cc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/Paddle-Lite/HEAD/lite/model_parser/pb/utils.cc -------------------------------------------------------------------------------- /lite/model_parser/pb/utils.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/Paddle-Lite/HEAD/lite/model_parser/pb/utils.h -------------------------------------------------------------------------------- /lite/model_parser/pb/var_desc.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/Paddle-Lite/HEAD/lite/model_parser/pb/var_desc.h -------------------------------------------------------------------------------- /lite/model_parser/ssa/op_desc.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/Paddle-Lite/HEAD/lite/model_parser/ssa/op_desc.h -------------------------------------------------------------------------------- /lite/operators/CMakeLists.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/Paddle-Lite/HEAD/lite/operators/CMakeLists.txt -------------------------------------------------------------------------------- /lite/operators/__xpu__fc_op.cc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/Paddle-Lite/HEAD/lite/operators/__xpu__fc_op.cc -------------------------------------------------------------------------------- /lite/operators/__xpu__fc_op.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/Paddle-Lite/HEAD/lite/operators/__xpu__fc_op.h -------------------------------------------------------------------------------- /lite/operators/acos_op.cc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/Paddle-Lite/HEAD/lite/operators/acos_op.cc -------------------------------------------------------------------------------- /lite/operators/acos_op.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/Paddle-Lite/HEAD/lite/operators/acos_op.h -------------------------------------------------------------------------------- /lite/operators/activation_ops.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/Paddle-Lite/HEAD/lite/operators/activation_ops.h -------------------------------------------------------------------------------- /lite/operators/affine_grid_op.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/Paddle-Lite/HEAD/lite/operators/affine_grid_op.h -------------------------------------------------------------------------------- /lite/operators/argmax_op.cc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/Paddle-Lite/HEAD/lite/operators/argmax_op.cc -------------------------------------------------------------------------------- /lite/operators/argmax_op.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/Paddle-Lite/HEAD/lite/operators/argmax_op.h -------------------------------------------------------------------------------- /lite/operators/argsort_op.cc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/Paddle-Lite/HEAD/lite/operators/argsort_op.cc -------------------------------------------------------------------------------- /lite/operators/argsort_op.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/Paddle-Lite/HEAD/lite/operators/argsort_op.h -------------------------------------------------------------------------------- /lite/operators/asin_op.cc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/Paddle-Lite/HEAD/lite/operators/asin_op.cc -------------------------------------------------------------------------------- /lite/operators/asin_op.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/Paddle-Lite/HEAD/lite/operators/asin_op.h -------------------------------------------------------------------------------- /lite/operators/assign_op.cc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/Paddle-Lite/HEAD/lite/operators/assign_op.cc -------------------------------------------------------------------------------- /lite/operators/assign_op.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/Paddle-Lite/HEAD/lite/operators/assign_op.h -------------------------------------------------------------------------------- /lite/operators/atan2_op.cc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/Paddle-Lite/HEAD/lite/operators/atan2_op.cc -------------------------------------------------------------------------------- /lite/operators/atan2_op.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/Paddle-Lite/HEAD/lite/operators/atan2_op.h -------------------------------------------------------------------------------- /lite/operators/atan_op.cc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/Paddle-Lite/HEAD/lite/operators/atan_op.cc -------------------------------------------------------------------------------- /lite/operators/atan_op.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/Paddle-Lite/HEAD/lite/operators/atan_op.h -------------------------------------------------------------------------------- /lite/operators/axpy_op.cc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/Paddle-Lite/HEAD/lite/operators/axpy_op.cc -------------------------------------------------------------------------------- /lite/operators/axpy_op.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/Paddle-Lite/HEAD/lite/operators/axpy_op.h -------------------------------------------------------------------------------- /lite/operators/batch_norm_op.cc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/Paddle-Lite/HEAD/lite/operators/batch_norm_op.cc -------------------------------------------------------------------------------- /lite/operators/batch_norm_op.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/Paddle-Lite/HEAD/lite/operators/batch_norm_op.h -------------------------------------------------------------------------------- /lite/operators/beam_search_op.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/Paddle-Lite/HEAD/lite/operators/beam_search_op.h -------------------------------------------------------------------------------- /lite/operators/bitwise_ops.cc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/Paddle-Lite/HEAD/lite/operators/bitwise_ops.cc -------------------------------------------------------------------------------- /lite/operators/bitwise_ops.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/Paddle-Lite/HEAD/lite/operators/bitwise_ops.h -------------------------------------------------------------------------------- /lite/operators/bmm_op.cc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/Paddle-Lite/HEAD/lite/operators/bmm_op.cc -------------------------------------------------------------------------------- /lite/operators/bmm_op.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/Paddle-Lite/HEAD/lite/operators/bmm_op.h -------------------------------------------------------------------------------- /lite/operators/box_clip_op.cc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/Paddle-Lite/HEAD/lite/operators/box_clip_op.cc -------------------------------------------------------------------------------- /lite/operators/box_clip_op.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/Paddle-Lite/HEAD/lite/operators/box_clip_op.h -------------------------------------------------------------------------------- /lite/operators/box_coder_op.cc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/Paddle-Lite/HEAD/lite/operators/box_coder_op.cc -------------------------------------------------------------------------------- /lite/operators/box_coder_op.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/Paddle-Lite/HEAD/lite/operators/box_coder_op.h -------------------------------------------------------------------------------- /lite/operators/calib_once_op.cc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/Paddle-Lite/HEAD/lite/operators/calib_once_op.cc -------------------------------------------------------------------------------- /lite/operators/calib_once_op.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/Paddle-Lite/HEAD/lite/operators/calib_once_op.h -------------------------------------------------------------------------------- /lite/operators/calib_op.cc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/Paddle-Lite/HEAD/lite/operators/calib_op.cc -------------------------------------------------------------------------------- /lite/operators/calib_op.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/Paddle-Lite/HEAD/lite/operators/calib_op.h -------------------------------------------------------------------------------- /lite/operators/calib_op_test.cc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/Paddle-Lite/HEAD/lite/operators/calib_op_test.cc -------------------------------------------------------------------------------- /lite/operators/cast_op.cc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/Paddle-Lite/HEAD/lite/operators/cast_op.cc -------------------------------------------------------------------------------- /lite/operators/cast_op.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/Paddle-Lite/HEAD/lite/operators/cast_op.h -------------------------------------------------------------------------------- /lite/operators/clip_op.cc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/Paddle-Lite/HEAD/lite/operators/clip_op.cc -------------------------------------------------------------------------------- /lite/operators/clip_op.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/Paddle-Lite/HEAD/lite/operators/clip_op.h -------------------------------------------------------------------------------- /lite/operators/compare_op.cc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/Paddle-Lite/HEAD/lite/operators/compare_op.cc -------------------------------------------------------------------------------- /lite/operators/compare_op.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/Paddle-Lite/HEAD/lite/operators/compare_op.h -------------------------------------------------------------------------------- /lite/operators/concat_op.cc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/Paddle-Lite/HEAD/lite/operators/concat_op.cc -------------------------------------------------------------------------------- /lite/operators/concat_op.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/Paddle-Lite/HEAD/lite/operators/concat_op.h -------------------------------------------------------------------------------- /lite/operators/conv_op.cc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/Paddle-Lite/HEAD/lite/operators/conv_op.cc -------------------------------------------------------------------------------- /lite/operators/conv_op.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/Paddle-Lite/HEAD/lite/operators/conv_op.h -------------------------------------------------------------------------------- /lite/operators/correlation_op.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/Paddle-Lite/HEAD/lite/operators/correlation_op.h -------------------------------------------------------------------------------- /lite/operators/cos_op.cc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/Paddle-Lite/HEAD/lite/operators/cos_op.cc -------------------------------------------------------------------------------- /lite/operators/cos_op.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/Paddle-Lite/HEAD/lite/operators/cos_op.h -------------------------------------------------------------------------------- /lite/operators/cos_sim_op.cc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/Paddle-Lite/HEAD/lite/operators/cos_sim_op.cc -------------------------------------------------------------------------------- /lite/operators/cos_sim_op.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/Paddle-Lite/HEAD/lite/operators/cos_sim_op.h -------------------------------------------------------------------------------- /lite/operators/crop_op.cc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/Paddle-Lite/HEAD/lite/operators/crop_op.cc -------------------------------------------------------------------------------- /lite/operators/crop_op.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/Paddle-Lite/HEAD/lite/operators/crop_op.h -------------------------------------------------------------------------------- /lite/operators/crop_tensor_op.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/Paddle-Lite/HEAD/lite/operators/crop_tensor_op.h -------------------------------------------------------------------------------- /lite/operators/ctc_align_op.cc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/Paddle-Lite/HEAD/lite/operators/ctc_align_op.cc -------------------------------------------------------------------------------- /lite/operators/ctc_align_op.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/Paddle-Lite/HEAD/lite/operators/ctc_align_op.h -------------------------------------------------------------------------------- /lite/operators/cumsum_op.cc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/Paddle-Lite/HEAD/lite/operators/cumsum_op.cc -------------------------------------------------------------------------------- /lite/operators/cumsum_op.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/Paddle-Lite/HEAD/lite/operators/cumsum_op.h -------------------------------------------------------------------------------- /lite/operators/dropout_op.cc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/Paddle-Lite/HEAD/lite/operators/dropout_op.cc -------------------------------------------------------------------------------- /lite/operators/dropout_op.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/Paddle-Lite/HEAD/lite/operators/dropout_op.h -------------------------------------------------------------------------------- /lite/operators/empty_op.cc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/Paddle-Lite/HEAD/lite/operators/empty_op.cc -------------------------------------------------------------------------------- /lite/operators/empty_op.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/Paddle-Lite/HEAD/lite/operators/empty_op.h -------------------------------------------------------------------------------- /lite/operators/expand_as_op.cc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/Paddle-Lite/HEAD/lite/operators/expand_as_op.cc -------------------------------------------------------------------------------- /lite/operators/expand_as_op.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/Paddle-Lite/HEAD/lite/operators/expand_as_op.h -------------------------------------------------------------------------------- /lite/operators/expand_op.cc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/Paddle-Lite/HEAD/lite/operators/expand_op.cc -------------------------------------------------------------------------------- /lite/operators/expand_op.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/Paddle-Lite/HEAD/lite/operators/expand_op.h -------------------------------------------------------------------------------- /lite/operators/expand_v2_op.cc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/Paddle-Lite/HEAD/lite/operators/expand_v2_op.cc -------------------------------------------------------------------------------- /lite/operators/expand_v2_op.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/Paddle-Lite/HEAD/lite/operators/expand_v2_op.h -------------------------------------------------------------------------------- /lite/operators/fc_op.cc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/Paddle-Lite/HEAD/lite/operators/fc_op.cc -------------------------------------------------------------------------------- /lite/operators/fc_op.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/Paddle-Lite/HEAD/lite/operators/fc_op.h -------------------------------------------------------------------------------- /lite/operators/fc_op_test.cc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/Paddle-Lite/HEAD/lite/operators/fc_op_test.cc -------------------------------------------------------------------------------- /lite/operators/feed_op.cc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/Paddle-Lite/HEAD/lite/operators/feed_op.cc -------------------------------------------------------------------------------- /lite/operators/fetch_op.cc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/Paddle-Lite/HEAD/lite/operators/fetch_op.cc -------------------------------------------------------------------------------- /lite/operators/flatten_op.cc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/Paddle-Lite/HEAD/lite/operators/flatten_op.cc -------------------------------------------------------------------------------- /lite/operators/flatten_op.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/Paddle-Lite/HEAD/lite/operators/flatten_op.h -------------------------------------------------------------------------------- /lite/operators/flip_op.cc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/Paddle-Lite/HEAD/lite/operators/flip_op.cc -------------------------------------------------------------------------------- /lite/operators/flip_op.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/Paddle-Lite/HEAD/lite/operators/flip_op.h -------------------------------------------------------------------------------- /lite/operators/gather_nd_op.cc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/Paddle-Lite/HEAD/lite/operators/gather_nd_op.cc -------------------------------------------------------------------------------- /lite/operators/gather_nd_op.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/Paddle-Lite/HEAD/lite/operators/gather_nd_op.h -------------------------------------------------------------------------------- /lite/operators/gather_op.cc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/Paddle-Lite/HEAD/lite/operators/gather_op.cc -------------------------------------------------------------------------------- /lite/operators/gather_op.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/Paddle-Lite/HEAD/lite/operators/gather_op.h -------------------------------------------------------------------------------- /lite/operators/gather_tree_op.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/Paddle-Lite/HEAD/lite/operators/gather_tree_op.h -------------------------------------------------------------------------------- /lite/operators/group_norm_op.cc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/Paddle-Lite/HEAD/lite/operators/group_norm_op.cc -------------------------------------------------------------------------------- /lite/operators/group_norm_op.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/Paddle-Lite/HEAD/lite/operators/group_norm_op.h -------------------------------------------------------------------------------- /lite/operators/gru_op.cc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/Paddle-Lite/HEAD/lite/operators/gru_op.cc -------------------------------------------------------------------------------- /lite/operators/gru_op.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/Paddle-Lite/HEAD/lite/operators/gru_op.h -------------------------------------------------------------------------------- /lite/operators/gru_unit_op.cc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/Paddle-Lite/HEAD/lite/operators/gru_unit_op.cc -------------------------------------------------------------------------------- /lite/operators/gru_unit_op.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/Paddle-Lite/HEAD/lite/operators/gru_unit_op.h -------------------------------------------------------------------------------- /lite/operators/im2sequence_op.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/Paddle-Lite/HEAD/lite/operators/im2sequence_op.h -------------------------------------------------------------------------------- /lite/operators/increment_op.cc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/Paddle-Lite/HEAD/lite/operators/increment_op.cc -------------------------------------------------------------------------------- /lite/operators/increment_op.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/Paddle-Lite/HEAD/lite/operators/increment_op.h -------------------------------------------------------------------------------- /lite/operators/interpolate_op.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/Paddle-Lite/HEAD/lite/operators/interpolate_op.h -------------------------------------------------------------------------------- /lite/operators/inverse_op.cc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/Paddle-Lite/HEAD/lite/operators/inverse_op.cc -------------------------------------------------------------------------------- /lite/operators/inverse_op.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/Paddle-Lite/HEAD/lite/operators/inverse_op.h -------------------------------------------------------------------------------- /lite/operators/io_copy_op.cc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/Paddle-Lite/HEAD/lite/operators/io_copy_op.cc -------------------------------------------------------------------------------- /lite/operators/io_copy_op.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/Paddle-Lite/HEAD/lite/operators/io_copy_op.h -------------------------------------------------------------------------------- /lite/operators/is_empty_op.cc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/Paddle-Lite/HEAD/lite/operators/is_empty_op.cc -------------------------------------------------------------------------------- /lite/operators/is_empty_op.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/Paddle-Lite/HEAD/lite/operators/is_empty_op.h -------------------------------------------------------------------------------- /lite/operators/layer_norm_op.cc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/Paddle-Lite/HEAD/lite/operators/layer_norm_op.cc -------------------------------------------------------------------------------- /lite/operators/layer_norm_op.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/Paddle-Lite/HEAD/lite/operators/layer_norm_op.h -------------------------------------------------------------------------------- /lite/operators/layout_once_op.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/Paddle-Lite/HEAD/lite/operators/layout_once_op.h -------------------------------------------------------------------------------- /lite/operators/layout_op.cc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/Paddle-Lite/HEAD/lite/operators/layout_op.cc -------------------------------------------------------------------------------- /lite/operators/layout_op.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/Paddle-Lite/HEAD/lite/operators/layout_op.h -------------------------------------------------------------------------------- /lite/operators/linspace_op.cc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/Paddle-Lite/HEAD/lite/operators/linspace_op.cc -------------------------------------------------------------------------------- /lite/operators/linspace_op.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/Paddle-Lite/HEAD/lite/operators/linspace_op.h -------------------------------------------------------------------------------- /lite/operators/lod_reset_op.cc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/Paddle-Lite/HEAD/lite/operators/lod_reset_op.cc -------------------------------------------------------------------------------- /lite/operators/lod_reset_op.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/Paddle-Lite/HEAD/lite/operators/lod_reset_op.h -------------------------------------------------------------------------------- /lite/operators/log_softmax_op.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/Paddle-Lite/HEAD/lite/operators/log_softmax_op.h -------------------------------------------------------------------------------- /lite/operators/logical_op.cc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/Paddle-Lite/HEAD/lite/operators/logical_op.cc -------------------------------------------------------------------------------- /lite/operators/logical_op.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/Paddle-Lite/HEAD/lite/operators/logical_op.h -------------------------------------------------------------------------------- /lite/operators/lrn_op.cc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/Paddle-Lite/HEAD/lite/operators/lrn_op.cc -------------------------------------------------------------------------------- /lite/operators/lrn_op.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/Paddle-Lite/HEAD/lite/operators/lrn_op.h -------------------------------------------------------------------------------- /lite/operators/lstm_op.cc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/Paddle-Lite/HEAD/lite/operators/lstm_op.cc -------------------------------------------------------------------------------- /lite/operators/lstm_op.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/Paddle-Lite/HEAD/lite/operators/lstm_op.h -------------------------------------------------------------------------------- /lite/operators/matmul_op.cc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/Paddle-Lite/HEAD/lite/operators/matmul_op.cc -------------------------------------------------------------------------------- /lite/operators/matmul_op.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/Paddle-Lite/HEAD/lite/operators/matmul_op.h -------------------------------------------------------------------------------- /lite/operators/matmul_v2_op.cc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/Paddle-Lite/HEAD/lite/operators/matmul_v2_op.cc -------------------------------------------------------------------------------- /lite/operators/matmul_v2_op.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/Paddle-Lite/HEAD/lite/operators/matmul_v2_op.h -------------------------------------------------------------------------------- /lite/operators/matrix_nms_op.cc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/Paddle-Lite/HEAD/lite/operators/matrix_nms_op.cc -------------------------------------------------------------------------------- /lite/operators/matrix_nms_op.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/Paddle-Lite/HEAD/lite/operators/matrix_nms_op.h -------------------------------------------------------------------------------- /lite/operators/mean_grad_op.cc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/Paddle-Lite/HEAD/lite/operators/mean_grad_op.cc -------------------------------------------------------------------------------- /lite/operators/mean_grad_op.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/Paddle-Lite/HEAD/lite/operators/mean_grad_op.h -------------------------------------------------------------------------------- /lite/operators/mean_op.cc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/Paddle-Lite/HEAD/lite/operators/mean_op.cc -------------------------------------------------------------------------------- /lite/operators/mean_op.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/Paddle-Lite/HEAD/lite/operators/mean_op.h -------------------------------------------------------------------------------- /lite/operators/meshgrid_op.cc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/Paddle-Lite/HEAD/lite/operators/meshgrid_op.cc -------------------------------------------------------------------------------- /lite/operators/meshgrid_op.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/Paddle-Lite/HEAD/lite/operators/meshgrid_op.h -------------------------------------------------------------------------------- /lite/operators/mul_grad_op.cc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/Paddle-Lite/HEAD/lite/operators/mul_grad_op.cc -------------------------------------------------------------------------------- /lite/operators/mul_grad_op.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/Paddle-Lite/HEAD/lite/operators/mul_grad_op.h -------------------------------------------------------------------------------- /lite/operators/mul_op.cc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/Paddle-Lite/HEAD/lite/operators/mul_op.cc -------------------------------------------------------------------------------- /lite/operators/mul_op.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/Paddle-Lite/HEAD/lite/operators/mul_op.h -------------------------------------------------------------------------------- /lite/operators/negative_op.cc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/Paddle-Lite/HEAD/lite/operators/negative_op.cc -------------------------------------------------------------------------------- /lite/operators/negative_op.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/Paddle-Lite/HEAD/lite/operators/negative_op.h -------------------------------------------------------------------------------- /lite/operators/norm_op.cc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/Paddle-Lite/HEAD/lite/operators/norm_op.cc -------------------------------------------------------------------------------- /lite/operators/norm_op.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/Paddle-Lite/HEAD/lite/operators/norm_op.h -------------------------------------------------------------------------------- /lite/operators/one_hot_op.cc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/Paddle-Lite/HEAD/lite/operators/one_hot_op.cc -------------------------------------------------------------------------------- /lite/operators/one_hot_op.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/Paddle-Lite/HEAD/lite/operators/one_hot_op.h -------------------------------------------------------------------------------- /lite/operators/one_hot_v2_op.cc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/Paddle-Lite/HEAD/lite/operators/one_hot_v2_op.cc -------------------------------------------------------------------------------- /lite/operators/one_hot_v2_op.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/Paddle-Lite/HEAD/lite/operators/one_hot_v2_op.h -------------------------------------------------------------------------------- /lite/operators/op_params.cc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/Paddle-Lite/HEAD/lite/operators/op_params.cc -------------------------------------------------------------------------------- /lite/operators/op_params.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/Paddle-Lite/HEAD/lite/operators/op_params.h -------------------------------------------------------------------------------- /lite/operators/pad2d_op.cc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/Paddle-Lite/HEAD/lite/operators/pad2d_op.cc -------------------------------------------------------------------------------- /lite/operators/pad2d_op.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/Paddle-Lite/HEAD/lite/operators/pad2d_op.h -------------------------------------------------------------------------------- /lite/operators/pad3d_op.cc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/Paddle-Lite/HEAD/lite/operators/pad3d_op.cc -------------------------------------------------------------------------------- /lite/operators/pad3d_op.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/Paddle-Lite/HEAD/lite/operators/pad3d_op.h -------------------------------------------------------------------------------- /lite/operators/pad_op.cc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/Paddle-Lite/HEAD/lite/operators/pad_op.cc -------------------------------------------------------------------------------- /lite/operators/pad_op.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/Paddle-Lite/HEAD/lite/operators/pad_op.h -------------------------------------------------------------------------------- /lite/operators/pool_op.cc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/Paddle-Lite/HEAD/lite/operators/pool_op.cc -------------------------------------------------------------------------------- /lite/operators/pool_op.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/Paddle-Lite/HEAD/lite/operators/pool_op.h -------------------------------------------------------------------------------- /lite/operators/pool_op_test.cc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/Paddle-Lite/HEAD/lite/operators/pool_op_test.cc -------------------------------------------------------------------------------- /lite/operators/pow_op.cc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/Paddle-Lite/HEAD/lite/operators/pow_op.cc -------------------------------------------------------------------------------- /lite/operators/pow_op.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/Paddle-Lite/HEAD/lite/operators/pow_op.h -------------------------------------------------------------------------------- /lite/operators/print_op.cc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/Paddle-Lite/HEAD/lite/operators/print_op.cc -------------------------------------------------------------------------------- /lite/operators/print_op.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/Paddle-Lite/HEAD/lite/operators/print_op.h -------------------------------------------------------------------------------- /lite/operators/prior_box_op.cc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/Paddle-Lite/HEAD/lite/operators/prior_box_op.cc -------------------------------------------------------------------------------- /lite/operators/prior_box_op.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/Paddle-Lite/HEAD/lite/operators/prior_box_op.h -------------------------------------------------------------------------------- /lite/operators/range_op.cc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/Paddle-Lite/HEAD/lite/operators/range_op.cc -------------------------------------------------------------------------------- /lite/operators/range_op.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/Paddle-Lite/HEAD/lite/operators/range_op.h -------------------------------------------------------------------------------- /lite/operators/reduce_ops.cc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/Paddle-Lite/HEAD/lite/operators/reduce_ops.cc -------------------------------------------------------------------------------- /lite/operators/reduce_ops.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/Paddle-Lite/HEAD/lite/operators/reduce_ops.h -------------------------------------------------------------------------------- /lite/operators/relu_op.cc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/Paddle-Lite/HEAD/lite/operators/relu_op.cc -------------------------------------------------------------------------------- /lite/operators/relu_op.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/Paddle-Lite/HEAD/lite/operators/relu_op.h -------------------------------------------------------------------------------- /lite/operators/reshape_op.cc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/Paddle-Lite/HEAD/lite/operators/reshape_op.cc -------------------------------------------------------------------------------- /lite/operators/reshape_op.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/Paddle-Lite/HEAD/lite/operators/reshape_op.h -------------------------------------------------------------------------------- /lite/operators/reverse_op.cc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/Paddle-Lite/HEAD/lite/operators/reverse_op.cc -------------------------------------------------------------------------------- /lite/operators/reverse_op.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/Paddle-Lite/HEAD/lite/operators/reverse_op.h -------------------------------------------------------------------------------- /lite/operators/rnn_op.cc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/Paddle-Lite/HEAD/lite/operators/rnn_op.cc -------------------------------------------------------------------------------- /lite/operators/rnn_op.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/Paddle-Lite/HEAD/lite/operators/rnn_op.h -------------------------------------------------------------------------------- /lite/operators/roi_align_op.cc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/Paddle-Lite/HEAD/lite/operators/roi_align_op.cc -------------------------------------------------------------------------------- /lite/operators/roi_align_op.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/Paddle-Lite/HEAD/lite/operators/roi_align_op.h -------------------------------------------------------------------------------- /lite/operators/roll_op.cc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/Paddle-Lite/HEAD/lite/operators/roll_op.cc -------------------------------------------------------------------------------- /lite/operators/roll_op.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/Paddle-Lite/HEAD/lite/operators/roll_op.h -------------------------------------------------------------------------------- /lite/operators/round_op.cc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/Paddle-Lite/HEAD/lite/operators/round_op.cc -------------------------------------------------------------------------------- /lite/operators/round_op.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/Paddle-Lite/HEAD/lite/operators/round_op.h -------------------------------------------------------------------------------- /lite/operators/sampling_id_op.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/Paddle-Lite/HEAD/lite/operators/sampling_id_op.h -------------------------------------------------------------------------------- /lite/operators/scale_op.cc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/Paddle-Lite/HEAD/lite/operators/scale_op.cc -------------------------------------------------------------------------------- /lite/operators/scale_op.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/Paddle-Lite/HEAD/lite/operators/scale_op.h -------------------------------------------------------------------------------- /lite/operators/scale_op_test.cc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/Paddle-Lite/HEAD/lite/operators/scale_op_test.cc -------------------------------------------------------------------------------- /lite/operators/scatter_op.cc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/Paddle-Lite/HEAD/lite/operators/scatter_op.cc -------------------------------------------------------------------------------- /lite/operators/scatter_op.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/Paddle-Lite/HEAD/lite/operators/scatter_op.h -------------------------------------------------------------------------------- /lite/operators/search_fc_op.cc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/Paddle-Lite/HEAD/lite/operators/search_fc_op.cc -------------------------------------------------------------------------------- /lite/operators/search_fc_op.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/Paddle-Lite/HEAD/lite/operators/search_fc_op.h -------------------------------------------------------------------------------- /lite/operators/search_grnn_op.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/Paddle-Lite/HEAD/lite/operators/search_grnn_op.h -------------------------------------------------------------------------------- /lite/operators/set_value_op.cc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/Paddle-Lite/HEAD/lite/operators/set_value_op.cc -------------------------------------------------------------------------------- /lite/operators/set_value_op.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/Paddle-Lite/HEAD/lite/operators/set_value_op.h -------------------------------------------------------------------------------- /lite/operators/sgd_op.cc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/Paddle-Lite/HEAD/lite/operators/sgd_op.cc -------------------------------------------------------------------------------- /lite/operators/sgd_op.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/Paddle-Lite/HEAD/lite/operators/sgd_op.h -------------------------------------------------------------------------------- /lite/operators/shape_op.cc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/Paddle-Lite/HEAD/lite/operators/shape_op.cc -------------------------------------------------------------------------------- /lite/operators/shape_op.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/Paddle-Lite/HEAD/lite/operators/shape_op.h -------------------------------------------------------------------------------- /lite/operators/share_data_op.cc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/Paddle-Lite/HEAD/lite/operators/share_data_op.cc -------------------------------------------------------------------------------- /lite/operators/share_data_op.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/Paddle-Lite/HEAD/lite/operators/share_data_op.h -------------------------------------------------------------------------------- /lite/operators/sign_op.cc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/Paddle-Lite/HEAD/lite/operators/sign_op.cc -------------------------------------------------------------------------------- /lite/operators/sign_op.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/Paddle-Lite/HEAD/lite/operators/sign_op.h -------------------------------------------------------------------------------- /lite/operators/sin_op.cc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/Paddle-Lite/HEAD/lite/operators/sin_op.cc -------------------------------------------------------------------------------- /lite/operators/sin_op.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/Paddle-Lite/HEAD/lite/operators/sin_op.h -------------------------------------------------------------------------------- /lite/operators/slice_op.cc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/Paddle-Lite/HEAD/lite/operators/slice_op.cc -------------------------------------------------------------------------------- /lite/operators/slice_op.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/Paddle-Lite/HEAD/lite/operators/slice_op.h -------------------------------------------------------------------------------- /lite/operators/softmax_op.cc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/Paddle-Lite/HEAD/lite/operators/softmax_op.cc -------------------------------------------------------------------------------- /lite/operators/softmax_op.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/Paddle-Lite/HEAD/lite/operators/softmax_op.h -------------------------------------------------------------------------------- /lite/operators/sparse_conv_op.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/Paddle-Lite/HEAD/lite/operators/sparse_conv_op.h -------------------------------------------------------------------------------- /lite/operators/split_op.cc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/Paddle-Lite/HEAD/lite/operators/split_op.cc -------------------------------------------------------------------------------- /lite/operators/split_op.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/Paddle-Lite/HEAD/lite/operators/split_op.h -------------------------------------------------------------------------------- /lite/operators/squeeze_op.cc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/Paddle-Lite/HEAD/lite/operators/squeeze_op.cc -------------------------------------------------------------------------------- /lite/operators/squeeze_op.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/Paddle-Lite/HEAD/lite/operators/squeeze_op.h -------------------------------------------------------------------------------- /lite/operators/stack_op.cc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/Paddle-Lite/HEAD/lite/operators/stack_op.cc -------------------------------------------------------------------------------- /lite/operators/stack_op.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/Paddle-Lite/HEAD/lite/operators/stack_op.h -------------------------------------------------------------------------------- /lite/operators/subgraph_op.cc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/Paddle-Lite/HEAD/lite/operators/subgraph_op.cc -------------------------------------------------------------------------------- /lite/operators/subgraph_op.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/Paddle-Lite/HEAD/lite/operators/subgraph_op.h -------------------------------------------------------------------------------- /lite/operators/sum_op.cc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/Paddle-Lite/HEAD/lite/operators/sum_op.cc -------------------------------------------------------------------------------- /lite/operators/sum_op.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/Paddle-Lite/HEAD/lite/operators/sum_op.h -------------------------------------------------------------------------------- /lite/operators/tan_op.cc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/Paddle-Lite/HEAD/lite/operators/tan_op.cc -------------------------------------------------------------------------------- /lite/operators/tan_op.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/Paddle-Lite/HEAD/lite/operators/tan_op.h -------------------------------------------------------------------------------- /lite/operators/tile_op.cc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/Paddle-Lite/HEAD/lite/operators/tile_op.cc -------------------------------------------------------------------------------- /lite/operators/tile_op.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/Paddle-Lite/HEAD/lite/operators/tile_op.h -------------------------------------------------------------------------------- /lite/operators/topk_op.cc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/Paddle-Lite/HEAD/lite/operators/topk_op.cc -------------------------------------------------------------------------------- /lite/operators/topk_op.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/Paddle-Lite/HEAD/lite/operators/topk_op.h -------------------------------------------------------------------------------- /lite/operators/topk_v2_op.cc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/Paddle-Lite/HEAD/lite/operators/topk_v2_op.cc -------------------------------------------------------------------------------- /lite/operators/topk_v2_op.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/Paddle-Lite/HEAD/lite/operators/topk_v2_op.h -------------------------------------------------------------------------------- /lite/operators/transpose_op.cc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/Paddle-Lite/HEAD/lite/operators/transpose_op.cc -------------------------------------------------------------------------------- /lite/operators/transpose_op.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/Paddle-Lite/HEAD/lite/operators/transpose_op.h -------------------------------------------------------------------------------- /lite/operators/tril_triu_op.cc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/Paddle-Lite/HEAD/lite/operators/tril_triu_op.cc -------------------------------------------------------------------------------- /lite/operators/tril_triu_op.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/Paddle-Lite/HEAD/lite/operators/tril_triu_op.h -------------------------------------------------------------------------------- /lite/operators/unbind_op.cc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/Paddle-Lite/HEAD/lite/operators/unbind_op.cc -------------------------------------------------------------------------------- /lite/operators/unbind_op.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/Paddle-Lite/HEAD/lite/operators/unbind_op.h -------------------------------------------------------------------------------- /lite/operators/unfold_op.cc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/Paddle-Lite/HEAD/lite/operators/unfold_op.cc -------------------------------------------------------------------------------- /lite/operators/unfold_op.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/Paddle-Lite/HEAD/lite/operators/unfold_op.h -------------------------------------------------------------------------------- /lite/operators/unique_op.cc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/Paddle-Lite/HEAD/lite/operators/unique_op.cc -------------------------------------------------------------------------------- /lite/operators/unique_op.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/Paddle-Lite/HEAD/lite/operators/unique_op.h -------------------------------------------------------------------------------- /lite/operators/unsqueeze_op.cc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/Paddle-Lite/HEAD/lite/operators/unsqueeze_op.cc -------------------------------------------------------------------------------- /lite/operators/unsqueeze_op.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/Paddle-Lite/HEAD/lite/operators/unsqueeze_op.h -------------------------------------------------------------------------------- /lite/operators/unstack_op.cc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/Paddle-Lite/HEAD/lite/operators/unstack_op.cc -------------------------------------------------------------------------------- /lite/operators/unstack_op.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/Paddle-Lite/HEAD/lite/operators/unstack_op.h -------------------------------------------------------------------------------- /lite/operators/var_conv_2d_op.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/Paddle-Lite/HEAD/lite/operators/var_conv_2d_op.h -------------------------------------------------------------------------------- /lite/operators/where_index_op.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/Paddle-Lite/HEAD/lite/operators/where_index_op.h -------------------------------------------------------------------------------- /lite/operators/where_op.cc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/Paddle-Lite/HEAD/lite/operators/where_op.cc -------------------------------------------------------------------------------- /lite/operators/where_op.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/Paddle-Lite/HEAD/lite/operators/where_op.h -------------------------------------------------------------------------------- /lite/operators/while_op.cc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/Paddle-Lite/HEAD/lite/operators/while_op.cc -------------------------------------------------------------------------------- /lite/operators/while_op.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/Paddle-Lite/HEAD/lite/operators/while_op.h -------------------------------------------------------------------------------- /lite/operators/write_back_op.cc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/Paddle-Lite/HEAD/lite/operators/write_back_op.cc -------------------------------------------------------------------------------- /lite/operators/write_back_op.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/Paddle-Lite/HEAD/lite/operators/write_back_op.h -------------------------------------------------------------------------------- /lite/operators/yolo_box_op.cc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/Paddle-Lite/HEAD/lite/operators/yolo_box_op.cc -------------------------------------------------------------------------------- /lite/operators/yolo_box_op.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/Paddle-Lite/HEAD/lite/operators/yolo_box_op.h -------------------------------------------------------------------------------- /lite/tests/CMakeLists.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/Paddle-Lite/HEAD/lite/tests/CMakeLists.txt -------------------------------------------------------------------------------- /lite/tests/README.md: -------------------------------------------------------------------------------- 1 | The tests shared across multiple devices(Targets). 2 | -------------------------------------------------------------------------------- /lite/tests/api/CMakeLists.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/Paddle-Lite/HEAD/lite/tests/api/CMakeLists.txt -------------------------------------------------------------------------------- /lite/tests/api/bert_utility.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/Paddle-Lite/HEAD/lite/tests/api/bert_utility.h -------------------------------------------------------------------------------- /lite/tests/api/utility.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/Paddle-Lite/HEAD/lite/tests/api/utility.h -------------------------------------------------------------------------------- /lite/tests/benchmark/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/Paddle-Lite/HEAD/lite/tests/benchmark/README.md -------------------------------------------------------------------------------- /lite/tests/benchmark/ops.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/Paddle-Lite/HEAD/lite/tests/benchmark/ops.txt -------------------------------------------------------------------------------- /lite/tests/cv/CMakeLists.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/Paddle-Lite/HEAD/lite/tests/cv/CMakeLists.txt -------------------------------------------------------------------------------- /lite/tests/cv/anakin/cv_utils.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/Paddle-Lite/HEAD/lite/tests/cv/anakin/cv_utils.h -------------------------------------------------------------------------------- /lite/tests/cv/cv_basic.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/Paddle-Lite/HEAD/lite/tests/cv/cv_basic.h -------------------------------------------------------------------------------- /lite/tests/math/CMakeLists.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/Paddle-Lite/HEAD/lite/tests/math/CMakeLists.txt -------------------------------------------------------------------------------- /lite/tests/math/conv_ut.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/Paddle-Lite/HEAD/lite/tests/math/conv_ut.h -------------------------------------------------------------------------------- /lite/tests/math/pool_ut.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/Paddle-Lite/HEAD/lite/tests/math/pool_ut.h -------------------------------------------------------------------------------- /lite/tests/unittest_py/README.md: -------------------------------------------------------------------------------- 1 | ## How to use autoscan framwork to test kernel precision? 2 | -------------------------------------------------------------------------------- /lite/tests/unittest_py/rpc_service/requirements.txt: -------------------------------------------------------------------------------- 1 | rpyc 2 | numpy 3 | -------------------------------------------------------------------------------- /lite/tests/utils/fill_data.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/Paddle-Lite/HEAD/lite/tests/utils/fill_data.h -------------------------------------------------------------------------------- /lite/tests/utils/print_info.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/Paddle-Lite/HEAD/lite/tests/utils/print_info.h -------------------------------------------------------------------------------- /lite/tests/utils/tensor_utils.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/Paddle-Lite/HEAD/lite/tests/utils/tensor_utils.h -------------------------------------------------------------------------------- /lite/tools/CMakeLists.txt: -------------------------------------------------------------------------------- 1 | add_subdirectory(debug) 2 | -------------------------------------------------------------------------------- /lite/tools/Dockerfile.mobile: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/Paddle-Lite/HEAD/lite/tools/Dockerfile.mobile -------------------------------------------------------------------------------- /lite/tools/auto_transform.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/Paddle-Lite/HEAD/lite/tools/auto_transform.sh -------------------------------------------------------------------------------- /lite/tools/benchmark.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/Paddle-Lite/HEAD/lite/tools/benchmark.sh -------------------------------------------------------------------------------- /lite/tools/build.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/Paddle-Lite/HEAD/lite/tools/build.sh -------------------------------------------------------------------------------- /lite/tools/build_android.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/Paddle-Lite/HEAD/lite/tools/build_android.sh -------------------------------------------------------------------------------- /lite/tools/build_ios.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/Paddle-Lite/HEAD/lite/tools/build_ios.sh -------------------------------------------------------------------------------- /lite/tools/build_linux.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/Paddle-Lite/HEAD/lite/tools/build_linux.sh -------------------------------------------------------------------------------- /lite/tools/build_macos.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/Paddle-Lite/HEAD/lite/tools/build_macos.sh -------------------------------------------------------------------------------- /lite/tools/build_ohos.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/Paddle-Lite/HEAD/lite/tools/build_ohos.sh -------------------------------------------------------------------------------- /lite/tools/build_qnx.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/Paddle-Lite/HEAD/lite/tools/build_qnx.sh -------------------------------------------------------------------------------- /lite/tools/build_windows.bat: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/Paddle-Lite/HEAD/lite/tools/build_windows.bat -------------------------------------------------------------------------------- /lite/tools/build_xcode.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/Paddle-Lite/HEAD/lite/tools/build_xcode.sh -------------------------------------------------------------------------------- /lite/tools/check_pr_approval.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/Paddle-Lite/HEAD/lite/tools/check_pr_approval.py -------------------------------------------------------------------------------- /lite/tools/check_symbol.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/Paddle-Lite/HEAD/lite/tools/check_symbol.sh -------------------------------------------------------------------------------- /lite/tools/ci_build.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/Paddle-Lite/HEAD/lite/tools/ci_build.sh -------------------------------------------------------------------------------- /lite/tools/ci_test.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/Paddle-Lite/HEAD/lite/tools/ci_test.sh -------------------------------------------------------------------------------- /lite/tools/cmake_tools/ast.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/Paddle-Lite/HEAD/lite/tools/cmake_tools/ast.py -------------------------------------------------------------------------------- /lite/tools/cmake_tools/utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/Paddle-Lite/HEAD/lite/tools/cmake_tools/utils.py -------------------------------------------------------------------------------- /lite/tools/debug/CMakeLists.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/Paddle-Lite/HEAD/lite/tools/debug/CMakeLists.txt -------------------------------------------------------------------------------- /lite/tools/debug/check_model.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/Paddle-Lite/HEAD/lite/tools/debug/check_model.sh -------------------------------------------------------------------------------- /lite/tools/debug/debug_utils.cc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/Paddle-Lite/HEAD/lite/tools/debug/debug_utils.cc -------------------------------------------------------------------------------- /lite/tools/debug/debug_utils.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/Paddle-Lite/HEAD/lite/tools/debug/debug_utils.h -------------------------------------------------------------------------------- /lite/tools/mobile_readme.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/Paddle-Lite/HEAD/lite/tools/mobile_readme.md -------------------------------------------------------------------------------- /lite/tools/prepare_benchmark.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/Paddle-Lite/HEAD/lite/tools/prepare_benchmark.sh -------------------------------------------------------------------------------- /lite/tools/profile/profile.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/Paddle-Lite/HEAD/lite/tools/profile/profile.sh -------------------------------------------------------------------------------- /lite/tools/untar.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/Paddle-Lite/HEAD/lite/tools/untar.py -------------------------------------------------------------------------------- /lite/utils/CMakeLists.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/Paddle-Lite/HEAD/lite/utils/CMakeLists.txt -------------------------------------------------------------------------------- /lite/utils/all.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/Paddle-Lite/HEAD/lite/utils/all.h -------------------------------------------------------------------------------- /lite/utils/any.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/Paddle-Lite/HEAD/lite/utils/any.h -------------------------------------------------------------------------------- /lite/utils/charconv.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/Paddle-Lite/HEAD/lite/utils/charconv.h -------------------------------------------------------------------------------- /lite/utils/check.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/Paddle-Lite/HEAD/lite/utils/check.h -------------------------------------------------------------------------------- /lite/utils/container.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/Paddle-Lite/HEAD/lite/utils/container.h -------------------------------------------------------------------------------- /lite/utils/cv/bgr_rotate.cc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/Paddle-Lite/HEAD/lite/utils/cv/bgr_rotate.cc -------------------------------------------------------------------------------- /lite/utils/cv/bgr_rotate.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/Paddle-Lite/HEAD/lite/utils/cv/bgr_rotate.h -------------------------------------------------------------------------------- /lite/utils/cv/image2tensor.cc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/Paddle-Lite/HEAD/lite/utils/cv/image2tensor.cc -------------------------------------------------------------------------------- /lite/utils/cv/image2tensor.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/Paddle-Lite/HEAD/lite/utils/cv/image2tensor.h -------------------------------------------------------------------------------- /lite/utils/cv/image_convert.cc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/Paddle-Lite/HEAD/lite/utils/cv/image_convert.cc -------------------------------------------------------------------------------- /lite/utils/cv/image_convert.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/Paddle-Lite/HEAD/lite/utils/cv/image_convert.h -------------------------------------------------------------------------------- /lite/utils/cv/image_flip.cc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/Paddle-Lite/HEAD/lite/utils/cv/image_flip.cc -------------------------------------------------------------------------------- /lite/utils/cv/image_flip.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/Paddle-Lite/HEAD/lite/utils/cv/image_flip.h -------------------------------------------------------------------------------- /lite/utils/cv/image_resize.cc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/Paddle-Lite/HEAD/lite/utils/cv/image_resize.cc -------------------------------------------------------------------------------- /lite/utils/cv/image_resize.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/Paddle-Lite/HEAD/lite/utils/cv/image_resize.h -------------------------------------------------------------------------------- /lite/utils/cv/image_rotate.cc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/Paddle-Lite/HEAD/lite/utils/cv/image_rotate.cc -------------------------------------------------------------------------------- /lite/utils/cv/image_rotate.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/Paddle-Lite/HEAD/lite/utils/cv/image_rotate.h -------------------------------------------------------------------------------- /lite/utils/env.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/Paddle-Lite/HEAD/lite/utils/env.h -------------------------------------------------------------------------------- /lite/utils/fast_type_id.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/Paddle-Lite/HEAD/lite/utils/fast_type_id.h -------------------------------------------------------------------------------- /lite/utils/fast_type_id_test.cc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/Paddle-Lite/HEAD/lite/utils/fast_type_id_test.cc -------------------------------------------------------------------------------- /lite/utils/float16.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/Paddle-Lite/HEAD/lite/utils/float16.h -------------------------------------------------------------------------------- /lite/utils/float16_test.cc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/Paddle-Lite/HEAD/lite/utils/float16_test.cc -------------------------------------------------------------------------------- /lite/utils/hash.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/Paddle-Lite/HEAD/lite/utils/hash.h -------------------------------------------------------------------------------- /lite/utils/io.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/Paddle-Lite/HEAD/lite/utils/io.h -------------------------------------------------------------------------------- /lite/utils/log/cp_logging.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/Paddle-Lite/HEAD/lite/utils/log/cp_logging.h -------------------------------------------------------------------------------- /lite/utils/log/logging.cc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/Paddle-Lite/HEAD/lite/utils/log/logging.cc -------------------------------------------------------------------------------- /lite/utils/log/logging.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/Paddle-Lite/HEAD/lite/utils/log/logging.h -------------------------------------------------------------------------------- /lite/utils/log/logging_test.cc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/Paddle-Lite/HEAD/lite/utils/log/logging_test.cc -------------------------------------------------------------------------------- /lite/utils/log/ohos_log.cc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/Paddle-Lite/HEAD/lite/utils/log/ohos_log.cc -------------------------------------------------------------------------------- /lite/utils/log/ohos_log.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/Paddle-Lite/HEAD/lite/utils/log/ohos_log.h -------------------------------------------------------------------------------- /lite/utils/macros.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/Paddle-Lite/HEAD/lite/utils/macros.h -------------------------------------------------------------------------------- /lite/utils/md5.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/Paddle-Lite/HEAD/lite/utils/md5.h -------------------------------------------------------------------------------- /lite/utils/model_util.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/Paddle-Lite/HEAD/lite/utils/model_util.h -------------------------------------------------------------------------------- /lite/utils/replace_stl/stream.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/Paddle-Lite/HEAD/lite/utils/replace_stl/stream.h -------------------------------------------------------------------------------- /lite/utils/string.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/Paddle-Lite/HEAD/lite/utils/string.h -------------------------------------------------------------------------------- /lite/utils/string_test.cc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/Paddle-Lite/HEAD/lite/utils/string_test.cc -------------------------------------------------------------------------------- /lite/utils/timer.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/Paddle-Lite/HEAD/lite/utils/timer.h -------------------------------------------------------------------------------- /lite/utils/timer_test.cc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/Paddle-Lite/HEAD/lite/utils/timer_test.cc -------------------------------------------------------------------------------- /lite/utils/variant.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/Paddle-Lite/HEAD/lite/utils/variant.h -------------------------------------------------------------------------------- /lite/utils/varient.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/Paddle-Lite/HEAD/lite/utils/varient.h -------------------------------------------------------------------------------- /lite/utils/varient_test.cc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/Paddle-Lite/HEAD/lite/utils/varient_test.cc -------------------------------------------------------------------------------- /tools/ci_tools/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/Paddle-Lite/HEAD/tools/ci_tools/README.md -------------------------------------------------------------------------------- /tools/ci_tools/ci_benchmark.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/Paddle-Lite/HEAD/tools/ci_tools/ci_benchmark.sh -------------------------------------------------------------------------------- /tools/ci_tools/config.ini: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/Paddle-Lite/HEAD/tools/ci_tools/config.ini -------------------------------------------------------------------------------- /tools/ci_tools/utils.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/Paddle-Lite/HEAD/tools/ci_tools/utils.sh -------------------------------------------------------------------------------- /tools/codestyle/.gitignore: -------------------------------------------------------------------------------- 1 | *.pyc 2 | -------------------------------------------------------------------------------- /tools/codestyle/copyright.hook: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/Paddle-Lite/HEAD/tools/codestyle/copyright.hook -------------------------------------------------------------------------------- /tools/coverage/coverage_diff.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/Paddle-Lite/HEAD/tools/coverage/coverage_diff.py -------------------------------------------------------------------------------- /tools/coverage/gcda_clean.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/Paddle-Lite/HEAD/tools/coverage/gcda_clean.py -------------------------------------------------------------------------------- /tools/coverage/pull_request.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/Paddle-Lite/HEAD/tools/coverage/pull_request.py -------------------------------------------------------------------------------- /tools/document_preview.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PaddlePaddle/Paddle-Lite/HEAD/tools/document_preview.sh --------------------------------------------------------------------------------