From 31ee212a8a3441f859077392a77f0f4172d288ae Mon Sep 17 00:00:00 2001 From: huzhiqiang <912790387@qq.com> Date: Tue, 3 Sep 2019 13:55:47 +0800 Subject: [PATCH] create backends directory and move hardware backends into it (#1954) --- lite/CMakeLists.txt | 9 +- lite/api/CMakeLists.txt | 10 +-- lite/backends/CMakeLists.txt | 6 ++ lite/{ => backends}/arm/CMakeLists.txt | 0 lite/{ => backends}/arm/math/CMakeLists.txt | 0 lite/{ => backends}/arm/math/activation.cc | 4 +- lite/{ => backends}/arm/math/activation.h | 0 .../{ => backends}/arm/math/affine_channel.cc | 8 +- lite/{ => backends}/arm/math/affine_channel.h | 0 .../arm/math/anchor_generator.cc | 6 +- .../arm/math/anchor_generator.h | 0 lite/{ => backends}/arm/math/argmax.cc | 4 +- lite/{ => backends}/arm/math/argmax.h | 0 lite/{ => backends}/arm/math/axpy.cc | 6 +- lite/{ => backends}/arm/math/axpy.h | 0 lite/{ => backends}/arm/math/beam_search.cc | 2 +- lite/{ => backends}/arm/math/beam_search.h | 0 lite/{ => backends}/arm/math/box_coder.cc | 4 +- lite/{ => backends}/arm/math/box_coder.h | 0 .../arm/math/col_im_transform.cc | 4 +- .../arm/math/col_im_transform.h | 0 lite/{ => backends}/arm/math/concat.cc | 4 +- lite/{ => backends}/arm/math/concat.h | 0 .../arm/math/conv3x3s1_direct_int8.cc | 4 +- .../arm/math/conv3x3s2_direct_int8.cc | 4 +- .../arm/math/conv_block_utils.h | 4 +- .../{ => backends}/arm/math/conv_depthwise.cc | 6 +- lite/{ => backends}/arm/math/conv_depthwise.h | 2 +- .../arm/math/conv_depthwise_3x3_int8.cc | 2 +- .../arm/math/conv_depthwise_3x3p0.cc | 2 +- .../arm/math/conv_depthwise_3x3p1.cc | 2 +- .../arm/math/conv_depthwise_5x5s1.cc | 2 +- .../arm/math/conv_depthwise_5x5s1_int8.cc | 4 +- .../arm/math/conv_depthwise_5x5s2.cc | 2 +- lite/{ => backends}/arm/math/conv_direct.cc | 6 +- lite/{ => backends}/arm/math/conv_direct.h | 2 +- .../arm/math/conv_direct_3x3s1.cc | 4 +- .../arm/math/conv_direct_3x3s2.cc | 4 +- lite/{ => backends}/arm/math/conv_gemmlike.cc | 6 +- lite/{ => backends}/arm/math/conv_gemmlike.h | 2 +- lite/{ => backends}/arm/math/conv_impl.cc | 10 +-- lite/{ => backends}/arm/math/conv_impl.h | 0 lite/{ => backends}/arm/math/conv_winograd.cc | 6 +- lite/{ => backends}/arm/math/conv_winograd.h | 2 +- .../arm/math/conv_winograd_3x3.cc | 4 +- lite/{ => backends}/arm/math/decode_bboxes.cc | 4 +- lite/{ => backends}/arm/math/decode_bboxes.h | 0 .../arm/math/dot_toolchain_support.h | 0 lite/{ => backends}/arm/math/dropout.cc | 4 +- lite/{ => backends}/arm/math/dropout.h | 0 lite/{ => backends}/arm/math/elementwise.cc | 4 +- lite/{ => backends}/arm/math/elementwise.h | 0 .../{ => backends}/arm/math/fill_bias_relu.cc | 4 +- lite/{ => backends}/arm/math/fill_bias_relu.h | 0 lite/{ => backends}/arm/math/funcs.cc | 2 +- lite/{ => backends}/arm/math/funcs.h | 86 +++++++++---------- .../arm/math/gemm_prepacked_int8.cc | 4 +- .../arm/math/gemm_prepacked_int8.h | 0 lite/{ => backends}/arm/math/gemv_arm_int8.cc | 4 +- lite/{ => backends}/arm/math/gemv_arm_int8.h | 0 lite/{ => backends}/arm/math/gru_utils.h | 2 +- lite/{ => backends}/arm/math/im2sequence.cc | 2 +- lite/{ => backends}/arm/math/im2sequence.h | 0 lite/{ => backends}/arm/math/increment.cc | 2 +- lite/{ => backends}/arm/math/increment.h | 0 lite/{ => backends}/arm/math/interpolate.cc | 4 +- lite/{ => backends}/arm/math/interpolate.h | 0 lite/{ => backends}/arm/math/lrn.cc | 4 +- lite/{ => backends}/arm/math/lrn.h | 0 lite/{ => backends}/arm/math/negative.cc | 4 +- lite/{ => backends}/arm/math/negative.h | 0 lite/{ => backends}/arm/math/norm.cc | 2 +- lite/{ => backends}/arm/math/norm.h | 0 lite/{ => backends}/arm/math/packed_sgemm.cc | 2 +- lite/{ => backends}/arm/math/packed_sgemm.h | 0 lite/{ => backends}/arm/math/pad2d.cc | 4 +- lite/{ => backends}/arm/math/pad2d.h | 0 lite/{ => backends}/arm/math/pooling.cc | 4 +- lite/{ => backends}/arm/math/pooling.h | 0 lite/{ => backends}/arm/math/power.cc | 4 +- lite/{ => backends}/arm/math/power.h | 0 lite/{ => backends}/arm/math/prior_box.cc | 4 +- lite/{ => backends}/arm/math/prior_box.h | 0 lite/{ => backends}/arm/math/reduce_max.cc | 4 +- lite/{ => backends}/arm/math/reduce_max.h | 0 lite/{ => backends}/arm/math/reduce_mean.cc | 4 +- lite/{ => backends}/arm/math/reduce_mean.h | 0 lite/{ => backends}/arm/math/saturate.h | 0 lite/{ => backends}/arm/math/scale.cc | 4 +- lite/{ => backends}/arm/math/scale.h | 0 lite/{ => backends}/arm/math/sequence2batch.h | 0 .../arm/math/sequence_expand.cc | 2 +- .../{ => backends}/arm/math/sequence_expand.h | 0 lite/{ => backends}/arm/math/sequence_pool.cc | 4 +- lite/{ => backends}/arm/math/sequence_pool.h | 0 .../arm/math/sequence_softmax.cc | 2 +- .../arm/math/sequence_softmax.h | 0 lite/{ => backends}/arm/math/sgemm.cc | 2 +- lite/{ => backends}/arm/math/sgemm.h | 2 +- lite/{ => backends}/arm/math/sgemv.cc | 2 +- lite/{ => backends}/arm/math/sgemv.h | 0 .../arm/math/shuffle_channel.cc | 4 +- .../{ => backends}/arm/math/shuffle_channel.h | 0 lite/{ => backends}/arm/math/slice.cc | 2 +- lite/{ => backends}/arm/math/slice.h | 0 lite/{ => backends}/arm/math/softmax.cc | 4 +- lite/{ => backends}/arm/math/softmax.h | 0 lite/{ => backends}/arm/math/split.cc | 4 +- lite/{ => backends}/arm/math/split.h | 0 lite/{ => backends}/arm/math/stack.cc | 4 +- lite/{ => backends}/arm/math/stack.h | 0 lite/{ => backends}/arm/math/topk.cc | 4 +- lite/{ => backends}/arm/math/topk.h | 0 lite/{ => backends}/arm/math/type_trans.cc | 4 +- lite/{ => backends}/arm/math/type_trans.h | 0 lite/{ => backends}/arm/math/yolo_box.cc | 4 +- lite/{ => backends}/arm/math/yolo_box.h | 0 lite/{ => backends}/cuda/CMakeLists.txt | 0 lite/{ => backends}/cuda/blas.cc | 2 +- lite/{ => backends}/cuda/blas.h | 2 +- lite/{ => backends}/cuda/cuda_utils.h | 0 lite/{ => backends}/cuda/target_wrapper.cc | 2 +- lite/{ => backends}/cuda/target_wrapper.h | 0 lite/{ => backends}/fpga/CMakeLists.txt | 4 +- lite/{ => backends}/fpga/KD/alignment.h | 2 +- lite/{ => backends}/fpga/KD/context.hpp | 16 ++-- lite/{ => backends}/fpga/KD/dl_engine.cpp | 2 +- lite/{ => backends}/fpga/KD/dl_engine.hpp | 4 +- lite/{ => backends}/fpga/KD/float16.hpp | 0 lite/{ => backends}/fpga/KD/fpga_cv.cpp | 2 +- lite/{ => backends}/fpga/KD/fpga_cv.hpp | 6 +- lite/{ => backends}/fpga/KD/layout.hpp | 2 +- .../fpga/KD/llapi/bias_scale.cpp | 4 +- .../{ => backends}/fpga/KD/llapi/bias_scale.h | 0 lite/{ => backends}/fpga/KD/llapi/config.h | 0 lite/{ => backends}/fpga/KD/llapi/filter.cpp | 6 +- lite/{ => backends}/fpga/KD/llapi/filter.h | 0 .../fpga/KD/llapi/zynqmp_api.cpp | 4 +- .../{ => backends}/fpga/KD/llapi/zynqmp_api.h | 0 lite/{ => backends}/fpga/KD/pe.hpp | 4 +- lite/{ => backends}/fpga/KD/pe_params.hpp | 4 +- .../fpga/KD/pes/batchnorm_pe.hpp | 6 +- lite/{ => backends}/fpga/KD/pes/concat_pe.hpp | 4 +- lite/{ => backends}/fpga/KD/pes/conv_pe.hpp | 14 +-- .../fpga/KD/pes/conv_process.hpp | 12 +-- lite/{ => backends}/fpga/KD/pes/crop_pe.cpp | 2 +- lite/{ => backends}/fpga/KD/pes/crop_pe.hpp | 6 +- .../fpga/KD/pes/depthwise_conv_pe.hpp | 8 +- .../fpga/KD/pes/elementwise_add_pe.hpp | 4 +- .../fpga/KD/pes/fully_connected_pe.hpp | 8 +- lite/{ => backends}/fpga/KD/pes/input_pe.hpp | 4 +- lite/{ => backends}/fpga/KD/pes/norm_pe.hpp | 6 +- lite/{ => backends}/fpga/KD/pes/output_pe.hpp | 4 +- .../{ => backends}/fpga/KD/pes/pooling_pe.hpp | 4 +- .../fpga/KD/pes/prior_box_pe.cpp | 2 +- .../fpga/KD/pes/prior_box_pe.hpp | 4 +- lite/{ => backends}/fpga/KD/pes/relu_pe.hpp | 4 +- lite/{ => backends}/fpga/KD/pes/resize.hpp | 4 +- lite/{ => backends}/fpga/KD/pes/scale_pe.hpp | 4 +- .../{ => backends}/fpga/KD/pes/softmax_pe.cpp | 2 +- .../{ => backends}/fpga/KD/pes/softmax_pe.hpp | 6 +- lite/{ => backends}/fpga/KD/pes/split_pe.hpp | 4 +- lite/{ => backends}/fpga/KD/shape.hpp | 4 +- lite/{ => backends}/fpga/KD/tensor.hpp | 10 +-- lite/{ => backends}/fpga/KD/tensor_util.cpp | 2 +- lite/{ => backends}/fpga/KD/tensor_util.hpp | 2 +- lite/{ => backends}/fpga/lite_tensor.cc | 2 +- lite/{ => backends}/fpga/lite_tensor.h | 2 +- lite/{ => backends}/fpga/target_wrapper.cc | 2 +- lite/{ => backends}/host/CMakeLists.txt | 0 lite/{ => backends}/host/target_wrapper.cc | 0 lite/{ => backends}/opencl/CMakeLists.txt | 4 +- lite/{ => backends}/opencl/cl_caller.cc | 10 +-- lite/{ => backends}/opencl/cl_caller.h | 2 +- lite/{ => backends}/opencl/cl_context.cc | 6 +- lite/{ => backends}/opencl/cl_context.h | 4 +- .../opencl/cl_functions_test.cc | 10 +-- lite/{ => backends}/opencl/cl_im2col_test.cc | 6 +- lite/{ => backends}/opencl/cl_image.cc | 6 +- lite/{ => backends}/opencl/cl_image.h | 4 +- .../opencl/cl_image_converter.cc | 2 +- .../opencl/cl_image_converter.h | 0 lite/{ => backends}/opencl/cl_include.h | 0 .../buffer/depthwise_conv2d_kernel.cl | 0 .../buffer/elementwise_add_kernel.cl | 0 .../opencl/cl_kernel/buffer/fc_kernel.cl | 0 .../opencl/cl_kernel/buffer/im2col_kernel.cl | 0 .../opencl/cl_kernel/buffer/mat_mul_kernel.cl | 0 .../opencl/cl_kernel/buffer/pool_kernel.cl | 0 .../opencl/cl_kernel/buffer/relu_kernel.cl | 0 .../opencl/cl_kernel/cl_common.h | 0 .../cl_kernel/image/channel_add_kernel.cl | 0 .../cl_kernel/image/elementwise_add_kernel.cl | 0 .../opencl/cl_kernel/image/pool_kernel.cl | 0 lite/{ => backends}/opencl/cl_runtime.cc | 2 +- lite/{ => backends}/opencl/cl_runtime.h | 4 +- lite/{ => backends}/opencl/cl_utility.cc | 2 +- lite/{ => backends}/opencl/cl_utility.h | 2 +- lite/{ => backends}/opencl/cl_wrapper.cc | 2 +- lite/{ => backends}/opencl/cl_wrapper.h | 2 +- lite/{ => backends}/opencl/target_wrapper.cc | 8 +- lite/{ => backends}/opencl/target_wrapper.h | 2 +- lite/{ => backends}/x86/CMakeLists.txt | 0 lite/{ => backends}/x86/cpu_info.cc | 2 +- lite/{ => backends}/x86/cpu_info.h | 0 lite/{ => backends}/x86/cupti_lib_path.h.in | 0 lite/{ => backends}/x86/dynamic_loader.cc | 8 +- lite/{ => backends}/x86/dynamic_loader.h | 0 lite/{ => backends}/x86/jit/CMakeLists.txt | 8 +- lite/{ => backends}/x86/jit/README.en.md | 4 +- lite/{ => backends}/x86/jit/README.md | 2 +- lite/{ => backends}/x86/jit/benchmark.cc | 4 +- .../{ => backends}/x86/jit/gen/CMakeLists.txt | 0 lite/{ => backends}/x86/jit/gen/act.cc | 6 +- lite/{ => backends}/x86/jit/gen/act.h | 2 +- lite/{ => backends}/x86/jit/gen/blas.cc | 4 +- lite/{ => backends}/x86/jit/gen/blas.h | 2 +- lite/{ => backends}/x86/jit/gen/embseqpool.cc | 6 +- lite/{ => backends}/x86/jit/gen/embseqpool.h | 2 +- lite/{ => backends}/x86/jit/gen/gru.cc | 4 +- lite/{ => backends}/x86/jit/gen/gru.h | 4 +- lite/{ => backends}/x86/jit/gen/hopv.cc | 4 +- lite/{ => backends}/x86/jit/gen/hopv.h | 2 +- lite/{ => backends}/x86/jit/gen/jitcode.h | 4 +- lite/{ => backends}/x86/jit/gen/lstm.cc | 4 +- lite/{ => backends}/x86/jit/gen/lstm.h | 4 +- lite/{ => backends}/x86/jit/gen/matmul.cc | 4 +- lite/{ => backends}/x86/jit/gen/matmul.h | 2 +- lite/{ => backends}/x86/jit/gen/seqpool.cc | 6 +- lite/{ => backends}/x86/jit/gen/seqpool.h | 2 +- lite/{ => backends}/x86/jit/gen/sgd.cc | 4 +- lite/{ => backends}/x86/jit/gen/sgd.h | 2 +- lite/{ => backends}/x86/jit/gen/vbroadcast.cc | 4 +- lite/{ => backends}/x86/jit/gen/vbroadcast.h | 2 +- lite/{ => backends}/x86/jit/gen_base.cc | 6 +- lite/{ => backends}/x86/jit/gen_base.h | 2 +- lite/{ => backends}/x86/jit/helper.cc | 2 +- lite/{ => backends}/x86/jit/helper.h | 8 +- lite/{ => backends}/x86/jit/kernel_base.h | 2 +- lite/{ => backends}/x86/jit/kernel_key.cc | 2 +- lite/{ => backends}/x86/jit/kernel_key.h | 4 +- lite/{ => backends}/x86/jit/kernel_pool.cc | 2 +- lite/{ => backends}/x86/jit/kernel_pool.h | 6 +- lite/{ => backends}/x86/jit/macro.h | 0 .../x86/jit/more/CMakeLists.txt | 0 .../x86/jit/more/intrinsic/CMakeLists.txt | 0 .../x86/jit/more/intrinsic/crf_decoding.cc | 6 +- .../x86/jit/more/intrinsic/crf_decoding.h | 2 +- .../x86/jit/more/intrinsic/layer_norm.cc | 4 +- .../x86/jit/more/intrinsic/layer_norm.h | 2 +- .../x86/jit/more/mix/CMakeLists.txt | 0 lite/{ => backends}/x86/jit/more/mix/mix.cc | 6 +- lite/{ => backends}/x86/jit/more/mix/mix.h | 2 +- .../x86/jit/more/mkl/CMakeLists.txt | 0 lite/{ => backends}/x86/jit/more/mkl/mkl.cc | 10 +-- lite/{ => backends}/x86/jit/more/mkl/mkl.h | 2 +- .../x86/jit/refer/CMakeLists.txt | 0 lite/{ => backends}/x86/jit/refer/refer.cc | 4 +- lite/{ => backends}/x86/jit/refer/refer.h | 6 +- lite/{ => backends}/x86/jit/registry.h | 8 +- lite/{ => backends}/x86/jit/test.cc | 6 +- lite/{ => backends}/x86/legacy_place.h | 0 lite/{ => backends}/x86/math/CMakeLists.txt | 0 lite/{ => backends}/x86/math/beam_search.cc | 2 +- lite/{ => backends}/x86/math/beam_search.h | 0 .../x86/math/beam_search_test.cc | 0 lite/{ => backends}/x86/math/blas.cc | 2 +- lite/{ => backends}/x86/math/blas.h | 4 +- lite/{ => backends}/x86/math/blas_impl.h | 2 +- .../x86/math/concat_and_split.cc | 2 +- .../x86/math/concat_and_split.h | 0 .../x86/math/context_project.cc | 2 +- .../{ => backends}/x86/math/context_project.h | 4 +- .../x86/math/cos_sim_functor.cc | 2 +- .../{ => backends}/x86/math/cos_sim_functor.h | 0 lite/{ => backends}/x86/math/cpu_vec.h | 4 +- lite/{ => backends}/x86/math/cross_entropy.cc | 2 +- lite/{ => backends}/x86/math/cross_entropy.h | 0 .../x86/math/detail/CMakeLists.txt | 0 .../x86/math/detail/activation_functions.h | 2 +- .../x86/math/detail/avx_functions.cc | 4 +- .../x86/math/detail/avx_mathfun.h | 2 +- .../x86/math/detail/gru_cpu_kernel.h | 4 +- .../x86/math/detail/gru_kernel.h | 2 +- lite/{ => backends}/x86/math/gru_compute.cc | 8 +- lite/{ => backends}/x86/math/gru_compute.h | 2 +- lite/{ => backends}/x86/math/im2col.cc | 4 +- lite/{ => backends}/x86/math/im2col.h | 0 lite/{ => backends}/x86/math/im2col_cfo_cpu.h | 0 lite/{ => backends}/x86/math/im2col_test.cc | 0 lite/{ => backends}/x86/math/math_function.cc | 6 +- lite/{ => backends}/x86/math/math_function.h | 0 .../x86/math/math_function_impl.h | 2 +- .../x86/math/math_function_test.cc | 0 lite/{ => backends}/x86/math/maxouting.cc | 2 +- lite/{ => backends}/x86/math/maxouting.h | 0 lite/{ => backends}/x86/math/pooling.cc | 2 +- lite/{ => backends}/x86/math/pooling.h | 0 lite/{ => backends}/x86/math/prelu.h | 2 +- lite/{ => backends}/x86/math/sample_prob.cc | 2 +- lite/{ => backends}/x86/math/sample_prob.h | 2 +- lite/{ => backends}/x86/math/sampler.cc | 2 +- lite/{ => backends}/x86/math/sampler.h | 0 .../{ => backends}/x86/math/sequence2batch.cc | 2 +- lite/{ => backends}/x86/math/sequence2batch.h | 0 .../x86/math/sequence_padding.cc | 2 +- .../x86/math/sequence_padding.h | 0 .../x86/math/sequence_pooling.cc | 10 +-- .../x86/math/sequence_pooling.h | 0 .../x86/math/sequence_pooling_test.cc | 0 .../{ => backends}/x86/math/sequence_scale.cc | 2 +- lite/{ => backends}/x86/math/sequence_scale.h | 0 lite/{ => backends}/x86/math/softmax.cc | 4 +- lite/{ => backends}/x86/math/softmax.h | 0 lite/{ => backends}/x86/math/softmax_impl.h | 8 +- lite/{ => backends}/x86/math/tree2col.cc | 2 +- lite/{ => backends}/x86/math/tree2col.h | 2 +- lite/{ => backends}/x86/math/unpooling.cc | 2 +- lite/{ => backends}/x86/math/unpooling.h | 0 lite/{ => backends}/x86/math/vol2col.cc | 2 +- lite/{ => backends}/x86/math/vol2col.h | 0 lite/{ => backends}/x86/mklml.cc | 2 +- lite/{ => backends}/x86/mklml.h | 4 +- lite/{ => backends}/x86/port.h | 0 lite/{ => backends}/x86/target_wrapper.cc | 2 +- lite/{ => backends}/x86/target_wrapper.h | 0 lite/{ => backends}/x86/warpctc_lib_path.h.in | 0 lite/core/context.h | 8 +- lite/core/kernel.h | 2 +- lite/core/memory.h | 4 +- lite/core/tensor.h | 2 +- lite/kernels/arm/activation_compute.cc | 2 +- lite/kernels/arm/affine_channel_compute.cc | 2 +- lite/kernels/arm/anchor_generator_compute.cc | 2 +- lite/kernels/arm/argmax_compute.cc | 2 +- lite/kernels/arm/assign_compute.cc | 2 +- lite/kernels/arm/axpy_compute.cc | 2 +- lite/kernels/arm/batch_norm_compute.cc | 2 +- lite/kernels/arm/beam_search_compute.cc | 2 +- lite/kernels/arm/beam_search_compute.h | 2 +- .../kernels/arm/beam_search_decode_compute.cc | 2 +- lite/kernels/arm/box_clip_compute.cc | 2 +- lite/kernels/arm/box_coder_compute.cc | 2 +- lite/kernels/arm/calib_compute.cc | 2 +- lite/kernels/arm/calib_compute_test.cc | 2 +- lite/kernels/arm/cast_compute.cc | 2 +- lite/kernels/arm/cast_compute.h | 2 +- lite/kernels/arm/compare_compute.cc | 2 +- lite/kernels/arm/compare_compute.h | 2 +- lite/kernels/arm/concat_compute.cc | 2 +- lite/kernels/arm/concat_compute_test.cc | 2 +- lite/kernels/arm/conv_compute.h | 2 +- lite/kernels/arm/conv_compute_test.cc | 2 +- lite/kernels/arm/conv_transpose_compute.cc | 2 +- lite/kernels/arm/conv_transpose_compute.h | 2 +- .../arm/conv_transpose_compute_test.cc | 2 +- lite/kernels/arm/crop_compute.cc | 2 +- lite/kernels/arm/decode_bboxes_compute.cc | 2 +- lite/kernels/arm/density_prior_box_compute.cc | 2 +- lite/kernels/arm/dropout_compute.cc | 2 +- lite/kernels/arm/elementwise_compute.cc | 2 +- lite/kernels/arm/fc_compute.cc | 6 +- lite/kernels/arm/fc_compute.h | 2 +- lite/kernels/arm/fc_compute_test.cc | 2 +- .../kernels/arm/generate_proposals_compute.cc | 2 +- lite/kernels/arm/gru_compute.cc | 8 +- lite/kernels/arm/gru_unit_compute.cc | 6 +- lite/kernels/arm/im2sequence_compute.cc | 2 +- lite/kernels/arm/im2sequence_compute.h | 2 +- lite/kernels/arm/increment_compute.cc | 2 +- lite/kernels/arm/increment_compute.h | 2 +- lite/kernels/arm/interpolate_compute.cc | 2 +- lite/kernels/arm/is_empty_compute.cc | 2 +- lite/kernels/arm/is_empty_compute.h | 2 +- lite/kernels/arm/lod_reset_compute.cc | 2 +- lite/kernels/arm/lod_reset_compute.h | 2 +- lite/kernels/arm/logical_compute.cc | 2 +- lite/kernels/arm/logical_compute.h | 2 +- lite/kernels/arm/lookup_table_compute.cc | 2 +- lite/kernels/arm/lrn_compute.cc | 2 +- lite/kernels/arm/matmul_compute.cc | 2 +- lite/kernels/arm/mul_compute.cc | 2 +- lite/kernels/arm/mul_compute_test.cc | 2 +- lite/kernels/arm/negative_compute.cc | 2 +- lite/kernels/arm/norm_compute.cc | 2 +- lite/kernels/arm/norm_compute.h | 2 +- lite/kernels/arm/pad2d_compute.cc | 2 +- lite/kernels/arm/pool_compute.cc | 2 +- lite/kernels/arm/pool_compute_test.cc | 2 +- lite/kernels/arm/power_compute.cc | 2 +- lite/kernels/arm/prior_box_compute.cc | 2 +- lite/kernels/arm/read_from_array_compute.cc | 2 +- lite/kernels/arm/read_from_array_compute.h | 2 +- lite/kernels/arm/reduce_max_compute.cc | 2 +- lite/kernels/arm/reduce_max_compute.h | 2 +- lite/kernels/arm/reduce_mean_compute.cc | 2 +- lite/kernels/arm/reduce_mean_compute.h | 2 +- lite/kernels/arm/roi_align_compute.cc | 2 +- lite/kernels/arm/scale_compute.cc | 2 +- lite/kernels/arm/sequence_expand_compute.cc | 2 +- lite/kernels/arm/sequence_pool_compute.cc | 2 +- lite/kernels/arm/sequence_pool_compute.h | 2 +- lite/kernels/arm/sequence_softmax_compute.cc | 2 +- lite/kernels/arm/sequence_softmax_compute.h | 2 +- lite/kernels/arm/shape_compute.cc | 2 +- lite/kernels/arm/shuffle_channel_compute.cc | 2 +- lite/kernels/arm/slice_compute.cc | 2 +- lite/kernels/arm/slice_compute.h | 2 +- lite/kernels/arm/softmax_compute.cc | 2 +- lite/kernels/arm/split_compute.cc | 2 +- lite/kernels/arm/stack_compute.cc | 2 +- lite/kernels/arm/topk_compute.cc | 2 +- lite/kernels/arm/transpose_compute.cc | 2 +- lite/kernels/arm/transpose_compute_test.cc | 2 +- lite/kernels/arm/while_compute.cc | 2 +- lite/kernels/arm/write_to_array_compute.cc | 2 +- lite/kernels/arm/write_to_array_compute.h | 2 +- lite/kernels/arm/yolo_box_compute.cc | 2 +- lite/kernels/cuda/io_copy_compute.cc | 2 +- lite/kernels/cuda/mul_compute.h | 2 +- lite/kernels/fpga/activation_compute.cc | 2 +- lite/kernels/fpga/activation_compute.h | 4 +- lite/kernels/fpga/calib_compute.cc | 2 +- lite/kernels/fpga/conv_compute.h | 4 +- lite/kernels/fpga/conv_compute_test.cc | 2 +- lite/kernels/fpga/elementwise_compute.cc | 2 +- lite/kernels/fpga/elementwise_compute.h | 4 +- lite/kernels/fpga/elementwise_compute_test.cc | 2 +- lite/kernels/fpga/fc_compute.h | 4 +- lite/kernels/fpga/feed_compute.h | 2 +- lite/kernels/fpga/fetch_compute.h | 2 +- lite/kernels/fpga/layout_compute.cc | 2 +- lite/kernels/fpga/pooling_compute.h | 4 +- lite/kernels/fpga/pooling_compute_test.cc | 2 +- lite/kernels/fpga/softmax_compute.cc | 2 +- lite/kernels/fpga/softmax_compute.h | 4 +- lite/kernels/fpga/softmax_compute_test.cc | 2 +- lite/kernels/opencl/CMakeLists.txt | 16 ++-- lite/kernels/opencl/conv_compute.cc | 2 +- lite/kernels/opencl/conv_compute.h | 2 +- lite/kernels/opencl/conv_compute_test.cc | 2 +- .../opencl/depthwise_conv2d_compute.cc | 2 +- .../opencl/depthwise_conv2d_compute_test.cc | 2 +- .../kernels/opencl/elementwise_add_compute.cc | 2 +- .../opencl/elementwise_add_compute_test.cc | 2 +- lite/kernels/opencl/fc_compute.cc | 2 +- lite/kernels/opencl/fc_compute_test.cc | 2 +- ...sion_elementwise_add_activation_compute.cc | 2 +- lite/kernels/opencl/io_copy_compute.cc | 2 +- lite/kernels/opencl/io_copy_compute_test.cc | 2 +- lite/kernels/opencl/mul_compute.cc | 2 +- lite/kernels/opencl/mul_compute_test.cc | 2 +- lite/kernels/opencl/pool_compute.cc | 2 +- lite/kernels/opencl/pool_compute_test.cc | 2 +- lite/kernels/opencl/relu_compute.cc | 2 +- lite/kernels/opencl/relu_compute_test.cc | 2 +- lite/tests/kernels/test_sgemm.cc | 2 +- 457 files changed, 627 insertions(+), 626 deletions(-) create mode 100644 lite/backends/CMakeLists.txt rename lite/{ => backends}/arm/CMakeLists.txt (100%) rename lite/{ => backends}/arm/math/CMakeLists.txt (100%) rename lite/{ => backends}/arm/math/activation.cc (99%) rename lite/{ => backends}/arm/math/activation.h (100%) rename lite/{ => backends}/arm/math/affine_channel.cc (92%) rename lite/{ => backends}/arm/math/affine_channel.h (100%) rename lite/{ => backends}/arm/math/anchor_generator.cc (95%) rename lite/{ => backends}/arm/math/anchor_generator.h (100%) rename lite/{ => backends}/arm/math/argmax.cc (96%) rename lite/{ => backends}/arm/math/argmax.h (100%) rename lite/{ => backends}/arm/math/axpy.cc (98%) rename lite/{ => backends}/arm/math/axpy.h (100%) rename lite/{ => backends}/arm/math/beam_search.cc (99%) rename lite/{ => backends}/arm/math/beam_search.h (100%) rename lite/{ => backends}/arm/math/box_coder.cc (97%) rename lite/{ => backends}/arm/math/box_coder.h (100%) rename lite/{ => backends}/arm/math/col_im_transform.cc (96%) rename lite/{ => backends}/arm/math/col_im_transform.h (100%) rename lite/{ => backends}/arm/math/concat.cc (95%) rename lite/{ => backends}/arm/math/concat.h (100%) rename lite/{ => backends}/arm/math/conv3x3s1_direct_int8.cc (99%) rename lite/{ => backends}/arm/math/conv3x3s2_direct_int8.cc (99%) rename lite/{ => backends}/arm/math/conv_block_utils.h (99%) rename lite/{ => backends}/arm/math/conv_depthwise.cc (97%) rename lite/{ => backends}/arm/math/conv_depthwise.h (98%) rename lite/{ => backends}/arm/math/conv_depthwise_3x3_int8.cc (99%) rename lite/{ => backends}/arm/math/conv_depthwise_3x3p0.cc (99%) rename lite/{ => backends}/arm/math/conv_depthwise_3x3p1.cc (99%) rename lite/{ => backends}/arm/math/conv_depthwise_5x5s1.cc (99%) rename lite/{ => backends}/arm/math/conv_depthwise_5x5s1_int8.cc (99%) rename lite/{ => backends}/arm/math/conv_depthwise_5x5s2.cc (99%) rename lite/{ => backends}/arm/math/conv_direct.cc (98%) rename lite/{ => backends}/arm/math/conv_direct.h (98%) rename lite/{ => backends}/arm/math/conv_direct_3x3s1.cc (99%) rename lite/{ => backends}/arm/math/conv_direct_3x3s2.cc (99%) rename lite/{ => backends}/arm/math/conv_gemmlike.cc (98%) rename lite/{ => backends}/arm/math/conv_gemmlike.h (98%) rename lite/{ => backends}/arm/math/conv_impl.cc (99%) rename lite/{ => backends}/arm/math/conv_impl.h (100%) rename lite/{ => backends}/arm/math/conv_winograd.cc (96%) rename lite/{ => backends}/arm/math/conv_winograd.h (97%) rename lite/{ => backends}/arm/math/conv_winograd_3x3.cc (99%) rename lite/{ => backends}/arm/math/decode_bboxes.cc (99%) rename lite/{ => backends}/arm/math/decode_bboxes.h (100%) rename lite/{ => backends}/arm/math/dot_toolchain_support.h (100%) rename lite/{ => backends}/arm/math/dropout.cc (96%) rename lite/{ => backends}/arm/math/dropout.h (100%) rename lite/{ => backends}/arm/math/elementwise.cc (99%) rename lite/{ => backends}/arm/math/elementwise.h (100%) rename lite/{ => backends}/arm/math/fill_bias_relu.cc (97%) rename lite/{ => backends}/arm/math/fill_bias_relu.h (100%) rename lite/{ => backends}/arm/math/funcs.cc (99%) rename lite/{ => backends}/arm/math/funcs.h (85%) rename lite/{ => backends}/arm/math/gemm_prepacked_int8.cc (99%) rename lite/{ => backends}/arm/math/gemm_prepacked_int8.h (100%) rename lite/{ => backends}/arm/math/gemv_arm_int8.cc (99%) rename lite/{ => backends}/arm/math/gemv_arm_int8.h (100%) rename lite/{ => backends}/arm/math/gru_utils.h (99%) rename lite/{ => backends}/arm/math/im2sequence.cc (98%) rename lite/{ => backends}/arm/math/im2sequence.h (100%) rename lite/{ => backends}/arm/math/increment.cc (95%) rename lite/{ => backends}/arm/math/increment.h (100%) rename lite/{ => backends}/arm/math/interpolate.cc (99%) rename lite/{ => backends}/arm/math/interpolate.h (100%) rename lite/{ => backends}/arm/math/lrn.cc (97%) rename lite/{ => backends}/arm/math/lrn.h (100%) rename lite/{ => backends}/arm/math/negative.cc (92%) rename lite/{ => backends}/arm/math/negative.h (100%) rename lite/{ => backends}/arm/math/norm.cc (97%) rename lite/{ => backends}/arm/math/norm.h (100%) rename lite/{ => backends}/arm/math/packed_sgemm.cc (99%) rename lite/{ => backends}/arm/math/packed_sgemm.h (100%) rename lite/{ => backends}/arm/math/pad2d.cc (99%) rename lite/{ => backends}/arm/math/pad2d.h (100%) rename lite/{ => backends}/arm/math/pooling.cc (99%) rename lite/{ => backends}/arm/math/pooling.h (100%) rename lite/{ => backends}/arm/math/power.cc (96%) rename lite/{ => backends}/arm/math/power.h (100%) rename lite/{ => backends}/arm/math/prior_box.cc (99%) rename lite/{ => backends}/arm/math/prior_box.h (100%) rename lite/{ => backends}/arm/math/reduce_max.cc (98%) rename lite/{ => backends}/arm/math/reduce_max.h (100%) rename lite/{ => backends}/arm/math/reduce_mean.cc (98%) rename lite/{ => backends}/arm/math/reduce_mean.h (100%) rename lite/{ => backends}/arm/math/saturate.h (100%) rename lite/{ => backends}/arm/math/scale.cc (98%) rename lite/{ => backends}/arm/math/scale.h (100%) rename lite/{ => backends}/arm/math/sequence2batch.h (100%) rename lite/{ => backends}/arm/math/sequence_expand.cc (97%) rename lite/{ => backends}/arm/math/sequence_expand.h (100%) rename lite/{ => backends}/arm/math/sequence_pool.cc (98%) rename lite/{ => backends}/arm/math/sequence_pool.h (100%) rename lite/{ => backends}/arm/math/sequence_softmax.cc (96%) rename lite/{ => backends}/arm/math/sequence_softmax.h (100%) rename lite/{ => backends}/arm/math/sgemm.cc (97%) rename lite/{ => backends}/arm/math/sgemm.h (96%) rename lite/{ => backends}/arm/math/sgemv.cc (99%) rename lite/{ => backends}/arm/math/sgemv.h (100%) rename lite/{ => backends}/arm/math/shuffle_channel.cc (96%) rename lite/{ => backends}/arm/math/shuffle_channel.h (100%) rename lite/{ => backends}/arm/math/slice.cc (98%) rename lite/{ => backends}/arm/math/slice.h (100%) rename lite/{ => backends}/arm/math/softmax.cc (99%) rename lite/{ => backends}/arm/math/softmax.h (100%) rename lite/{ => backends}/arm/math/split.cc (96%) rename lite/{ => backends}/arm/math/split.h (100%) rename lite/{ => backends}/arm/math/stack.cc (95%) rename lite/{ => backends}/arm/math/stack.h (100%) rename lite/{ => backends}/arm/math/topk.cc (95%) rename lite/{ => backends}/arm/math/topk.h (100%) rename lite/{ => backends}/arm/math/type_trans.cc (99%) rename lite/{ => backends}/arm/math/type_trans.h (100%) rename lite/{ => backends}/arm/math/yolo_box.cc (98%) rename lite/{ => backends}/arm/math/yolo_box.h (100%) rename lite/{ => backends}/cuda/CMakeLists.txt (100%) rename lite/{ => backends}/cuda/blas.cc (97%) rename lite/{ => backends}/cuda/blas.h (98%) rename lite/{ => backends}/cuda/cuda_utils.h (100%) rename lite/{ => backends}/cuda/target_wrapper.cc (98%) rename lite/{ => backends}/cuda/target_wrapper.h (100%) rename lite/{ => backends}/fpga/CMakeLists.txt (76%) rename lite/{ => backends}/fpga/KD/alignment.h (93%) rename lite/{ => backends}/fpga/KD/context.hpp (70%) rename lite/{ => backends}/fpga/KD/dl_engine.cpp (94%) rename lite/{ => backends}/fpga/KD/dl_engine.hpp (89%) rename lite/{ => backends}/fpga/KD/float16.hpp (100%) rename lite/{ => backends}/fpga/KD/fpga_cv.cpp (98%) rename lite/{ => backends}/fpga/KD/fpga_cv.hpp (86%) rename lite/{ => backends}/fpga/KD/layout.hpp (98%) rename lite/{ => backends}/fpga/KD/llapi/bias_scale.cpp (97%) rename lite/{ => backends}/fpga/KD/llapi/bias_scale.h (100%) rename lite/{ => backends}/fpga/KD/llapi/config.h (100%) rename lite/{ => backends}/fpga/KD/llapi/filter.cpp (98%) rename lite/{ => backends}/fpga/KD/llapi/filter.h (100%) rename lite/{ => backends}/fpga/KD/llapi/zynqmp_api.cpp (98%) rename lite/{ => backends}/fpga/KD/llapi/zynqmp_api.h (100%) rename lite/{ => backends}/fpga/KD/pe.hpp (90%) rename lite/{ => backends}/fpga/KD/pe_params.hpp (97%) rename lite/{ => backends}/fpga/KD/pes/batchnorm_pe.hpp (95%) rename lite/{ => backends}/fpga/KD/pes/concat_pe.hpp (97%) rename lite/{ => backends}/fpga/KD/pes/conv_pe.hpp (90%) rename lite/{ => backends}/fpga/KD/pes/conv_process.hpp (98%) rename lite/{ => backends}/fpga/KD/pes/crop_pe.cpp (98%) rename lite/{ => backends}/fpga/KD/pes/crop_pe.hpp (88%) rename lite/{ => backends}/fpga/KD/pes/depthwise_conv_pe.hpp (94%) rename lite/{ => backends}/fpga/KD/pes/elementwise_add_pe.hpp (96%) rename lite/{ => backends}/fpga/KD/pes/fully_connected_pe.hpp (93%) rename lite/{ => backends}/fpga/KD/pes/input_pe.hpp (94%) rename lite/{ => backends}/fpga/KD/pes/norm_pe.hpp (96%) rename lite/{ => backends}/fpga/KD/pes/output_pe.hpp (93%) rename lite/{ => backends}/fpga/KD/pes/pooling_pe.hpp (98%) rename lite/{ => backends}/fpga/KD/pes/prior_box_pe.cpp (99%) rename lite/{ => backends}/fpga/KD/pes/prior_box_pe.hpp (93%) rename lite/{ => backends}/fpga/KD/pes/relu_pe.hpp (96%) rename lite/{ => backends}/fpga/KD/pes/resize.hpp (96%) rename lite/{ => backends}/fpga/KD/pes/scale_pe.hpp (97%) rename lite/{ => backends}/fpga/KD/pes/softmax_pe.cpp (98%) rename lite/{ => backends}/fpga/KD/pes/softmax_pe.hpp (88%) rename lite/{ => backends}/fpga/KD/pes/split_pe.hpp (97%) rename lite/{ => backends}/fpga/KD/shape.hpp (96%) rename lite/{ => backends}/fpga/KD/tensor.hpp (97%) rename lite/{ => backends}/fpga/KD/tensor_util.cpp (95%) rename lite/{ => backends}/fpga/KD/tensor_util.hpp (94%) rename lite/{ => backends}/fpga/lite_tensor.cc (98%) rename lite/{ => backends}/fpga/lite_tensor.h (99%) rename lite/{ => backends}/fpga/target_wrapper.cc (96%) rename lite/{ => backends}/host/CMakeLists.txt (100%) rename lite/{ => backends}/host/target_wrapper.cc (100%) rename lite/{ => backends}/opencl/CMakeLists.txt (96%) rename lite/{ => backends}/opencl/cl_caller.cc (96%) rename lite/{ => backends}/opencl/cl_caller.h (97%) rename lite/{ => backends}/opencl/cl_context.cc (97%) rename lite/{ => backends}/opencl/cl_context.h (94%) rename lite/{ => backends}/opencl/cl_functions_test.cc (98%) rename lite/{ => backends}/opencl/cl_im2col_test.cc (99%) rename lite/{ => backends}/opencl/cl_image.cc (97%) rename lite/{ => backends}/opencl/cl_image.h (96%) rename lite/{ => backends}/opencl/cl_image_converter.cc (99%) rename lite/{ => backends}/opencl/cl_image_converter.h (100%) rename lite/{ => backends}/opencl/cl_include.h (100%) rename lite/{ => backends}/opencl/cl_kernel/buffer/depthwise_conv2d_kernel.cl (100%) rename lite/{ => backends}/opencl/cl_kernel/buffer/elementwise_add_kernel.cl (100%) rename lite/{ => backends}/opencl/cl_kernel/buffer/fc_kernel.cl (100%) rename lite/{ => backends}/opencl/cl_kernel/buffer/im2col_kernel.cl (100%) rename lite/{ => backends}/opencl/cl_kernel/buffer/mat_mul_kernel.cl (100%) rename lite/{ => backends}/opencl/cl_kernel/buffer/pool_kernel.cl (100%) rename lite/{ => backends}/opencl/cl_kernel/buffer/relu_kernel.cl (100%) rename lite/{ => backends}/opencl/cl_kernel/cl_common.h (100%) rename lite/{ => backends}/opencl/cl_kernel/image/channel_add_kernel.cl (100%) rename lite/{ => backends}/opencl/cl_kernel/image/elementwise_add_kernel.cl (100%) rename lite/{ => backends}/opencl/cl_kernel/image/pool_kernel.cl (100%) rename lite/{ => backends}/opencl/cl_runtime.cc (99%) rename lite/{ => backends}/opencl/cl_runtime.h (96%) rename lite/{ => backends}/opencl/cl_utility.cc (98%) rename lite/{ => backends}/opencl/cl_utility.h (97%) rename lite/{ => backends}/opencl/cl_wrapper.cc (99%) rename lite/{ => backends}/opencl/cl_wrapper.h (99%) rename lite/{ => backends}/opencl/target_wrapper.cc (98%) rename lite/{ => backends}/opencl/target_wrapper.h (98%) rename lite/{ => backends}/x86/CMakeLists.txt (100%) rename lite/{ => backends}/x86/cpu_info.cc (99%) rename lite/{ => backends}/x86/cpu_info.h (100%) rename lite/{ => backends}/x86/cupti_lib_path.h.in (100%) rename lite/{ => backends}/x86/dynamic_loader.cc (98%) rename lite/{ => backends}/x86/dynamic_loader.h (100%) rename lite/{ => backends}/x86/jit/CMakeLists.txt (68%) rename lite/{ => backends}/x86/jit/README.en.md (91%) rename lite/{ => backends}/x86/jit/README.md (97%) rename lite/{ => backends}/x86/jit/benchmark.cc (99%) rename lite/{ => backends}/x86/jit/gen/CMakeLists.txt (100%) rename lite/{ => backends}/x86/jit/gen/act.cc (97%) rename lite/{ => backends}/x86/jit/gen/act.h (99%) rename lite/{ => backends}/x86/jit/gen/blas.cc (98%) rename lite/{ => backends}/x86/jit/gen/blas.h (98%) rename lite/{ => backends}/x86/jit/gen/embseqpool.cc (96%) rename lite/{ => backends}/x86/jit/gen/embseqpool.h (97%) rename lite/{ => backends}/x86/jit/gen/gru.cc (97%) rename lite/{ => backends}/x86/jit/gen/gru.h (97%) rename lite/{ => backends}/x86/jit/gen/hopv.cc (97%) rename lite/{ => backends}/x86/jit/gen/hopv.h (98%) rename lite/{ => backends}/x86/jit/gen/jitcode.h (97%) rename lite/{ => backends}/x86/jit/gen/lstm.cc (98%) rename lite/{ => backends}/x86/jit/gen/lstm.h (97%) rename lite/{ => backends}/x86/jit/gen/matmul.cc (97%) rename lite/{ => backends}/x86/jit/gen/matmul.h (97%) rename lite/{ => backends}/x86/jit/gen/seqpool.cc (94%) rename lite/{ => backends}/x86/jit/gen/seqpool.h (99%) rename lite/{ => backends}/x86/jit/gen/sgd.cc (97%) rename lite/{ => backends}/x86/jit/gen/sgd.h (97%) rename lite/{ => backends}/x86/jit/gen/vbroadcast.cc (96%) rename lite/{ => backends}/x86/jit/gen/vbroadcast.h (96%) rename lite/{ => backends}/x86/jit/gen_base.cc (95%) rename lite/{ => backends}/x86/jit/gen_base.h (98%) rename lite/{ => backends}/x86/jit/helper.cc (98%) rename lite/{ => backends}/x86/jit/helper.h (98%) rename lite/{ => backends}/x86/jit/kernel_base.h (99%) rename lite/{ => backends}/x86/jit/kernel_key.cc (97%) rename lite/{ => backends}/x86/jit/kernel_key.h (94%) rename lite/{ => backends}/x86/jit/kernel_pool.cc (96%) rename lite/{ => backends}/x86/jit/kernel_pool.h (95%) rename lite/{ => backends}/x86/jit/macro.h (100%) rename lite/{ => backends}/x86/jit/more/CMakeLists.txt (100%) rename lite/{ => backends}/x86/jit/more/intrinsic/CMakeLists.txt (100%) rename lite/{ => backends}/x86/jit/more/intrinsic/crf_decoding.cc (97%) rename lite/{ => backends}/x86/jit/more/intrinsic/crf_decoding.h (96%) rename lite/{ => backends}/x86/jit/more/intrinsic/layer_norm.cc (98%) rename lite/{ => backends}/x86/jit/more/intrinsic/layer_norm.h (96%) rename lite/{ => backends}/x86/jit/more/mix/CMakeLists.txt (100%) rename lite/{ => backends}/x86/jit/more/mix/mix.cc (98%) rename lite/{ => backends}/x86/jit/more/mix/mix.h (97%) rename lite/{ => backends}/x86/jit/more/mkl/CMakeLists.txt (100%) rename lite/{ => backends}/x86/jit/more/mkl/mkl.cc (97%) rename lite/{ => backends}/x86/jit/more/mkl/mkl.h (99%) rename lite/{ => backends}/x86/jit/refer/CMakeLists.txt (100%) rename lite/{ => backends}/x86/jit/refer/refer.cc (95%) rename lite/{ => backends}/x86/jit/refer/refer.h (99%) rename lite/{ => backends}/x86/jit/registry.h (97%) rename lite/{ => backends}/x86/jit/test.cc (99%) rename lite/{ => backends}/x86/legacy_place.h (100%) rename lite/{ => backends}/x86/math/CMakeLists.txt (100%) rename lite/{ => backends}/x86/math/beam_search.cc (99%) rename lite/{ => backends}/x86/math/beam_search.h (100%) rename lite/{ => backends}/x86/math/beam_search_test.cc (100%) rename lite/{ => backends}/x86/math/blas.cc (97%) rename lite/{ => backends}/x86/math/blas.h (99%) rename lite/{ => backends}/x86/math/blas_impl.h (99%) rename lite/{ => backends}/x86/math/concat_and_split.cc (98%) rename lite/{ => backends}/x86/math/concat_and_split.h (100%) rename lite/{ => backends}/x86/math/context_project.cc (94%) rename lite/{ => backends}/x86/math/context_project.h (99%) rename lite/{ => backends}/x86/math/cos_sim_functor.cc (97%) rename lite/{ => backends}/x86/math/cos_sim_functor.h (100%) rename lite/{ => backends}/x86/math/cpu_vec.h (99%) rename lite/{ => backends}/x86/math/cross_entropy.cc (98%) rename lite/{ => backends}/x86/math/cross_entropy.h (100%) rename lite/{ => backends}/x86/math/detail/CMakeLists.txt (100%) rename lite/{ => backends}/x86/math/detail/activation_functions.h (99%) rename lite/{ => backends}/x86/math/detail/avx_functions.cc (95%) rename lite/{ => backends}/x86/math/detail/avx_mathfun.h (99%) rename lite/{ => backends}/x86/math/detail/gru_cpu_kernel.h (99%) rename lite/{ => backends}/x86/math/detail/gru_kernel.h (99%) rename lite/{ => backends}/x86/math/gru_compute.cc (96%) rename lite/{ => backends}/x86/math/gru_compute.h (96%) rename lite/{ => backends}/x86/math/im2col.cc (99%) rename lite/{ => backends}/x86/math/im2col.h (100%) rename lite/{ => backends}/x86/math/im2col_cfo_cpu.h (100%) rename lite/{ => backends}/x86/math/im2col_test.cc (100%) rename lite/{ => backends}/x86/math/math_function.cc (97%) rename lite/{ => backends}/x86/math/math_function.h (100%) rename lite/{ => backends}/x86/math/math_function_impl.h (99%) rename lite/{ => backends}/x86/math/math_function_test.cc (100%) rename lite/{ => backends}/x86/math/maxouting.cc (98%) rename lite/{ => backends}/x86/math/maxouting.h (100%) rename lite/{ => backends}/x86/math/pooling.cc (99%) rename lite/{ => backends}/x86/math/pooling.h (100%) rename lite/{ => backends}/x86/math/prelu.h (96%) rename lite/{ => backends}/x86/math/sample_prob.cc (94%) rename lite/{ => backends}/x86/math/sample_prob.h (98%) rename lite/{ => backends}/x86/math/sampler.cc (98%) rename lite/{ => backends}/x86/math/sampler.h (100%) rename lite/{ => backends}/x86/math/sequence2batch.cc (97%) rename lite/{ => backends}/x86/math/sequence2batch.h (100%) rename lite/{ => backends}/x86/math/sequence_padding.cc (99%) rename lite/{ => backends}/x86/math/sequence_padding.h (100%) rename lite/{ => backends}/x86/math/sequence_pooling.cc (98%) rename lite/{ => backends}/x86/math/sequence_pooling.h (100%) rename lite/{ => backends}/x86/math/sequence_pooling_test.cc (100%) rename lite/{ => backends}/x86/math/sequence_scale.cc (96%) rename lite/{ => backends}/x86/math/sequence_scale.h (100%) rename lite/{ => backends}/x86/math/softmax.cc (92%) rename lite/{ => backends}/x86/math/softmax.h (100%) rename lite/{ => backends}/x86/math/softmax_impl.h (98%) rename lite/{ => backends}/x86/math/tree2col.cc (99%) rename lite/{ => backends}/x86/math/tree2col.h (98%) rename lite/{ => backends}/x86/math/unpooling.cc (98%) rename lite/{ => backends}/x86/math/unpooling.h (100%) rename lite/{ => backends}/x86/math/vol2col.cc (99%) rename lite/{ => backends}/x86/math/vol2col.h (100%) rename lite/{ => backends}/x86/mklml.cc (95%) rename lite/{ => backends}/x86/mklml.h (97%) rename lite/{ => backends}/x86/port.h (100%) rename lite/{ => backends}/x86/target_wrapper.cc (96%) rename lite/{ => backends}/x86/target_wrapper.h (100%) rename lite/{ => backends}/x86/warpctc_lib_path.h.in (100%) diff --git a/lite/CMakeLists.txt b/lite/CMakeLists.txt index c77d70a7f3..10d94f7b5a 100644 --- a/lite/CMakeLists.txt +++ b/lite/CMakeLists.txt @@ -17,15 +17,10 @@ add_subdirectory(operators) add_subdirectory(kernels) add_subdirectory(npu) add_subdirectory(core) -add_subdirectory(x86) -add_subdirectory(arm) -add_subdirectory(host) -add_subdirectory(cuda) -add_subdirectory(opencl) -add_subdirectory(fpga) add_subdirectory(model_parser) add_subdirectory(api) add_subdirectory(fluid) +add_subdirectory(backends) if (NOT LITE_ON_TINY_PUBLISH) add_subdirectory(tests) @@ -158,7 +153,7 @@ if (LITE_WITH_LIGHT_WEIGHT_FRAMEWORK AND LITE_WITH_ARM) if (LITE_WITH_OPENCL) add_custom_target(publish_inference_opencl ${TARGET} COMMAND mkdir -p "${INFER_LITE_PUBLISH_ROOT}/opencl" - COMMAND cp -r "${CMAKE_SOURCE_DIR}/lite/opencl/cl_kernel" "${INFER_LITE_PUBLISH_ROOT}/opencl" + COMMAND cp -r "${CMAKE_SOURCE_DIR}/lite/backends/opencl/cl_kernel" "${INFER_LITE_PUBLISH_ROOT}/opencl" ) add_dependencies(publish_inference_cxx_lib publish_inference_opencl) endif() diff --git a/lite/api/CMakeLists.txt b/lite/api/CMakeLists.txt index 4a9a6463b6..dc31164c0e 100644 --- a/lite/api/CMakeLists.txt +++ b/lite/api/CMakeLists.txt @@ -100,7 +100,7 @@ if(LITE_WITH_LIGHT_WEIGHT_FRAMEWORK AND WITH_TESTING) lite_cc_test(test_mobilenetv1_int8 SRCS mobilenetv1_int8_test.cc DEPS ${lite_model_test_DEPS} CL_DEPS ${opencl_kernels} - ARGS --cl_path=${CMAKE_SOURCE_DIR}/lite/opencl + ARGS --cl_path=${CMAKE_SOURCE_DIR}/lite/backends/opencl --model_dir=${LITE_MODEL_DIR}/MobilenetV1_quant SERIAL) add_dependencies(test_mobilenetv1_int8 extern_lite_download_MobileNetV1_quant_tar_gz) @@ -108,7 +108,7 @@ if(LITE_WITH_LIGHT_WEIGHT_FRAMEWORK AND WITH_TESTING) DEPS ${lite_model_test_DEPS} CL_DEPS ${opencl_kernels} NPU_DEPS ${npu_kernels} ${npu_bridges} - ARGS --cl_path=${CMAKE_SOURCE_DIR}/lite/opencl + ARGS --cl_path=${CMAKE_SOURCE_DIR}/lite/backends/opencl --model_dir=${LITE_MODEL_DIR}/mobilenet_v1 SERIAL) add_dependencies(test_mobilenetv1 extern_lite_download_mobilenet_v1_tar_gz) set(LINK_FLAGS "-Wl,--version-script ${PADDLE_SOURCE_DIR}/lite/core/lite.map") @@ -117,7 +117,7 @@ if(LITE_WITH_LIGHT_WEIGHT_FRAMEWORK AND WITH_TESTING) lite_cc_test(test_mobilenetv2 SRCS mobilenetv2_test.cc DEPS ${lite_model_test_DEPS} CL_DEPS ${opencl_kernels} - ARGS --cl_path=${CMAKE_SOURCE_DIR}/lite/opencl + ARGS --cl_path=${CMAKE_SOURCE_DIR}/lite/backends/opencl --model_dir=${LITE_MODEL_DIR}/mobilenet_v2_relu SERIAL) add_dependencies(test_mobilenetv2 extern_lite_download_mobilenet_v2_relu_tar_gz) set_target_properties(test_mobilenetv2 PROPERTIES LINK_FLAGS "${LINK_FLAGS}") @@ -126,7 +126,7 @@ if(LITE_WITH_LIGHT_WEIGHT_FRAMEWORK AND WITH_TESTING) DEPS ${lite_model_test_DEPS} paddle_api_light CL_DEPS ${opencl_kernels} FPGA_DEPS ${fpga_kernels} - ARGS --cl_path=${CMAKE_SOURCE_DIR}/lite/opencl + ARGS --cl_path=${CMAKE_SOURCE_DIR}/lite/backends/opencl --model_dir=${LITE_MODEL_DIR}/resnet50 SERIAL) add_dependencies(test_resnet50 extern_lite_download_resnet50_tar_gz) @@ -138,7 +138,7 @@ if(LITE_WITH_LIGHT_WEIGHT_FRAMEWORK AND WITH_TESTING) lite_cc_test(test_inceptionv4 SRCS inceptionv4_test.cc DEPS ${lite_model_test_DEPS} CL_DEPS ${opencl_kernels} - ARGS --cl_path=${CMAKE_SOURCE_DIR}/lite/opencl + ARGS --cl_path=${CMAKE_SOURCE_DIR}/lite/backends/opencl --model_dir=${LITE_MODEL_DIR}/inception_v4 SERIAL) add_dependencies(test_inceptionv4 extern_lite_download_inception_v4_simple_tar_gz) # lite_cc_test(test_ocr_attention SRCS ocr_attention_test.cc diff --git a/lite/backends/CMakeLists.txt b/lite/backends/CMakeLists.txt new file mode 100644 index 0000000000..77b04b54f4 --- /dev/null +++ b/lite/backends/CMakeLists.txt @@ -0,0 +1,6 @@ +add_subdirectory(x86) +add_subdirectory(cuda) +add_subdirectory(fpga) +add_subdirectory(host) +add_subdirectory(arm) +add_subdirectory(opencl) diff --git a/lite/arm/CMakeLists.txt b/lite/backends/arm/CMakeLists.txt similarity index 100% rename from lite/arm/CMakeLists.txt rename to lite/backends/arm/CMakeLists.txt diff --git a/lite/arm/math/CMakeLists.txt b/lite/backends/arm/math/CMakeLists.txt similarity index 100% rename from lite/arm/math/CMakeLists.txt rename to lite/backends/arm/math/CMakeLists.txt diff --git a/lite/arm/math/activation.cc b/lite/backends/arm/math/activation.cc similarity index 99% rename from lite/arm/math/activation.cc rename to lite/backends/arm/math/activation.cc index 4a6b216311..938057ce9d 100644 --- a/lite/arm/math/activation.cc +++ b/lite/backends/arm/math/activation.cc @@ -12,9 +12,9 @@ // See the License for the specific language governing permissions and // limitations under the License. -#include "lite/arm/math/activation.h" +#include "lite/backends/arm/math/activation.h" #include -#include "lite/arm/math/funcs.h" +#include "lite/backends/arm/math/funcs.h" namespace paddle { namespace lite { diff --git a/lite/arm/math/activation.h b/lite/backends/arm/math/activation.h similarity index 100% rename from lite/arm/math/activation.h rename to lite/backends/arm/math/activation.h diff --git a/lite/arm/math/affine_channel.cc b/lite/backends/arm/math/affine_channel.cc similarity index 92% rename from lite/arm/math/affine_channel.cc rename to lite/backends/arm/math/affine_channel.cc index ceac3f7816..a2c735afcc 100644 --- a/lite/arm/math/affine_channel.cc +++ b/lite/backends/arm/math/affine_channel.cc @@ -12,13 +12,13 @@ // See the License for the specific language governing permissions and // limitations under the License. -#include "lite/arm/math/affine_channel.h" +#include "lite/backends/arm/math/affine_channel.h" #include #include #include -#include "lite/arm/math/axpy.h" -#include "lite/arm/math/funcs.h" -#include "lite/arm/math/saturate.h" +#include "lite/backends/arm/math/axpy.h" +#include "lite/backends/arm/math/funcs.h" +#include "lite/backends/arm/math/saturate.h" namespace paddle { namespace lite { diff --git a/lite/arm/math/affine_channel.h b/lite/backends/arm/math/affine_channel.h similarity index 100% rename from lite/arm/math/affine_channel.h rename to lite/backends/arm/math/affine_channel.h diff --git a/lite/arm/math/anchor_generator.cc b/lite/backends/arm/math/anchor_generator.cc similarity index 95% rename from lite/arm/math/anchor_generator.cc rename to lite/backends/arm/math/anchor_generator.cc index 00f4d51c49..2f8a738fbf 100644 --- a/lite/arm/math/anchor_generator.cc +++ b/lite/backends/arm/math/anchor_generator.cc @@ -12,12 +12,12 @@ // See the License for the specific language governing permissions and // limitations under the License. -#include "lite/arm/math/anchor_generator.h" +#include "lite/backends/arm/math/anchor_generator.h" #include #include #include -#include "lite/arm/math/funcs.h" -#include "lite/arm/math/saturate.h" +#include "lite/backends/arm/math/funcs.h" +#include "lite/backends/arm/math/saturate.h" namespace paddle { namespace lite { diff --git a/lite/arm/math/anchor_generator.h b/lite/backends/arm/math/anchor_generator.h similarity index 100% rename from lite/arm/math/anchor_generator.h rename to lite/backends/arm/math/anchor_generator.h diff --git a/lite/arm/math/argmax.cc b/lite/backends/arm/math/argmax.cc similarity index 96% rename from lite/arm/math/argmax.cc rename to lite/backends/arm/math/argmax.cc index 878f807e1c..3ca6d97c4d 100644 --- a/lite/arm/math/argmax.cc +++ b/lite/backends/arm/math/argmax.cc @@ -12,14 +12,14 @@ // See the License for the specific language governing permissions and // limitations under the License. -#include "lite/arm/math/argmax.h" +#include "lite/backends/arm/math/argmax.h" #include #include #include #include #include #include -#include "lite/arm/math/funcs.h" +#include "lite/backends/arm/math/funcs.h" namespace paddle { namespace lite { diff --git a/lite/arm/math/argmax.h b/lite/backends/arm/math/argmax.h similarity index 100% rename from lite/arm/math/argmax.h rename to lite/backends/arm/math/argmax.h diff --git a/lite/arm/math/axpy.cc b/lite/backends/arm/math/axpy.cc similarity index 98% rename from lite/arm/math/axpy.cc rename to lite/backends/arm/math/axpy.cc index ad4db7a2fa..0863cc009c 100644 --- a/lite/arm/math/axpy.cc +++ b/lite/backends/arm/math/axpy.cc @@ -12,12 +12,12 @@ // See the License for the specific language governing permissions and // limitations under the License. -#include "lite/arm/math/axpy.h" +#include "lite/backends/arm/math/axpy.h" #include #include #include -#include "lite/arm/math/funcs.h" -#include "lite/arm/math/saturate.h" +#include "lite/backends/arm/math/funcs.h" +#include "lite/backends/arm/math/saturate.h" namespace paddle { namespace lite { diff --git a/lite/arm/math/axpy.h b/lite/backends/arm/math/axpy.h similarity index 100% rename from lite/arm/math/axpy.h rename to lite/backends/arm/math/axpy.h diff --git a/lite/arm/math/beam_search.cc b/lite/backends/arm/math/beam_search.cc similarity index 99% rename from lite/arm/math/beam_search.cc rename to lite/backends/arm/math/beam_search.cc index 932db0e2c1..f93fcc0d60 100644 --- a/lite/arm/math/beam_search.cc +++ b/lite/backends/arm/math/beam_search.cc @@ -12,7 +12,7 @@ // See the License for the specific language governing permissions and // limitations under the License. -#include "lite/arm/math/beam_search.h" +#include "lite/backends/arm/math/beam_search.h" #include #include #include diff --git a/lite/arm/math/beam_search.h b/lite/backends/arm/math/beam_search.h similarity index 100% rename from lite/arm/math/beam_search.h rename to lite/backends/arm/math/beam_search.h diff --git a/lite/arm/math/box_coder.cc b/lite/backends/arm/math/box_coder.cc similarity index 97% rename from lite/arm/math/box_coder.cc rename to lite/backends/arm/math/box_coder.cc index 9b3f32b56e..7cb904a8ee 100644 --- a/lite/arm/math/box_coder.cc +++ b/lite/backends/arm/math/box_coder.cc @@ -12,8 +12,8 @@ // See the License for the specific language governing permissions and // limitations under the License. -#include "lite/arm/math/box_coder.h" -#include "lite/arm/math/funcs.h" +#include "lite/backends/arm/math/box_coder.h" +#include "lite/backends/arm/math/funcs.h" namespace paddle { namespace lite { diff --git a/lite/arm/math/box_coder.h b/lite/backends/arm/math/box_coder.h similarity index 100% rename from lite/arm/math/box_coder.h rename to lite/backends/arm/math/box_coder.h diff --git a/lite/arm/math/col_im_transform.cc b/lite/backends/arm/math/col_im_transform.cc similarity index 96% rename from lite/arm/math/col_im_transform.cc rename to lite/backends/arm/math/col_im_transform.cc index d909d4247d..b5d2c6af13 100644 --- a/lite/arm/math/col_im_transform.cc +++ b/lite/backends/arm/math/col_im_transform.cc @@ -12,9 +12,9 @@ // See the License for the specific language governing permissions and // limitations under the License. -#include "lite/arm/math/col_im_transform.h" +#include "lite/backends/arm/math/col_im_transform.h" #include -#include "lite/arm/math/funcs.h" +#include "lite/backends/arm/math/funcs.h" namespace paddle { namespace lite { diff --git a/lite/arm/math/col_im_transform.h b/lite/backends/arm/math/col_im_transform.h similarity index 100% rename from lite/arm/math/col_im_transform.h rename to lite/backends/arm/math/col_im_transform.h diff --git a/lite/arm/math/concat.cc b/lite/backends/arm/math/concat.cc similarity index 95% rename from lite/arm/math/concat.cc rename to lite/backends/arm/math/concat.cc index 8dd156e262..9b94cefa16 100644 --- a/lite/arm/math/concat.cc +++ b/lite/backends/arm/math/concat.cc @@ -12,11 +12,11 @@ // See the License for the specific language governing permissions and // limitations under the License. -#include "lite/arm/math/concat.h" +#include "lite/backends/arm/math/concat.h" #include #include #include -#include "lite/arm/math/funcs.h" +#include "lite/backends/arm/math/funcs.h" namespace paddle { namespace lite { diff --git a/lite/arm/math/concat.h b/lite/backends/arm/math/concat.h similarity index 100% rename from lite/arm/math/concat.h rename to lite/backends/arm/math/concat.h diff --git a/lite/arm/math/conv3x3s1_direct_int8.cc b/lite/backends/arm/math/conv3x3s1_direct_int8.cc similarity index 99% rename from lite/arm/math/conv3x3s1_direct_int8.cc rename to lite/backends/arm/math/conv3x3s1_direct_int8.cc index c34dffca29..d44d911131 100644 --- a/lite/arm/math/conv3x3s1_direct_int8.cc +++ b/lite/backends/arm/math/conv3x3s1_direct_int8.cc @@ -13,8 +13,8 @@ // limitations under the License. #include -#include "lite/arm/math/conv_block_utils.h" -#include "lite/arm/math/conv_impl.h" +#include "lite/backends/arm/math/conv_block_utils.h" +#include "lite/backends/arm/math/conv_impl.h" #include "lite/core/context.h" #include "lite/operators/op_params.h" #ifdef ARM_WITH_OMP diff --git a/lite/arm/math/conv3x3s2_direct_int8.cc b/lite/backends/arm/math/conv3x3s2_direct_int8.cc similarity index 99% rename from lite/arm/math/conv3x3s2_direct_int8.cc rename to lite/backends/arm/math/conv3x3s2_direct_int8.cc index a73f685283..6169ad5d12 100644 --- a/lite/arm/math/conv3x3s2_direct_int8.cc +++ b/lite/backends/arm/math/conv3x3s2_direct_int8.cc @@ -13,8 +13,8 @@ // limitations under the License. #include -#include "lite/arm/math/conv_block_utils.h" -#include "lite/arm/math/conv_impl.h" +#include "lite/backends/arm/math/conv_block_utils.h" +#include "lite/backends/arm/math/conv_impl.h" #include "lite/core/context.h" #include "lite/operators/op_params.h" #ifdef ARM_WITH_OMP diff --git a/lite/arm/math/conv_block_utils.h b/lite/backends/arm/math/conv_block_utils.h similarity index 99% rename from lite/arm/math/conv_block_utils.h rename to lite/backends/arm/math/conv_block_utils.h index 8d8a390712..3deb6bcb5f 100644 --- a/lite/arm/math/conv_block_utils.h +++ b/lite/backends/arm/math/conv_block_utils.h @@ -15,8 +15,8 @@ #pragma once #include #include -#include "lite/arm/math/saturate.h" -#include "lite/arm/math/type_trans.h" +#include "lite/backends/arm/math/saturate.h" +#include "lite/backends/arm/math/type_trans.h" #include "lite/core/target_wrapper.h" #include "lite/utils/cp_logging.h" diff --git a/lite/arm/math/conv_depthwise.cc b/lite/backends/arm/math/conv_depthwise.cc similarity index 97% rename from lite/arm/math/conv_depthwise.cc rename to lite/backends/arm/math/conv_depthwise.cc index f04de2178c..79b8cec571 100644 --- a/lite/arm/math/conv_depthwise.cc +++ b/lite/backends/arm/math/conv_depthwise.cc @@ -12,9 +12,9 @@ // See the License for the specific language governing permissions and // limitations under the License. -#include "lite/arm/math/conv_depthwise.h" -#include "lite/arm/math/conv_block_utils.h" -#include "lite/arm/math/conv_impl.h" +#include "lite/backends/arm/math/conv_depthwise.h" +#include "lite/backends/arm/math/conv_block_utils.h" +#include "lite/backends/arm/math/conv_impl.h" namespace paddle { namespace lite { diff --git a/lite/arm/math/conv_depthwise.h b/lite/backends/arm/math/conv_depthwise.h similarity index 98% rename from lite/arm/math/conv_depthwise.h rename to lite/backends/arm/math/conv_depthwise.h index 15e3b36e30..cdddda79d1 100644 --- a/lite/arm/math/conv_depthwise.h +++ b/lite/backends/arm/math/conv_depthwise.h @@ -16,7 +16,7 @@ #include #include -#include "lite/arm/math/conv_impl.h" +#include "lite/backends/arm/math/conv_impl.h" #include "lite/core/context.h" #include "lite/core/target_wrapper.h" diff --git a/lite/arm/math/conv_depthwise_3x3_int8.cc b/lite/backends/arm/math/conv_depthwise_3x3_int8.cc similarity index 99% rename from lite/arm/math/conv_depthwise_3x3_int8.cc rename to lite/backends/arm/math/conv_depthwise_3x3_int8.cc index f8b14359a6..d1eedd9557 100644 --- a/lite/arm/math/conv_depthwise_3x3_int8.cc +++ b/lite/backends/arm/math/conv_depthwise_3x3_int8.cc @@ -13,7 +13,7 @@ // limitations under the License. #include -#include "lite/arm/math/conv_impl.h" +#include "lite/backends/arm/math/conv_impl.h" #include "lite/core/context.h" #include "lite/operators/op_params.h" diff --git a/lite/arm/math/conv_depthwise_3x3p0.cc b/lite/backends/arm/math/conv_depthwise_3x3p0.cc similarity index 99% rename from lite/arm/math/conv_depthwise_3x3p0.cc rename to lite/backends/arm/math/conv_depthwise_3x3p0.cc index 9eb45514d2..ec7f3cfb84 100644 --- a/lite/arm/math/conv_depthwise_3x3p0.cc +++ b/lite/backends/arm/math/conv_depthwise_3x3p0.cc @@ -12,7 +12,7 @@ // See the License for the specific language governing permissions and // limitations under the License. -#include "lite/arm/math/conv_depthwise.h" +#include "lite/backends/arm/math/conv_depthwise.h" #include namespace paddle { diff --git a/lite/arm/math/conv_depthwise_3x3p1.cc b/lite/backends/arm/math/conv_depthwise_3x3p1.cc similarity index 99% rename from lite/arm/math/conv_depthwise_3x3p1.cc rename to lite/backends/arm/math/conv_depthwise_3x3p1.cc index 86b2075bad..b5de99d7f5 100644 --- a/lite/arm/math/conv_depthwise_3x3p1.cc +++ b/lite/backends/arm/math/conv_depthwise_3x3p1.cc @@ -12,7 +12,7 @@ // See the License for the specific language governing permissions and // limitations under the License. -#include "lite/arm/math/conv_depthwise.h" +#include "lite/backends/arm/math/conv_depthwise.h" #include namespace paddle { diff --git a/lite/arm/math/conv_depthwise_5x5s1.cc b/lite/backends/arm/math/conv_depthwise_5x5s1.cc similarity index 99% rename from lite/arm/math/conv_depthwise_5x5s1.cc rename to lite/backends/arm/math/conv_depthwise_5x5s1.cc index ac0fa08c8a..2b9744665c 100644 --- a/lite/arm/math/conv_depthwise_5x5s1.cc +++ b/lite/backends/arm/math/conv_depthwise_5x5s1.cc @@ -12,7 +12,7 @@ // See the License for the specific language governing permissions and // limitations under the License. -#include "lite/arm/math/conv_depthwise.h" +#include "lite/backends/arm/math/conv_depthwise.h" #include namespace paddle { diff --git a/lite/arm/math/conv_depthwise_5x5s1_int8.cc b/lite/backends/arm/math/conv_depthwise_5x5s1_int8.cc similarity index 99% rename from lite/arm/math/conv_depthwise_5x5s1_int8.cc rename to lite/backends/arm/math/conv_depthwise_5x5s1_int8.cc index 47563c542c..0d0034dd85 100644 --- a/lite/arm/math/conv_depthwise_5x5s1_int8.cc +++ b/lite/backends/arm/math/conv_depthwise_5x5s1_int8.cc @@ -13,8 +13,8 @@ // limitations under the License. #include -#include "lite/arm/math/conv_block_utils.h" -#include "lite/arm/math/conv_impl.h" +#include "lite/backends/arm/math/conv_block_utils.h" +#include "lite/backends/arm/math/conv_impl.h" #include "lite/core/context.h" #include "lite/operators/op_params.h" #ifdef ARM_WITH_OMP diff --git a/lite/arm/math/conv_depthwise_5x5s2.cc b/lite/backends/arm/math/conv_depthwise_5x5s2.cc similarity index 99% rename from lite/arm/math/conv_depthwise_5x5s2.cc rename to lite/backends/arm/math/conv_depthwise_5x5s2.cc index 17ac1d87e5..dd715fd534 100644 --- a/lite/arm/math/conv_depthwise_5x5s2.cc +++ b/lite/backends/arm/math/conv_depthwise_5x5s2.cc @@ -12,7 +12,7 @@ // See the License for the specific language governing permissions and // limitations under the License. -#include "lite/arm/math/conv_depthwise.h" +#include "lite/backends/arm/math/conv_depthwise.h" #include namespace paddle { diff --git a/lite/arm/math/conv_direct.cc b/lite/backends/arm/math/conv_direct.cc similarity index 98% rename from lite/arm/math/conv_direct.cc rename to lite/backends/arm/math/conv_direct.cc index 5e61aa4367..51526aa2b3 100644 --- a/lite/arm/math/conv_direct.cc +++ b/lite/backends/arm/math/conv_direct.cc @@ -12,9 +12,9 @@ // See the License for the specific language governing permissions and // limitations under the License. -#include "lite/arm/math/conv_direct.h" -#include "lite/arm/math/conv_block_utils.h" -#include "lite/arm/math/conv_impl.h" +#include "lite/backends/arm/math/conv_direct.h" +#include "lite/backends/arm/math/conv_block_utils.h" +#include "lite/backends/arm/math/conv_impl.h" namespace paddle { namespace lite { diff --git a/lite/arm/math/conv_direct.h b/lite/backends/arm/math/conv_direct.h similarity index 98% rename from lite/arm/math/conv_direct.h rename to lite/backends/arm/math/conv_direct.h index b2883cd7e9..e6132dca5e 100644 --- a/lite/arm/math/conv_direct.h +++ b/lite/backends/arm/math/conv_direct.h @@ -16,7 +16,7 @@ #include #include -#include "lite/arm/math/conv_impl.h" +#include "lite/backends/arm/math/conv_impl.h" #include "lite/core/context.h" #include "lite/core/target_wrapper.h" diff --git a/lite/arm/math/conv_direct_3x3s1.cc b/lite/backends/arm/math/conv_direct_3x3s1.cc similarity index 99% rename from lite/arm/math/conv_direct_3x3s1.cc rename to lite/backends/arm/math/conv_direct_3x3s1.cc index d1973705ec..6991481ee1 100644 --- a/lite/arm/math/conv_direct_3x3s1.cc +++ b/lite/backends/arm/math/conv_direct_3x3s1.cc @@ -13,8 +13,8 @@ // limitations under the License. #include -#include "lite/arm/math/conv_block_utils.h" -#include "lite/arm/math/conv_impl.h" +#include "lite/backends/arm/math/conv_block_utils.h" +#include "lite/backends/arm/math/conv_impl.h" #include "lite/core/context.h" #include "lite/operators/op_params.h" #ifdef ARM_WITH_OMP diff --git a/lite/arm/math/conv_direct_3x3s2.cc b/lite/backends/arm/math/conv_direct_3x3s2.cc similarity index 99% rename from lite/arm/math/conv_direct_3x3s2.cc rename to lite/backends/arm/math/conv_direct_3x3s2.cc index b048f61877..4bc9c5d25b 100644 --- a/lite/arm/math/conv_direct_3x3s2.cc +++ b/lite/backends/arm/math/conv_direct_3x3s2.cc @@ -12,8 +12,8 @@ // See the License for the specific language governing permissions and // limitations under the License. -#include "lite/arm/math/conv_block_utils.h" -#include "lite/arm/math/conv_impl.h" +#include "lite/backends/arm/math/conv_block_utils.h" +#include "lite/backends/arm/math/conv_impl.h" #include "lite/core/context.h" #ifdef ARM_WITH_OMP #include diff --git a/lite/arm/math/conv_gemmlike.cc b/lite/backends/arm/math/conv_gemmlike.cc similarity index 98% rename from lite/arm/math/conv_gemmlike.cc rename to lite/backends/arm/math/conv_gemmlike.cc index f78c366d0f..1dd102db1e 100644 --- a/lite/arm/math/conv_gemmlike.cc +++ b/lite/backends/arm/math/conv_gemmlike.cc @@ -12,10 +12,10 @@ // See the License for the specific language governing permissions and // limitations under the License. -#include "lite/arm/math/conv_gemmlike.h" +#include "lite/backends/arm/math/conv_gemmlike.h" #include -#include "lite/arm/math/gemm_prepacked_int8.h" -#include "lite/arm/math/packed_sgemm.h" +#include "lite/backends/arm/math/gemm_prepacked_int8.h" +#include "lite/backends/arm/math/packed_sgemm.h" namespace paddle { namespace lite { diff --git a/lite/arm/math/conv_gemmlike.h b/lite/backends/arm/math/conv_gemmlike.h similarity index 98% rename from lite/arm/math/conv_gemmlike.h rename to lite/backends/arm/math/conv_gemmlike.h index 872af2b7cb..5986b5c2c8 100644 --- a/lite/arm/math/conv_gemmlike.h +++ b/lite/backends/arm/math/conv_gemmlike.h @@ -16,7 +16,7 @@ #include #include -#include "lite/arm/math/conv_impl.h" +#include "lite/backends/arm/math/conv_impl.h" #include "lite/core/context.h" #include "lite/core/target_wrapper.h" diff --git a/lite/arm/math/conv_impl.cc b/lite/backends/arm/math/conv_impl.cc similarity index 99% rename from lite/arm/math/conv_impl.cc rename to lite/backends/arm/math/conv_impl.cc index 7b4ac25568..dbea9d643e 100644 --- a/lite/arm/math/conv_impl.cc +++ b/lite/backends/arm/math/conv_impl.cc @@ -18,12 +18,12 @@ // #include "saber/funcs/impl/arm/neon/impl/gemv_arm_int8.h" // #include "saber/funcs/impl/arm/neon/impl/sgemv_arm.h" -#include "lite/arm/math/conv_impl.h" +#include "lite/backends/arm/math/conv_impl.h" #include -#include "lite/arm/math/gemm_prepacked_int8.h" -#include "lite/arm/math/gemv_arm_int8.h" -#include "lite/arm/math/packed_sgemm.h" -#include "lite/arm/math/sgemv.h" +#include "lite/backends/arm/math/gemm_prepacked_int8.h" +#include "lite/backends/arm/math/gemv_arm_int8.h" +#include "lite/backends/arm/math/packed_sgemm.h" +#include "lite/backends/arm/math/sgemv.h" #include "lite/core/context.h" #include "lite/core/target_wrapper.h" #include "lite/operators/op_params.h" diff --git a/lite/arm/math/conv_impl.h b/lite/backends/arm/math/conv_impl.h similarity index 100% rename from lite/arm/math/conv_impl.h rename to lite/backends/arm/math/conv_impl.h diff --git a/lite/arm/math/conv_winograd.cc b/lite/backends/arm/math/conv_winograd.cc similarity index 96% rename from lite/arm/math/conv_winograd.cc rename to lite/backends/arm/math/conv_winograd.cc index ac2f2aeab4..43ad9e2cd8 100644 --- a/lite/arm/math/conv_winograd.cc +++ b/lite/backends/arm/math/conv_winograd.cc @@ -12,10 +12,10 @@ // See the License for the specific language governing permissions and // limitations under the License. -#include "lite/arm/math/conv_winograd.h" +#include "lite/backends/arm/math/conv_winograd.h" #include -#include "lite/arm/math/conv_impl.h" -#include "lite/arm/math/packed_sgemm.h" +#include "lite/backends/arm/math/conv_impl.h" +#include "lite/backends/arm/math/packed_sgemm.h" namespace paddle { namespace lite { diff --git a/lite/arm/math/conv_winograd.h b/lite/backends/arm/math/conv_winograd.h similarity index 97% rename from lite/arm/math/conv_winograd.h rename to lite/backends/arm/math/conv_winograd.h index 6533727a93..1ae5edb0aa 100644 --- a/lite/arm/math/conv_winograd.h +++ b/lite/backends/arm/math/conv_winograd.h @@ -15,7 +15,7 @@ #pragma once #include -#include "lite/arm/math/conv_impl.h" +#include "lite/backends/arm/math/conv_impl.h" #include "lite/core/context.h" #include "lite/core/target_wrapper.h" diff --git a/lite/arm/math/conv_winograd_3x3.cc b/lite/backends/arm/math/conv_winograd_3x3.cc similarity index 99% rename from lite/arm/math/conv_winograd_3x3.cc rename to lite/backends/arm/math/conv_winograd_3x3.cc index 30b029b42a..87f51381e6 100644 --- a/lite/arm/math/conv_winograd_3x3.cc +++ b/lite/backends/arm/math/conv_winograd_3x3.cc @@ -12,8 +12,8 @@ // See the License for the specific language governing permissions and // limitations under the License. -#include "lite/arm/math/conv_impl.h" -#include "lite/arm/math/packed_sgemm.h" +#include "lite/backends/arm/math/conv_impl.h" +#include "lite/backends/arm/math/packed_sgemm.h" namespace paddle { namespace lite { diff --git a/lite/arm/math/decode_bboxes.cc b/lite/backends/arm/math/decode_bboxes.cc similarity index 99% rename from lite/arm/math/decode_bboxes.cc rename to lite/backends/arm/math/decode_bboxes.cc index 2c6c7f186e..12ee42ebb3 100644 --- a/lite/arm/math/decode_bboxes.cc +++ b/lite/backends/arm/math/decode_bboxes.cc @@ -12,8 +12,8 @@ // See the License for the specific language governing permissions and // limitations under the License. -#include "lite/arm/math/decode_bboxes.h" -#include "lite/arm/math/funcs.h" +#include "lite/backends/arm/math/decode_bboxes.h" +#include "lite/backends/arm/math/funcs.h" namespace paddle { namespace lite { diff --git a/lite/arm/math/decode_bboxes.h b/lite/backends/arm/math/decode_bboxes.h similarity index 100% rename from lite/arm/math/decode_bboxes.h rename to lite/backends/arm/math/decode_bboxes.h diff --git a/lite/arm/math/dot_toolchain_support.h b/lite/backends/arm/math/dot_toolchain_support.h similarity index 100% rename from lite/arm/math/dot_toolchain_support.h rename to lite/backends/arm/math/dot_toolchain_support.h diff --git a/lite/arm/math/dropout.cc b/lite/backends/arm/math/dropout.cc similarity index 96% rename from lite/arm/math/dropout.cc rename to lite/backends/arm/math/dropout.cc index 1944dbb882..406c850ef5 100644 --- a/lite/arm/math/dropout.cc +++ b/lite/backends/arm/math/dropout.cc @@ -12,8 +12,8 @@ // See the License for the specific language governing permissions and // limitations under the License. -#include "lite/arm/math/dropout.h" -#include "lite/arm/math/funcs.h" +#include "lite/backends/arm/math/dropout.h" +#include "lite/backends/arm/math/funcs.h" namespace paddle { namespace lite { diff --git a/lite/arm/math/dropout.h b/lite/backends/arm/math/dropout.h similarity index 100% rename from lite/arm/math/dropout.h rename to lite/backends/arm/math/dropout.h diff --git a/lite/arm/math/elementwise.cc b/lite/backends/arm/math/elementwise.cc similarity index 99% rename from lite/arm/math/elementwise.cc rename to lite/backends/arm/math/elementwise.cc index 35098bba87..28ae1ee4ca 100644 --- a/lite/arm/math/elementwise.cc +++ b/lite/backends/arm/math/elementwise.cc @@ -12,9 +12,9 @@ // See the License for the specific language governing permissions and // limitations under the License. -#include "lite/arm/math/elementwise.h" +#include "lite/backends/arm/math/elementwise.h" #include -#include "lite/arm/math/funcs.h" +#include "lite/backends/arm/math/funcs.h" namespace paddle { namespace lite { diff --git a/lite/arm/math/elementwise.h b/lite/backends/arm/math/elementwise.h similarity index 100% rename from lite/arm/math/elementwise.h rename to lite/backends/arm/math/elementwise.h diff --git a/lite/arm/math/fill_bias_relu.cc b/lite/backends/arm/math/fill_bias_relu.cc similarity index 97% rename from lite/arm/math/fill_bias_relu.cc rename to lite/backends/arm/math/fill_bias_relu.cc index b4cf2d876a..7137a0363b 100644 --- a/lite/arm/math/fill_bias_relu.cc +++ b/lite/backends/arm/math/fill_bias_relu.cc @@ -12,9 +12,9 @@ // See the License for the specific language governing permissions and // limitations under the License. -#include "lite/arm/math/fill_bias_relu.h" +#include "lite/backends/arm/math/fill_bias_relu.h" #include -#include "lite/arm/math/funcs.h" +#include "lite/backends/arm/math/funcs.h" namespace paddle { namespace lite { diff --git a/lite/arm/math/fill_bias_relu.h b/lite/backends/arm/math/fill_bias_relu.h similarity index 100% rename from lite/arm/math/fill_bias_relu.h rename to lite/backends/arm/math/fill_bias_relu.h diff --git a/lite/arm/math/funcs.cc b/lite/backends/arm/math/funcs.cc similarity index 99% rename from lite/arm/math/funcs.cc rename to lite/backends/arm/math/funcs.cc index edc5fe7fdc..e4425ade2e 100644 --- a/lite/arm/math/funcs.cc +++ b/lite/backends/arm/math/funcs.cc @@ -12,7 +12,7 @@ // See the License for the specific language governing permissions and // limitations under the License. -#include "lite/arm/math/funcs.h" +#include "lite/backends/arm/math/funcs.h" #include namespace paddle { diff --git a/lite/arm/math/funcs.h b/lite/backends/arm/math/funcs.h similarity index 85% rename from lite/arm/math/funcs.h rename to lite/backends/arm/math/funcs.h index 18a9d95041..9438a997b6 100644 --- a/lite/arm/math/funcs.h +++ b/lite/backends/arm/math/funcs.h @@ -18,49 +18,49 @@ #include #include -#include "lite/arm/math/activation.h" -#include "lite/arm/math/affine_channel.h" -#include "lite/arm/math/anchor_generator.h" -#include "lite/arm/math/argmax.h" -#include "lite/arm/math/axpy.h" -#include "lite/arm/math/beam_search.h" -#include "lite/arm/math/box_coder.h" -#include "lite/arm/math/col_im_transform.h" -#include "lite/arm/math/concat.h" -#include "lite/arm/math/conv_depthwise.h" -#include "lite/arm/math/conv_direct.h" -#include "lite/arm/math/conv_gemmlike.h" -#include "lite/arm/math/conv_winograd.h" -#include "lite/arm/math/decode_bboxes.h" -#include "lite/arm/math/dropout.h" -#include "lite/arm/math/elementwise.h" -#include "lite/arm/math/fill_bias_relu.h" -#include "lite/arm/math/im2sequence.h" -#include "lite/arm/math/increment.h" -#include "lite/arm/math/interpolate.h" -#include "lite/arm/math/lrn.h" -#include "lite/arm/math/negative.h" -#include "lite/arm/math/norm.h" -#include "lite/arm/math/packed_sgemm.h" -#include "lite/arm/math/pad2d.h" -#include "lite/arm/math/pooling.h" -#include "lite/arm/math/power.h" -#include "lite/arm/math/prior_box.h" -#include "lite/arm/math/reduce_max.h" -#include "lite/arm/math/reduce_mean.h" -#include "lite/arm/math/scale.h" -#include "lite/arm/math/sequence_expand.h" -#include "lite/arm/math/sequence_pool.h" -#include "lite/arm/math/sequence_softmax.h" -#include "lite/arm/math/sgemm.h" -#include "lite/arm/math/sgemv.h" -#include "lite/arm/math/shuffle_channel.h" -#include "lite/arm/math/slice.h" -#include "lite/arm/math/softmax.h" -#include "lite/arm/math/split.h" -#include "lite/arm/math/stack.h" -#include "lite/arm/math/topk.h" -#include "lite/arm/math/yolo_box.h" +#include "lite/backends/arm/math/activation.h" +#include "lite/backends/arm/math/affine_channel.h" +#include "lite/backends/arm/math/anchor_generator.h" +#include "lite/backends/arm/math/argmax.h" +#include "lite/backends/arm/math/axpy.h" +#include "lite/backends/arm/math/beam_search.h" +#include "lite/backends/arm/math/box_coder.h" +#include "lite/backends/arm/math/col_im_transform.h" +#include "lite/backends/arm/math/concat.h" +#include "lite/backends/arm/math/conv_depthwise.h" +#include "lite/backends/arm/math/conv_direct.h" +#include "lite/backends/arm/math/conv_gemmlike.h" +#include "lite/backends/arm/math/conv_winograd.h" +#include "lite/backends/arm/math/decode_bboxes.h" +#include "lite/backends/arm/math/dropout.h" +#include "lite/backends/arm/math/elementwise.h" +#include "lite/backends/arm/math/fill_bias_relu.h" +#include "lite/backends/arm/math/im2sequence.h" +#include "lite/backends/arm/math/increment.h" +#include "lite/backends/arm/math/interpolate.h" +#include "lite/backends/arm/math/lrn.h" +#include "lite/backends/arm/math/negative.h" +#include "lite/backends/arm/math/norm.h" +#include "lite/backends/arm/math/packed_sgemm.h" +#include "lite/backends/arm/math/pad2d.h" +#include "lite/backends/arm/math/pooling.h" +#include "lite/backends/arm/math/power.h" +#include "lite/backends/arm/math/prior_box.h" +#include "lite/backends/arm/math/reduce_max.h" +#include "lite/backends/arm/math/reduce_mean.h" +#include "lite/backends/arm/math/scale.h" +#include "lite/backends/arm/math/sequence_expand.h" +#include "lite/backends/arm/math/sequence_pool.h" +#include "lite/backends/arm/math/sequence_softmax.h" +#include "lite/backends/arm/math/sgemm.h" +#include "lite/backends/arm/math/sgemv.h" +#include "lite/backends/arm/math/shuffle_channel.h" +#include "lite/backends/arm/math/slice.h" +#include "lite/backends/arm/math/softmax.h" +#include "lite/backends/arm/math/split.h" +#include "lite/backends/arm/math/stack.h" +#include "lite/backends/arm/math/topk.h" +#include "lite/backends/arm/math/yolo_box.h" namespace paddle { namespace lite { namespace arm { diff --git a/lite/arm/math/gemm_prepacked_int8.cc b/lite/backends/arm/math/gemm_prepacked_int8.cc similarity index 99% rename from lite/arm/math/gemm_prepacked_int8.cc rename to lite/backends/arm/math/gemm_prepacked_int8.cc index ded4e97c01..9efae11157 100644 --- a/lite/arm/math/gemm_prepacked_int8.cc +++ b/lite/backends/arm/math/gemm_prepacked_int8.cc @@ -12,9 +12,9 @@ // See the License for the specific language governing permissions and // limitations under the License. -#include "lite/arm/math/gemm_prepacked_int8.h" +#include "lite/backends/arm/math/gemm_prepacked_int8.h" #include -#include "lite/arm/math/dot_toolchain_support.h" +#include "lite/backends/arm/math/dot_toolchain_support.h" namespace paddle { namespace lite { diff --git a/lite/arm/math/gemm_prepacked_int8.h b/lite/backends/arm/math/gemm_prepacked_int8.h similarity index 100% rename from lite/arm/math/gemm_prepacked_int8.h rename to lite/backends/arm/math/gemm_prepacked_int8.h diff --git a/lite/arm/math/gemv_arm_int8.cc b/lite/backends/arm/math/gemv_arm_int8.cc similarity index 99% rename from lite/arm/math/gemv_arm_int8.cc rename to lite/backends/arm/math/gemv_arm_int8.cc index 568ee0a9d9..dff3024ba4 100644 --- a/lite/arm/math/gemv_arm_int8.cc +++ b/lite/backends/arm/math/gemv_arm_int8.cc @@ -12,9 +12,9 @@ // See the License for the specific language governing permissions and // limitations under the License. -#include "lite/arm/math/gemv_arm_int8.h" +#include "lite/backends/arm/math/gemv_arm_int8.h" #include -#include "lite/arm/math/saturate.h" +#include "lite/backends/arm/math/saturate.h" namespace paddle { namespace lite { diff --git a/lite/arm/math/gemv_arm_int8.h b/lite/backends/arm/math/gemv_arm_int8.h similarity index 100% rename from lite/arm/math/gemv_arm_int8.h rename to lite/backends/arm/math/gemv_arm_int8.h diff --git a/lite/arm/math/gru_utils.h b/lite/backends/arm/math/gru_utils.h similarity index 99% rename from lite/arm/math/gru_utils.h rename to lite/backends/arm/math/gru_utils.h index 47e5d62aa1..9bef1889b8 100644 --- a/lite/arm/math/gru_utils.h +++ b/lite/backends/arm/math/gru_utils.h @@ -14,7 +14,7 @@ #pragma once -#include "lite/arm/math/sgemm.h" +#include "lite/backends/arm/math/sgemm.h" namespace paddle { namespace lite { diff --git a/lite/arm/math/im2sequence.cc b/lite/backends/arm/math/im2sequence.cc similarity index 98% rename from lite/arm/math/im2sequence.cc rename to lite/backends/arm/math/im2sequence.cc index 046339ccd7..39fb9b477e 100644 --- a/lite/arm/math/im2sequence.cc +++ b/lite/backends/arm/math/im2sequence.cc @@ -12,7 +12,7 @@ // See the License for the specific language governing permissions and // limitations under the License. -#include "lite/arm/math/im2sequence.h" +#include "lite/backends/arm/math/im2sequence.h" #include #include "lite/utils/cp_logging.h" diff --git a/lite/arm/math/im2sequence.h b/lite/backends/arm/math/im2sequence.h similarity index 100% rename from lite/arm/math/im2sequence.h rename to lite/backends/arm/math/im2sequence.h diff --git a/lite/arm/math/increment.cc b/lite/backends/arm/math/increment.cc similarity index 95% rename from lite/arm/math/increment.cc rename to lite/backends/arm/math/increment.cc index d44cb38ac9..094fe78de9 100644 --- a/lite/arm/math/increment.cc +++ b/lite/backends/arm/math/increment.cc @@ -12,7 +12,7 @@ // See the License for the specific language governing permissions and // limitations under the License. -#include "lite/arm/math/increment.h" +#include "lite/backends/arm/math/increment.h" #include #include #include "lite/utils/cp_logging.h" diff --git a/lite/arm/math/increment.h b/lite/backends/arm/math/increment.h similarity index 100% rename from lite/arm/math/increment.h rename to lite/backends/arm/math/increment.h diff --git a/lite/arm/math/interpolate.cc b/lite/backends/arm/math/interpolate.cc similarity index 99% rename from lite/arm/math/interpolate.cc rename to lite/backends/arm/math/interpolate.cc index 0e4dbdca69..9770ee3d90 100644 --- a/lite/arm/math/interpolate.cc +++ b/lite/backends/arm/math/interpolate.cc @@ -12,10 +12,10 @@ // See the License for the specific language governing permissions and // limitations under the License. -#include "lite/arm/math/interpolate.h" +#include "lite/backends/arm/math/interpolate.h" #include #include -#include "lite/arm/math/funcs.h" +#include "lite/backends/arm/math/funcs.h" namespace paddle { namespace lite { diff --git a/lite/arm/math/interpolate.h b/lite/backends/arm/math/interpolate.h similarity index 100% rename from lite/arm/math/interpolate.h rename to lite/backends/arm/math/interpolate.h diff --git a/lite/arm/math/lrn.cc b/lite/backends/arm/math/lrn.cc similarity index 97% rename from lite/arm/math/lrn.cc rename to lite/backends/arm/math/lrn.cc index 4297c221ea..7c89e9fed3 100644 --- a/lite/arm/math/lrn.cc +++ b/lite/backends/arm/math/lrn.cc @@ -12,8 +12,8 @@ // See the License for the specific language governing permissions and // limitations under the License. -#include "lite/arm/math/lrn.h" -#include "lite/arm/math/funcs.h" +#include "lite/backends/arm/math/lrn.h" +#include "lite/backends/arm/math/funcs.h" namespace paddle { namespace lite { diff --git a/lite/arm/math/lrn.h b/lite/backends/arm/math/lrn.h similarity index 100% rename from lite/arm/math/lrn.h rename to lite/backends/arm/math/lrn.h diff --git a/lite/arm/math/negative.cc b/lite/backends/arm/math/negative.cc similarity index 92% rename from lite/arm/math/negative.cc rename to lite/backends/arm/math/negative.cc index 5da2b8e285..30eba11e35 100644 --- a/lite/arm/math/negative.cc +++ b/lite/backends/arm/math/negative.cc @@ -12,11 +12,11 @@ // See the License for the specific language governing permissions and // limitations under the License. -#include "lite/arm/math/negative.h" +#include "lite/backends/arm/math/negative.h" #include #include #include -#include "lite/arm/math/funcs.h" +#include "lite/backends/arm/math/funcs.h" namespace paddle { namespace lite { diff --git a/lite/arm/math/negative.h b/lite/backends/arm/math/negative.h similarity index 100% rename from lite/arm/math/negative.h rename to lite/backends/arm/math/negative.h diff --git a/lite/arm/math/norm.cc b/lite/backends/arm/math/norm.cc similarity index 97% rename from lite/arm/math/norm.cc rename to lite/backends/arm/math/norm.cc index 978a147c59..4780ef68c1 100644 --- a/lite/arm/math/norm.cc +++ b/lite/backends/arm/math/norm.cc @@ -12,7 +12,7 @@ // See the License for the specific language governing permissions and // limitations under the License. -#include "lite/arm/math/norm.h" +#include "lite/backends/arm/math/norm.h" #include #include #include "lite/utils/cp_logging.h" diff --git a/lite/arm/math/norm.h b/lite/backends/arm/math/norm.h similarity index 100% rename from lite/arm/math/norm.h rename to lite/backends/arm/math/norm.h diff --git a/lite/arm/math/packed_sgemm.cc b/lite/backends/arm/math/packed_sgemm.cc similarity index 99% rename from lite/arm/math/packed_sgemm.cc rename to lite/backends/arm/math/packed_sgemm.cc index c0c5c76c0f..77b3beae80 100644 --- a/lite/arm/math/packed_sgemm.cc +++ b/lite/backends/arm/math/packed_sgemm.cc @@ -12,7 +12,7 @@ // See the License for the specific language governing permissions and // limitations under the License. -#include "lite/arm/math/packed_sgemm.h" +#include "lite/backends/arm/math/packed_sgemm.h" #include namespace paddle { diff --git a/lite/arm/math/packed_sgemm.h b/lite/backends/arm/math/packed_sgemm.h similarity index 100% rename from lite/arm/math/packed_sgemm.h rename to lite/backends/arm/math/packed_sgemm.h diff --git a/lite/arm/math/pad2d.cc b/lite/backends/arm/math/pad2d.cc similarity index 99% rename from lite/arm/math/pad2d.cc rename to lite/backends/arm/math/pad2d.cc index 66f91f3744..35c4fafb77 100644 --- a/lite/arm/math/pad2d.cc +++ b/lite/backends/arm/math/pad2d.cc @@ -12,11 +12,11 @@ // See the License for the specific language governing permissions and // limitations under the License. -#include "lite/arm/math/pad2d.h" +#include "lite/backends/arm/math/pad2d.h" #include #include #include -#include "lite/arm/math/funcs.h" +#include "lite/backends/arm/math/funcs.h" namespace paddle { namespace lite { diff --git a/lite/arm/math/pad2d.h b/lite/backends/arm/math/pad2d.h similarity index 100% rename from lite/arm/math/pad2d.h rename to lite/backends/arm/math/pad2d.h diff --git a/lite/arm/math/pooling.cc b/lite/backends/arm/math/pooling.cc similarity index 99% rename from lite/arm/math/pooling.cc rename to lite/backends/arm/math/pooling.cc index d90da0edf0..38078580c2 100644 --- a/lite/arm/math/pooling.cc +++ b/lite/backends/arm/math/pooling.cc @@ -12,10 +12,10 @@ // See the License for the specific language governing permissions and // limitations under the License. -#include "lite/arm/math/pooling.h" +#include "lite/backends/arm/math/pooling.h" #include #include -#include "lite/arm/math/funcs.h" +#include "lite/backends/arm/math/funcs.h" namespace paddle { namespace lite { diff --git a/lite/arm/math/pooling.h b/lite/backends/arm/math/pooling.h similarity index 100% rename from lite/arm/math/pooling.h rename to lite/backends/arm/math/pooling.h diff --git a/lite/arm/math/power.cc b/lite/backends/arm/math/power.cc similarity index 96% rename from lite/arm/math/power.cc rename to lite/backends/arm/math/power.cc index 33a5a64ede..752c63d917 100644 --- a/lite/arm/math/power.cc +++ b/lite/backends/arm/math/power.cc @@ -12,8 +12,8 @@ // See the License for the specific language governing permissions and // limitations under the License. -#include "lite/arm/math/power.h" -#include "lite/arm/math/funcs.h" +#include "lite/backends/arm/math/power.h" +#include "lite/backends/arm/math/funcs.h" namespace paddle { namespace lite { diff --git a/lite/arm/math/power.h b/lite/backends/arm/math/power.h similarity index 100% rename from lite/arm/math/power.h rename to lite/backends/arm/math/power.h diff --git a/lite/arm/math/prior_box.cc b/lite/backends/arm/math/prior_box.cc similarity index 99% rename from lite/arm/math/prior_box.cc rename to lite/backends/arm/math/prior_box.cc index 6ec3127965..f262e6e1d7 100644 --- a/lite/arm/math/prior_box.cc +++ b/lite/backends/arm/math/prior_box.cc @@ -12,9 +12,9 @@ // See the License for the specific language governing permissions and // limitations under the License. -#include "lite/arm/math/prior_box.h" +#include "lite/backends/arm/math/prior_box.h" #include -#include "lite/arm/math/funcs.h" +#include "lite/backends/arm/math/funcs.h" namespace paddle { namespace lite { diff --git a/lite/arm/math/prior_box.h b/lite/backends/arm/math/prior_box.h similarity index 100% rename from lite/arm/math/prior_box.h rename to lite/backends/arm/math/prior_box.h diff --git a/lite/arm/math/reduce_max.cc b/lite/backends/arm/math/reduce_max.cc similarity index 98% rename from lite/arm/math/reduce_max.cc rename to lite/backends/arm/math/reduce_max.cc index 7175a6709b..5c75960d72 100644 --- a/lite/arm/math/reduce_max.cc +++ b/lite/backends/arm/math/reduce_max.cc @@ -12,8 +12,8 @@ WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. See the License for the specific language governing permissions and limitations under the License. */ -#include "lite/arm/math/reduce_max.h" -#include "lite/arm/math/funcs.h" +#include "lite/backends/arm/math/reduce_max.h" +#include "lite/backends/arm/math/funcs.h" #include "lite/core/tensor.h" namespace paddle { diff --git a/lite/arm/math/reduce_max.h b/lite/backends/arm/math/reduce_max.h similarity index 100% rename from lite/arm/math/reduce_max.h rename to lite/backends/arm/math/reduce_max.h diff --git a/lite/arm/math/reduce_mean.cc b/lite/backends/arm/math/reduce_mean.cc similarity index 98% rename from lite/arm/math/reduce_mean.cc rename to lite/backends/arm/math/reduce_mean.cc index a139d825b7..56104550d8 100644 --- a/lite/arm/math/reduce_mean.cc +++ b/lite/backends/arm/math/reduce_mean.cc @@ -12,8 +12,8 @@ WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. See the License for the specific language governing permissions and limitations under the License. */ -#include "lite/arm/math/reduce_mean.h" -#include "lite/arm/math/funcs.h" +#include "lite/backends/arm/math/reduce_mean.h" +#include "lite/backends/arm/math/funcs.h" #include "lite/core/tensor.h" namespace paddle { diff --git a/lite/arm/math/reduce_mean.h b/lite/backends/arm/math/reduce_mean.h similarity index 100% rename from lite/arm/math/reduce_mean.h rename to lite/backends/arm/math/reduce_mean.h diff --git a/lite/arm/math/saturate.h b/lite/backends/arm/math/saturate.h similarity index 100% rename from lite/arm/math/saturate.h rename to lite/backends/arm/math/saturate.h diff --git a/lite/arm/math/scale.cc b/lite/backends/arm/math/scale.cc similarity index 98% rename from lite/arm/math/scale.cc rename to lite/backends/arm/math/scale.cc index 23036a7e1d..7f2169a645 100644 --- a/lite/arm/math/scale.cc +++ b/lite/backends/arm/math/scale.cc @@ -12,8 +12,8 @@ // See the License for the specific language governing permissions and // limitations under the License. -#include "lite/arm/math/scale.h" -#include "lite/arm/math/funcs.h" +#include "lite/backends/arm/math/scale.h" +#include "lite/backends/arm/math/funcs.h" namespace paddle { namespace lite { diff --git a/lite/arm/math/scale.h b/lite/backends/arm/math/scale.h similarity index 100% rename from lite/arm/math/scale.h rename to lite/backends/arm/math/scale.h diff --git a/lite/arm/math/sequence2batch.h b/lite/backends/arm/math/sequence2batch.h similarity index 100% rename from lite/arm/math/sequence2batch.h rename to lite/backends/arm/math/sequence2batch.h diff --git a/lite/arm/math/sequence_expand.cc b/lite/backends/arm/math/sequence_expand.cc similarity index 97% rename from lite/arm/math/sequence_expand.cc rename to lite/backends/arm/math/sequence_expand.cc index 0048ad74e3..63a2e91793 100644 --- a/lite/arm/math/sequence_expand.cc +++ b/lite/backends/arm/math/sequence_expand.cc @@ -12,7 +12,7 @@ // See the License for the specific language governing permissions and // limitations under the License. -#include "lite/arm/math/sequence_expand.h" +#include "lite/backends/arm/math/sequence_expand.h" #include #include #include "lite/core/tensor.h" diff --git a/lite/arm/math/sequence_expand.h b/lite/backends/arm/math/sequence_expand.h similarity index 100% rename from lite/arm/math/sequence_expand.h rename to lite/backends/arm/math/sequence_expand.h diff --git a/lite/arm/math/sequence_pool.cc b/lite/backends/arm/math/sequence_pool.cc similarity index 98% rename from lite/arm/math/sequence_pool.cc rename to lite/backends/arm/math/sequence_pool.cc index a037210104..b8f9ab0a1a 100644 --- a/lite/arm/math/sequence_pool.cc +++ b/lite/backends/arm/math/sequence_pool.cc @@ -12,12 +12,12 @@ // See the License for the specific language governing permissions and // limitations under the License. -#include "lite/arm/math/sequence_pool.h" +#include "lite/backends/arm/math/sequence_pool.h" #include #include #include #include -#include "lite/arm/math/funcs.h" +#include "lite/backends/arm/math/funcs.h" #include "lite/core/op_registry.h" #include "lite/core/tensor.h" #include "lite/core/type_system.h" diff --git a/lite/arm/math/sequence_pool.h b/lite/backends/arm/math/sequence_pool.h similarity index 100% rename from lite/arm/math/sequence_pool.h rename to lite/backends/arm/math/sequence_pool.h diff --git a/lite/arm/math/sequence_softmax.cc b/lite/backends/arm/math/sequence_softmax.cc similarity index 96% rename from lite/arm/math/sequence_softmax.cc rename to lite/backends/arm/math/sequence_softmax.cc index d2be72639e..fcbb1a353d 100644 --- a/lite/arm/math/sequence_softmax.cc +++ b/lite/backends/arm/math/sequence_softmax.cc @@ -12,7 +12,7 @@ // See the License for the specific language governing permissions and // limitations under the License. -#include "lite/arm/math/sequence_softmax.h" +#include "lite/backends/arm/math/sequence_softmax.h" #include #include #include diff --git a/lite/arm/math/sequence_softmax.h b/lite/backends/arm/math/sequence_softmax.h similarity index 100% rename from lite/arm/math/sequence_softmax.h rename to lite/backends/arm/math/sequence_softmax.h diff --git a/lite/arm/math/sgemm.cc b/lite/backends/arm/math/sgemm.cc similarity index 97% rename from lite/arm/math/sgemm.cc rename to lite/backends/arm/math/sgemm.cc index bea1ac633a..93f64445e2 100644 --- a/lite/arm/math/sgemm.cc +++ b/lite/backends/arm/math/sgemm.cc @@ -12,7 +12,7 @@ // See the License for the specific language governing permissions and // limitations under the License. -#include "lite/arm/math/sgemm.h" +#include "lite/backends/arm/math/sgemm.h" namespace paddle { namespace lite { diff --git a/lite/arm/math/sgemm.h b/lite/backends/arm/math/sgemm.h similarity index 96% rename from lite/arm/math/sgemm.h rename to lite/backends/arm/math/sgemm.h index 8785deb478..08f68fb3d4 100644 --- a/lite/arm/math/sgemm.h +++ b/lite/backends/arm/math/sgemm.h @@ -15,7 +15,7 @@ #pragma once #include -#include "lite/arm/math/packed_sgemm.h" +#include "lite/backends/arm/math/packed_sgemm.h" #include "lite/core/context.h" #include "lite/core/device_info.h" diff --git a/lite/arm/math/sgemv.cc b/lite/backends/arm/math/sgemv.cc similarity index 99% rename from lite/arm/math/sgemv.cc rename to lite/backends/arm/math/sgemv.cc index d1449a88ae..506451932d 100644 --- a/lite/arm/math/sgemv.cc +++ b/lite/backends/arm/math/sgemv.cc @@ -12,7 +12,7 @@ // See the License for the specific language governing permissions and // limitations under the License. -#include "lite/arm/math/sgemv.h" +#include "lite/backends/arm/math/sgemv.h" #include #include "lite/utils/cp_logging.h" diff --git a/lite/arm/math/sgemv.h b/lite/backends/arm/math/sgemv.h similarity index 100% rename from lite/arm/math/sgemv.h rename to lite/backends/arm/math/sgemv.h diff --git a/lite/arm/math/shuffle_channel.cc b/lite/backends/arm/math/shuffle_channel.cc similarity index 96% rename from lite/arm/math/shuffle_channel.cc rename to lite/backends/arm/math/shuffle_channel.cc index bae03e9021..7c4564aa00 100644 --- a/lite/arm/math/shuffle_channel.cc +++ b/lite/backends/arm/math/shuffle_channel.cc @@ -12,9 +12,9 @@ // See the License for the specific language governing permissions and // limitations under the License. -#include "lite/arm/math/shuffle_channel.h" +#include "lite/backends/arm/math/shuffle_channel.h" #include -#include "lite/arm/math/funcs.h" +#include "lite/backends/arm/math/funcs.h" namespace paddle { namespace lite { diff --git a/lite/arm/math/shuffle_channel.h b/lite/backends/arm/math/shuffle_channel.h similarity index 100% rename from lite/arm/math/shuffle_channel.h rename to lite/backends/arm/math/shuffle_channel.h diff --git a/lite/arm/math/slice.cc b/lite/backends/arm/math/slice.cc similarity index 98% rename from lite/arm/math/slice.cc rename to lite/backends/arm/math/slice.cc index f925118122..c50ebdb47b 100644 --- a/lite/arm/math/slice.cc +++ b/lite/backends/arm/math/slice.cc @@ -12,7 +12,7 @@ // See the License for the specific language governing permissions and // limitations under the License. -#include "lite/arm/math/slice.h" +#include "lite/backends/arm/math/slice.h" #include #include #include diff --git a/lite/arm/math/slice.h b/lite/backends/arm/math/slice.h similarity index 100% rename from lite/arm/math/slice.h rename to lite/backends/arm/math/slice.h diff --git a/lite/arm/math/softmax.cc b/lite/backends/arm/math/softmax.cc similarity index 99% rename from lite/arm/math/softmax.cc rename to lite/backends/arm/math/softmax.cc index c37f66974e..65d41b0491 100644 --- a/lite/arm/math/softmax.cc +++ b/lite/backends/arm/math/softmax.cc @@ -12,9 +12,9 @@ // See the License for the specific language governing permissions and // limitations under the License. -#include "lite/arm/math/softmax.h" +#include "lite/backends/arm/math/softmax.h" #include -#include "lite/arm/math/funcs.h" +#include "lite/backends/arm/math/funcs.h" namespace paddle { namespace lite { diff --git a/lite/arm/math/softmax.h b/lite/backends/arm/math/softmax.h similarity index 100% rename from lite/arm/math/softmax.h rename to lite/backends/arm/math/softmax.h diff --git a/lite/arm/math/split.cc b/lite/backends/arm/math/split.cc similarity index 96% rename from lite/arm/math/split.cc rename to lite/backends/arm/math/split.cc index ae622fc3b6..54ea7e62c2 100644 --- a/lite/arm/math/split.cc +++ b/lite/backends/arm/math/split.cc @@ -12,9 +12,9 @@ // See the License for the specific language governing permissions and // limitations under the License. -#include "lite/arm/math/split.h" +#include "lite/backends/arm/math/split.h" #include -#include "lite/arm/math/funcs.h" +#include "lite/backends/arm/math/funcs.h" namespace paddle { namespace lite { diff --git a/lite/arm/math/split.h b/lite/backends/arm/math/split.h similarity index 100% rename from lite/arm/math/split.h rename to lite/backends/arm/math/split.h diff --git a/lite/arm/math/stack.cc b/lite/backends/arm/math/stack.cc similarity index 95% rename from lite/arm/math/stack.cc rename to lite/backends/arm/math/stack.cc index 1775e6048e..e017a8d01e 100644 --- a/lite/arm/math/stack.cc +++ b/lite/backends/arm/math/stack.cc @@ -12,11 +12,11 @@ // See the License for the specific language governing permissions and // limitations under the License. -#include "lite/arm/math/stack.h" +#include "lite/backends/arm/math/stack.h" #include #include #include -#include "lite/arm/math/funcs.h" +#include "lite/backends/arm/math/funcs.h" namespace paddle { namespace lite { diff --git a/lite/arm/math/stack.h b/lite/backends/arm/math/stack.h similarity index 100% rename from lite/arm/math/stack.h rename to lite/backends/arm/math/stack.h diff --git a/lite/arm/math/topk.cc b/lite/backends/arm/math/topk.cc similarity index 95% rename from lite/arm/math/topk.cc rename to lite/backends/arm/math/topk.cc index 741bb2561a..c9239134e1 100644 --- a/lite/arm/math/topk.cc +++ b/lite/backends/arm/math/topk.cc @@ -12,10 +12,10 @@ // See the License for the specific language governing permissions and // limitations under the License. -#include "lite/arm/math/topk.h" +#include "lite/backends/arm/math/topk.h" #include #include -#include "lite/arm/math/funcs.h" +#include "lite/backends/arm/math/funcs.h" namespace paddle { namespace lite { namespace arm { diff --git a/lite/arm/math/topk.h b/lite/backends/arm/math/topk.h similarity index 100% rename from lite/arm/math/topk.h rename to lite/backends/arm/math/topk.h diff --git a/lite/arm/math/type_trans.cc b/lite/backends/arm/math/type_trans.cc similarity index 99% rename from lite/arm/math/type_trans.cc rename to lite/backends/arm/math/type_trans.cc index 86be0099c3..6ded50e752 100644 --- a/lite/arm/math/type_trans.cc +++ b/lite/backends/arm/math/type_trans.cc @@ -12,11 +12,11 @@ // See the License for the specific language governing permissions and // limitations under the License. -#include "lite/arm/math/type_trans.h" +#include "lite/backends/arm/math/type_trans.h" #include #include #include -#include "lite/arm/math/saturate.h" +#include "lite/backends/arm/math/saturate.h" namespace paddle { namespace lite { diff --git a/lite/arm/math/type_trans.h b/lite/backends/arm/math/type_trans.h similarity index 100% rename from lite/arm/math/type_trans.h rename to lite/backends/arm/math/type_trans.h diff --git a/lite/arm/math/yolo_box.cc b/lite/backends/arm/math/yolo_box.cc similarity index 98% rename from lite/arm/math/yolo_box.cc rename to lite/backends/arm/math/yolo_box.cc index 6dc21c2924..72e67cf693 100644 --- a/lite/arm/math/yolo_box.cc +++ b/lite/backends/arm/math/yolo_box.cc @@ -12,8 +12,8 @@ // See the License for the specific language governing permissions and // limitations under the License. -#include "lite/arm/math/yolo_box.h" -#include "lite/arm/math/funcs.h" +#include "lite/backends/arm/math/yolo_box.h" +#include "lite/backends/arm/math/funcs.h" namespace paddle { namespace lite { diff --git a/lite/arm/math/yolo_box.h b/lite/backends/arm/math/yolo_box.h similarity index 100% rename from lite/arm/math/yolo_box.h rename to lite/backends/arm/math/yolo_box.h diff --git a/lite/cuda/CMakeLists.txt b/lite/backends/cuda/CMakeLists.txt similarity index 100% rename from lite/cuda/CMakeLists.txt rename to lite/backends/cuda/CMakeLists.txt diff --git a/lite/cuda/blas.cc b/lite/backends/cuda/blas.cc similarity index 97% rename from lite/cuda/blas.cc rename to lite/backends/cuda/blas.cc index eacbb27bd8..c9d2d46cfe 100644 --- a/lite/cuda/blas.cc +++ b/lite/backends/cuda/blas.cc @@ -12,7 +12,7 @@ // See the License for the specific language governing permissions and // limitations under the License. -#include "lite/cuda/blas.h" +#include "lite/backends/cuda/blas.h" namespace paddle { namespace lite { diff --git a/lite/cuda/blas.h b/lite/backends/cuda/blas.h similarity index 98% rename from lite/cuda/blas.h rename to lite/backends/cuda/blas.h index 4e65d569a8..f73bb576b8 100644 --- a/lite/cuda/blas.h +++ b/lite/backends/cuda/blas.h @@ -17,7 +17,7 @@ #include #include #include -#include "lite/cuda/cuda_utils.h" +#include "lite/backends/cuda/cuda_utils.h" #include "lite/utils/all.h" namespace paddle { diff --git a/lite/cuda/cuda_utils.h b/lite/backends/cuda/cuda_utils.h similarity index 100% rename from lite/cuda/cuda_utils.h rename to lite/backends/cuda/cuda_utils.h diff --git a/lite/cuda/target_wrapper.cc b/lite/backends/cuda/target_wrapper.cc similarity index 98% rename from lite/cuda/target_wrapper.cc rename to lite/backends/cuda/target_wrapper.cc index 1406aaa7ed..b1aaadf027 100644 --- a/lite/cuda/target_wrapper.cc +++ b/lite/backends/cuda/target_wrapper.cc @@ -12,7 +12,7 @@ // See the License for the specific language governing permissions and // limitations under the License. -#include "lite/cuda/target_wrapper.h" +#include "lite/backends/cuda/target_wrapper.h" namespace paddle { namespace lite { diff --git a/lite/cuda/target_wrapper.h b/lite/backends/cuda/target_wrapper.h similarity index 100% rename from lite/cuda/target_wrapper.h rename to lite/backends/cuda/target_wrapper.h diff --git a/lite/fpga/CMakeLists.txt b/lite/backends/fpga/CMakeLists.txt similarity index 76% rename from lite/fpga/CMakeLists.txt rename to lite/backends/fpga/CMakeLists.txt index 2956d94746..b12fd85caf 100644 --- a/lite/fpga/CMakeLists.txt +++ b/lite/backends/fpga/CMakeLists.txt @@ -2,8 +2,8 @@ if (NOT LITE_WITH_FPGA) return() endif() -set(LITE_FPGA_KD_PATH "${PADDLE_SOURCE_DIR}/lite/fpga/KD") -set(LITE_FPGA_PATH "${PADDLE_SOURCE_DIR}/lite/fpga") +set(LITE_FPGA_KD_PATH "${PADDLE_SOURCE_DIR}/lite/backends/fpga/KD") +set(LITE_FPGA_PATH "${PADDLE_SOURCE_DIR}/lite/backends/fpga") message("fpga_kd_path ${LITE_FPGA_KD_PATH}") message("fpga_path ${LITE_FPGA_PATH}") diff --git a/lite/fpga/KD/alignment.h b/lite/backends/fpga/KD/alignment.h similarity index 93% rename from lite/fpga/KD/alignment.h rename to lite/backends/fpga/KD/alignment.h index 74b80de042..5cca79885c 100644 --- a/lite/fpga/KD/alignment.h +++ b/lite/backends/fpga/KD/alignment.h @@ -15,7 +15,7 @@ limitations under the License. */ #pragma once #include -#include "lite/fpga/KD/llapi/zynqmp_api.h" +#include "lite/backends/fpga/KD/llapi/zynqmp_api.h" namespace paddle { namespace zynqmp { diff --git a/lite/fpga/KD/context.hpp b/lite/backends/fpga/KD/context.hpp similarity index 70% rename from lite/fpga/KD/context.hpp rename to lite/backends/fpga/KD/context.hpp index adb9f8a13d..86109a4d1e 100644 --- a/lite/fpga/KD/context.hpp +++ b/lite/backends/fpga/KD/context.hpp @@ -15,14 +15,14 @@ limitations under the License. */ #pragma once #include -#include "lite/fpga/KD/pe.hpp" -#include "lite/fpga/KD/pes/conv_pe.hpp" -#include "lite/fpga/KD/pes/depthwise_conv_pe.hpp" -#include "lite/fpga/KD/pes/fully_connected_pe.hpp" -#include "lite/fpga/KD/pes/input_pe.hpp" -#include "lite/fpga/KD/pes/output_pe.hpp" -#include "lite/fpga/KD/pes/pooling_pe.hpp" -#include "lite/fpga/KD/pes/softmax_pe.hpp" +#include "lite/backends/fpga/KD/pe.hpp" +#include "lite/backends/fpga/KD/pes/conv_pe.hpp" +#include "lite/backends/fpga/KD/pes/depthwise_conv_pe.hpp" +#include "lite/backends/fpga/KD/pes/fully_connected_pe.hpp" +#include "lite/backends/fpga/KD/pes/input_pe.hpp" +#include "lite/backends/fpga/KD/pes/output_pe.hpp" +#include "lite/backends/fpga/KD/pes/pooling_pe.hpp" +#include "lite/backends/fpga/KD/pes/softmax_pe.hpp" namespace paddle { namespace zynqmp { diff --git a/lite/fpga/KD/dl_engine.cpp b/lite/backends/fpga/KD/dl_engine.cpp similarity index 94% rename from lite/fpga/KD/dl_engine.cpp rename to lite/backends/fpga/KD/dl_engine.cpp index 90c447c889..9849e4275b 100644 --- a/lite/fpga/KD/dl_engine.cpp +++ b/lite/backends/fpga/KD/dl_engine.cpp @@ -12,7 +12,7 @@ WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. See the License for the specific language governing permissions and limitations under the License. */ -#include "lite/fpga/KD/dl_engine.hpp" +#include "lite/backends/fpga/KD/dl_engine.hpp" namespace paddle { namespace zynqmp { diff --git a/lite/fpga/KD/dl_engine.hpp b/lite/backends/fpga/KD/dl_engine.hpp similarity index 89% rename from lite/fpga/KD/dl_engine.hpp rename to lite/backends/fpga/KD/dl_engine.hpp index 1ac4f4f0fe..829f41dfeb 100644 --- a/lite/fpga/KD/dl_engine.hpp +++ b/lite/backends/fpga/KD/dl_engine.hpp @@ -16,8 +16,8 @@ limitations under the License. */ #include -#include "lite/fpga/KD/llapi/filter.h" -#include "lite/fpga/KD/llapi/zynqmp_api.h" +#include "lite/backends/fpga/KD/llapi/filter.h" +#include "lite/backends/fpga/KD/llapi/zynqmp_api.h" namespace paddle { namespace zynqmp { diff --git a/lite/fpga/KD/float16.hpp b/lite/backends/fpga/KD/float16.hpp similarity index 100% rename from lite/fpga/KD/float16.hpp rename to lite/backends/fpga/KD/float16.hpp diff --git a/lite/fpga/KD/fpga_cv.cpp b/lite/backends/fpga/KD/fpga_cv.cpp similarity index 98% rename from lite/fpga/KD/fpga_cv.cpp rename to lite/backends/fpga/KD/fpga_cv.cpp index 92ddccb0ad..e3a1eed1ff 100644 --- a/lite/fpga/KD/fpga_cv.cpp +++ b/lite/backends/fpga/KD/fpga_cv.cpp @@ -12,7 +12,7 @@ WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. See the License for the specific language governing permissions and limitations under the License. */ -#include "lite/fpga/KD/fpga_cv.hpp" +#include "lite/backends/fpga/KD/fpga_cv.hpp" using paddle::zynqmp::float16; diff --git a/lite/fpga/KD/fpga_cv.hpp b/lite/backends/fpga/KD/fpga_cv.hpp similarity index 86% rename from lite/fpga/KD/fpga_cv.hpp rename to lite/backends/fpga/KD/fpga_cv.hpp index 0f68ab239d..6aa52edfbb 100644 --- a/lite/fpga/KD/fpga_cv.hpp +++ b/lite/backends/fpga/KD/fpga_cv.hpp @@ -15,9 +15,9 @@ limitations under the License. */ #pragma once #include -#include "lite/fpga/KD/float16.hpp" -#include "lite/fpga/KD/llapi/zynqmp_api.h" -#include "lite/fpga/KD/pe.hpp" +#include "lite/backends/fpga/KD/float16.hpp" +#include "lite/backends/fpga/KD/llapi/zynqmp_api.h" +#include "lite/backends/fpga/KD/pe.hpp" void fpga_resize(float* input, int input_width, diff --git a/lite/fpga/KD/layout.hpp b/lite/backends/fpga/KD/layout.hpp similarity index 98% rename from lite/fpga/KD/layout.hpp rename to lite/backends/fpga/KD/layout.hpp index 81ec746e39..74819cd212 100644 --- a/lite/fpga/KD/layout.hpp +++ b/lite/backends/fpga/KD/layout.hpp @@ -16,7 +16,7 @@ limitations under the License. */ #include -#include "lite/fpga/KD/alignment.h" +#include "lite/backends/fpga/KD/alignment.h" namespace paddle { namespace zynqmp { diff --git a/lite/fpga/KD/llapi/bias_scale.cpp b/lite/backends/fpga/KD/llapi/bias_scale.cpp similarity index 97% rename from lite/fpga/KD/llapi/bias_scale.cpp rename to lite/backends/fpga/KD/llapi/bias_scale.cpp index 4ea6897ced..cd60f27f98 100644 --- a/lite/fpga/KD/llapi/bias_scale.cpp +++ b/lite/backends/fpga/KD/llapi/bias_scale.cpp @@ -14,8 +14,8 @@ limitations under the License. */ #include -#include "lite/fpga/KD/llapi/bias_scale.h" -#include "lite/fpga/KD/llapi/zynqmp_api.h" +#include "lite/backends/fpga/KD/llapi/bias_scale.h" +#include "lite/backends/fpga/KD/llapi/zynqmp_api.h" namespace paddle { namespace zynqmp { diff --git a/lite/fpga/KD/llapi/bias_scale.h b/lite/backends/fpga/KD/llapi/bias_scale.h similarity index 100% rename from lite/fpga/KD/llapi/bias_scale.h rename to lite/backends/fpga/KD/llapi/bias_scale.h diff --git a/lite/fpga/KD/llapi/config.h b/lite/backends/fpga/KD/llapi/config.h similarity index 100% rename from lite/fpga/KD/llapi/config.h rename to lite/backends/fpga/KD/llapi/config.h diff --git a/lite/fpga/KD/llapi/filter.cpp b/lite/backends/fpga/KD/llapi/filter.cpp similarity index 98% rename from lite/fpga/KD/llapi/filter.cpp rename to lite/backends/fpga/KD/llapi/filter.cpp index 2bc1e28a4b..0e41a204a8 100644 --- a/lite/fpga/KD/llapi/filter.cpp +++ b/lite/backends/fpga/KD/llapi/filter.cpp @@ -12,11 +12,11 @@ WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. See the License for the specific language governing permissions and limitations under the License. */ -#include "lite/fpga/KD/llapi/filter.h" +#include "lite/backends/fpga/KD/llapi/filter.h" #include #include -#include "lite/fpga/KD/float16.hpp" -#include "lite/fpga/KD/llapi/zynqmp_api.h" +#include "lite/backends/fpga/KD/float16.hpp" +#include "lite/backends/fpga/KD/llapi/zynqmp_api.h" namespace paddle { namespace zynqmp { diff --git a/lite/fpga/KD/llapi/filter.h b/lite/backends/fpga/KD/llapi/filter.h similarity index 100% rename from lite/fpga/KD/llapi/filter.h rename to lite/backends/fpga/KD/llapi/filter.h diff --git a/lite/fpga/KD/llapi/zynqmp_api.cpp b/lite/backends/fpga/KD/llapi/zynqmp_api.cpp similarity index 98% rename from lite/fpga/KD/llapi/zynqmp_api.cpp rename to lite/backends/fpga/KD/llapi/zynqmp_api.cpp index b61eda8d9d..6e7c1cd030 100644 --- a/lite/fpga/KD/llapi/zynqmp_api.cpp +++ b/lite/backends/fpga/KD/llapi/zynqmp_api.cpp @@ -23,8 +23,8 @@ limitations under the License. */ #include #include -#include "lite/fpga/KD/llapi/config.h" -#include "lite/fpga/KD/llapi/zynqmp_api.h" +#include "lite/backends/fpga/KD/llapi/config.h" +#include "lite/backends/fpga/KD/llapi/zynqmp_api.h" namespace paddle { namespace zynqmp { diff --git a/lite/fpga/KD/llapi/zynqmp_api.h b/lite/backends/fpga/KD/llapi/zynqmp_api.h similarity index 100% rename from lite/fpga/KD/llapi/zynqmp_api.h rename to lite/backends/fpga/KD/llapi/zynqmp_api.h diff --git a/lite/fpga/KD/pe.hpp b/lite/backends/fpga/KD/pe.hpp similarity index 90% rename from lite/fpga/KD/pe.hpp rename to lite/backends/fpga/KD/pe.hpp index 0695be603a..d1dc3c4caa 100644 --- a/lite/fpga/KD/pe.hpp +++ b/lite/backends/fpga/KD/pe.hpp @@ -16,8 +16,8 @@ limitations under the License. */ #include #include -#include "lite/fpga/KD/pe_params.hpp" -#include "lite/fpga/KD/tensor_util.hpp" +#include "lite/backends/fpga/KD/pe_params.hpp" +#include "lite/backends/fpga/KD/tensor_util.hpp" namespace paddle { namespace zynqmp { diff --git a/lite/fpga/KD/pe_params.hpp b/lite/backends/fpga/KD/pe_params.hpp similarity index 97% rename from lite/fpga/KD/pe_params.hpp rename to lite/backends/fpga/KD/pe_params.hpp index b6f4500a1a..709f04d399 100644 --- a/lite/fpga/KD/pe_params.hpp +++ b/lite/backends/fpga/KD/pe_params.hpp @@ -17,8 +17,8 @@ limitations under the License. */ #include #include -#include "lite/fpga/KD/llapi/zynqmp_api.h" -#include "lite/fpga/KD/tensor.hpp" +#include "lite/backends/fpga/KD/llapi/zynqmp_api.h" +#include "lite/backends/fpga/KD/tensor.hpp" namespace paddle { namespace zynqmp { diff --git a/lite/fpga/KD/pes/batchnorm_pe.hpp b/lite/backends/fpga/KD/pes/batchnorm_pe.hpp similarity index 95% rename from lite/fpga/KD/pes/batchnorm_pe.hpp rename to lite/backends/fpga/KD/pes/batchnorm_pe.hpp index 73f9849680..a207875105 100644 --- a/lite/fpga/KD/pes/batchnorm_pe.hpp +++ b/lite/backends/fpga/KD/pes/batchnorm_pe.hpp @@ -17,9 +17,9 @@ limitations under the License. */ #include #include -#include "lite/fpga/KD/pe.hpp" -#include "lite/fpga/KD/pe_params.hpp" -#include "lite/fpga/KD/pes/scale_pe.hpp" +#include "lite/backends/fpga/KD/pe.hpp" +#include "lite/backends/fpga/KD/pe_params.hpp" +#include "lite/backends/fpga/KD/pes/scale_pe.hpp" namespace paddle { namespace zynqmp { diff --git a/lite/fpga/KD/pes/concat_pe.hpp b/lite/backends/fpga/KD/pes/concat_pe.hpp similarity index 97% rename from lite/fpga/KD/pes/concat_pe.hpp rename to lite/backends/fpga/KD/pes/concat_pe.hpp index fb3f87ecaf..72b480ab88 100644 --- a/lite/fpga/KD/pes/concat_pe.hpp +++ b/lite/backends/fpga/KD/pes/concat_pe.hpp @@ -17,8 +17,8 @@ limitations under the License. */ #include #include -#include "lite/fpga/KD/pe.hpp" -#include "lite/fpga/KD/pe_params.hpp" +#include "lite/backends/fpga/KD/pe.hpp" +#include "lite/backends/fpga/KD/pe_params.hpp" namespace paddle { namespace zynqmp { diff --git a/lite/fpga/KD/pes/conv_pe.hpp b/lite/backends/fpga/KD/pes/conv_pe.hpp similarity index 90% rename from lite/fpga/KD/pes/conv_pe.hpp rename to lite/backends/fpga/KD/pes/conv_pe.hpp index 0607100135..e897f82280 100644 --- a/lite/fpga/KD/pes/conv_pe.hpp +++ b/lite/backends/fpga/KD/pes/conv_pe.hpp @@ -17,13 +17,13 @@ limitations under the License. */ #include #include -#include "lite/fpga/KD/pe.hpp" -#include "lite/fpga/KD/pe_params.hpp" -#include "lite/fpga/KD/pes/concat_pe.hpp" -#include "lite/fpga/KD/pes/conv_pe.hpp" -#include "lite/fpga/KD/pes/conv_process.hpp" -#include "lite/fpga/KD/pes/elementwise_add_pe.hpp" -#include "lite/fpga/KD/pes/scale_pe.hpp" +#include "lite/backends/fpga/KD/pe.hpp" +#include "lite/backends/fpga/KD/pe_params.hpp" +#include "lite/backends/fpga/KD/pes/concat_pe.hpp" +#include "lite/backends/fpga/KD/pes/conv_pe.hpp" +#include "lite/backends/fpga/KD/pes/conv_process.hpp" +#include "lite/backends/fpga/KD/pes/elementwise_add_pe.hpp" +#include "lite/backends/fpga/KD/pes/scale_pe.hpp" namespace paddle { namespace zynqmp { diff --git a/lite/fpga/KD/pes/conv_process.hpp b/lite/backends/fpga/KD/pes/conv_process.hpp similarity index 98% rename from lite/fpga/KD/pes/conv_process.hpp rename to lite/backends/fpga/KD/pes/conv_process.hpp index e6cf2fef3b..fd17218d06 100644 --- a/lite/fpga/KD/pes/conv_process.hpp +++ b/lite/backends/fpga/KD/pes/conv_process.hpp @@ -18,12 +18,12 @@ limitations under the License. */ #include #include -#include "lite/fpga/KD/float16.hpp" -#include "lite/fpga/KD/llapi/bias_scale.h" -#include "lite/fpga/KD/llapi/filter.h" -#include "lite/fpga/KD/pe_params.hpp" -#include "lite/fpga/KD/tensor.hpp" -#include "lite/fpga/KD/tensor_util.hpp" +#include "lite/backends/fpga/KD/float16.hpp" +#include "lite/backends/fpga/KD/llapi/bias_scale.h" +#include "lite/backends/fpga/KD/llapi/filter.h" +#include "lite/backends/fpga/KD/pe_params.hpp" +#include "lite/backends/fpga/KD/tensor.hpp" +#include "lite/backends/fpga/KD/tensor_util.hpp" namespace paddle { namespace zynqmp { diff --git a/lite/fpga/KD/pes/crop_pe.cpp b/lite/backends/fpga/KD/pes/crop_pe.cpp similarity index 98% rename from lite/fpga/KD/pes/crop_pe.cpp rename to lite/backends/fpga/KD/pes/crop_pe.cpp index 48347c3915..c29df623aa 100644 --- a/lite/fpga/KD/pes/crop_pe.cpp +++ b/lite/backends/fpga/KD/pes/crop_pe.cpp @@ -12,7 +12,7 @@ WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. See the License for the specific language governing permissions and limitations under the License. */ -#include "lite/fpga/KD/pes/crop_pe.hpp" +#include "lite/backends/fpga/KD/pes/crop_pe.hpp" #include diff --git a/lite/fpga/KD/pes/crop_pe.hpp b/lite/backends/fpga/KD/pes/crop_pe.hpp similarity index 88% rename from lite/fpga/KD/pes/crop_pe.hpp rename to lite/backends/fpga/KD/pes/crop_pe.hpp index 01ae7b5000..6ebbcdb31f 100755 --- a/lite/fpga/KD/pes/crop_pe.hpp +++ b/lite/backends/fpga/KD/pes/crop_pe.hpp @@ -17,9 +17,9 @@ limitations under the License. */ #include #include -#include "lite/fpga/KD/float16.hpp" -#include "lite/fpga/KD/pe.hpp" -#include "lite/fpga/KD/pe_params.hpp" +#include "lite/backends/fpga/KD/float16.hpp" +#include "lite/backends/fpga/KD/pe.hpp" +#include "lite/backends/fpga/KD/pe_params.hpp" namespace paddle { namespace zynqmp { diff --git a/lite/fpga/KD/pes/depthwise_conv_pe.hpp b/lite/backends/fpga/KD/pes/depthwise_conv_pe.hpp similarity index 94% rename from lite/fpga/KD/pes/depthwise_conv_pe.hpp rename to lite/backends/fpga/KD/pes/depthwise_conv_pe.hpp index 759ce8ecee..9d7b9b544b 100755 --- a/lite/fpga/KD/pes/depthwise_conv_pe.hpp +++ b/lite/backends/fpga/KD/pes/depthwise_conv_pe.hpp @@ -14,10 +14,10 @@ limitations under the License. */ #pragma once -#include "lite/fpga/KD/float16.hpp" -#include "lite/fpga/KD/pe.hpp" -#include "lite/fpga/KD/pe_params.hpp" -#include "lite/fpga/KD/pes/conv_process.hpp" +#include "lite/backends/fpga/KD/float16.hpp" +#include "lite/backends/fpga/KD/pe.hpp" +#include "lite/backends/fpga/KD/pe_params.hpp" +#include "lite/backends/fpga/KD/pes/conv_process.hpp" namespace paddle { namespace zynqmp { diff --git a/lite/fpga/KD/pes/elementwise_add_pe.hpp b/lite/backends/fpga/KD/pes/elementwise_add_pe.hpp similarity index 96% rename from lite/fpga/KD/pes/elementwise_add_pe.hpp rename to lite/backends/fpga/KD/pes/elementwise_add_pe.hpp index 015d861c29..a498a2bde9 100755 --- a/lite/fpga/KD/pes/elementwise_add_pe.hpp +++ b/lite/backends/fpga/KD/pes/elementwise_add_pe.hpp @@ -14,8 +14,8 @@ limitations under the License. */ #pragma once -#include "lite/fpga/KD/pe.hpp" -#include "lite/fpga/KD/pe_params.hpp" +#include "lite/backends/fpga/KD/pe.hpp" +#include "lite/backends/fpga/KD/pe_params.hpp" namespace paddle { namespace zynqmp { diff --git a/lite/fpga/KD/pes/fully_connected_pe.hpp b/lite/backends/fpga/KD/pes/fully_connected_pe.hpp similarity index 93% rename from lite/fpga/KD/pes/fully_connected_pe.hpp rename to lite/backends/fpga/KD/pes/fully_connected_pe.hpp index ab02991c93..2179a142ad 100644 --- a/lite/fpga/KD/pes/fully_connected_pe.hpp +++ b/lite/backends/fpga/KD/pes/fully_connected_pe.hpp @@ -16,10 +16,10 @@ limitations under the License. */ #include -#include "lite/fpga/KD/pe.hpp" -#include "lite/fpga/KD/pe_params.hpp" -#include "lite/fpga/KD/pes/conv_pe.hpp" -#include "lite/fpga/KD/pes/conv_process.hpp" +#include "lite/backends/fpga/KD/pe.hpp" +#include "lite/backends/fpga/KD/pe_params.hpp" +#include "lite/backends/fpga/KD/pes/conv_pe.hpp" +#include "lite/backends/fpga/KD/pes/conv_process.hpp" namespace paddle { namespace zynqmp { diff --git a/lite/fpga/KD/pes/input_pe.hpp b/lite/backends/fpga/KD/pes/input_pe.hpp similarity index 94% rename from lite/fpga/KD/pes/input_pe.hpp rename to lite/backends/fpga/KD/pes/input_pe.hpp index 0c2629fc1e..380c85e17e 100755 --- a/lite/fpga/KD/pes/input_pe.hpp +++ b/lite/backends/fpga/KD/pes/input_pe.hpp @@ -14,8 +14,8 @@ limitations under the License. */ #pragma once -#include "lite/fpga/KD/pe.hpp" -#include "lite/fpga/KD/pe_params.hpp" +#include "lite/backends/fpga/KD/pe.hpp" +#include "lite/backends/fpga/KD/pe_params.hpp" namespace paddle { namespace zynqmp { diff --git a/lite/fpga/KD/pes/norm_pe.hpp b/lite/backends/fpga/KD/pes/norm_pe.hpp similarity index 96% rename from lite/fpga/KD/pes/norm_pe.hpp rename to lite/backends/fpga/KD/pes/norm_pe.hpp index ad009e0e96..3e2fd80627 100644 --- a/lite/fpga/KD/pes/norm_pe.hpp +++ b/lite/backends/fpga/KD/pes/norm_pe.hpp @@ -17,9 +17,9 @@ limitations under the License. */ #include #include -#include "lite/fpga/KD/float16.hpp" -#include "lite/fpga/KD/pe.hpp" -#include "lite/fpga/KD/pe_params.hpp" +#include "lite/backends/fpga/KD/float16.hpp" +#include "lite/backends/fpga/KD/pe.hpp" +#include "lite/backends/fpga/KD/pe_params.hpp" namespace paddle { namespace zynqmp { diff --git a/lite/fpga/KD/pes/output_pe.hpp b/lite/backends/fpga/KD/pes/output_pe.hpp similarity index 93% rename from lite/fpga/KD/pes/output_pe.hpp rename to lite/backends/fpga/KD/pes/output_pe.hpp index f4ce136852..1c99386ab1 100644 --- a/lite/fpga/KD/pes/output_pe.hpp +++ b/lite/backends/fpga/KD/pes/output_pe.hpp @@ -14,8 +14,8 @@ limitations under the License. */ #pragma once -#include "lite/fpga/KD/pe.hpp" -#include "lite/fpga/KD/pe_params.hpp" +#include "lite/backends/fpga/KD/pe.hpp" +#include "lite/backends/fpga/KD/pe_params.hpp" namespace paddle { namespace zynqmp { diff --git a/lite/fpga/KD/pes/pooling_pe.hpp b/lite/backends/fpga/KD/pes/pooling_pe.hpp similarity index 98% rename from lite/fpga/KD/pes/pooling_pe.hpp rename to lite/backends/fpga/KD/pes/pooling_pe.hpp index fb4c2924f0..fd3be1f463 100644 --- a/lite/fpga/KD/pes/pooling_pe.hpp +++ b/lite/backends/fpga/KD/pes/pooling_pe.hpp @@ -16,8 +16,8 @@ limitations under the License. */ #include -#include "lite/fpga/KD/pe.hpp" -#include "lite/fpga/KD/pe_params.hpp" +#include "lite/backends/fpga/KD/pe.hpp" +#include "lite/backends/fpga/KD/pe_params.hpp" namespace paddle { namespace zynqmp { diff --git a/lite/fpga/KD/pes/prior_box_pe.cpp b/lite/backends/fpga/KD/pes/prior_box_pe.cpp similarity index 99% rename from lite/fpga/KD/pes/prior_box_pe.cpp rename to lite/backends/fpga/KD/pes/prior_box_pe.cpp index d4b90b5240..d6a503a31d 100644 --- a/lite/fpga/KD/pes/prior_box_pe.cpp +++ b/lite/backends/fpga/KD/pes/prior_box_pe.cpp @@ -18,7 +18,7 @@ limitations under the License. */ #include #include -#include "lite/fpga/KD/pes/prior_box_pe.hpp" +#include "lite/backends/fpga/KD/pes/prior_box_pe.hpp" namespace paddle { namespace zynqmp { diff --git a/lite/fpga/KD/pes/prior_box_pe.hpp b/lite/backends/fpga/KD/pes/prior_box_pe.hpp similarity index 93% rename from lite/fpga/KD/pes/prior_box_pe.hpp rename to lite/backends/fpga/KD/pes/prior_box_pe.hpp index ca5382687c..8afe40dd30 100755 --- a/lite/fpga/KD/pes/prior_box_pe.hpp +++ b/lite/backends/fpga/KD/pes/prior_box_pe.hpp @@ -14,8 +14,8 @@ limitations under the License. */ #pragma once -#include "lite/fpga/KD/pe.hpp" -#include "lite/fpga/KD/pe_params.hpp" +#include "lite/backends/fpga/KD/pe.hpp" +#include "lite/backends/fpga/KD/pe_params.hpp" namespace paddle { namespace zynqmp { diff --git a/lite/fpga/KD/pes/relu_pe.hpp b/lite/backends/fpga/KD/pes/relu_pe.hpp similarity index 96% rename from lite/fpga/KD/pes/relu_pe.hpp rename to lite/backends/fpga/KD/pes/relu_pe.hpp index 0b3a0868dc..5c125010c2 100755 --- a/lite/fpga/KD/pes/relu_pe.hpp +++ b/lite/backends/fpga/KD/pes/relu_pe.hpp @@ -14,8 +14,8 @@ limitations under the License. */ #pragma once -#include "lite/fpga/KD/pe.hpp" -#include "lite/fpga/KD/pe_params.hpp" +#include "lite/backends/fpga/KD/pe.hpp" +#include "lite/backends/fpga/KD/pe_params.hpp" namespace paddle { namespace zynqmp { diff --git a/lite/fpga/KD/pes/resize.hpp b/lite/backends/fpga/KD/pes/resize.hpp similarity index 96% rename from lite/fpga/KD/pes/resize.hpp rename to lite/backends/fpga/KD/pes/resize.hpp index 370932dba9..f83896d2c7 100644 --- a/lite/fpga/KD/pes/resize.hpp +++ b/lite/backends/fpga/KD/pes/resize.hpp @@ -14,8 +14,8 @@ limitations under the License. */ #pragma once -#include "lite/fpga/KD/pe.hpp" -#include "lite/fpga/KD/pe_params.hpp" +#include "lite/backends/fpga/KD/pe.hpp" +#include "lite/backends/fpga/KD/pe_params.hpp" namespace paddle { namespace zynqmp { diff --git a/lite/fpga/KD/pes/scale_pe.hpp b/lite/backends/fpga/KD/pes/scale_pe.hpp similarity index 97% rename from lite/fpga/KD/pes/scale_pe.hpp rename to lite/backends/fpga/KD/pes/scale_pe.hpp index 664a4db2e9..d5e16615d9 100755 --- a/lite/fpga/KD/pes/scale_pe.hpp +++ b/lite/backends/fpga/KD/pes/scale_pe.hpp @@ -14,8 +14,8 @@ limitations under the License. */ #pragma once -#include "lite/fpga/KD/pe.hpp" -#include "lite/fpga/KD/pe_params.hpp" +#include "lite/backends/fpga/KD/pe.hpp" +#include "lite/backends/fpga/KD/pe_params.hpp" namespace paddle { namespace zynqmp { diff --git a/lite/fpga/KD/pes/softmax_pe.cpp b/lite/backends/fpga/KD/pes/softmax_pe.cpp similarity index 98% rename from lite/fpga/KD/pes/softmax_pe.cpp rename to lite/backends/fpga/KD/pes/softmax_pe.cpp index 8e3296ffa0..099ed20b8f 100755 --- a/lite/fpga/KD/pes/softmax_pe.cpp +++ b/lite/backends/fpga/KD/pes/softmax_pe.cpp @@ -12,7 +12,7 @@ WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. See the License for the specific language governing permissions and limitations under the License. */ -#include "lite/fpga/KD/pes/softmax_pe.hpp" +#include "lite/backends/fpga/KD/pes/softmax_pe.hpp" #include diff --git a/lite/fpga/KD/pes/softmax_pe.hpp b/lite/backends/fpga/KD/pes/softmax_pe.hpp similarity index 88% rename from lite/fpga/KD/pes/softmax_pe.hpp rename to lite/backends/fpga/KD/pes/softmax_pe.hpp index 6ac8e6bb97..5733f873a4 100644 --- a/lite/fpga/KD/pes/softmax_pe.hpp +++ b/lite/backends/fpga/KD/pes/softmax_pe.hpp @@ -20,11 +20,11 @@ limitations under the License. */ #if defined(__ARM_NEON) || defined(__ARM_NEON__) #include -#include "lite/arm/math/funcs.h" +#include "lite/backends/arm/math/funcs.h" #endif -#include "lite/fpga/KD/pe.hpp" -#include "lite/fpga/KD/pe_params.hpp" +#include "lite/backends/fpga/KD/pe.hpp" +#include "lite/backends/fpga/KD/pe_params.hpp" namespace paddle { namespace zynqmp { diff --git a/lite/fpga/KD/pes/split_pe.hpp b/lite/backends/fpga/KD/pes/split_pe.hpp similarity index 97% rename from lite/fpga/KD/pes/split_pe.hpp rename to lite/backends/fpga/KD/pes/split_pe.hpp index 074cc534e7..26598a4c87 100644 --- a/lite/fpga/KD/pes/split_pe.hpp +++ b/lite/backends/fpga/KD/pes/split_pe.hpp @@ -16,8 +16,8 @@ limitations under the License. */ #include -#include "lite/fpga/KD/pe.hpp" -#include "lite/fpga/KD/pe_params.hpp" +#include "lite/backends/fpga/KD/pe.hpp" +#include "lite/backends/fpga/KD/pe_params.hpp" namespace paddle { namespace zynqmp { diff --git a/lite/fpga/KD/shape.hpp b/lite/backends/fpga/KD/shape.hpp similarity index 96% rename from lite/fpga/KD/shape.hpp rename to lite/backends/fpga/KD/shape.hpp index 12be3ac485..566ad8e6ff 100755 --- a/lite/fpga/KD/shape.hpp +++ b/lite/backends/fpga/KD/shape.hpp @@ -17,8 +17,8 @@ limitations under the License. */ #include #include -#include "lite/fpga/KD/alignment.h" -#include "lite/fpga/KD/layout.hpp" +#include "lite/backends/fpga/KD/alignment.h" +#include "lite/backends/fpga/KD/layout.hpp" namespace paddle { namespace zynqmp { diff --git a/lite/fpga/KD/tensor.hpp b/lite/backends/fpga/KD/tensor.hpp similarity index 97% rename from lite/fpga/KD/tensor.hpp rename to lite/backends/fpga/KD/tensor.hpp index 4b93c4671d..f003ded33e 100644 --- a/lite/fpga/KD/tensor.hpp +++ b/lite/backends/fpga/KD/tensor.hpp @@ -26,11 +26,11 @@ limitations under the License. */ // #include "lite/core/tensor.h" -#include "lite/fpga/KD/dl_engine.hpp" -#include "lite/fpga/KD/float16.hpp" -#include "lite/fpga/KD/llapi/zynqmp_api.h" -#include "lite/fpga/KD/shape.hpp" -// #include "lite/fpga/KD/types.hpp" +#include "lite/backends/fpga/KD/dl_engine.hpp" +#include "lite/backends/fpga/KD/float16.hpp" +#include "lite/backends/fpga/KD/llapi/zynqmp_api.h" +#include "lite/backends/fpga/KD/shape.hpp" +// #include "lite/backends/fpga/KD/types.hpp" namespace paddle { namespace zynqmp { diff --git a/lite/fpga/KD/tensor_util.cpp b/lite/backends/fpga/KD/tensor_util.cpp similarity index 95% rename from lite/fpga/KD/tensor_util.cpp rename to lite/backends/fpga/KD/tensor_util.cpp index 49c58ec91a..cbf5df15cd 100644 --- a/lite/fpga/KD/tensor_util.cpp +++ b/lite/backends/fpga/KD/tensor_util.cpp @@ -14,7 +14,7 @@ limitations under the License. */ #include -#include "lite/fpga/KD/tensor_util.hpp" +#include "lite/backends/fpga/KD/tensor_util.hpp" namespace paddle { namespace zynqmp { diff --git a/lite/fpga/KD/tensor_util.hpp b/lite/backends/fpga/KD/tensor_util.hpp similarity index 94% rename from lite/fpga/KD/tensor_util.hpp rename to lite/backends/fpga/KD/tensor_util.hpp index 6022089264..01f5757039 100644 --- a/lite/fpga/KD/tensor_util.hpp +++ b/lite/backends/fpga/KD/tensor_util.hpp @@ -16,7 +16,7 @@ limitations under the License. */ #include -#include "lite/fpga/KD/tensor.hpp" +#include "lite/backends/fpga/KD/tensor.hpp" namespace paddle { namespace zynqmp { diff --git a/lite/fpga/lite_tensor.cc b/lite/backends/fpga/lite_tensor.cc similarity index 98% rename from lite/fpga/lite_tensor.cc rename to lite/backends/fpga/lite_tensor.cc index 2653dd6b21..43218173fd 100644 --- a/lite/fpga/lite_tensor.cc +++ b/lite/backends/fpga/lite_tensor.cc @@ -12,7 +12,7 @@ // See the License for the specific language governing permissions and // limitations under the License. -#include "lite/fpga/lite_tensor.h" +#include "lite/backends/fpga/lite_tensor.h" #include namespace paddle { diff --git a/lite/fpga/lite_tensor.h b/lite/backends/fpga/lite_tensor.h similarity index 99% rename from lite/fpga/lite_tensor.h rename to lite/backends/fpga/lite_tensor.h index 296f462dc9..77f6a7ad82 100644 --- a/lite/fpga/lite_tensor.h +++ b/lite/backends/fpga/lite_tensor.h @@ -21,8 +21,8 @@ #include #include +#include "lite/backends/fpga/KD/tensor.hpp" #include "lite/core/memory.h" -#include "lite/fpga/KD/tensor.hpp" namespace paddle { namespace lite { diff --git a/lite/fpga/target_wrapper.cc b/lite/backends/fpga/target_wrapper.cc similarity index 96% rename from lite/fpga/target_wrapper.cc rename to lite/backends/fpga/target_wrapper.cc index 4d5350b8fd..653384b061 100644 --- a/lite/fpga/target_wrapper.cc +++ b/lite/backends/fpga/target_wrapper.cc @@ -13,7 +13,7 @@ // limitations under the License. #include "lite/core/target_wrapper.h" -#include "lite/fpga/KD/llapi/zynqmp_api.h" +#include "lite/backends/fpga/KD/llapi/zynqmp_api.h" #include "lite/utils/all.h" #ifdef LITE_WITH_FPGA namespace paddle { diff --git a/lite/host/CMakeLists.txt b/lite/backends/host/CMakeLists.txt similarity index 100% rename from lite/host/CMakeLists.txt rename to lite/backends/host/CMakeLists.txt diff --git a/lite/host/target_wrapper.cc b/lite/backends/host/target_wrapper.cc similarity index 100% rename from lite/host/target_wrapper.cc rename to lite/backends/host/target_wrapper.cc diff --git a/lite/opencl/CMakeLists.txt b/lite/backends/opencl/CMakeLists.txt similarity index 96% rename from lite/opencl/CMakeLists.txt rename to lite/backends/opencl/CMakeLists.txt index bf7396acd4..1acb983218 100644 --- a/lite/opencl/CMakeLists.txt +++ b/lite/backends/opencl/CMakeLists.txt @@ -11,8 +11,8 @@ lite_cc_library(cl_image SRCS cl_image.cc DEPS tensor cl_image_converter cl_runt lite_cc_library(cl_caller SRCS cl_caller.cc DEPS cl_context cl_image) lite_cc_library(cl_target_wrapper SRCS target_wrapper.cc DEPS cl_runtime) lite_cc_test(test_cl_functions SRCS cl_functions_test.cc DEPS cl_context cl_image cl_caller cl_wrapper cl_target_wrapper - ARGS --cl_path=${CMAKE_SOURCE_DIR}/paddle/fluid/lite/opencl) + ARGS --cl_path=${CMAKE_SOURCE_DIR}/paddle/fluid/lite/backends/opencl) lite_cc_test(test_cl_im2col SRCS cl_im2col_test.cc DEPS tensor cl_context cl_wrapper cl_target_wrapper - ARGS --cl_path=${CMAKE_SOURCE_DIR}/paddle/fluid/lite/opencl) + ARGS --cl_path=${CMAKE_SOURCE_DIR}/paddle/fluid/lite/backends/opencl) add_dependencies(cl_wrapper opencl_clhpp) diff --git a/lite/opencl/cl_caller.cc b/lite/backends/opencl/cl_caller.cc similarity index 96% rename from lite/opencl/cl_caller.cc rename to lite/backends/opencl/cl_caller.cc index 5ef32a73ec..ae755b756d 100644 --- a/lite/opencl/cl_caller.cc +++ b/lite/backends/opencl/cl_caller.cc @@ -12,13 +12,13 @@ WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. See the License for the specific language governing permissions and limitations under the License. */ -#include "lite/opencl/cl_caller.h" +#include "lite/backends/opencl/cl_caller.h" #include +#include "lite/backends/opencl/cl_context.h" +#include "lite/backends/opencl/cl_image.h" +#include "lite/backends/opencl/cl_runtime.h" +#include "lite/backends/opencl/cl_utility.h" #include "lite/core/tensor.h" -#include "lite/opencl/cl_context.h" -#include "lite/opencl/cl_image.h" -#include "lite/opencl/cl_runtime.h" -#include "lite/opencl/cl_utility.h" #include "lite/utils/string.h" namespace paddle { diff --git a/lite/opencl/cl_caller.h b/lite/backends/opencl/cl_caller.h similarity index 97% rename from lite/opencl/cl_caller.h rename to lite/backends/opencl/cl_caller.h index d0e1478140..ed5c9153d3 100644 --- a/lite/opencl/cl_caller.h +++ b/lite/backends/opencl/cl_caller.h @@ -15,8 +15,8 @@ limitations under the License. */ #pragma once #include +#include "lite/backends/opencl/cl_context.h" #include "lite/core/tensor.h" -#include "lite/opencl/cl_context.h" namespace paddle { namespace lite { diff --git a/lite/opencl/cl_context.cc b/lite/backends/opencl/cl_context.cc similarity index 97% rename from lite/opencl/cl_context.cc rename to lite/backends/opencl/cl_context.cc index 1501bd2984..0fcb99486e 100644 --- a/lite/opencl/cl_context.cc +++ b/lite/backends/opencl/cl_context.cc @@ -12,12 +12,12 @@ WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. See the License for the specific language governing permissions and limitations under the License. */ -#include "lite/opencl/cl_context.h" +#include "lite/backends/opencl/cl_context.h" #include #include #include -#include "lite/opencl/cl_runtime.h" -#include "lite/opencl/cl_utility.h" +#include "lite/backends/opencl/cl_runtime.h" +#include "lite/backends/opencl/cl_utility.h" #include "lite/utils/cp_logging.h" #include "lite/utils/replace_stl/stream.h" diff --git a/lite/opencl/cl_context.h b/lite/backends/opencl/cl_context.h similarity index 94% rename from lite/opencl/cl_context.h rename to lite/backends/opencl/cl_context.h index b6d74b0bf2..a28f82f40e 100644 --- a/lite/opencl/cl_context.h +++ b/lite/backends/opencl/cl_context.h @@ -19,8 +19,8 @@ limitations under the License. */ #include #include #include -#include "lite/opencl/cl_image.h" -#include "lite/opencl/cl_include.h" +#include "lite/backends/opencl/cl_image.h" +#include "lite/backends/opencl/cl_include.h" namespace paddle { namespace lite { diff --git a/lite/opencl/cl_functions_test.cc b/lite/backends/opencl/cl_functions_test.cc similarity index 98% rename from lite/opencl/cl_functions_test.cc rename to lite/backends/opencl/cl_functions_test.cc index 795cd9862f..b041952b34 100644 --- a/lite/opencl/cl_functions_test.cc +++ b/lite/backends/opencl/cl_functions_test.cc @@ -19,12 +19,12 @@ limitations under the License. */ #include #include #include +#include "lite/backends/opencl/cl_caller.h" +#include "lite/backends/opencl/cl_context.h" +#include "lite/backends/opencl/cl_image.h" +#include "lite/backends/opencl/cl_runtime.h" +#include "lite/backends/opencl/target_wrapper.h" #include "lite/core/tensor.h" -#include "lite/opencl/cl_caller.h" -#include "lite/opencl/cl_context.h" -#include "lite/opencl/cl_image.h" -#include "lite/opencl/cl_runtime.h" -#include "lite/opencl/target_wrapper.h" #include "lite/utils/cp_logging.h" DEFINE_string(cl_path, "/data/local/tmp/opencl", "The OpenCL kernels path."); diff --git a/lite/opencl/cl_im2col_test.cc b/lite/backends/opencl/cl_im2col_test.cc similarity index 99% rename from lite/opencl/cl_im2col_test.cc rename to lite/backends/opencl/cl_im2col_test.cc index 176a6516aa..a0770d34ee 100644 --- a/lite/opencl/cl_im2col_test.cc +++ b/lite/backends/opencl/cl_im2col_test.cc @@ -17,10 +17,10 @@ limitations under the License. */ #include #include #include +#include "lite/backends/opencl/cl_context.h" +#include "lite/backends/opencl/cl_runtime.h" +#include "lite/backends/opencl/target_wrapper.h" #include "lite/core/tensor.h" -#include "lite/opencl/cl_context.h" -#include "lite/opencl/cl_runtime.h" -#include "lite/opencl/target_wrapper.h" #include "lite/utils/cp_logging.h" DEFINE_string(cl_path, "/data/local/tmp/opencl", "The OpenCL kernels path."); diff --git a/lite/opencl/cl_image.cc b/lite/backends/opencl/cl_image.cc similarity index 97% rename from lite/opencl/cl_image.cc rename to lite/backends/opencl/cl_image.cc index 206f849000..f6dcd4bbef 100644 --- a/lite/opencl/cl_image.cc +++ b/lite/backends/opencl/cl_image.cc @@ -12,10 +12,10 @@ WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. See the License for the specific language governing permissions and limitations under the License. */ -#include "lite/opencl/cl_image.h" +#include "lite/backends/opencl/cl_image.h" #include -#include "lite/opencl/cl_runtime.h" -#include "lite/opencl/cl_utility.h" +#include "lite/backends/opencl/cl_runtime.h" +#include "lite/backends/opencl/cl_utility.h" #include "lite/utils/cp_logging.h" namespace paddle { diff --git a/lite/opencl/cl_image.h b/lite/backends/opencl/cl_image.h similarity index 96% rename from lite/opencl/cl_image.h rename to lite/backends/opencl/cl_image.h index 4d4b858dbe..f3a5f6361f 100644 --- a/lite/opencl/cl_image.h +++ b/lite/backends/opencl/cl_image.h @@ -17,9 +17,9 @@ limitations under the License. */ #include #include #include +#include "lite/backends/opencl/cl_image_converter.h" +#include "lite/backends/opencl/cl_include.h" #include "lite/core/tensor.h" -#include "lite/opencl/cl_image_converter.h" -#include "lite/opencl/cl_include.h" namespace paddle { namespace lite { diff --git a/lite/opencl/cl_image_converter.cc b/lite/backends/opencl/cl_image_converter.cc similarity index 99% rename from lite/opencl/cl_image_converter.cc rename to lite/backends/opencl/cl_image_converter.cc index 407a8b794a..402f710d7a 100644 --- a/lite/opencl/cl_image_converter.cc +++ b/lite/backends/opencl/cl_image_converter.cc @@ -12,7 +12,7 @@ WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. See the License for the specific language governing permissions and limitations under the License. */ -#include "lite/opencl/cl_image_converter.h" +#include "lite/backends/opencl/cl_image_converter.h" #include #include "lite/utils/cp_logging.h" diff --git a/lite/opencl/cl_image_converter.h b/lite/backends/opencl/cl_image_converter.h similarity index 100% rename from lite/opencl/cl_image_converter.h rename to lite/backends/opencl/cl_image_converter.h diff --git a/lite/opencl/cl_include.h b/lite/backends/opencl/cl_include.h similarity index 100% rename from lite/opencl/cl_include.h rename to lite/backends/opencl/cl_include.h diff --git a/lite/opencl/cl_kernel/buffer/depthwise_conv2d_kernel.cl b/lite/backends/opencl/cl_kernel/buffer/depthwise_conv2d_kernel.cl similarity index 100% rename from lite/opencl/cl_kernel/buffer/depthwise_conv2d_kernel.cl rename to lite/backends/opencl/cl_kernel/buffer/depthwise_conv2d_kernel.cl diff --git a/lite/opencl/cl_kernel/buffer/elementwise_add_kernel.cl b/lite/backends/opencl/cl_kernel/buffer/elementwise_add_kernel.cl similarity index 100% rename from lite/opencl/cl_kernel/buffer/elementwise_add_kernel.cl rename to lite/backends/opencl/cl_kernel/buffer/elementwise_add_kernel.cl diff --git a/lite/opencl/cl_kernel/buffer/fc_kernel.cl b/lite/backends/opencl/cl_kernel/buffer/fc_kernel.cl similarity index 100% rename from lite/opencl/cl_kernel/buffer/fc_kernel.cl rename to lite/backends/opencl/cl_kernel/buffer/fc_kernel.cl diff --git a/lite/opencl/cl_kernel/buffer/im2col_kernel.cl b/lite/backends/opencl/cl_kernel/buffer/im2col_kernel.cl similarity index 100% rename from lite/opencl/cl_kernel/buffer/im2col_kernel.cl rename to lite/backends/opencl/cl_kernel/buffer/im2col_kernel.cl diff --git a/lite/opencl/cl_kernel/buffer/mat_mul_kernel.cl b/lite/backends/opencl/cl_kernel/buffer/mat_mul_kernel.cl similarity index 100% rename from lite/opencl/cl_kernel/buffer/mat_mul_kernel.cl rename to lite/backends/opencl/cl_kernel/buffer/mat_mul_kernel.cl diff --git a/lite/opencl/cl_kernel/buffer/pool_kernel.cl b/lite/backends/opencl/cl_kernel/buffer/pool_kernel.cl similarity index 100% rename from lite/opencl/cl_kernel/buffer/pool_kernel.cl rename to lite/backends/opencl/cl_kernel/buffer/pool_kernel.cl diff --git a/lite/opencl/cl_kernel/buffer/relu_kernel.cl b/lite/backends/opencl/cl_kernel/buffer/relu_kernel.cl similarity index 100% rename from lite/opencl/cl_kernel/buffer/relu_kernel.cl rename to lite/backends/opencl/cl_kernel/buffer/relu_kernel.cl diff --git a/lite/opencl/cl_kernel/cl_common.h b/lite/backends/opencl/cl_kernel/cl_common.h similarity index 100% rename from lite/opencl/cl_kernel/cl_common.h rename to lite/backends/opencl/cl_kernel/cl_common.h diff --git a/lite/opencl/cl_kernel/image/channel_add_kernel.cl b/lite/backends/opencl/cl_kernel/image/channel_add_kernel.cl similarity index 100% rename from lite/opencl/cl_kernel/image/channel_add_kernel.cl rename to lite/backends/opencl/cl_kernel/image/channel_add_kernel.cl diff --git a/lite/opencl/cl_kernel/image/elementwise_add_kernel.cl b/lite/backends/opencl/cl_kernel/image/elementwise_add_kernel.cl similarity index 100% rename from lite/opencl/cl_kernel/image/elementwise_add_kernel.cl rename to lite/backends/opencl/cl_kernel/image/elementwise_add_kernel.cl diff --git a/lite/opencl/cl_kernel/image/pool_kernel.cl b/lite/backends/opencl/cl_kernel/image/pool_kernel.cl similarity index 100% rename from lite/opencl/cl_kernel/image/pool_kernel.cl rename to lite/backends/opencl/cl_kernel/image/pool_kernel.cl diff --git a/lite/opencl/cl_runtime.cc b/lite/backends/opencl/cl_runtime.cc similarity index 99% rename from lite/opencl/cl_runtime.cc rename to lite/backends/opencl/cl_runtime.cc index 613dbec073..c2504ab611 100644 --- a/lite/opencl/cl_runtime.cc +++ b/lite/backends/opencl/cl_runtime.cc @@ -12,7 +12,7 @@ WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. See the License for the specific language governing permissions and limitations under the License. */ -#include "lite/opencl/cl_runtime.h" +#include "lite/backends/opencl/cl_runtime.h" #include #include #include diff --git a/lite/opencl/cl_runtime.h b/lite/backends/opencl/cl_runtime.h similarity index 96% rename from lite/opencl/cl_runtime.h rename to lite/backends/opencl/cl_runtime.h index ffea2fdea6..0859780c69 100644 --- a/lite/opencl/cl_runtime.h +++ b/lite/backends/opencl/cl_runtime.h @@ -18,8 +18,8 @@ limitations under the License. */ #include #include #include -#include "lite/opencl/cl_include.h" -#include "lite/opencl/cl_utility.h" +#include "lite/backends/opencl/cl_include.h" +#include "lite/backends/opencl/cl_utility.h" namespace paddle { namespace lite { diff --git a/lite/opencl/cl_utility.cc b/lite/backends/opencl/cl_utility.cc similarity index 98% rename from lite/opencl/cl_utility.cc rename to lite/backends/opencl/cl_utility.cc index 475f7499c7..7c8cca414f 100644 --- a/lite/opencl/cl_utility.cc +++ b/lite/backends/opencl/cl_utility.cc @@ -12,7 +12,7 @@ WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. See the License for the specific language governing permissions and limitations under the License. */ -#include "lite/opencl/cl_utility.h" +#include "lite/backends/opencl/cl_utility.h" namespace paddle { namespace lite { diff --git a/lite/opencl/cl_utility.h b/lite/backends/opencl/cl_utility.h similarity index 97% rename from lite/opencl/cl_utility.h rename to lite/backends/opencl/cl_utility.h index 4a0c6ccd97..b7f14c15e6 100644 --- a/lite/opencl/cl_utility.h +++ b/lite/backends/opencl/cl_utility.h @@ -14,7 +14,7 @@ limitations under the License. */ #pragma once -#include "lite/opencl/cl_include.h" +#include "lite/backends/opencl/cl_include.h" #include "lite/utils/cp_logging.h" #include "lite/utils/string.h" diff --git a/lite/opencl/cl_wrapper.cc b/lite/backends/opencl/cl_wrapper.cc similarity index 99% rename from lite/opencl/cl_wrapper.cc rename to lite/backends/opencl/cl_wrapper.cc index 862ba02bae..357ac8c2d6 100644 --- a/lite/opencl/cl_wrapper.cc +++ b/lite/backends/opencl/cl_wrapper.cc @@ -12,7 +12,7 @@ WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. See the License for the specific language governing permissions and limitations under the License. */ -#include "lite/opencl/cl_wrapper.h" +#include "lite/backends/opencl/cl_wrapper.h" #include #include #include diff --git a/lite/opencl/cl_wrapper.h b/lite/backends/opencl/cl_wrapper.h similarity index 99% rename from lite/opencl/cl_wrapper.h rename to lite/backends/opencl/cl_wrapper.h index dab66a1867..35ef33e5a2 100644 --- a/lite/opencl/cl_wrapper.h +++ b/lite/backends/opencl/cl_wrapper.h @@ -14,7 +14,7 @@ limitations under the License. */ #pragma once -#include "lite/opencl/cl_include.h" +#include "lite/backends/opencl/cl_include.h" #include "lite/utils/cp_logging.h" #if CL_HPP_TARGET_OPENCL_VERSION < 200 diff --git a/lite/opencl/target_wrapper.cc b/lite/backends/opencl/target_wrapper.cc similarity index 98% rename from lite/opencl/target_wrapper.cc rename to lite/backends/opencl/target_wrapper.cc index 0d5397b649..eb324fcb0f 100644 --- a/lite/opencl/target_wrapper.cc +++ b/lite/backends/opencl/target_wrapper.cc @@ -12,12 +12,12 @@ // See the License for the specific language governing permissions and // limitations under the License. -#include "lite/opencl/target_wrapper.h" +#include "lite/backends/opencl/target_wrapper.h" #include #include -#include "lite/opencl/cl_include.h" -#include "lite/opencl/cl_runtime.h" -#include "lite/opencl/cl_utility.h" +#include "lite/backends/opencl/cl_include.h" +#include "lite/backends/opencl/cl_runtime.h" +#include "lite/backends/opencl/cl_utility.h" namespace paddle { namespace lite { diff --git a/lite/opencl/target_wrapper.h b/lite/backends/opencl/target_wrapper.h similarity index 98% rename from lite/opencl/target_wrapper.h rename to lite/backends/opencl/target_wrapper.h index b1bef9f334..8ff8e6fd40 100644 --- a/lite/opencl/target_wrapper.h +++ b/lite/backends/opencl/target_wrapper.h @@ -15,8 +15,8 @@ #pragma once #include +#include "lite/backends/opencl/cl_include.h" #include "lite/core/target_wrapper.h" -#include "lite/opencl/cl_include.h" namespace paddle { namespace lite { diff --git a/lite/x86/CMakeLists.txt b/lite/backends/x86/CMakeLists.txt similarity index 100% rename from lite/x86/CMakeLists.txt rename to lite/backends/x86/CMakeLists.txt diff --git a/lite/x86/cpu_info.cc b/lite/backends/x86/cpu_info.cc similarity index 99% rename from lite/x86/cpu_info.cc rename to lite/backends/x86/cpu_info.cc index d239689d35..c2759d6191 100644 --- a/lite/x86/cpu_info.cc +++ b/lite/backends/x86/cpu_info.cc @@ -12,7 +12,7 @@ // See the License for the specific language governing permissions and // limitations under the License. -#include "lite/x86/cpu_info.h" +#include "lite/backends/x86/cpu_info.h" #ifdef PADDLE_WITH_XBYAK #include "xbyak/xbyak.h" diff --git a/lite/x86/cpu_info.h b/lite/backends/x86/cpu_info.h similarity index 100% rename from lite/x86/cpu_info.h rename to lite/backends/x86/cpu_info.h diff --git a/lite/x86/cupti_lib_path.h.in b/lite/backends/x86/cupti_lib_path.h.in similarity index 100% rename from lite/x86/cupti_lib_path.h.in rename to lite/backends/x86/cupti_lib_path.h.in diff --git a/lite/x86/dynamic_loader.cc b/lite/backends/x86/dynamic_loader.cc similarity index 98% rename from lite/x86/dynamic_loader.cc rename to lite/backends/x86/dynamic_loader.cc index 2fda916a33..3a3e0e1dd4 100644 --- a/lite/x86/dynamic_loader.cc +++ b/lite/backends/x86/dynamic_loader.cc @@ -11,7 +11,7 @@ distributed under the License is distributed on an "AS IS" BASIS, WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. See the License for the specific language governing permissions and limitations under the License. */ -#include "lite/x86/dynamic_loader.h" +#include "lite/backends/x86/dynamic_loader.h" #include #include // NOLINT @@ -19,10 +19,10 @@ limitations under the License. */ #include "gflags/gflags.h" #include "glog/logging.h" +#include "lite/backends/x86/cupti_lib_path.h" +#include "lite/backends/x86/port.h" +#include "lite/backends/x86/warpctc_lib_path.h" #include "lite/utils/paddle_enforce.h" -#include "lite/x86/cupti_lib_path.h" -#include "lite/x86/port.h" -#include "lite/x86/warpctc_lib_path.h" DEFINE_string(cudnn_dir, "", diff --git a/lite/x86/dynamic_loader.h b/lite/backends/x86/dynamic_loader.h similarity index 100% rename from lite/x86/dynamic_loader.h rename to lite/backends/x86/dynamic_loader.h diff --git a/lite/x86/jit/CMakeLists.txt b/lite/backends/x86/jit/CMakeLists.txt similarity index 68% rename from lite/x86/jit/CMakeLists.txt rename to lite/backends/x86/jit/CMakeLists.txt index bcf300f100..e4113832c6 100644 --- a/lite/x86/jit/CMakeLists.txt +++ b/lite/backends/x86/jit/CMakeLists.txt @@ -1,9 +1,9 @@ -set(jit_file ${PADDLE_BINARY_DIR}/lite/x86/jit/kernels.h) -file(WRITE ${jit_file} "// Generated by the lite/x86/jit/CMakeLists.txt. DO NOT EDIT!\n\n") +set(jit_file ${PADDLE_BINARY_DIR}/lite/backends/x86/jit/kernels.h) +file(WRITE ${jit_file} "// Generated by the lite/backends/x86/jit/CMakeLists.txt. DO NOT EDIT!\n\n") file(APPEND ${jit_file} "\#pragma once\n") -file(APPEND ${jit_file} "\#include \"lite/x86/jit/helper.h\"\n") -file(APPEND ${jit_file} "\#include \"lite/x86/jit/registry.h\"\n\n") +file(APPEND ${jit_file} "\#include \"lite/backends/x86/jit/helper.h\"\n") +file(APPEND ${jit_file} "\#include \"lite/backends/x86/jit/registry.h\"\n\n") set(JIT_KERNEL_DEPS x86_cpu_info cblas gflags xxhash) diff --git a/lite/x86/jit/README.en.md b/lite/backends/x86/jit/README.en.md similarity index 91% rename from lite/x86/jit/README.en.md rename to lite/backends/x86/jit/README.en.md index 665923533c..cd2aa5c242 100644 --- a/lite/x86/jit/README.en.md +++ b/lite/backends/x86/jit/README.en.md @@ -34,7 +34,7 @@ PaddlePaddle/Paddle/paddle/fluid/ └── ... ``` -All basical definations of jit kernels are addressed in `lite/x86/jit` including these three key folders `refer`, `gen`, `more`. There is only one unique name for each kernel while may have seraval implementations with same functionality. +All basical definations of jit kernels are addressed in `lite/backends/x86/jit` including these three key folders `refer`, `gen`, `more`. There is only one unique name for each kernel while may have seraval implementations with same functionality. - `refer`: Each kernel must have one reference implementation on CPU, and it should only focus on the correctness and should not depends on any third-party libraries. - `gen`: The code generated should be kept here. They should be designed focusing on the best performance, which depends on Xbyak. @@ -71,7 +71,7 @@ Get all implementations and run once: } ``` -All kernels are inlcuded in `lite/x86/jit/kernels.h`, which is automatically generated in compile time, you can only include this one header to get all the registered kernels. +All kernels are inlcuded in `lite/backends/x86/jit/kernels.h`, which is automatically generated in compile time, you can only include this one header to get all the registered kernels. ## Solid Test diff --git a/lite/x86/jit/README.md b/lite/backends/x86/jit/README.md similarity index 97% rename from lite/x86/jit/README.md rename to lite/backends/x86/jit/README.md index d206c09177..6998c5d867 100644 --- a/lite/x86/jit/README.md +++ b/lite/backends/x86/jit/README.md @@ -46,7 +46,7 @@ PaddlePaddle/Paddle/paddle/fluid/ ### 例子 -所有kernel的调用只需要在头文件中包含`"lite/x86/jit/kernels.h"`, 该文件是编译时自动生成的。 +所有kernel的调用只需要在头文件中包含`"lite/backends/x86/jit/kernels.h"`, 该文件是编译时自动生成的。 直接从缓存中获取默认最优的函数。 diff --git a/lite/x86/jit/benchmark.cc b/lite/backends/x86/jit/benchmark.cc similarity index 99% rename from lite/x86/jit/benchmark.cc rename to lite/backends/x86/jit/benchmark.cc index 8cba3780dc..c49984691e 100644 --- a/lite/x86/jit/benchmark.cc +++ b/lite/backends/x86/jit/benchmark.cc @@ -18,9 +18,9 @@ #include #include "gflags/gflags.h" #include "glog/logging.h" +#include "lite/backends/x86/jit/kernels.h" +#include "lite/backends/x86/legacy_place.h" #include "lite/core/tensor.h" -#include "lite/x86/jit/kernels.h" -#include "lite/x86/legacy_place.h" DEFINE_int32(burning, 10, "Burning times."); DEFINE_int32(repeat, 3000, "Repeat times."); diff --git a/lite/x86/jit/gen/CMakeLists.txt b/lite/backends/x86/jit/gen/CMakeLists.txt similarity index 100% rename from lite/x86/jit/gen/CMakeLists.txt rename to lite/backends/x86/jit/gen/CMakeLists.txt diff --git a/lite/x86/jit/gen/act.cc b/lite/backends/x86/jit/gen/act.cc similarity index 97% rename from lite/x86/jit/gen/act.cc rename to lite/backends/x86/jit/gen/act.cc index 4e542d62ee..f1f261c199 100644 --- a/lite/x86/jit/gen/act.cc +++ b/lite/backends/x86/jit/gen/act.cc @@ -12,10 +12,10 @@ * See the License for the specific language governing permissions and * limitations under the License. */ -#include "lite/x86/jit/gen/act.h" +#include "lite/backends/x86/jit/gen/act.h" #include -#include "lite/x86/cpu_info.h" -#include "lite/x86/jit/registry.h" +#include "lite/backends/x86/cpu_info.h" +#include "lite/backends/x86/jit/registry.h" namespace paddle { namespace lite { diff --git a/lite/x86/jit/gen/act.h b/lite/backends/x86/jit/gen/act.h similarity index 99% rename from lite/x86/jit/gen/act.h rename to lite/backends/x86/jit/gen/act.h index 0f850b8b6d..6366cff3c8 100644 --- a/lite/x86/jit/gen/act.h +++ b/lite/backends/x86/jit/gen/act.h @@ -16,7 +16,7 @@ #include #include -#include "lite/x86/jit/gen/jitcode.h" +#include "lite/backends/x86/jit/gen/jitcode.h" namespace paddle { namespace lite { diff --git a/lite/x86/jit/gen/blas.cc b/lite/backends/x86/jit/gen/blas.cc similarity index 98% rename from lite/x86/jit/gen/blas.cc rename to lite/backends/x86/jit/gen/blas.cc index d56c74efa6..0bddea6ace 100644 --- a/lite/x86/jit/gen/blas.cc +++ b/lite/backends/x86/jit/gen/blas.cc @@ -12,9 +12,9 @@ * See the License for the specific language governing permissions and * limitations under the License. */ -#include "lite/x86/jit/gen/blas.h" +#include "lite/backends/x86/jit/gen/blas.h" #include -#include "lite/x86/jit/registry.h" +#include "lite/backends/x86/jit/registry.h" namespace paddle { namespace lite { diff --git a/lite/x86/jit/gen/blas.h b/lite/backends/x86/jit/gen/blas.h similarity index 98% rename from lite/x86/jit/gen/blas.h rename to lite/backends/x86/jit/gen/blas.h index 2d073c0873..39920195b2 100644 --- a/lite/x86/jit/gen/blas.h +++ b/lite/backends/x86/jit/gen/blas.h @@ -16,7 +16,7 @@ #include #include "glog/logging.h" -#include "lite/x86/jit/gen/jitcode.h" +#include "lite/backends/x86/jit/gen/jitcode.h" namespace paddle { namespace lite { diff --git a/lite/x86/jit/gen/embseqpool.cc b/lite/backends/x86/jit/gen/embseqpool.cc similarity index 96% rename from lite/x86/jit/gen/embseqpool.cc rename to lite/backends/x86/jit/gen/embseqpool.cc index 6b6c831960..2ff6894383 100644 --- a/lite/x86/jit/gen/embseqpool.cc +++ b/lite/backends/x86/jit/gen/embseqpool.cc @@ -12,12 +12,12 @@ * See the License for the specific language governing permissions and * limitations under the License. */ -#include "lite/x86/jit/gen/embseqpool.h" +#include "lite/backends/x86/jit/gen/embseqpool.h" #include // offsetof #include #include -#include "lite/x86/jit/gen/act.h" // for exp_float_consts ones -#include "lite/x86/jit/registry.h" +#include "lite/backends/x86/jit/gen/act.h" // for exp_float_consts ones +#include "lite/backends/x86/jit/registry.h" namespace paddle { namespace lite { diff --git a/lite/x86/jit/gen/embseqpool.h b/lite/backends/x86/jit/gen/embseqpool.h similarity index 97% rename from lite/x86/jit/gen/embseqpool.h rename to lite/backends/x86/jit/gen/embseqpool.h index 68f744c760..7cae76f9dd 100644 --- a/lite/x86/jit/gen/embseqpool.h +++ b/lite/backends/x86/jit/gen/embseqpool.h @@ -16,8 +16,8 @@ #include #include +#include "lite/backends/x86/jit/gen/jitcode.h" #include "lite/utils/paddle_enforce.h" -#include "lite/x86/jit/gen/jitcode.h" namespace paddle { namespace lite { diff --git a/lite/x86/jit/gen/gru.cc b/lite/backends/x86/jit/gen/gru.cc similarity index 97% rename from lite/x86/jit/gen/gru.cc rename to lite/backends/x86/jit/gen/gru.cc index 5c52552457..c5737faf13 100644 --- a/lite/x86/jit/gen/gru.cc +++ b/lite/backends/x86/jit/gen/gru.cc @@ -12,10 +12,10 @@ * See the License for the specific language governing permissions and * limitations under the License. */ -#include "lite/x86/jit/gen/gru.h" +#include "lite/backends/x86/jit/gen/gru.h" #include // offsetof #include -#include "lite/x86/jit/registry.h" +#include "lite/backends/x86/jit/registry.h" namespace paddle { namespace lite { diff --git a/lite/x86/jit/gen/gru.h b/lite/backends/x86/jit/gen/gru.h similarity index 97% rename from lite/x86/jit/gen/gru.h rename to lite/backends/x86/jit/gen/gru.h index e2ac385a5a..408f25746d 100644 --- a/lite/x86/jit/gen/gru.h +++ b/lite/backends/x86/jit/gen/gru.h @@ -16,8 +16,8 @@ #include #include "glog/logging.h" -#include "lite/x86/jit/gen/act.h" -#include "lite/x86/jit/gen/jitcode.h" +#include "lite/backends/x86/jit/gen/act.h" +#include "lite/backends/x86/jit/gen/jitcode.h" namespace paddle { namespace lite { diff --git a/lite/x86/jit/gen/hopv.cc b/lite/backends/x86/jit/gen/hopv.cc similarity index 97% rename from lite/x86/jit/gen/hopv.cc rename to lite/backends/x86/jit/gen/hopv.cc index 2020f034d1..4304dc48c5 100644 --- a/lite/x86/jit/gen/hopv.cc +++ b/lite/backends/x86/jit/gen/hopv.cc @@ -12,9 +12,9 @@ * See the License for the specific language governing permissions and * limitations under the License. */ -#include "lite/x86/jit/gen/hopv.h" +#include "lite/backends/x86/jit/gen/hopv.h" #include -#include "lite/x86/jit/registry.h" +#include "lite/backends/x86/jit/registry.h" namespace paddle { namespace lite { diff --git a/lite/x86/jit/gen/hopv.h b/lite/backends/x86/jit/gen/hopv.h similarity index 98% rename from lite/x86/jit/gen/hopv.h rename to lite/backends/x86/jit/gen/hopv.h index 37128f0d42..801131d630 100644 --- a/lite/x86/jit/gen/hopv.h +++ b/lite/backends/x86/jit/gen/hopv.h @@ -16,7 +16,7 @@ #include #include "glog/logging.h" -#include "lite/x86/jit/gen/jitcode.h" +#include "lite/backends/x86/jit/gen/jitcode.h" namespace paddle { namespace lite { diff --git a/lite/x86/jit/gen/jitcode.h b/lite/backends/x86/jit/gen/jitcode.h similarity index 97% rename from lite/x86/jit/gen/jitcode.h rename to lite/backends/x86/jit/gen/jitcode.h index ddbf2adddc..1840dcac68 100644 --- a/lite/x86/jit/gen/jitcode.h +++ b/lite/backends/x86/jit/gen/jitcode.h @@ -16,8 +16,8 @@ #include #include -#include "lite/x86/cpu_info.h" -#include "lite/x86/jit/gen_base.h" +#include "lite/backends/x86/cpu_info.h" +#include "lite/backends/x86/jit/gen_base.h" #define XBYAK_USE_MMAP_ALLOCATOR #include "xbyak/xbyak.h" diff --git a/lite/x86/jit/gen/lstm.cc b/lite/backends/x86/jit/gen/lstm.cc similarity index 98% rename from lite/x86/jit/gen/lstm.cc rename to lite/backends/x86/jit/gen/lstm.cc index 8a1cd68fbd..44e58d0b75 100644 --- a/lite/x86/jit/gen/lstm.cc +++ b/lite/backends/x86/jit/gen/lstm.cc @@ -12,10 +12,10 @@ * See the License for the specific language governing permissions and * limitations under the License. */ -#include "lite/x86/jit/gen/lstm.h" +#include "lite/backends/x86/jit/gen/lstm.h" #include // offsetof #include -#include "lite/x86/jit/registry.h" +#include "lite/backends/x86/jit/registry.h" namespace paddle { namespace lite { diff --git a/lite/x86/jit/gen/lstm.h b/lite/backends/x86/jit/gen/lstm.h similarity index 97% rename from lite/x86/jit/gen/lstm.h rename to lite/backends/x86/jit/gen/lstm.h index 9e2e722697..141419505c 100644 --- a/lite/x86/jit/gen/lstm.h +++ b/lite/backends/x86/jit/gen/lstm.h @@ -16,8 +16,8 @@ #include #include "glog/logging.h" -#include "lite/x86/jit/gen/act.h" -#include "lite/x86/jit/gen/jitcode.h" +#include "lite/backends/x86/jit/gen/act.h" +#include "lite/backends/x86/jit/gen/jitcode.h" namespace paddle { namespace lite { diff --git a/lite/x86/jit/gen/matmul.cc b/lite/backends/x86/jit/gen/matmul.cc similarity index 97% rename from lite/x86/jit/gen/matmul.cc rename to lite/backends/x86/jit/gen/matmul.cc index 37c8c21dd3..103b9101ba 100644 --- a/lite/x86/jit/gen/matmul.cc +++ b/lite/backends/x86/jit/gen/matmul.cc @@ -12,11 +12,11 @@ * See the License for the specific language governing permissions and * limitations under the License. */ -#include "lite/x86/jit/gen/matmul.h" +#include "lite/backends/x86/jit/gen/matmul.h" #include // offsetof #include #include -#include "lite/x86/jit/registry.h" +#include "lite/backends/x86/jit/registry.h" namespace paddle { namespace lite { diff --git a/lite/x86/jit/gen/matmul.h b/lite/backends/x86/jit/gen/matmul.h similarity index 97% rename from lite/x86/jit/gen/matmul.h rename to lite/backends/x86/jit/gen/matmul.h index 6ab0dfebce..b1b302b790 100644 --- a/lite/x86/jit/gen/matmul.h +++ b/lite/backends/x86/jit/gen/matmul.h @@ -18,8 +18,8 @@ #include #include #include "glog/logging.h" +#include "lite/backends/x86/jit/gen/jitcode.h" #include "lite/utils/paddle_enforce.h" -#include "lite/x86/jit/gen/jitcode.h" namespace paddle { namespace lite { diff --git a/lite/x86/jit/gen/seqpool.cc b/lite/backends/x86/jit/gen/seqpool.cc similarity index 94% rename from lite/x86/jit/gen/seqpool.cc rename to lite/backends/x86/jit/gen/seqpool.cc index 1b24f429be..e0cf5e5a5a 100644 --- a/lite/x86/jit/gen/seqpool.cc +++ b/lite/backends/x86/jit/gen/seqpool.cc @@ -12,10 +12,10 @@ * See the License for the specific language governing permissions and * limitations under the License. */ -#include "lite/x86/jit/gen/seqpool.h" +#include "lite/backends/x86/jit/gen/seqpool.h" #include -#include "lite/x86/jit/gen/act.h" // for exp_float_consts ones -#include "lite/x86/jit/registry.h" +#include "lite/backends/x86/jit/gen/act.h" // for exp_float_consts ones +#include "lite/backends/x86/jit/registry.h" namespace paddle { namespace lite { diff --git a/lite/x86/jit/gen/seqpool.h b/lite/backends/x86/jit/gen/seqpool.h similarity index 99% rename from lite/x86/jit/gen/seqpool.h rename to lite/backends/x86/jit/gen/seqpool.h index 468d03d700..346179cfbb 100644 --- a/lite/x86/jit/gen/seqpool.h +++ b/lite/backends/x86/jit/gen/seqpool.h @@ -16,8 +16,8 @@ #include #include +#include "lite/backends/x86/jit/gen/jitcode.h" #include "lite/utils/paddle_enforce.h" -#include "lite/x86/jit/gen/jitcode.h" namespace paddle { namespace lite { diff --git a/lite/x86/jit/gen/sgd.cc b/lite/backends/x86/jit/gen/sgd.cc similarity index 97% rename from lite/x86/jit/gen/sgd.cc rename to lite/backends/x86/jit/gen/sgd.cc index 75a11f770c..10659f5084 100644 --- a/lite/x86/jit/gen/sgd.cc +++ b/lite/backends/x86/jit/gen/sgd.cc @@ -12,12 +12,12 @@ * See the License for the specific language governing permissions and * limitations under the License. */ -#include "lite/x86/jit/gen/sgd.h" +#include "lite/backends/x86/jit/gen/sgd.h" #include // offsetof #include #include +#include "lite/backends/x86/jit/registry.h" #include "lite/utils/paddle_enforce.h" -#include "lite/x86/jit/registry.h" namespace paddle { namespace lite { diff --git a/lite/x86/jit/gen/sgd.h b/lite/backends/x86/jit/gen/sgd.h similarity index 97% rename from lite/x86/jit/gen/sgd.h rename to lite/backends/x86/jit/gen/sgd.h index a6853965fb..303d94f2ab 100644 --- a/lite/x86/jit/gen/sgd.h +++ b/lite/backends/x86/jit/gen/sgd.h @@ -16,7 +16,7 @@ #include #include "glog/logging.h" -#include "lite/x86/jit/gen/jitcode.h" +#include "lite/backends/x86/jit/gen/jitcode.h" namespace paddle { namespace lite { diff --git a/lite/x86/jit/gen/vbroadcast.cc b/lite/backends/x86/jit/gen/vbroadcast.cc similarity index 96% rename from lite/x86/jit/gen/vbroadcast.cc rename to lite/backends/x86/jit/gen/vbroadcast.cc index e423aa3e8a..9e02dca8c4 100644 --- a/lite/x86/jit/gen/vbroadcast.cc +++ b/lite/backends/x86/jit/gen/vbroadcast.cc @@ -12,11 +12,11 @@ * See the License for the specific language governing permissions and * limitations under the License. */ -#include "lite/x86/jit/gen/vbroadcast.h" +#include "lite/backends/x86/jit/gen/vbroadcast.h" #include #include +#include "lite/backends/x86/jit/registry.h" #include "lite/utils/paddle_enforce.h" -#include "lite/x86/jit/registry.h" namespace paddle { namespace lite { diff --git a/lite/x86/jit/gen/vbroadcast.h b/lite/backends/x86/jit/gen/vbroadcast.h similarity index 96% rename from lite/x86/jit/gen/vbroadcast.h rename to lite/backends/x86/jit/gen/vbroadcast.h index 0074f1e810..39bcd4965f 100644 --- a/lite/x86/jit/gen/vbroadcast.h +++ b/lite/backends/x86/jit/gen/vbroadcast.h @@ -16,7 +16,7 @@ #include #include "glog/logging.h" -#include "lite/x86/jit/gen/jitcode.h" +#include "lite/backends/x86/jit/gen/jitcode.h" namespace paddle { namespace lite { diff --git a/lite/x86/jit/gen_base.cc b/lite/backends/x86/jit/gen_base.cc similarity index 95% rename from lite/x86/jit/gen_base.cc rename to lite/backends/x86/jit/gen_base.cc index 16e36e57dd..38250d533d 100644 --- a/lite/x86/jit/gen_base.cc +++ b/lite/backends/x86/jit/gen_base.cc @@ -12,16 +12,16 @@ * See the License for the specific language governing permissions and * limitations under the License. */ -#include "lite/x86/jit/gen_base.h" +#include "lite/backends/x86/jit/gen_base.h" #include #include #include #include // #include "paddle/fluid/memory/allocation/cpu_allocator.h" // for // posix_memalign +#include "lite/backends/x86/cpu_info.h" +#include "lite/backends/x86/jit/macro.h" #include "lite/utils/paddle_enforce.h" -#include "lite/x86/cpu_info.h" -#include "lite/x86/jit/macro.h" #ifndef _WIN32 #define posix_memalign_free free diff --git a/lite/x86/jit/gen_base.h b/lite/backends/x86/jit/gen_base.h similarity index 98% rename from lite/x86/jit/gen_base.h rename to lite/backends/x86/jit/gen_base.h index d9ce4fa44d..b5f942615a 100644 --- a/lite/x86/jit/gen_base.h +++ b/lite/backends/x86/jit/gen_base.h @@ -18,7 +18,7 @@ #include // for unique_ptr #include #include -#include "lite/x86/jit/kernel_base.h" +#include "lite/backends/x86/jit/kernel_base.h" DECLARE_bool(dump_jitcode); diff --git a/lite/x86/jit/helper.cc b/lite/backends/x86/jit/helper.cc similarity index 98% rename from lite/x86/jit/helper.cc rename to lite/backends/x86/jit/helper.cc index 4767795aa1..8322f7ebd2 100644 --- a/lite/x86/jit/helper.cc +++ b/lite/backends/x86/jit/helper.cc @@ -12,7 +12,7 @@ * See the License for the specific language governing permissions and * limitations under the License. */ -#include "lite/x86/jit/helper.h" +#include "lite/backends/x86/jit/helper.h" #include // tolower #include #include diff --git a/lite/x86/jit/helper.h b/lite/backends/x86/jit/helper.h similarity index 98% rename from lite/x86/jit/helper.h rename to lite/backends/x86/jit/helper.h index 43f371184f..b21be9466c 100644 --- a/lite/x86/jit/helper.h +++ b/lite/backends/x86/jit/helper.h @@ -19,11 +19,11 @@ #include #include // for std::move #include +#include "lite/backends/x86/jit/gen_base.h" +#include "lite/backends/x86/jit/kernel_base.h" +#include "lite/backends/x86/jit/kernel_key.h" +#include "lite/backends/x86/jit/kernel_pool.h" #include "lite/utils/paddle_enforce.h" -#include "lite/x86/jit/gen_base.h" -#include "lite/x86/jit/kernel_base.h" -#include "lite/x86/jit/kernel_key.h" -#include "lite/x86/jit/kernel_pool.h" namespace paddle { namespace lite { diff --git a/lite/x86/jit/kernel_base.h b/lite/backends/x86/jit/kernel_base.h similarity index 99% rename from lite/x86/jit/kernel_base.h rename to lite/backends/x86/jit/kernel_base.h index a6968dfa56..dbe44a78ac 100644 --- a/lite/x86/jit/kernel_base.h +++ b/lite/backends/x86/jit/kernel_base.h @@ -14,7 +14,7 @@ #pragma once #include -#include "lite/x86/jit/macro.h" +#include "lite/backends/x86/jit/macro.h" namespace paddle { namespace lite { diff --git a/lite/x86/jit/kernel_key.cc b/lite/backends/x86/jit/kernel_key.cc similarity index 97% rename from lite/x86/jit/kernel_key.cc rename to lite/backends/x86/jit/kernel_key.cc index 07b30e63ae..a6288fcf19 100644 --- a/lite/x86/jit/kernel_key.cc +++ b/lite/backends/x86/jit/kernel_key.cc @@ -12,7 +12,7 @@ * See the License for the specific language governing permissions and * limitations under the License. */ -#include "lite/x86/jit/kernel_key.h" +#include "lite/backends/x86/jit/kernel_key.h" #include // XXH64: 13.8 GB/s #include "lite/utils/paddle_enforce.h" diff --git a/lite/x86/jit/kernel_key.h b/lite/backends/x86/jit/kernel_key.h similarity index 94% rename from lite/x86/jit/kernel_key.h rename to lite/backends/x86/jit/kernel_key.h index 6524a000fc..6df3a20a4b 100644 --- a/lite/x86/jit/kernel_key.h +++ b/lite/backends/x86/jit/kernel_key.h @@ -15,8 +15,8 @@ #pragma once #include #include -#include "lite/x86/jit/kernel_base.h" -#include "lite/x86/legacy_place.h" +#include "lite/backends/x86/jit/kernel_base.h" +#include "lite/backends/x86/legacy_place.h" namespace paddle { namespace lite { diff --git a/lite/x86/jit/kernel_pool.cc b/lite/backends/x86/jit/kernel_pool.cc similarity index 96% rename from lite/x86/jit/kernel_pool.cc rename to lite/backends/x86/jit/kernel_pool.cc index 70e1d5de2e..43ad20c90c 100644 --- a/lite/x86/jit/kernel_pool.cc +++ b/lite/backends/x86/jit/kernel_pool.cc @@ -12,7 +12,7 @@ * See the License for the specific language governing permissions and * limitations under the License. */ -#include "lite/x86/jit/kernel_pool.h" +#include "lite/backends/x86/jit/kernel_pool.h" #include // for shared_ptr #include #include diff --git a/lite/x86/jit/kernel_pool.h b/lite/backends/x86/jit/kernel_pool.h similarity index 95% rename from lite/x86/jit/kernel_pool.h rename to lite/backends/x86/jit/kernel_pool.h index fd2eb5f929..dc0b1bbf2e 100644 --- a/lite/x86/jit/kernel_pool.h +++ b/lite/backends/x86/jit/kernel_pool.h @@ -19,9 +19,9 @@ #include #include // for move #include -#include "lite/x86/jit/gen_base.h" -#include "lite/x86/jit/kernel_base.h" -#include "lite/x86/jit/kernel_key.h" +#include "lite/backends/x86/jit/gen_base.h" +#include "lite/backends/x86/jit/kernel_base.h" +#include "lite/backends/x86/jit/kernel_key.h" namespace paddle { namespace lite { diff --git a/lite/x86/jit/macro.h b/lite/backends/x86/jit/macro.h similarity index 100% rename from lite/x86/jit/macro.h rename to lite/backends/x86/jit/macro.h diff --git a/lite/x86/jit/more/CMakeLists.txt b/lite/backends/x86/jit/more/CMakeLists.txt similarity index 100% rename from lite/x86/jit/more/CMakeLists.txt rename to lite/backends/x86/jit/more/CMakeLists.txt diff --git a/lite/x86/jit/more/intrinsic/CMakeLists.txt b/lite/backends/x86/jit/more/intrinsic/CMakeLists.txt similarity index 100% rename from lite/x86/jit/more/intrinsic/CMakeLists.txt rename to lite/backends/x86/jit/more/intrinsic/CMakeLists.txt diff --git a/lite/x86/jit/more/intrinsic/crf_decoding.cc b/lite/backends/x86/jit/more/intrinsic/crf_decoding.cc similarity index 97% rename from lite/x86/jit/more/intrinsic/crf_decoding.cc rename to lite/backends/x86/jit/more/intrinsic/crf_decoding.cc index 3f18b3f92f..d9c939f7ef 100644 --- a/lite/x86/jit/more/intrinsic/crf_decoding.cc +++ b/lite/backends/x86/jit/more/intrinsic/crf_decoding.cc @@ -12,10 +12,10 @@ * See the License for the specific language governing permissions and * limitations under the License. */ -#include "lite/x86/jit/more/intrinsic/crf_decoding.h" +#include "lite/backends/x86/jit/more/intrinsic/crf_decoding.h" #include -#include "lite/x86/cpu_info.h" -#include "lite/x86/jit/registry.h" +#include "lite/backends/x86/cpu_info.h" +#include "lite/backends/x86/jit/registry.h" namespace paddle { namespace lite { diff --git a/lite/x86/jit/more/intrinsic/crf_decoding.h b/lite/backends/x86/jit/more/intrinsic/crf_decoding.h similarity index 96% rename from lite/x86/jit/more/intrinsic/crf_decoding.h rename to lite/backends/x86/jit/more/intrinsic/crf_decoding.h index 21c4cb5026..8a425fb491 100644 --- a/lite/x86/jit/more/intrinsic/crf_decoding.h +++ b/lite/backends/x86/jit/more/intrinsic/crf_decoding.h @@ -15,7 +15,7 @@ #pragma once #include -#include "lite/x86/jit/kernel_base.h" +#include "lite/backends/x86/jit/kernel_base.h" namespace paddle { namespace lite { diff --git a/lite/x86/jit/more/intrinsic/layer_norm.cc b/lite/backends/x86/jit/more/intrinsic/layer_norm.cc similarity index 98% rename from lite/x86/jit/more/intrinsic/layer_norm.cc rename to lite/backends/x86/jit/more/intrinsic/layer_norm.cc index 7beb6a1437..bfd3409e65 100644 --- a/lite/x86/jit/more/intrinsic/layer_norm.cc +++ b/lite/backends/x86/jit/more/intrinsic/layer_norm.cc @@ -12,9 +12,9 @@ * See the License for the specific language governing permissions and * limitations under the License. */ -#include "lite/x86/jit/more/intrinsic/layer_norm.h" +#include "lite/backends/x86/jit/more/intrinsic/layer_norm.h" #include -#include "lite/x86/jit/registry.h" +#include "lite/backends/x86/jit/registry.h" namespace paddle { namespace lite { diff --git a/lite/x86/jit/more/intrinsic/layer_norm.h b/lite/backends/x86/jit/more/intrinsic/layer_norm.h similarity index 96% rename from lite/x86/jit/more/intrinsic/layer_norm.h rename to lite/backends/x86/jit/more/intrinsic/layer_norm.h index f399e65681..d8768d52ed 100644 --- a/lite/x86/jit/more/intrinsic/layer_norm.h +++ b/lite/backends/x86/jit/more/intrinsic/layer_norm.h @@ -15,7 +15,7 @@ #pragma once #include -#include "lite/x86/jit/kernel_base.h" +#include "lite/backends/x86/jit/kernel_base.h" namespace paddle { namespace lite { diff --git a/lite/x86/jit/more/mix/CMakeLists.txt b/lite/backends/x86/jit/more/mix/CMakeLists.txt similarity index 100% rename from lite/x86/jit/more/mix/CMakeLists.txt rename to lite/backends/x86/jit/more/mix/CMakeLists.txt diff --git a/lite/x86/jit/more/mix/mix.cc b/lite/backends/x86/jit/more/mix/mix.cc similarity index 98% rename from lite/x86/jit/more/mix/mix.cc rename to lite/backends/x86/jit/more/mix/mix.cc index 4e9bf4796c..b904b8a24c 100644 --- a/lite/x86/jit/more/mix/mix.cc +++ b/lite/backends/x86/jit/more/mix/mix.cc @@ -12,9 +12,9 @@ * See the License for the specific language governing permissions and * limitations under the License. */ -#include "lite/x86/jit/more/mix/mix.h" -#include "lite/x86/jit/kernels.h" -#include "lite/x86/jit/registry.h" +#include "lite/backends/x86/jit/more/mix/mix.h" +#include "lite/backends/x86/jit/kernels.h" +#include "lite/backends/x86/jit/registry.h" namespace paddle { namespace lite { diff --git a/lite/x86/jit/more/mix/mix.h b/lite/backends/x86/jit/more/mix/mix.h similarity index 97% rename from lite/x86/jit/more/mix/mix.h rename to lite/backends/x86/jit/more/mix/mix.h index 7560210dfa..6ade67182c 100644 --- a/lite/x86/jit/more/mix/mix.h +++ b/lite/backends/x86/jit/more/mix/mix.h @@ -15,7 +15,7 @@ #pragma once #include -#include "lite/x86/jit/kernel_base.h" +#include "lite/backends/x86/jit/kernel_base.h" namespace paddle { namespace lite { diff --git a/lite/x86/jit/more/mkl/CMakeLists.txt b/lite/backends/x86/jit/more/mkl/CMakeLists.txt similarity index 100% rename from lite/x86/jit/more/mkl/CMakeLists.txt rename to lite/backends/x86/jit/more/mkl/CMakeLists.txt diff --git a/lite/x86/jit/more/mkl/mkl.cc b/lite/backends/x86/jit/more/mkl/mkl.cc similarity index 97% rename from lite/x86/jit/more/mkl/mkl.cc rename to lite/backends/x86/jit/more/mkl/mkl.cc index 531c8fcef7..7df930f6c0 100644 --- a/lite/x86/jit/more/mkl/mkl.cc +++ b/lite/backends/x86/jit/more/mkl/mkl.cc @@ -12,11 +12,11 @@ * See the License for the specific language governing permissions and * limitations under the License. */ -#include "lite/x86/jit/more/mkl/mkl.h" -#include "lite/x86/cpu_info.h" -#include "lite/x86/jit/refer/refer.h" -#include "lite/x86/jit/registry.h" -#include "lite/x86/mklml.h" +#include "lite/backends/x86/jit/more/mkl/mkl.h" +#include "lite/backends/x86/cpu_info.h" +#include "lite/backends/x86/jit/refer/refer.h" +#include "lite/backends/x86/jit/registry.h" +#include "lite/backends/x86/mklml.h" namespace paddle { namespace lite { diff --git a/lite/x86/jit/more/mkl/mkl.h b/lite/backends/x86/jit/more/mkl/mkl.h similarity index 99% rename from lite/x86/jit/more/mkl/mkl.h rename to lite/backends/x86/jit/more/mkl/mkl.h index b9668f8338..8b713e537e 100644 --- a/lite/x86/jit/more/mkl/mkl.h +++ b/lite/backends/x86/jit/more/mkl/mkl.h @@ -17,8 +17,8 @@ #include #include #include +#include "lite/backends/x86/jit/kernel_base.h" #include "lite/utils/paddle_enforce.h" -#include "lite/x86/jit/kernel_base.h" namespace paddle { namespace lite { diff --git a/lite/x86/jit/refer/CMakeLists.txt b/lite/backends/x86/jit/refer/CMakeLists.txt similarity index 100% rename from lite/x86/jit/refer/CMakeLists.txt rename to lite/backends/x86/jit/refer/CMakeLists.txt diff --git a/lite/x86/jit/refer/refer.cc b/lite/backends/x86/jit/refer/refer.cc similarity index 95% rename from lite/x86/jit/refer/refer.cc rename to lite/backends/x86/jit/refer/refer.cc index b34e09d641..e1b1240c5d 100644 --- a/lite/x86/jit/refer/refer.cc +++ b/lite/backends/x86/jit/refer/refer.cc @@ -12,8 +12,8 @@ * See the License for the specific language governing permissions and * limitations under the License. */ -#include "lite/x86/jit/refer/refer.h" -#include "lite/x86/jit/registry.h" +#include "lite/backends/x86/jit/refer/refer.h" +#include "lite/backends/x86/jit/registry.h" namespace refer = paddle::lite::jit::refer; diff --git a/lite/x86/jit/refer/refer.h b/lite/backends/x86/jit/refer/refer.h similarity index 99% rename from lite/x86/jit/refer/refer.h rename to lite/backends/x86/jit/refer/refer.h index 020c4b0a1f..119ec7469e 100644 --- a/lite/x86/jit/refer/refer.h +++ b/lite/backends/x86/jit/refer/refer.h @@ -19,10 +19,10 @@ #include #include #include +#include "lite/backends/x86/jit/helper.h" +#include "lite/backends/x86/jit/kernel_base.h" +#include "lite/backends/x86/jit/macro.h" #include "lite/utils/paddle_enforce.h" -#include "lite/x86/jit/helper.h" -#include "lite/x86/jit/kernel_base.h" -#include "lite/x86/jit/macro.h" namespace paddle { namespace lite { diff --git a/lite/x86/jit/registry.h b/lite/backends/x86/jit/registry.h similarity index 97% rename from lite/x86/jit/registry.h rename to lite/backends/x86/jit/registry.h index db1a7341c2..7613a8dd43 100644 --- a/lite/x86/jit/registry.h +++ b/lite/backends/x86/jit/registry.h @@ -18,11 +18,11 @@ #include #include #include // for std::move +#include "lite/backends/x86/cpu_info.h" +#include "lite/backends/x86/jit/kernel_base.h" +#include "lite/backends/x86/jit/kernel_pool.h" +#include "lite/backends/x86/legacy_place.h" #include "lite/utils/macros.h" -#include "lite/x86/cpu_info.h" -#include "lite/x86/jit/kernel_base.h" -#include "lite/x86/jit/kernel_pool.h" -#include "lite/x86/legacy_place.h" namespace paddle { namespace lite { diff --git a/lite/x86/jit/test.cc b/lite/backends/x86/jit/test.cc similarity index 99% rename from lite/x86/jit/test.cc rename to lite/backends/x86/jit/test.cc index 9f654ddc43..aafcad579f 100644 --- a/lite/x86/jit/test.cc +++ b/lite/backends/x86/jit/test.cc @@ -20,9 +20,9 @@ limitations under the License. */ #include #include #include -#include "lite/x86/cpu_info.h" -#include "lite/x86/jit/kernels.h" -#include "lite/x86/legacy_place.h" +#include "lite/backends/x86/cpu_info.h" +#include "lite/backends/x86/jit/kernels.h" +#include "lite/backends/x86/legacy_place.h" DEFINE_double(acc, 1e-5, "Test accuracy threshold."); diff --git a/lite/x86/legacy_place.h b/lite/backends/x86/legacy_place.h similarity index 100% rename from lite/x86/legacy_place.h rename to lite/backends/x86/legacy_place.h diff --git a/lite/x86/math/CMakeLists.txt b/lite/backends/x86/math/CMakeLists.txt similarity index 100% rename from lite/x86/math/CMakeLists.txt rename to lite/backends/x86/math/CMakeLists.txt diff --git a/lite/x86/math/beam_search.cc b/lite/backends/x86/math/beam_search.cc similarity index 99% rename from lite/x86/math/beam_search.cc rename to lite/backends/x86/math/beam_search.cc index f8d675a8ba..93726afcc2 100644 --- a/lite/x86/math/beam_search.cc +++ b/lite/backends/x86/math/beam_search.cc @@ -12,7 +12,7 @@ WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. See the License for the specific language governing permissions and limitations under the License. */ -#include "lite/x86/math/beam_search.h" +#include "lite/backends/x86/math/beam_search.h" #include #include #include "lite/fluid/lod.h" diff --git a/lite/x86/math/beam_search.h b/lite/backends/x86/math/beam_search.h similarity index 100% rename from lite/x86/math/beam_search.h rename to lite/backends/x86/math/beam_search.h diff --git a/lite/x86/math/beam_search_test.cc b/lite/backends/x86/math/beam_search_test.cc similarity index 100% rename from lite/x86/math/beam_search_test.cc rename to lite/backends/x86/math/beam_search_test.cc diff --git a/lite/x86/math/blas.cc b/lite/backends/x86/math/blas.cc similarity index 97% rename from lite/x86/math/blas.cc rename to lite/backends/x86/math/blas.cc index 81d539beab..2d21adaf5d 100644 --- a/lite/x86/math/blas.cc +++ b/lite/backends/x86/math/blas.cc @@ -12,7 +12,7 @@ // See the License for the specific language governing permissions and // limitations under the License. -#include "lite/x86/math/blas.h" +#include "lite/backends/x86/math/blas.h" #include diff --git a/lite/x86/math/blas.h b/lite/backends/x86/math/blas.h similarity index 99% rename from lite/x86/math/blas.h rename to lite/backends/x86/math/blas.h index 4345657760..c7d5abfce3 100644 --- a/lite/x86/math/blas.h +++ b/lite/backends/x86/math/blas.h @@ -18,7 +18,7 @@ #include "lite/core/tensor.h" #ifdef PADDLE_WITH_MKLML -#include "lite/x86/mklml.h" +#include "lite/backends/x86/mklml.h" #endif #ifdef PADDLE_WITH_LIBXSMM @@ -405,4 +405,4 @@ inline BlasT GetBlas(const lite::Context& dev_ctx) { } // namespace lite } // namespace paddle -#include "lite/x86/math/blas_impl.h" +#include "lite/backends/x86/math/blas_impl.h" diff --git a/lite/x86/math/blas_impl.h b/lite/backends/x86/math/blas_impl.h similarity index 99% rename from lite/x86/math/blas_impl.h rename to lite/backends/x86/math/blas_impl.h index 8f393768da..36d76c783c 100644 --- a/lite/x86/math/blas_impl.h +++ b/lite/backends/x86/math/blas_impl.h @@ -15,7 +15,7 @@ #include #include #include -#include "lite/x86/math/math_function.h" +#include "lite/backends/x86/math/math_function.h" namespace paddle { namespace lite { diff --git a/lite/x86/math/concat_and_split.cc b/lite/backends/x86/math/concat_and_split.cc similarity index 98% rename from lite/x86/math/concat_and_split.cc rename to lite/backends/x86/math/concat_and_split.cc index 1b6f409efd..bec93dde41 100644 --- a/lite/x86/math/concat_and_split.cc +++ b/lite/backends/x86/math/concat_and_split.cc @@ -12,7 +12,7 @@ WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. See the License for the specific language governing permissions and limitations under the License. */ -#include "lite/x86/math/concat_and_split.h" +#include "lite/backends/x86/math/concat_and_split.h" #include #include diff --git a/lite/x86/math/concat_and_split.h b/lite/backends/x86/math/concat_and_split.h similarity index 100% rename from lite/x86/math/concat_and_split.h rename to lite/backends/x86/math/concat_and_split.h diff --git a/lite/x86/math/context_project.cc b/lite/backends/x86/math/context_project.cc similarity index 94% rename from lite/x86/math/context_project.cc rename to lite/backends/x86/math/context_project.cc index 3660cbb94d..dafced7780 100644 --- a/lite/x86/math/context_project.cc +++ b/lite/backends/x86/math/context_project.cc @@ -12,7 +12,7 @@ WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. See the License for the specific language governing permissions and limitations under the License. */ -#include "lite/x86/math/context_project.h" +#include "lite/backends/x86/math/context_project.h" namespace paddle { namespace lite { diff --git a/lite/x86/math/context_project.h b/lite/backends/x86/math/context_project.h similarity index 99% rename from lite/x86/math/context_project.h rename to lite/backends/x86/math/context_project.h index ed569576b1..0c56e0d759 100644 --- a/lite/x86/math/context_project.h +++ b/lite/backends/x86/math/context_project.h @@ -16,10 +16,10 @@ limitations under the License. */ #include #include +#include "lite/backends/x86/math/blas.h" +#include "lite/backends/x86/math/im2col.h" #include "lite/core/context.h" #include "lite/core/tensor.h" -#include "lite/x86/math/blas.h" -#include "lite/x86/math/im2col.h" namespace paddle { namespace lite { diff --git a/lite/x86/math/cos_sim_functor.cc b/lite/backends/x86/math/cos_sim_functor.cc similarity index 97% rename from lite/x86/math/cos_sim_functor.cc rename to lite/backends/x86/math/cos_sim_functor.cc index 4f3cce1295..8dffa380f1 100644 --- a/lite/x86/math/cos_sim_functor.cc +++ b/lite/backends/x86/math/cos_sim_functor.cc @@ -12,7 +12,7 @@ WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. See the License for the specific language governing permissions and limitations under the License. */ -#include "lite/x86/math/cos_sim_functor.h" +#include "lite/backends/x86/math/cos_sim_functor.h" namespace paddle { namespace lite { diff --git a/lite/x86/math/cos_sim_functor.h b/lite/backends/x86/math/cos_sim_functor.h similarity index 100% rename from lite/x86/math/cos_sim_functor.h rename to lite/backends/x86/math/cos_sim_functor.h diff --git a/lite/x86/math/cpu_vec.h b/lite/backends/x86/math/cpu_vec.h similarity index 99% rename from lite/x86/math/cpu_vec.h rename to lite/backends/x86/math/cpu_vec.h index 54a7aba925..9ff64d53f0 100644 --- a/lite/x86/math/cpu_vec.h +++ b/lite/backends/x86/math/cpu_vec.h @@ -16,11 +16,11 @@ limitations under the License. */ #include #include #include +#include "lite/backends/x86/cpu_info.h" #include "lite/utils/paddle_enforce.h" -#include "lite/x86/cpu_info.h" #ifdef PADDLE_WITH_MKLML -#include "lite/x86/mklml.h" +#include "lite/backends/x86/mklml.h" #endif namespace paddle { diff --git a/lite/x86/math/cross_entropy.cc b/lite/backends/x86/math/cross_entropy.cc similarity index 98% rename from lite/x86/math/cross_entropy.cc rename to lite/backends/x86/math/cross_entropy.cc index cce27f9034..366486924a 100644 --- a/lite/x86/math/cross_entropy.cc +++ b/lite/backends/x86/math/cross_entropy.cc @@ -12,7 +12,7 @@ WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. See the License for the specific language governing permissions and limitations under the License. */ -#include "lite/x86/math/cross_entropy.h" +#include "lite/backends/x86/math/cross_entropy.h" namespace paddle { namespace lite { diff --git a/lite/x86/math/cross_entropy.h b/lite/backends/x86/math/cross_entropy.h similarity index 100% rename from lite/x86/math/cross_entropy.h rename to lite/backends/x86/math/cross_entropy.h diff --git a/lite/x86/math/detail/CMakeLists.txt b/lite/backends/x86/math/detail/CMakeLists.txt similarity index 100% rename from lite/x86/math/detail/CMakeLists.txt rename to lite/backends/x86/math/detail/CMakeLists.txt diff --git a/lite/x86/math/detail/activation_functions.h b/lite/backends/x86/math/detail/activation_functions.h similarity index 99% rename from lite/x86/math/detail/activation_functions.h rename to lite/backends/x86/math/detail/activation_functions.h index 981f6e18f3..cb215df722 100644 --- a/lite/x86/math/detail/activation_functions.h +++ b/lite/backends/x86/math/detail/activation_functions.h @@ -15,8 +15,8 @@ limitations under the License. */ #pragma once #include #include +#include "lite/backends/x86/cpu_info.h" #include "lite/utils/paddle_enforce.h" -#include "lite/x86/cpu_info.h" namespace paddle { namespace lite { diff --git a/lite/x86/math/detail/avx_functions.cc b/lite/backends/x86/math/detail/avx_functions.cc similarity index 95% rename from lite/x86/math/detail/avx_functions.cc rename to lite/backends/x86/math/detail/avx_functions.cc index bfcc52c745..0b0c5b977b 100644 --- a/lite/x86/math/detail/avx_functions.cc +++ b/lite/backends/x86/math/detail/avx_functions.cc @@ -14,8 +14,8 @@ limitations under the License. */ #ifdef __AVX__ -#include "lite/x86/math/detail/activation_functions.h" -#include "lite/x86/math/detail/avx_mathfun.h" +#include "lite/backends/x86/math/detail/activation_functions.h" +#include "lite/backends/x86/math/detail/avx_mathfun.h" namespace paddle { namespace lite { diff --git a/lite/x86/math/detail/avx_mathfun.h b/lite/backends/x86/math/detail/avx_mathfun.h similarity index 99% rename from lite/x86/math/detail/avx_mathfun.h rename to lite/backends/x86/math/detail/avx_mathfun.h index f0f86d4501..c95c881512 100644 --- a/lite/x86/math/detail/avx_mathfun.h +++ b/lite/backends/x86/math/detail/avx_mathfun.h @@ -42,7 +42,7 @@ (this is the zlib license) */ -#include "lite/x86/cpu_info.h" +#include "lite/backends/x86/cpu_info.h" /* __m128 is ugly to write */ typedef __m256 v8sf; // vector of 8 float (avx) diff --git a/lite/x86/math/detail/gru_cpu_kernel.h b/lite/backends/x86/math/detail/gru_cpu_kernel.h similarity index 99% rename from lite/x86/math/detail/gru_cpu_kernel.h rename to lite/backends/x86/math/detail/gru_cpu_kernel.h index 1682a48def..400431810d 100644 --- a/lite/x86/math/detail/gru_cpu_kernel.h +++ b/lite/backends/x86/math/detail/gru_cpu_kernel.h @@ -14,8 +14,8 @@ limitations under the License. */ #pragma once #include -#include "lite/x86/math/detail/activation_functions.h" -#include "lite/x86/math/gru_compute.h" +#include "lite/backends/x86/math/detail/activation_functions.h" +#include "lite/backends/x86/math/gru_compute.h" namespace paddle { namespace lite { diff --git a/lite/x86/math/detail/gru_kernel.h b/lite/backends/x86/math/detail/gru_kernel.h similarity index 99% rename from lite/x86/math/detail/gru_kernel.h rename to lite/backends/x86/math/detail/gru_kernel.h index 90ff006d45..91c753c685 100644 --- a/lite/x86/math/detail/gru_kernel.h +++ b/lite/backends/x86/math/detail/gru_kernel.h @@ -14,8 +14,8 @@ limitations under the License. */ #pragma once #include +#include "lite/backends/x86/math/detail/activation_functions.h" #include "lite/utils/macros.h" -#include "lite/x86/math/detail/activation_functions.h" // TODO(guosheng): refine code style in gru_kernel namespace paddle { diff --git a/lite/x86/math/gru_compute.cc b/lite/backends/x86/math/gru_compute.cc similarity index 96% rename from lite/x86/math/gru_compute.cc rename to lite/backends/x86/math/gru_compute.cc index 54e99735a7..b1fdfe18a5 100644 --- a/lite/x86/math/gru_compute.cc +++ b/lite/backends/x86/math/gru_compute.cc @@ -9,10 +9,10 @@ WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. See the License for the specific language governing permissions and limitations under the License. */ -#include "lite/x86/math/gru_compute.h" -#include "lite/x86/math/blas.h" -#include "lite/x86/math/detail/gru_cpu_kernel.h" -#include "lite/x86/math/detail/gru_kernel.h" +#include "lite/backends/x86/math/gru_compute.h" +#include "lite/backends/x86/math/blas.h" +#include "lite/backends/x86/math/detail/gru_cpu_kernel.h" +#include "lite/backends/x86/math/detail/gru_kernel.h" namespace paddle { namespace lite { diff --git a/lite/x86/math/gru_compute.h b/lite/backends/x86/math/gru_compute.h similarity index 96% rename from lite/x86/math/gru_compute.h rename to lite/backends/x86/math/gru_compute.h index 1c00082544..86b7a91f41 100644 --- a/lite/x86/math/gru_compute.h +++ b/lite/backends/x86/math/gru_compute.h @@ -11,9 +11,9 @@ limitations under the License. */ #pragma once +#include "lite/backends/x86/math/detail/activation_functions.h" #include "lite/core/context.h" #include "lite/utils/paddle_enforce.h" -#include "lite/x86/math/detail/activation_functions.h" namespace paddle { namespace lite { diff --git a/lite/x86/math/im2col.cc b/lite/backends/x86/math/im2col.cc similarity index 99% rename from lite/x86/math/im2col.cc rename to lite/backends/x86/math/im2col.cc index cc50faba33..1c4c6a49f5 100644 --- a/lite/x86/math/im2col.cc +++ b/lite/backends/x86/math/im2col.cc @@ -12,10 +12,10 @@ WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. See the License for the specific language governing permissions and limitations under the License. */ -#include "lite/x86/math/im2col.h" +#include "lite/backends/x86/math/im2col.h" #include +#include "lite/backends/x86/math/im2col_cfo_cpu.h" #include "lite/utils/paddle_enforce.h" -#include "lite/x86/math/im2col_cfo_cpu.h" namespace paddle { namespace lite { diff --git a/lite/x86/math/im2col.h b/lite/backends/x86/math/im2col.h similarity index 100% rename from lite/x86/math/im2col.h rename to lite/backends/x86/math/im2col.h diff --git a/lite/x86/math/im2col_cfo_cpu.h b/lite/backends/x86/math/im2col_cfo_cpu.h similarity index 100% rename from lite/x86/math/im2col_cfo_cpu.h rename to lite/backends/x86/math/im2col_cfo_cpu.h diff --git a/lite/x86/math/im2col_test.cc b/lite/backends/x86/math/im2col_test.cc similarity index 100% rename from lite/x86/math/im2col_test.cc rename to lite/backends/x86/math/im2col_test.cc diff --git a/lite/x86/math/math_function.cc b/lite/backends/x86/math/math_function.cc similarity index 97% rename from lite/x86/math/math_function.cc rename to lite/backends/x86/math/math_function.cc index 8ec256ea8e..822b7df936 100644 --- a/lite/x86/math/math_function.cc +++ b/lite/backends/x86/math/math_function.cc @@ -12,10 +12,10 @@ WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. See the License for the specific language governing permissions and limitations under the License. */ -#include "lite/x86/math/math_function.h" +#include "lite/backends/x86/math/math_function.h" #ifdef PADDLE_WITH_MKLML -#include "lite/x86/mklml.h" +#include "lite/backends/x86/mklml.h" #endif #ifdef PADDLE_USE_OPENBLAS @@ -23,9 +23,9 @@ limitations under the License. */ #endif #include +#include "lite/backends/x86/math/math_function_impl.h" #include "lite/fluid/data_type.h" #include "lite/fluid/float16.h" -#include "lite/x86/math/math_function_impl.h" namespace paddle { namespace lite { diff --git a/lite/x86/math/math_function.h b/lite/backends/x86/math/math_function.h similarity index 100% rename from lite/x86/math/math_function.h rename to lite/backends/x86/math/math_function.h diff --git a/lite/x86/math/math_function_impl.h b/lite/backends/x86/math/math_function_impl.h similarity index 99% rename from lite/x86/math/math_function_impl.h rename to lite/backends/x86/math/math_function_impl.h index 880a81e197..3aaca2e593 100644 --- a/lite/x86/math/math_function_impl.h +++ b/lite/backends/x86/math/math_function_impl.h @@ -14,9 +14,9 @@ limitations under the License. */ #pragma once #include +#include "lite/backends/x86/math/math_function.h" #include "lite/fluid/data_type.h" #include "lite/fluid/eigen.h" -#include "lite/x86/math/math_function.h" namespace paddle { namespace lite { diff --git a/lite/x86/math/math_function_test.cc b/lite/backends/x86/math/math_function_test.cc similarity index 100% rename from lite/x86/math/math_function_test.cc rename to lite/backends/x86/math/math_function_test.cc diff --git a/lite/x86/math/maxouting.cc b/lite/backends/x86/math/maxouting.cc similarity index 98% rename from lite/x86/math/maxouting.cc rename to lite/backends/x86/math/maxouting.cc index 978a0990cf..20b40fe7c5 100644 --- a/lite/x86/math/maxouting.cc +++ b/lite/backends/x86/math/maxouting.cc @@ -12,7 +12,7 @@ WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. See the License for the specific language governing permissions and limitations under the License. */ -#include "lite/x86/math/maxouting.h" +#include "lite/backends/x86/math/maxouting.h" namespace paddle { namespace lite { diff --git a/lite/x86/math/maxouting.h b/lite/backends/x86/math/maxouting.h similarity index 100% rename from lite/x86/math/maxouting.h rename to lite/backends/x86/math/maxouting.h diff --git a/lite/x86/math/pooling.cc b/lite/backends/x86/math/pooling.cc similarity index 99% rename from lite/x86/math/pooling.cc rename to lite/backends/x86/math/pooling.cc index f7edc3c935..e700c5f7c7 100644 --- a/lite/x86/math/pooling.cc +++ b/lite/backends/x86/math/pooling.cc @@ -12,7 +12,7 @@ WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. See the License for the specific language governing permissions and limitations under the License. */ -#include "lite/x86/math/pooling.h" +#include "lite/backends/x86/math/pooling.h" #include #include diff --git a/lite/x86/math/pooling.h b/lite/backends/x86/math/pooling.h similarity index 100% rename from lite/x86/math/pooling.h rename to lite/backends/x86/math/pooling.h diff --git a/lite/x86/math/prelu.h b/lite/backends/x86/math/prelu.h similarity index 96% rename from lite/x86/math/prelu.h rename to lite/backends/x86/math/prelu.h index f57021715b..049397c72c 100644 --- a/lite/x86/math/prelu.h +++ b/lite/backends/x86/math/prelu.h @@ -14,7 +14,7 @@ limitations under the License. */ #pragma once #include -#include "lite/x86/math/math_function.h" +#include "lite/backends/x86/math/math_function.h" // #include "paddle/fluid/platform/cudnn_helper.h" namespace paddle { diff --git a/lite/x86/math/sample_prob.cc b/lite/backends/x86/math/sample_prob.cc similarity index 94% rename from lite/x86/math/sample_prob.cc rename to lite/backends/x86/math/sample_prob.cc index 2d9bec1746..ecf1ca8e1a 100644 --- a/lite/x86/math/sample_prob.cc +++ b/lite/backends/x86/math/sample_prob.cc @@ -12,7 +12,7 @@ WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. See the License for the specific language governing permissions and limitations under the License. */ -#include "lite/x86/math/sample_prob.h" +#include "lite/backends/x86/math/sample_prob.h" namespace paddle { namespace lite { diff --git a/lite/x86/math/sample_prob.h b/lite/backends/x86/math/sample_prob.h similarity index 98% rename from lite/x86/math/sample_prob.h rename to lite/backends/x86/math/sample_prob.h index 162de0a04e..5312b3df10 100644 --- a/lite/x86/math/sample_prob.h +++ b/lite/backends/x86/math/sample_prob.h @@ -16,10 +16,10 @@ limitations under the License. */ #include #include #include +#include "lite/backends/x86/math/sampler.h" #include "lite/core/context.h" #include "lite/core/tensor.h" #include "lite/fluid/eigen.h" -#include "lite/x86/math/sampler.h" namespace paddle { namespace lite { diff --git a/lite/x86/math/sampler.cc b/lite/backends/x86/math/sampler.cc similarity index 98% rename from lite/x86/math/sampler.cc rename to lite/backends/x86/math/sampler.cc index 2ea17e890f..1246806372 100644 --- a/lite/x86/math/sampler.cc +++ b/lite/backends/x86/math/sampler.cc @@ -12,7 +12,7 @@ WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. See the License for the specific language governing permissions and limitations under the License. */ -#include "lite/x86/math/sampler.h" +#include "lite/backends/x86/math/sampler.h" #include #include #include diff --git a/lite/x86/math/sampler.h b/lite/backends/x86/math/sampler.h similarity index 100% rename from lite/x86/math/sampler.h rename to lite/backends/x86/math/sampler.h diff --git a/lite/x86/math/sequence2batch.cc b/lite/backends/x86/math/sequence2batch.cc similarity index 97% rename from lite/x86/math/sequence2batch.cc rename to lite/backends/x86/math/sequence2batch.cc index 6a053d46a9..ff215781f1 100644 --- a/lite/x86/math/sequence2batch.cc +++ b/lite/backends/x86/math/sequence2batch.cc @@ -12,7 +12,7 @@ WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. See the License for the specific language governing permissions and limitations under the License. */ -#include "lite/x86/math/sequence2batch.h" +#include "lite/backends/x86/math/sequence2batch.h" namespace paddle { namespace lite { diff --git a/lite/x86/math/sequence2batch.h b/lite/backends/x86/math/sequence2batch.h similarity index 100% rename from lite/x86/math/sequence2batch.h rename to lite/backends/x86/math/sequence2batch.h diff --git a/lite/x86/math/sequence_padding.cc b/lite/backends/x86/math/sequence_padding.cc similarity index 99% rename from lite/x86/math/sequence_padding.cc rename to lite/backends/x86/math/sequence_padding.cc index 8289a18bbb..fbb6c11a5f 100644 --- a/lite/x86/math/sequence_padding.cc +++ b/lite/backends/x86/math/sequence_padding.cc @@ -12,7 +12,7 @@ WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. See the License for the specific language governing permissions and limitations under the License. */ -#include "lite/x86/math/sequence_padding.h" +#include "lite/backends/x86/math/sequence_padding.h" namespace paddle { namespace lite { diff --git a/lite/x86/math/sequence_padding.h b/lite/backends/x86/math/sequence_padding.h similarity index 100% rename from lite/x86/math/sequence_padding.h rename to lite/backends/x86/math/sequence_padding.h diff --git a/lite/x86/math/sequence_pooling.cc b/lite/backends/x86/math/sequence_pooling.cc similarity index 98% rename from lite/x86/math/sequence_pooling.cc rename to lite/backends/x86/math/sequence_pooling.cc index dad25abbe7..186b8b5543 100644 --- a/lite/x86/math/sequence_pooling.cc +++ b/lite/backends/x86/math/sequence_pooling.cc @@ -14,12 +14,12 @@ limitations under the License. */ #include +#include "lite/backends/x86/jit/kernels.h" +#include "lite/backends/x86/legacy_place.h" +#include "lite/backends/x86/math/blas.h" +#include "lite/backends/x86/math/math_function.h" +#include "lite/backends/x86/math/sequence_pooling.h" #include "lite/fluid/eigen.h" -#include "lite/x86/jit/kernels.h" -#include "lite/x86/legacy_place.h" -#include "lite/x86/math/blas.h" -#include "lite/x86/math/math_function.h" -#include "lite/x86/math/sequence_pooling.h" namespace paddle { namespace lite { diff --git a/lite/x86/math/sequence_pooling.h b/lite/backends/x86/math/sequence_pooling.h similarity index 100% rename from lite/x86/math/sequence_pooling.h rename to lite/backends/x86/math/sequence_pooling.h diff --git a/lite/x86/math/sequence_pooling_test.cc b/lite/backends/x86/math/sequence_pooling_test.cc similarity index 100% rename from lite/x86/math/sequence_pooling_test.cc rename to lite/backends/x86/math/sequence_pooling_test.cc diff --git a/lite/x86/math/sequence_scale.cc b/lite/backends/x86/math/sequence_scale.cc similarity index 96% rename from lite/x86/math/sequence_scale.cc rename to lite/backends/x86/math/sequence_scale.cc index f43402cb16..fad0628de1 100644 --- a/lite/x86/math/sequence_scale.cc +++ b/lite/backends/x86/math/sequence_scale.cc @@ -12,7 +12,7 @@ WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. See the License for the specific language governing permissions and limitations under the License. */ -#include "lite/x86/math/sequence_scale.h" +#include "lite/backends/x86/math/sequence_scale.h" #include "lite/fluid/lod.h" namespace paddle { diff --git a/lite/x86/math/sequence_scale.h b/lite/backends/x86/math/sequence_scale.h similarity index 100% rename from lite/x86/math/sequence_scale.h rename to lite/backends/x86/math/sequence_scale.h diff --git a/lite/x86/math/softmax.cc b/lite/backends/x86/math/softmax.cc similarity index 92% rename from lite/x86/math/softmax.cc rename to lite/backends/x86/math/softmax.cc index 3bb86e8288..1f7144dd8b 100644 --- a/lite/x86/math/softmax.cc +++ b/lite/backends/x86/math/softmax.cc @@ -12,8 +12,8 @@ WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. See the License for the specific language governing permissions and limitations under the License. */ -#include "lite/x86/math/softmax.h" -#include "lite/x86/math/softmax_impl.h" +#include "lite/backends/x86/math/softmax.h" +#include "lite/backends/x86/math/softmax_impl.h" namespace paddle { namespace lite { diff --git a/lite/x86/math/softmax.h b/lite/backends/x86/math/softmax.h similarity index 100% rename from lite/x86/math/softmax.h rename to lite/backends/x86/math/softmax.h diff --git a/lite/x86/math/softmax_impl.h b/lite/backends/x86/math/softmax_impl.h similarity index 98% rename from lite/x86/math/softmax_impl.h rename to lite/backends/x86/math/softmax_impl.h index a7ed501bdb..c8432c42cc 100644 --- a/lite/x86/math/softmax_impl.h +++ b/lite/backends/x86/math/softmax_impl.h @@ -14,12 +14,12 @@ limitations under the License. */ #pragma once #include +#include "lite/backends/x86/cpu_info.h" +#include "lite/backends/x86/jit/helper.h" +#include "lite/backends/x86/jit/kernel_base.h" +#include "lite/backends/x86/math/cpu_vec.h" #include "lite/core/tensor.h" #include "lite/fluid/eigen.h" -#include "lite/x86/cpu_info.h" -#include "lite/x86/jit/helper.h" -#include "lite/x86/jit/kernel_base.h" -#include "lite/x86/math/cpu_vec.h" namespace paddle { namespace lite { diff --git a/lite/x86/math/tree2col.cc b/lite/backends/x86/math/tree2col.cc similarity index 99% rename from lite/x86/math/tree2col.cc rename to lite/backends/x86/math/tree2col.cc index 311c7a8547..8a34bebef0 100644 --- a/lite/x86/math/tree2col.cc +++ b/lite/backends/x86/math/tree2col.cc @@ -12,7 +12,7 @@ // See the License for the specific language governing permissions and // limitations under the License. -#include "lite/x86/math/tree2col.h" +#include "lite/backends/x86/math/tree2col.h" #include #include diff --git a/lite/x86/math/tree2col.h b/lite/backends/x86/math/tree2col.h similarity index 98% rename from lite/x86/math/tree2col.h rename to lite/backends/x86/math/tree2col.h index 9ee47ee766..3a48c2f40a 100644 --- a/lite/x86/math/tree2col.h +++ b/lite/backends/x86/math/tree2col.h @@ -17,9 +17,9 @@ #include #include #include +#include "lite/backends/x86/math/math_function.h" #include "lite/core/context.h" #include "lite/core/tensor.h" -#include "lite/x86/math/math_function.h" namespace paddle { namespace lite { diff --git a/lite/x86/math/unpooling.cc b/lite/backends/x86/math/unpooling.cc similarity index 98% rename from lite/x86/math/unpooling.cc rename to lite/backends/x86/math/unpooling.cc index 57409dbc38..568f9952ca 100644 --- a/lite/x86/math/unpooling.cc +++ b/lite/backends/x86/math/unpooling.cc @@ -12,7 +12,7 @@ WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. See the License for the specific language governing permissions and limitations under the License. */ -#include "lite/x86/math/unpooling.h" +#include "lite/backends/x86/math/unpooling.h" #include "lite/utils/paddle_enforce.h" namespace paddle { diff --git a/lite/x86/math/unpooling.h b/lite/backends/x86/math/unpooling.h similarity index 100% rename from lite/x86/math/unpooling.h rename to lite/backends/x86/math/unpooling.h diff --git a/lite/x86/math/vol2col.cc b/lite/backends/x86/math/vol2col.cc similarity index 99% rename from lite/x86/math/vol2col.cc rename to lite/backends/x86/math/vol2col.cc index af07d53275..8fd5e8954e 100644 --- a/lite/x86/math/vol2col.cc +++ b/lite/backends/x86/math/vol2col.cc @@ -12,7 +12,7 @@ WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. See the License for the specific language governing permissions and limitations under the License. */ -#include "lite/x86/math/vol2col.h" +#include "lite/backends/x86/math/vol2col.h" #include #include "lite/utils/paddle_enforce.h" diff --git a/lite/x86/math/vol2col.h b/lite/backends/x86/math/vol2col.h similarity index 100% rename from lite/x86/math/vol2col.h rename to lite/backends/x86/math/vol2col.h diff --git a/lite/x86/mklml.cc b/lite/backends/x86/mklml.cc similarity index 95% rename from lite/x86/mklml.cc rename to lite/backends/x86/mklml.cc index 387b7dd66c..1c3c3c3bde 100644 --- a/lite/x86/mklml.cc +++ b/lite/backends/x86/mklml.cc @@ -12,7 +12,7 @@ WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. See the License for the specific language governing permissions and limitations under the License. */ -#include "lite/x86/mklml.h" +#include "lite/backends/x86/mklml.h" namespace paddle { namespace lite { diff --git a/lite/x86/mklml.h b/lite/backends/x86/mklml.h similarity index 97% rename from lite/x86/mklml.h rename to lite/backends/x86/mklml.h index 920bdff492..753c42f295 100644 --- a/lite/x86/mklml.h +++ b/lite/backends/x86/mklml.h @@ -16,8 +16,8 @@ limitations under the License. */ #include #include // NOLINT -#include "lite/x86/dynamic_loader.h" -#include "lite/x86/port.h" +#include "lite/backends/x86/dynamic_loader.h" +#include "lite/backends/x86/port.h" namespace paddle { namespace lite { diff --git a/lite/x86/port.h b/lite/backends/x86/port.h similarity index 100% rename from lite/x86/port.h rename to lite/backends/x86/port.h diff --git a/lite/x86/target_wrapper.cc b/lite/backends/x86/target_wrapper.cc similarity index 96% rename from lite/x86/target_wrapper.cc rename to lite/backends/x86/target_wrapper.cc index 8108103de8..34227abd98 100644 --- a/lite/x86/target_wrapper.cc +++ b/lite/backends/x86/target_wrapper.cc @@ -14,8 +14,8 @@ #include "lite/core/target_wrapper.h" #include +#include "lite/backends/x86/target_wrapper.h" #include "lite/utils/all.h" -#include "lite/x86/target_wrapper.h" namespace paddle { namespace lite { diff --git a/lite/x86/target_wrapper.h b/lite/backends/x86/target_wrapper.h similarity index 100% rename from lite/x86/target_wrapper.h rename to lite/backends/x86/target_wrapper.h diff --git a/lite/x86/warpctc_lib_path.h.in b/lite/backends/x86/warpctc_lib_path.h.in similarity index 100% rename from lite/x86/warpctc_lib_path.h.in rename to lite/backends/x86/warpctc_lib_path.h.in diff --git a/lite/core/context.h b/lite/core/context.h index 985b4e6f44..2980646a87 100644 --- a/lite/core/context.h +++ b/lite/core/context.h @@ -16,14 +16,14 @@ #include "lite/utils/any.h" #ifdef LITE_WITH_CUDA -#include "lite/cuda/blas.h" -#include "lite/cuda/cuda_utils.h" +#include "lite/backends/cuda/blas.h" +#include "lite/backends/cuda/cuda_utils.h" #endif #ifdef LITE_WITH_OPENCL #include #include -#include "lite/opencl/cl_context.h" -#include "lite/opencl/cl_runtime.h" +#include "lite/backends/opencl/cl_context.h" +#include "lite/backends/opencl/cl_runtime.h" #endif #ifdef LITE_WITH_NPU #include "lite/npu/npu_helper.h" diff --git a/lite/core/kernel.h b/lite/core/kernel.h index 85244c5b14..92eca6af54 100644 --- a/lite/core/kernel.h +++ b/lite/core/kernel.h @@ -20,7 +20,7 @@ #include #include #include -#include "lite/arm/math/type_trans.h" +#include "lite/backends/arm/math/type_trans.h" #include "lite/core/context.h" #include "lite/core/target_wrapper.h" #include "lite/core/type_system.h" diff --git a/lite/core/memory.h b/lite/core/memory.h index baecac5d12..31d7fd34e1 100644 --- a/lite/core/memory.h +++ b/lite/core/memory.h @@ -18,11 +18,11 @@ #include "lite/utils/macros.h" #ifdef LITE_WITH_OPENCL -#include "lite/opencl/target_wrapper.h" +#include "lite/backends/opencl/target_wrapper.h" #endif // LITE_WITH_OPENCL #ifdef LITE_WITH_CUDA -#include "lite/cuda/target_wrapper.h" +#include "lite/backends/cuda/target_wrapper.h" #endif // LITE_WITH_CUDA namespace paddle { diff --git a/lite/core/tensor.h b/lite/core/tensor.h index 2c00e09405..205e586ab3 100644 --- a/lite/core/tensor.h +++ b/lite/core/tensor.h @@ -15,7 +15,7 @@ #pragma once #ifdef LITE_WITH_FPGA -#include "lite/fpga/lite_tensor.h" +#include "lite/backends/fpga/lite_tensor.h" #endif #ifndef LITE_WITH_FPGA diff --git a/lite/kernels/arm/activation_compute.cc b/lite/kernels/arm/activation_compute.cc index a1cbb9c862..add88b9294 100644 --- a/lite/kernels/arm/activation_compute.cc +++ b/lite/kernels/arm/activation_compute.cc @@ -13,7 +13,7 @@ // limitations under the License. #include "lite/kernels/arm/activation_compute.h" -#include "lite/arm/math/funcs.h" +#include "lite/backends/arm/math/funcs.h" namespace paddle { namespace lite { diff --git a/lite/kernels/arm/affine_channel_compute.cc b/lite/kernels/arm/affine_channel_compute.cc index 2e22d5e9f3..6781dab488 100644 --- a/lite/kernels/arm/affine_channel_compute.cc +++ b/lite/kernels/arm/affine_channel_compute.cc @@ -15,7 +15,7 @@ #include "lite/kernels/arm/affine_channel_compute.h" #include #include -#include "lite/arm/math/funcs.h" +#include "lite/backends/arm/math/funcs.h" #include "lite/core/op_registry.h" #include "lite/core/tensor.h" #include "lite/core/type_system.h" diff --git a/lite/kernels/arm/anchor_generator_compute.cc b/lite/kernels/arm/anchor_generator_compute.cc index c547192304..3f31717475 100644 --- a/lite/kernels/arm/anchor_generator_compute.cc +++ b/lite/kernels/arm/anchor_generator_compute.cc @@ -15,7 +15,7 @@ #include "lite/kernels/arm/anchor_generator_compute.h" #include #include -#include "lite/arm/math/funcs.h" +#include "lite/backends/arm/math/funcs.h" #include "lite/core/op_registry.h" #include "lite/core/tensor.h" #include "lite/core/type_system.h" diff --git a/lite/kernels/arm/argmax_compute.cc b/lite/kernels/arm/argmax_compute.cc index 5087038ff4..5cb0e48c15 100644 --- a/lite/kernels/arm/argmax_compute.cc +++ b/lite/kernels/arm/argmax_compute.cc @@ -15,7 +15,7 @@ #include "lite/kernels/arm/argmax_compute.h" #include #include -#include "lite/arm/math/funcs.h" +#include "lite/backends/arm/math/funcs.h" #include "lite/core/op_registry.h" #include "lite/core/tensor.h" #include "lite/core/type_system.h" diff --git a/lite/kernels/arm/assign_compute.cc b/lite/kernels/arm/assign_compute.cc index 0ffba5f308..b0a5529c36 100644 --- a/lite/kernels/arm/assign_compute.cc +++ b/lite/kernels/arm/assign_compute.cc @@ -14,7 +14,7 @@ #include "lite/kernels/arm/assign_compute.h" #include -#include "lite/arm/math/funcs.h" +#include "lite/backends/arm/math/funcs.h" #include "lite/core/op_registry.h" #include "lite/core/type_system.h" diff --git a/lite/kernels/arm/axpy_compute.cc b/lite/kernels/arm/axpy_compute.cc index 2cd4435d6a..705aa6a0f5 100644 --- a/lite/kernels/arm/axpy_compute.cc +++ b/lite/kernels/arm/axpy_compute.cc @@ -15,7 +15,7 @@ #include "lite/kernels/arm/axpy_compute.h" #include #include -#include "lite/arm/math/funcs.h" +#include "lite/backends/arm/math/funcs.h" #include "lite/core/op_registry.h" #include "lite/core/tensor.h" #include "lite/core/type_system.h" diff --git a/lite/kernels/arm/batch_norm_compute.cc b/lite/kernels/arm/batch_norm_compute.cc index 855f873eee..1519ad624e 100644 --- a/lite/kernels/arm/batch_norm_compute.cc +++ b/lite/kernels/arm/batch_norm_compute.cc @@ -13,7 +13,7 @@ // limitations under the License. #include "lite/kernels/arm/batch_norm_compute.h" -#include "lite/arm/math/funcs.h" +#include "lite/backends/arm/math/funcs.h" #include "lite/core/op_registry.h" #include "lite/core/type_system.h" diff --git a/lite/kernels/arm/beam_search_compute.cc b/lite/kernels/arm/beam_search_compute.cc index 6be5d680b4..5ac53b3b96 100644 --- a/lite/kernels/arm/beam_search_compute.cc +++ b/lite/kernels/arm/beam_search_compute.cc @@ -13,7 +13,7 @@ // limitations under the License. #include "lite/kernels/arm/beam_search_compute.h" -#include "lite/arm/math/funcs.h" +#include "lite/backends/arm/math/funcs.h" namespace paddle { namespace lite { diff --git a/lite/kernels/arm/beam_search_compute.h b/lite/kernels/arm/beam_search_compute.h index ef150ba74a..ebd72732bb 100644 --- a/lite/kernels/arm/beam_search_compute.h +++ b/lite/kernels/arm/beam_search_compute.h @@ -14,7 +14,7 @@ #pragma once #include -#include "lite/arm/math/type_trans.h" +#include "lite/backends/arm/math/type_trans.h" #include "lite/core/kernel.h" #include "lite/core/op_registry.h" diff --git a/lite/kernels/arm/beam_search_decode_compute.cc b/lite/kernels/arm/beam_search_decode_compute.cc index d0640e2c3b..a417baa6d7 100644 --- a/lite/kernels/arm/beam_search_decode_compute.cc +++ b/lite/kernels/arm/beam_search_decode_compute.cc @@ -16,7 +16,7 @@ #include #include #include "lite/api/paddle_place.h" -#include "lite/arm/math/funcs.h" +#include "lite/backends/arm/math/funcs.h" #include "lite/core/op_registry.h" #include "lite/core/tensor.h" #include "lite/core/type_system.h" diff --git a/lite/kernels/arm/box_clip_compute.cc b/lite/kernels/arm/box_clip_compute.cc index 6973f2c6a7..9591302c58 100644 --- a/lite/kernels/arm/box_clip_compute.cc +++ b/lite/kernels/arm/box_clip_compute.cc @@ -15,7 +15,7 @@ #include "lite/kernels/arm/box_clip_compute.h" #include #include -#include "lite/arm/math/funcs.h" +#include "lite/backends/arm/math/funcs.h" #include "lite/core/op_registry.h" #include "lite/core/tensor.h" #include "lite/core/type_system.h" diff --git a/lite/kernels/arm/box_coder_compute.cc b/lite/kernels/arm/box_coder_compute.cc index bd1a1d6f38..81e79a83f2 100644 --- a/lite/kernels/arm/box_coder_compute.cc +++ b/lite/kernels/arm/box_coder_compute.cc @@ -15,7 +15,7 @@ #include "lite/kernels/arm/box_coder_compute.h" #include #include -#include "lite/arm/math/funcs.h" +#include "lite/backends/arm/math/funcs.h" namespace paddle { namespace lite { diff --git a/lite/kernels/arm/calib_compute.cc b/lite/kernels/arm/calib_compute.cc index 3bc434329a..525e5aefd6 100644 --- a/lite/kernels/arm/calib_compute.cc +++ b/lite/kernels/arm/calib_compute.cc @@ -14,7 +14,7 @@ #include "lite/kernels/arm/calib_compute.h" #include -#include "lite/arm/math/type_trans.h" +#include "lite/backends/arm/math/type_trans.h" #include "lite/core/op_registry.h" #include "lite/core/type_system.h" diff --git a/lite/kernels/arm/calib_compute_test.cc b/lite/kernels/arm/calib_compute_test.cc index ee29424293..27049cc2c6 100644 --- a/lite/kernels/arm/calib_compute_test.cc +++ b/lite/kernels/arm/calib_compute_test.cc @@ -20,7 +20,7 @@ #include #include #include -#include "lite/arm/math/funcs.h" +#include "lite/backends/arm/math/funcs.h" #include "lite/core/op_registry.h" namespace paddle { diff --git a/lite/kernels/arm/cast_compute.cc b/lite/kernels/arm/cast_compute.cc index e67151650a..8b6971ec13 100644 --- a/lite/kernels/arm/cast_compute.cc +++ b/lite/kernels/arm/cast_compute.cc @@ -14,7 +14,7 @@ #include "lite/kernels/arm/cast_compute.h" #include -#include "lite/arm/math/funcs.h" +#include "lite/backends/arm/math/funcs.h" namespace paddle { namespace lite { diff --git a/lite/kernels/arm/cast_compute.h b/lite/kernels/arm/cast_compute.h index fc5b82f4c9..d342a405ad 100644 --- a/lite/kernels/arm/cast_compute.h +++ b/lite/kernels/arm/cast_compute.h @@ -14,7 +14,7 @@ #pragma once #include -#include "lite/arm/math/type_trans.h" +#include "lite/backends/arm/math/type_trans.h" #include "lite/core/kernel.h" #include "lite/core/op_registry.h" diff --git a/lite/kernels/arm/compare_compute.cc b/lite/kernels/arm/compare_compute.cc index 72465b1bc4..fe4b3d6587 100644 --- a/lite/kernels/arm/compare_compute.cc +++ b/lite/kernels/arm/compare_compute.cc @@ -15,7 +15,7 @@ #include "lite/kernels/arm/compare_compute.h" #include #include "lite/api/paddle_place.h" -#include "lite/arm/math/funcs.h" +#include "lite/backends/arm/math/funcs.h" #include "lite/core/op_registry.h" #include "lite/core/type_system.h" diff --git a/lite/kernels/arm/compare_compute.h b/lite/kernels/arm/compare_compute.h index 2e85bfae77..65354022c6 100644 --- a/lite/kernels/arm/compare_compute.h +++ b/lite/kernels/arm/compare_compute.h @@ -14,7 +14,7 @@ #pragma once #include -#include "lite/arm/math/type_trans.h" +#include "lite/backends/arm/math/type_trans.h" #include "lite/core/kernel.h" #include "lite/operators/compare_op.h" diff --git a/lite/kernels/arm/concat_compute.cc b/lite/kernels/arm/concat_compute.cc index eb1e573761..ccae9e0df6 100644 --- a/lite/kernels/arm/concat_compute.cc +++ b/lite/kernels/arm/concat_compute.cc @@ -15,7 +15,7 @@ #include "lite/kernels/arm/concat_compute.h" #include #include -#include "lite/arm/math/funcs.h" +#include "lite/backends/arm/math/funcs.h" #include "lite/core/op_registry.h" #include "lite/core/tensor.h" #include "lite/core/type_system.h" diff --git a/lite/kernels/arm/concat_compute_test.cc b/lite/kernels/arm/concat_compute_test.cc index 0f9defb8ea..a3131f6892 100644 --- a/lite/kernels/arm/concat_compute_test.cc +++ b/lite/kernels/arm/concat_compute_test.cc @@ -17,7 +17,7 @@ #include #include #include -#include "lite/arm/math/funcs.h" +#include "lite/backends/arm/math/funcs.h" #include "lite/core/op_registry.h" #include "lite/core/tensor.h" diff --git a/lite/kernels/arm/conv_compute.h b/lite/kernels/arm/conv_compute.h index 51a9064409..28b8d40677 100644 --- a/lite/kernels/arm/conv_compute.h +++ b/lite/kernels/arm/conv_compute.h @@ -13,7 +13,7 @@ // limitations under the License. #pragma once -#include "lite/arm/math/funcs.h" +#include "lite/backends/arm/math/funcs.h" #include "lite/core/kernel.h" #include "lite/operators/conv_op.h" diff --git a/lite/kernels/arm/conv_compute_test.cc b/lite/kernels/arm/conv_compute_test.cc index 8f08178882..40f678164e 100644 --- a/lite/kernels/arm/conv_compute_test.cc +++ b/lite/kernels/arm/conv_compute_test.cc @@ -18,7 +18,7 @@ #include #include #include -#include "lite/arm/math/type_trans.h" +#include "lite/backends/arm/math/type_trans.h" #include "lite/core/op_registry.h" namespace paddle { diff --git a/lite/kernels/arm/conv_transpose_compute.cc b/lite/kernels/arm/conv_transpose_compute.cc index 2e2d3906bb..fdadbabfc1 100644 --- a/lite/kernels/arm/conv_transpose_compute.cc +++ b/lite/kernels/arm/conv_transpose_compute.cc @@ -14,7 +14,7 @@ #include "lite/kernels/arm/conv_transpose_compute.h" #include -#include "lite/arm/math/funcs.h" +#include "lite/backends/arm/math/funcs.h" #include "lite/core/op_registry.h" #include "lite/core/type_system.h" diff --git a/lite/kernels/arm/conv_transpose_compute.h b/lite/kernels/arm/conv_transpose_compute.h index 899486e966..8b87c7cfad 100644 --- a/lite/kernels/arm/conv_transpose_compute.h +++ b/lite/kernels/arm/conv_transpose_compute.h @@ -13,7 +13,7 @@ // limitations under the License. #pragma once -#include "lite/arm/math/funcs.h" +#include "lite/backends/arm/math/funcs.h" #include "lite/core/kernel.h" #include "lite/operators/conv_transpose_op.h" diff --git a/lite/kernels/arm/conv_transpose_compute_test.cc b/lite/kernels/arm/conv_transpose_compute_test.cc index f7817f2d06..298c651d9f 100644 --- a/lite/kernels/arm/conv_transpose_compute_test.cc +++ b/lite/kernels/arm/conv_transpose_compute_test.cc @@ -21,7 +21,7 @@ #include #include #include -#include "lite/arm/math/funcs.h" +#include "lite/backends/arm/math/funcs.h" #include "lite/core/op_registry.h" namespace paddle { diff --git a/lite/kernels/arm/crop_compute.cc b/lite/kernels/arm/crop_compute.cc index c404a1b24f..e99c162995 100644 --- a/lite/kernels/arm/crop_compute.cc +++ b/lite/kernels/arm/crop_compute.cc @@ -15,7 +15,7 @@ #include "lite/kernels/arm/crop_compute.h" #include #include -#include "lite/arm/math/funcs.h" +#include "lite/backends/arm/math/funcs.h" #include "lite/core/op_registry.h" #include "lite/core/tensor.h" #include "lite/core/type_system.h" diff --git a/lite/kernels/arm/decode_bboxes_compute.cc b/lite/kernels/arm/decode_bboxes_compute.cc index 1e917305b2..84dde34088 100644 --- a/lite/kernels/arm/decode_bboxes_compute.cc +++ b/lite/kernels/arm/decode_bboxes_compute.cc @@ -14,7 +14,7 @@ #include "lite/kernels/arm/decode_bboxes_compute.h" #include -#include "lite/arm/math/funcs.h" +#include "lite/backends/arm/math/funcs.h" namespace paddle { namespace lite { diff --git a/lite/kernels/arm/density_prior_box_compute.cc b/lite/kernels/arm/density_prior_box_compute.cc index 35616bc6e8..3a9fa85411 100644 --- a/lite/kernels/arm/density_prior_box_compute.cc +++ b/lite/kernels/arm/density_prior_box_compute.cc @@ -15,7 +15,7 @@ #include "lite/kernels/arm/density_prior_box_compute.h" #include #include -#include "lite/arm/math/funcs.h" +#include "lite/backends/arm/math/funcs.h" namespace paddle { namespace lite { diff --git a/lite/kernels/arm/dropout_compute.cc b/lite/kernels/arm/dropout_compute.cc index 3d094dc7ae..3a3a1f301f 100644 --- a/lite/kernels/arm/dropout_compute.cc +++ b/lite/kernels/arm/dropout_compute.cc @@ -14,7 +14,7 @@ #include "lite/kernels/arm/dropout_compute.h" #include -#include "lite/arm/math/funcs.h" +#include "lite/backends/arm/math/funcs.h" namespace paddle { namespace lite { diff --git a/lite/kernels/arm/elementwise_compute.cc b/lite/kernels/arm/elementwise_compute.cc index 0a3963f8f4..a0a87628ff 100644 --- a/lite/kernels/arm/elementwise_compute.cc +++ b/lite/kernels/arm/elementwise_compute.cc @@ -15,7 +15,7 @@ #include "lite/kernels/arm/elementwise_compute.h" #include #include -#include "lite/arm/math/funcs.h" +#include "lite/backends/arm/math/funcs.h" namespace paddle { namespace lite { diff --git a/lite/kernels/arm/fc_compute.cc b/lite/kernels/arm/fc_compute.cc index e75fb6c025..83d40362e7 100644 --- a/lite/kernels/arm/fc_compute.cc +++ b/lite/kernels/arm/fc_compute.cc @@ -15,9 +15,9 @@ #include "lite/kernels/arm/fc_compute.h" #include #include "lite/api/paddle_place.h" -#include "lite/arm/math/funcs.h" -#include "lite/arm/math/gemm_prepacked_int8.h" -#include "lite/arm/math/gemv_arm_int8.h" +#include "lite/backends/arm/math/funcs.h" +#include "lite/backends/arm/math/gemm_prepacked_int8.h" +#include "lite/backends/arm/math/gemv_arm_int8.h" #include "lite/core/op_registry.h" #include "lite/core/type_system.h" diff --git a/lite/kernels/arm/fc_compute.h b/lite/kernels/arm/fc_compute.h index 7028a8bf4c..2af3845ebb 100644 --- a/lite/kernels/arm/fc_compute.h +++ b/lite/kernels/arm/fc_compute.h @@ -14,7 +14,7 @@ #pragma once #include -#include "lite/arm/math/type_trans.h" +#include "lite/backends/arm/math/type_trans.h" #include "lite/core/kernel.h" namespace paddle { diff --git a/lite/kernels/arm/fc_compute_test.cc b/lite/kernels/arm/fc_compute_test.cc index 4359ad0076..acda901667 100644 --- a/lite/kernels/arm/fc_compute_test.cc +++ b/lite/kernels/arm/fc_compute_test.cc @@ -20,7 +20,7 @@ #include #include #include -#include "lite/arm/math/funcs.h" +#include "lite/backends/arm/math/funcs.h" #include "lite/core/op_registry.h" namespace paddle { diff --git a/lite/kernels/arm/generate_proposals_compute.cc b/lite/kernels/arm/generate_proposals_compute.cc index c9a5eb0b5a..a9768f25f0 100644 --- a/lite/kernels/arm/generate_proposals_compute.cc +++ b/lite/kernels/arm/generate_proposals_compute.cc @@ -16,7 +16,7 @@ #include #include #include -#include "lite/arm/math/funcs.h" +#include "lite/backends/arm/math/funcs.h" #include "lite/core/op_registry.h" #include "lite/core/tensor.h" #include "lite/core/type_system.h" diff --git a/lite/kernels/arm/gru_compute.cc b/lite/kernels/arm/gru_compute.cc index f9e0045605..fde909aba4 100644 --- a/lite/kernels/arm/gru_compute.cc +++ b/lite/kernels/arm/gru_compute.cc @@ -16,10 +16,10 @@ #include #include #include "lite/api/paddle_place.h" -#include "lite/arm/math/funcs.h" -#include "lite/arm/math/gru_utils.h" -#include "lite/arm/math/sequence2batch.h" -#include "lite/arm/math/sgemm.h" +#include "lite/backends/arm/math/funcs.h" +#include "lite/backends/arm/math/gru_utils.h" +#include "lite/backends/arm/math/sequence2batch.h" +#include "lite/backends/arm/math/sgemm.h" #include "lite/core/op_registry.h" #include "lite/core/tensor.h" #include "lite/core/type_system.h" diff --git a/lite/kernels/arm/gru_unit_compute.cc b/lite/kernels/arm/gru_unit_compute.cc index 3fc24e505d..10909e1124 100644 --- a/lite/kernels/arm/gru_unit_compute.cc +++ b/lite/kernels/arm/gru_unit_compute.cc @@ -14,9 +14,9 @@ #include "lite/kernels/arm/gru_unit_compute.h" #include "lite/api/paddle_place.h" -#include "lite/arm/math/funcs.h" -#include "lite/arm/math/gru_utils.h" -#include "lite/arm/math/sgemm.h" +#include "lite/backends/arm/math/funcs.h" +#include "lite/backends/arm/math/gru_utils.h" +#include "lite/backends/arm/math/sgemm.h" #include "lite/core/op_registry.h" #include "lite/core/tensor.h" #include "lite/core/type_system.h" diff --git a/lite/kernels/arm/im2sequence_compute.cc b/lite/kernels/arm/im2sequence_compute.cc index f1feccc969..e727b61604 100644 --- a/lite/kernels/arm/im2sequence_compute.cc +++ b/lite/kernels/arm/im2sequence_compute.cc @@ -15,7 +15,7 @@ #include "lite/kernels/arm/im2sequence_compute.h" #include #include "lite/api/paddle_place.h" -#include "lite/arm/math/funcs.h" +#include "lite/backends/arm/math/funcs.h" #include "lite/core/op_registry.h" #include "lite/core/type_system.h" diff --git a/lite/kernels/arm/im2sequence_compute.h b/lite/kernels/arm/im2sequence_compute.h index 35579bc05e..1db0e1fb40 100644 --- a/lite/kernels/arm/im2sequence_compute.h +++ b/lite/kernels/arm/im2sequence_compute.h @@ -14,7 +14,7 @@ #pragma once #include -#include "lite/arm/math/type_trans.h" +#include "lite/backends/arm/math/type_trans.h" #include "lite/core/kernel.h" #include "lite/operators/im2sequence_op.h" diff --git a/lite/kernels/arm/increment_compute.cc b/lite/kernels/arm/increment_compute.cc index a2a78c4581..fd548f91f9 100644 --- a/lite/kernels/arm/increment_compute.cc +++ b/lite/kernels/arm/increment_compute.cc @@ -13,7 +13,7 @@ // limitations under the License. #include "lite/kernels/arm/increment_compute.h" -#include "lite/arm/math/funcs.h" +#include "lite/backends/arm/math/funcs.h" namespace paddle { namespace lite { diff --git a/lite/kernels/arm/increment_compute.h b/lite/kernels/arm/increment_compute.h index eea3b7b047..d26ddd4177 100644 --- a/lite/kernels/arm/increment_compute.h +++ b/lite/kernels/arm/increment_compute.h @@ -14,7 +14,7 @@ #pragma once #include -#include "lite/arm/math/type_trans.h" +#include "lite/backends/arm/math/type_trans.h" #include "lite/core/kernel.h" #include "lite/core/op_registry.h" diff --git a/lite/kernels/arm/interpolate_compute.cc b/lite/kernels/arm/interpolate_compute.cc index 27a956b0c7..a26777826d 100644 --- a/lite/kernels/arm/interpolate_compute.cc +++ b/lite/kernels/arm/interpolate_compute.cc @@ -15,7 +15,7 @@ #include "lite/kernels/arm/interpolate_compute.h" #include #include -#include "lite/arm/math/funcs.h" +#include "lite/backends/arm/math/funcs.h" #include "lite/core/op_registry.h" #include "lite/core/tensor.h" diff --git a/lite/kernels/arm/is_empty_compute.cc b/lite/kernels/arm/is_empty_compute.cc index 3b4732cfe3..fac4e34bc2 100644 --- a/lite/kernels/arm/is_empty_compute.cc +++ b/lite/kernels/arm/is_empty_compute.cc @@ -15,7 +15,7 @@ #include "lite/kernels/arm/is_empty_compute.h" #include #include "lite/api/paddle_place.h" -#include "lite/arm/math/funcs.h" +#include "lite/backends/arm/math/funcs.h" #include "lite/core/op_registry.h" #include "lite/core/type_system.h" diff --git a/lite/kernels/arm/is_empty_compute.h b/lite/kernels/arm/is_empty_compute.h index 82afc70ab2..072c8feac3 100644 --- a/lite/kernels/arm/is_empty_compute.h +++ b/lite/kernels/arm/is_empty_compute.h @@ -14,7 +14,7 @@ #pragma once #include -#include "lite/arm/math/type_trans.h" +#include "lite/backends/arm/math/type_trans.h" #include "lite/core/kernel.h" #include "lite/operators/logical_op.h" diff --git a/lite/kernels/arm/lod_reset_compute.cc b/lite/kernels/arm/lod_reset_compute.cc index 5a6a05ca9f..cb995d265e 100644 --- a/lite/kernels/arm/lod_reset_compute.cc +++ b/lite/kernels/arm/lod_reset_compute.cc @@ -13,7 +13,7 @@ // limitations under the License. #include "lite/kernels/arm/lod_reset_compute.h" -#include "lite/arm/math/funcs.h" +#include "lite/backends/arm/math/funcs.h" namespace paddle { namespace lite { diff --git a/lite/kernels/arm/lod_reset_compute.h b/lite/kernels/arm/lod_reset_compute.h index 7ad82de9fc..7ecb271967 100644 --- a/lite/kernels/arm/lod_reset_compute.h +++ b/lite/kernels/arm/lod_reset_compute.h @@ -14,7 +14,7 @@ #pragma once #include -#include "lite/arm/math/type_trans.h" +#include "lite/backends/arm/math/type_trans.h" #include "lite/core/kernel.h" #include "lite/core/op_registry.h" diff --git a/lite/kernels/arm/logical_compute.cc b/lite/kernels/arm/logical_compute.cc index 654897849c..c1cef5c2ce 100644 --- a/lite/kernels/arm/logical_compute.cc +++ b/lite/kernels/arm/logical_compute.cc @@ -15,7 +15,7 @@ #include "lite/kernels/arm/logical_compute.h" #include #include "lite/api/paddle_place.h" -#include "lite/arm/math/funcs.h" +#include "lite/backends/arm/math/funcs.h" #include "lite/core/op_registry.h" #include "lite/core/type_system.h" diff --git a/lite/kernels/arm/logical_compute.h b/lite/kernels/arm/logical_compute.h index 4348061ca2..fe7ef1e92d 100644 --- a/lite/kernels/arm/logical_compute.h +++ b/lite/kernels/arm/logical_compute.h @@ -14,7 +14,7 @@ #pragma once #include -#include "lite/arm/math/type_trans.h" +#include "lite/backends/arm/math/type_trans.h" #include "lite/core/kernel.h" #include "lite/operators/logical_op.h" diff --git a/lite/kernels/arm/lookup_table_compute.cc b/lite/kernels/arm/lookup_table_compute.cc index bb8ea6349e..d39d7ccb60 100644 --- a/lite/kernels/arm/lookup_table_compute.cc +++ b/lite/kernels/arm/lookup_table_compute.cc @@ -16,7 +16,7 @@ #include #include #include "lite/api/paddle_place.h" -#include "lite/arm/math/funcs.h" +#include "lite/backends/arm/math/funcs.h" #include "lite/core/op_registry.h" #include "lite/core/tensor.h" #include "lite/core/type_system.h" diff --git a/lite/kernels/arm/lrn_compute.cc b/lite/kernels/arm/lrn_compute.cc index 4a8f2e04f7..18e6654282 100644 --- a/lite/kernels/arm/lrn_compute.cc +++ b/lite/kernels/arm/lrn_compute.cc @@ -14,7 +14,7 @@ #include "lite/kernels/arm/lrn_compute.h" #include -#include "lite/arm/math/funcs.h" +#include "lite/backends/arm/math/funcs.h" namespace paddle { namespace lite { diff --git a/lite/kernels/arm/matmul_compute.cc b/lite/kernels/arm/matmul_compute.cc index d6928652ee..29be34d0c2 100644 --- a/lite/kernels/arm/matmul_compute.cc +++ b/lite/kernels/arm/matmul_compute.cc @@ -14,7 +14,7 @@ #include "lite/kernels/arm/matmul_compute.h" #include -#include "lite/arm/math/funcs.h" +#include "lite/backends/arm/math/funcs.h" #include "lite/core/op_registry.h" #include "lite/core/type_system.h" diff --git a/lite/kernels/arm/mul_compute.cc b/lite/kernels/arm/mul_compute.cc index adf80db312..d0ae2d0df1 100644 --- a/lite/kernels/arm/mul_compute.cc +++ b/lite/kernels/arm/mul_compute.cc @@ -14,7 +14,7 @@ #include "lite/kernels/arm/mul_compute.h" #include -#include "lite/arm/math/funcs.h" +#include "lite/backends/arm/math/funcs.h" #include "lite/core/op_registry.h" #include "lite/core/type_system.h" diff --git a/lite/kernels/arm/mul_compute_test.cc b/lite/kernels/arm/mul_compute_test.cc index eb3fa6978c..cddee81fe2 100644 --- a/lite/kernels/arm/mul_compute_test.cc +++ b/lite/kernels/arm/mul_compute_test.cc @@ -20,7 +20,7 @@ #include #include #include -#include "lite/arm/math/funcs.h" +#include "lite/backends/arm/math/funcs.h" #include "lite/core/op_registry.h" namespace paddle { diff --git a/lite/kernels/arm/negative_compute.cc b/lite/kernels/arm/negative_compute.cc index 83dcdb99b9..b5f59d842e 100644 --- a/lite/kernels/arm/negative_compute.cc +++ b/lite/kernels/arm/negative_compute.cc @@ -14,7 +14,7 @@ #include "lite/kernels/arm/negative_compute.h" #include -#include "lite/arm/math/funcs.h" +#include "lite/backends/arm/math/funcs.h" #include "lite/core/op_registry.h" #include "lite/core/type_system.h" diff --git a/lite/kernels/arm/norm_compute.cc b/lite/kernels/arm/norm_compute.cc index a38567a642..3cc1645fc6 100644 --- a/lite/kernels/arm/norm_compute.cc +++ b/lite/kernels/arm/norm_compute.cc @@ -13,7 +13,7 @@ // limitations under the License. #include "lite/kernels/arm/norm_compute.h" -#include "lite/arm/math/funcs.h" +#include "lite/backends/arm/math/funcs.h" namespace paddle { namespace lite { diff --git a/lite/kernels/arm/norm_compute.h b/lite/kernels/arm/norm_compute.h index bfc6e91a24..c9783d999b 100644 --- a/lite/kernels/arm/norm_compute.h +++ b/lite/kernels/arm/norm_compute.h @@ -14,7 +14,7 @@ #pragma once #include -#include "lite/arm/math/type_trans.h" +#include "lite/backends/arm/math/type_trans.h" #include "lite/core/kernel.h" #include "lite/core/op_registry.h" diff --git a/lite/kernels/arm/pad2d_compute.cc b/lite/kernels/arm/pad2d_compute.cc index 5fe7a63b86..2c3952018f 100644 --- a/lite/kernels/arm/pad2d_compute.cc +++ b/lite/kernels/arm/pad2d_compute.cc @@ -15,7 +15,7 @@ #include "lite/kernels/arm/pad2d_compute.h" #include #include -#include "lite/arm/math/funcs.h" +#include "lite/backends/arm/math/funcs.h" #include "lite/core/op_registry.h" #include "lite/core/tensor.h" #include "lite/core/type_system.h" diff --git a/lite/kernels/arm/pool_compute.cc b/lite/kernels/arm/pool_compute.cc index e86859c581..d95d658cf9 100644 --- a/lite/kernels/arm/pool_compute.cc +++ b/lite/kernels/arm/pool_compute.cc @@ -15,7 +15,7 @@ #include "lite/kernels/arm/pool_compute.h" #include #include -#include "lite/arm/math/funcs.h" +#include "lite/backends/arm/math/funcs.h" #include "lite/core/op_registry.h" #include "lite/core/type_system.h" diff --git a/lite/kernels/arm/pool_compute_test.cc b/lite/kernels/arm/pool_compute_test.cc index cd49ac3603..e04129cf0b 100644 --- a/lite/kernels/arm/pool_compute_test.cc +++ b/lite/kernels/arm/pool_compute_test.cc @@ -17,7 +17,7 @@ #include #include #include -#include "lite/arm/math/funcs.h" +#include "lite/backends/arm/math/funcs.h" #include "lite/core/op_registry.h" namespace paddle { diff --git a/lite/kernels/arm/power_compute.cc b/lite/kernels/arm/power_compute.cc index fb9d613554..2b946dccc0 100644 --- a/lite/kernels/arm/power_compute.cc +++ b/lite/kernels/arm/power_compute.cc @@ -13,7 +13,7 @@ // limitations under the License. #include "lite/kernels/arm/power_compute.h" -#include "lite/arm/math/funcs.h" +#include "lite/backends/arm/math/funcs.h" namespace paddle { namespace lite { diff --git a/lite/kernels/arm/prior_box_compute.cc b/lite/kernels/arm/prior_box_compute.cc index 2092593374..203f483351 100644 --- a/lite/kernels/arm/prior_box_compute.cc +++ b/lite/kernels/arm/prior_box_compute.cc @@ -15,7 +15,7 @@ #include "lite/kernels/arm/prior_box_compute.h" #include #include -#include "lite/arm/math/funcs.h" +#include "lite/backends/arm/math/funcs.h" namespace paddle { namespace lite { diff --git a/lite/kernels/arm/read_from_array_compute.cc b/lite/kernels/arm/read_from_array_compute.cc index 5a61a23955..945ada8c65 100644 --- a/lite/kernels/arm/read_from_array_compute.cc +++ b/lite/kernels/arm/read_from_array_compute.cc @@ -13,7 +13,7 @@ // limitations under the License. #include "lite/kernels/arm/read_from_array_compute.h" -#include "lite/arm/math/funcs.h" +#include "lite/backends/arm/math/funcs.h" namespace paddle { namespace lite { diff --git a/lite/kernels/arm/read_from_array_compute.h b/lite/kernels/arm/read_from_array_compute.h index aa993ba78e..c8ba6d6d25 100644 --- a/lite/kernels/arm/read_from_array_compute.h +++ b/lite/kernels/arm/read_from_array_compute.h @@ -14,7 +14,7 @@ #pragma once #include -#include "lite/arm/math/type_trans.h" +#include "lite/backends/arm/math/type_trans.h" #include "lite/core/kernel.h" #include "lite/core/op_registry.h" diff --git a/lite/kernels/arm/reduce_max_compute.cc b/lite/kernels/arm/reduce_max_compute.cc index b82b2aa116..7a4a4313e0 100644 --- a/lite/kernels/arm/reduce_max_compute.cc +++ b/lite/kernels/arm/reduce_max_compute.cc @@ -14,7 +14,7 @@ #include "lite/kernels/arm/reduce_max_compute.h" #include -#include "lite/arm/math/funcs.h" +#include "lite/backends/arm/math/funcs.h" namespace paddle { namespace lite { diff --git a/lite/kernels/arm/reduce_max_compute.h b/lite/kernels/arm/reduce_max_compute.h index c4febdba43..f2228284ae 100644 --- a/lite/kernels/arm/reduce_max_compute.h +++ b/lite/kernels/arm/reduce_max_compute.h @@ -14,7 +14,7 @@ #pragma once #include -#include "lite/arm/math/type_trans.h" +#include "lite/backends/arm/math/type_trans.h" #include "lite/core/kernel.h" #include "lite/core/op_registry.h" diff --git a/lite/kernels/arm/reduce_mean_compute.cc b/lite/kernels/arm/reduce_mean_compute.cc index 989550b8da..418134a05f 100644 --- a/lite/kernels/arm/reduce_mean_compute.cc +++ b/lite/kernels/arm/reduce_mean_compute.cc @@ -14,7 +14,7 @@ #include "lite/kernels/arm/reduce_mean_compute.h" #include -#include "lite/arm/math/funcs.h" +#include "lite/backends/arm/math/funcs.h" namespace paddle { namespace lite { diff --git a/lite/kernels/arm/reduce_mean_compute.h b/lite/kernels/arm/reduce_mean_compute.h index 5f4bbd46d5..f388512021 100644 --- a/lite/kernels/arm/reduce_mean_compute.h +++ b/lite/kernels/arm/reduce_mean_compute.h @@ -14,7 +14,7 @@ #pragma once #include -#include "lite/arm/math/type_trans.h" +#include "lite/backends/arm/math/type_trans.h" #include "lite/core/kernel.h" #include "lite/core/op_registry.h" diff --git a/lite/kernels/arm/roi_align_compute.cc b/lite/kernels/arm/roi_align_compute.cc index a3efa9b4b8..9ac6b1abac 100644 --- a/lite/kernels/arm/roi_align_compute.cc +++ b/lite/kernels/arm/roi_align_compute.cc @@ -15,7 +15,7 @@ #include "lite/kernels/arm/roi_align_compute.h" #include #include -#include "lite/arm/math/funcs.h" +#include "lite/backends/arm/math/funcs.h" #include "lite/core/op_registry.h" #include "lite/core/tensor.h" #include "lite/core/type_system.h" diff --git a/lite/kernels/arm/scale_compute.cc b/lite/kernels/arm/scale_compute.cc index 07287111a1..2a46d2212e 100644 --- a/lite/kernels/arm/scale_compute.cc +++ b/lite/kernels/arm/scale_compute.cc @@ -13,7 +13,7 @@ // limitations under the License. #include "lite/kernels/arm/scale_compute.h" -#include "lite/arm/math/funcs.h" +#include "lite/backends/arm/math/funcs.h" namespace paddle { namespace lite { diff --git a/lite/kernels/arm/sequence_expand_compute.cc b/lite/kernels/arm/sequence_expand_compute.cc index 6723a1684f..524461e193 100644 --- a/lite/kernels/arm/sequence_expand_compute.cc +++ b/lite/kernels/arm/sequence_expand_compute.cc @@ -14,7 +14,7 @@ #include "lite/kernels/arm/sequence_expand_compute.h" #include -#include "lite/arm/math/funcs.h" +#include "lite/backends/arm/math/funcs.h" namespace paddle { namespace lite { diff --git a/lite/kernels/arm/sequence_pool_compute.cc b/lite/kernels/arm/sequence_pool_compute.cc index 7be2fb737b..8fcbb8cffe 100644 --- a/lite/kernels/arm/sequence_pool_compute.cc +++ b/lite/kernels/arm/sequence_pool_compute.cc @@ -15,7 +15,7 @@ limitations under the License. */ #include "lite/kernels/arm/sequence_pool_compute.h" #include #include -#include "lite/arm/math/funcs.h" +#include "lite/backends/arm/math/funcs.h" #include "lite/core/op_registry.h" #include "lite/core/tensor.h" #include "lite/core/type_system.h" diff --git a/lite/kernels/arm/sequence_pool_compute.h b/lite/kernels/arm/sequence_pool_compute.h index d7f96c1119..67265eb8ea 100644 --- a/lite/kernels/arm/sequence_pool_compute.h +++ b/lite/kernels/arm/sequence_pool_compute.h @@ -14,7 +14,7 @@ #pragma once #include -#include "lite/arm/math/type_trans.h" +#include "lite/backends/arm/math/type_trans.h" #include "lite/core/kernel.h" #include "lite/core/op_registry.h" diff --git a/lite/kernels/arm/sequence_softmax_compute.cc b/lite/kernels/arm/sequence_softmax_compute.cc index 2cd3f4b404..093e8a61d8 100644 --- a/lite/kernels/arm/sequence_softmax_compute.cc +++ b/lite/kernels/arm/sequence_softmax_compute.cc @@ -15,7 +15,7 @@ #include "lite/kernels/arm/sequence_softmax_compute.h" #include #include "lite/api/paddle_place.h" -#include "lite/arm/math/funcs.h" +#include "lite/backends/arm/math/funcs.h" #include "lite/core/op_registry.h" #include "lite/core/type_system.h" diff --git a/lite/kernels/arm/sequence_softmax_compute.h b/lite/kernels/arm/sequence_softmax_compute.h index e5fbdb0c78..03c6c58479 100644 --- a/lite/kernels/arm/sequence_softmax_compute.h +++ b/lite/kernels/arm/sequence_softmax_compute.h @@ -14,7 +14,7 @@ #pragma once #include -#include "lite/arm/math/type_trans.h" +#include "lite/backends/arm/math/type_trans.h" #include "lite/core/kernel.h" #include "lite/operators/sequence_softmax_op.h" diff --git a/lite/kernels/arm/shape_compute.cc b/lite/kernels/arm/shape_compute.cc index f653add692..f382004d7a 100644 --- a/lite/kernels/arm/shape_compute.cc +++ b/lite/kernels/arm/shape_compute.cc @@ -13,7 +13,7 @@ // limitations under the License. #include "lite/kernels/arm/shape_compute.h" -#include "lite/arm/math/funcs.h" +#include "lite/backends/arm/math/funcs.h" namespace paddle { namespace lite { diff --git a/lite/kernels/arm/shuffle_channel_compute.cc b/lite/kernels/arm/shuffle_channel_compute.cc index 66a1a0b7db..06750bcd5a 100644 --- a/lite/kernels/arm/shuffle_channel_compute.cc +++ b/lite/kernels/arm/shuffle_channel_compute.cc @@ -13,7 +13,7 @@ // limitations under the License. #include "lite/kernels/arm/shuffle_channel_compute.h" -#include "lite/arm/math/funcs.h" +#include "lite/backends/arm/math/funcs.h" namespace paddle { namespace lite { diff --git a/lite/kernels/arm/slice_compute.cc b/lite/kernels/arm/slice_compute.cc index 861363ba4d..c71ed3292f 100644 --- a/lite/kernels/arm/slice_compute.cc +++ b/lite/kernels/arm/slice_compute.cc @@ -13,7 +13,7 @@ // limitations under the License. #include "lite/kernels/arm/slice_compute.h" #include -#include "lite/arm/math/funcs.h" +#include "lite/backends/arm/math/funcs.h" namespace paddle { namespace lite { diff --git a/lite/kernels/arm/slice_compute.h b/lite/kernels/arm/slice_compute.h index dc7197f2be..701dacfbb4 100644 --- a/lite/kernels/arm/slice_compute.h +++ b/lite/kernels/arm/slice_compute.h @@ -14,7 +14,7 @@ #pragma once #include -#include "lite/arm/math/type_trans.h" +#include "lite/backends/arm/math/type_trans.h" #include "lite/core/kernel.h" #include "lite/core/op_registry.h" diff --git a/lite/kernels/arm/softmax_compute.cc b/lite/kernels/arm/softmax_compute.cc index 6aec5eccfe..3409d0f5c5 100644 --- a/lite/kernels/arm/softmax_compute.cc +++ b/lite/kernels/arm/softmax_compute.cc @@ -13,7 +13,7 @@ // limitations under the License. #include "lite/kernels/arm/softmax_compute.h" -#include "lite/arm/math/funcs.h" +#include "lite/backends/arm/math/funcs.h" namespace paddle { namespace lite { diff --git a/lite/kernels/arm/split_compute.cc b/lite/kernels/arm/split_compute.cc index 35641524e3..27606e2d76 100644 --- a/lite/kernels/arm/split_compute.cc +++ b/lite/kernels/arm/split_compute.cc @@ -14,7 +14,7 @@ #include "lite/kernels/arm/split_compute.h" #include -#include "lite/arm/math/funcs.h" +#include "lite/backends/arm/math/funcs.h" namespace paddle { namespace lite { diff --git a/lite/kernels/arm/stack_compute.cc b/lite/kernels/arm/stack_compute.cc index 12d04b2d60..0e98c5328e 100644 --- a/lite/kernels/arm/stack_compute.cc +++ b/lite/kernels/arm/stack_compute.cc @@ -14,7 +14,7 @@ #include "lite/kernels/arm/stack_compute.h" #include -#include "lite/arm/math/funcs.h" +#include "lite/backends/arm/math/funcs.h" namespace paddle { namespace lite { diff --git a/lite/kernels/arm/topk_compute.cc b/lite/kernels/arm/topk_compute.cc index 2d1119cc8c..994ef3f8dd 100644 --- a/lite/kernels/arm/topk_compute.cc +++ b/lite/kernels/arm/topk_compute.cc @@ -13,7 +13,7 @@ // limitations under the License. #include "lite/kernels/arm/topk_compute.h" -#include "lite/arm/math/funcs.h" +#include "lite/backends/arm/math/funcs.h" namespace paddle { namespace lite { diff --git a/lite/kernels/arm/transpose_compute.cc b/lite/kernels/arm/transpose_compute.cc index ccf38b1d1f..8d1964de53 100644 --- a/lite/kernels/arm/transpose_compute.cc +++ b/lite/kernels/arm/transpose_compute.cc @@ -15,7 +15,7 @@ #include "lite/kernels/arm/transpose_compute.h" #include #include -#include "lite/arm/math/funcs.h" +#include "lite/backends/arm/math/funcs.h" #include "lite/core/op_registry.h" #include "lite/core/tensor.h" #include "lite/core/type_system.h" diff --git a/lite/kernels/arm/transpose_compute_test.cc b/lite/kernels/arm/transpose_compute_test.cc index 83abb52655..aaf3f138a5 100644 --- a/lite/kernels/arm/transpose_compute_test.cc +++ b/lite/kernels/arm/transpose_compute_test.cc @@ -17,7 +17,7 @@ #include #include #include -#include "lite/arm/math/funcs.h" +#include "lite/backends/arm/math/funcs.h" #include "lite/core/op_registry.h" #include "lite/core/tensor.h" diff --git a/lite/kernels/arm/while_compute.cc b/lite/kernels/arm/while_compute.cc index 380466bc06..ab3da93acc 100644 --- a/lite/kernels/arm/while_compute.cc +++ b/lite/kernels/arm/while_compute.cc @@ -16,7 +16,7 @@ #include #include #include -#include "lite/arm/math/funcs.h" +#include "lite/backends/arm/math/funcs.h" #include "lite/core/tensor.h" #include "lite/core/type_system.h" diff --git a/lite/kernels/arm/write_to_array_compute.cc b/lite/kernels/arm/write_to_array_compute.cc index 0a9edd1135..42498e77f2 100644 --- a/lite/kernels/arm/write_to_array_compute.cc +++ b/lite/kernels/arm/write_to_array_compute.cc @@ -13,7 +13,7 @@ // limitations under the License. #include "lite/kernels/arm/write_to_array_compute.h" -#include "lite/arm/math/funcs.h" +#include "lite/backends/arm/math/funcs.h" namespace paddle { namespace lite { diff --git a/lite/kernels/arm/write_to_array_compute.h b/lite/kernels/arm/write_to_array_compute.h index 2aa6e8daf2..c7b7c64c34 100644 --- a/lite/kernels/arm/write_to_array_compute.h +++ b/lite/kernels/arm/write_to_array_compute.h @@ -14,7 +14,7 @@ #pragma once #include -#include "lite/arm/math/type_trans.h" +#include "lite/backends/arm/math/type_trans.h" #include "lite/core/kernel.h" #include "lite/core/op_registry.h" diff --git a/lite/kernels/arm/yolo_box_compute.cc b/lite/kernels/arm/yolo_box_compute.cc index 1bd87996f1..1336e5e1e0 100644 --- a/lite/kernels/arm/yolo_box_compute.cc +++ b/lite/kernels/arm/yolo_box_compute.cc @@ -14,7 +14,7 @@ #include "lite/kernels/arm/yolo_box_compute.h" #include -#include "lite/arm/math/funcs.h" +#include "lite/backends/arm/math/funcs.h" #include "lite/core/tensor.h" namespace paddle { diff --git a/lite/kernels/cuda/io_copy_compute.cc b/lite/kernels/cuda/io_copy_compute.cc index 9407764c9f..011b7c802a 100644 --- a/lite/kernels/cuda/io_copy_compute.cc +++ b/lite/kernels/cuda/io_copy_compute.cc @@ -12,9 +12,9 @@ // See the License for the specific language governing permissions and // limitations under the License. +#include "lite/backends/cuda/target_wrapper.h" #include "lite/core/kernel.h" #include "lite/core/op_registry.h" -#include "lite/cuda/target_wrapper.h" namespace paddle { namespace lite { diff --git a/lite/kernels/cuda/mul_compute.h b/lite/kernels/cuda/mul_compute.h index b28b14e6c9..4a542104d6 100644 --- a/lite/kernels/cuda/mul_compute.h +++ b/lite/kernels/cuda/mul_compute.h @@ -13,10 +13,10 @@ // limitations under the License. #pragma once +#include "lite/backends/cuda/blas.h" #include "lite/core/context.h" #include "lite/core/kernel.h" #include "lite/core/types.h" -#include "lite/cuda/blas.h" #include "lite/operators/op_params.h" namespace paddle { diff --git a/lite/kernels/fpga/activation_compute.cc b/lite/kernels/fpga/activation_compute.cc index ac13e2daf6..ecd9af0f8d 100644 --- a/lite/kernels/fpga/activation_compute.cc +++ b/lite/kernels/fpga/activation_compute.cc @@ -13,7 +13,7 @@ // limitations under the License. #include "lite/kernels/fpga/activation_compute.h" -#include "lite/fpga/KD/float16.hpp" +#include "lite/backends/fpga/KD/float16.hpp" namespace paddle { namespace lite { diff --git a/lite/kernels/fpga/activation_compute.h b/lite/kernels/fpga/activation_compute.h index f3b40f57c3..796d54413f 100644 --- a/lite/kernels/fpga/activation_compute.h +++ b/lite/kernels/fpga/activation_compute.h @@ -14,10 +14,10 @@ #pragma once #include +#include "lite/backends/fpga/KD/float16.hpp" +#include "lite/backends/fpga/KD/pes/relu_pe.hpp" #include "lite/core/kernel.h" #include "lite/core/op_registry.h" -#include "lite/fpga/KD/float16.hpp" -#include "lite/fpga/KD/pes/relu_pe.hpp" namespace paddle { namespace lite { diff --git a/lite/kernels/fpga/calib_compute.cc b/lite/kernels/fpga/calib_compute.cc index 7e70b279f0..51902cb08a 100644 --- a/lite/kernels/fpga/calib_compute.cc +++ b/lite/kernels/fpga/calib_compute.cc @@ -14,9 +14,9 @@ #include "lite/kernels/fpga/calib_compute.h" #include +#include "lite/backends/fpga/KD/float16.hpp" #include "lite/core/op_registry.h" #include "lite/core/type_system.h" -#include "lite/fpga/KD/float16.hpp" namespace paddle { namespace lite { diff --git a/lite/kernels/fpga/conv_compute.h b/lite/kernels/fpga/conv_compute.h index 8e73772446..42909c0fa0 100644 --- a/lite/kernels/fpga/conv_compute.h +++ b/lite/kernels/fpga/conv_compute.h @@ -14,9 +14,9 @@ #pragma once +#include "lite/backends/fpga/KD/float16.hpp" +#include "lite/backends/fpga/KD/pes/conv_pe.hpp" #include "lite/core/kernel.h" -#include "lite/fpga/KD/float16.hpp" -#include "lite/fpga/KD/pes/conv_pe.hpp" #include "lite/operators/conv_op.h" namespace paddle { diff --git a/lite/kernels/fpga/conv_compute_test.cc b/lite/kernels/fpga/conv_compute_test.cc index 3f4ba611d2..f166974cc9 100644 --- a/lite/kernels/fpga/conv_compute_test.cc +++ b/lite/kernels/fpga/conv_compute_test.cc @@ -18,8 +18,8 @@ #include #include #include +#include "lite/backends/fpga/KD/float16.hpp" #include "lite/core/op_registry.h" -#include "lite/fpga/KD/float16.hpp" namespace paddle { namespace lite { diff --git a/lite/kernels/fpga/elementwise_compute.cc b/lite/kernels/fpga/elementwise_compute.cc index 9a9dd7d6df..2a12650ef1 100644 --- a/lite/kernels/fpga/elementwise_compute.cc +++ b/lite/kernels/fpga/elementwise_compute.cc @@ -14,7 +14,7 @@ #include "lite/kernels/fpga/elementwise_compute.h" #include -#include "lite/arm/math/funcs.h" +#include "lite/backends/arm/math/funcs.h" namespace paddle { namespace lite { diff --git a/lite/kernels/fpga/elementwise_compute.h b/lite/kernels/fpga/elementwise_compute.h index 36900f51a4..ef60b82f04 100644 --- a/lite/kernels/fpga/elementwise_compute.h +++ b/lite/kernels/fpga/elementwise_compute.h @@ -14,10 +14,10 @@ #pragma once #include +#include "lite/backends/fpga/KD/float16.hpp" +#include "lite/backends/fpga/KD/pes/elementwise_add_pe.hpp" #include "lite/core/kernel.h" #include "lite/core/op_registry.h" -#include "lite/fpga/KD/float16.hpp" -#include "lite/fpga/KD/pes/elementwise_add_pe.hpp" namespace paddle { namespace lite { diff --git a/lite/kernels/fpga/elementwise_compute_test.cc b/lite/kernels/fpga/elementwise_compute_test.cc index 681ca27e20..add60f6460 100644 --- a/lite/kernels/fpga/elementwise_compute_test.cc +++ b/lite/kernels/fpga/elementwise_compute_test.cc @@ -16,8 +16,8 @@ #include #include #include +#include "lite/backends/fpga/KD/float16.hpp" #include "lite/core/op_registry.h" -#include "lite/fpga/KD/float16.hpp" namespace paddle { namespace lite { namespace kernels { diff --git a/lite/kernels/fpga/fc_compute.h b/lite/kernels/fpga/fc_compute.h index 207ab4267a..f20419f02b 100644 --- a/lite/kernels/fpga/fc_compute.h +++ b/lite/kernels/fpga/fc_compute.h @@ -14,9 +14,9 @@ #pragma once +#include "lite/backends/fpga/KD/float16.hpp" +#include "lite/backends/fpga/KD/pes/fully_connected_pe.hpp" #include "lite/core/kernel.h" -#include "lite/fpga/KD/float16.hpp" -#include "lite/fpga/KD/pes/fully_connected_pe.hpp" #include "lite/operators/fc_op.h" namespace paddle { diff --git a/lite/kernels/fpga/feed_compute.h b/lite/kernels/fpga/feed_compute.h index 17f2c51094..a15ba5636f 100644 --- a/lite/kernels/fpga/feed_compute.h +++ b/lite/kernels/fpga/feed_compute.h @@ -12,9 +12,9 @@ // See the License for the specific language governing permissions and // limitations under the License. #pragma once +#include "lite/backends/fpga/KD/pes/input_pe.hpp" #include "lite/core/op_registry.h" #include "lite/core/type_system.h" -#include "lite/fpga/KD/pes/input_pe.hpp" namespace paddle { namespace lite { diff --git a/lite/kernels/fpga/fetch_compute.h b/lite/kernels/fpga/fetch_compute.h index 60542dfb8a..d86fa905c4 100644 --- a/lite/kernels/fpga/fetch_compute.h +++ b/lite/kernels/fpga/fetch_compute.h @@ -12,9 +12,9 @@ // See the License for the specific language governing permissions and // limitations under the License. #pragma once +#include "lite/backends/fpga/KD/pes/output_pe.hpp" #include "lite/core/op_registry.h" #include "lite/core/type_system.h" -#include "lite/fpga/KD/pes/output_pe.hpp" namespace paddle { namespace lite { diff --git a/lite/kernels/fpga/layout_compute.cc b/lite/kernels/fpga/layout_compute.cc index 59c90d56be..823637e3f3 100644 --- a/lite/kernels/fpga/layout_compute.cc +++ b/lite/kernels/fpga/layout_compute.cc @@ -13,11 +13,11 @@ // limitations under the License. #include "lite/api/paddle_place.h" +#include "lite/backends/fpga/KD/float16.hpp" #include "lite/core/kernel.h" #include "lite/core/op_registry.h" #include "lite/core/target_wrapper.h" #include "lite/core/type_system.h" -#include "lite/fpga/KD/float16.hpp" namespace paddle { namespace lite { diff --git a/lite/kernels/fpga/pooling_compute.h b/lite/kernels/fpga/pooling_compute.h index 17191cd610..18eee5f21d 100644 --- a/lite/kernels/fpga/pooling_compute.h +++ b/lite/kernels/fpga/pooling_compute.h @@ -14,9 +14,9 @@ #pragma once #include +#include "lite/backends/fpga/KD/float16.hpp" +#include "lite/backends/fpga/KD/pes/pooling_pe.hpp" #include "lite/core/kernel.h" -#include "lite/fpga/KD/float16.hpp" -#include "lite/fpga/KD/pes/pooling_pe.hpp" #include "lite/operators/pool_op.h" namespace paddle { diff --git a/lite/kernels/fpga/pooling_compute_test.cc b/lite/kernels/fpga/pooling_compute_test.cc index 526daec403..2309bf8fe4 100644 --- a/lite/kernels/fpga/pooling_compute_test.cc +++ b/lite/kernels/fpga/pooling_compute_test.cc @@ -19,7 +19,7 @@ #include #include "lite/core/op_registry.h" -#include "lite/fpga/KD/float16.hpp" +#include "lite/backends/fpga/KD/float16.hpp" namespace paddle { namespace lite { diff --git a/lite/kernels/fpga/softmax_compute.cc b/lite/kernels/fpga/softmax_compute.cc index c7cf64dea0..260f03c114 100644 --- a/lite/kernels/fpga/softmax_compute.cc +++ b/lite/kernels/fpga/softmax_compute.cc @@ -13,7 +13,7 @@ // limitations under the License. #include "lite/kernels/fpga/softmax_compute.h" -#include "lite/arm/math/funcs.h" +#include "lite/backends/arm/math/funcs.h" namespace paddle { namespace lite { diff --git a/lite/kernels/fpga/softmax_compute.h b/lite/kernels/fpga/softmax_compute.h index 9d823f00ca..5eb4af6223 100644 --- a/lite/kernels/fpga/softmax_compute.h +++ b/lite/kernels/fpga/softmax_compute.h @@ -14,10 +14,10 @@ #pragma once #include +#include "lite/backends/fpga/KD/float16.hpp" +#include "lite/backends/fpga/KD/pes/softmax_pe.hpp" #include "lite/core/kernel.h" #include "lite/core/op_registry.h" -#include "lite/fpga/KD/float16.hpp" -#include "lite/fpga/KD/pes/softmax_pe.hpp" namespace paddle { namespace lite { diff --git a/lite/kernels/fpga/softmax_compute_test.cc b/lite/kernels/fpga/softmax_compute_test.cc index f5354d2928..f92139d0f4 100644 --- a/lite/kernels/fpga/softmax_compute_test.cc +++ b/lite/kernels/fpga/softmax_compute_test.cc @@ -16,8 +16,8 @@ #include #include #include +#include "lite/backends/fpga/KD/float16.hpp" #include "lite/core/op_registry.h" -#include "lite/fpga/KD/float16.hpp" namespace paddle { namespace lite { diff --git a/lite/kernels/opencl/CMakeLists.txt b/lite/kernels/opencl/CMakeLists.txt index dc1ff6b97f..65145c40b8 100644 --- a/lite/kernels/opencl/CMakeLists.txt +++ b/lite/kernels/opencl/CMakeLists.txt @@ -18,32 +18,32 @@ add_kernel(conv_opencl OPENCL basic SRCS conv_compute.cc DEPS ${cl_kernel_deps}) lite_cc_test(test_elementwise_add_opencl SRCS elementwise_add_compute_test.cc DEPS elementwise_add_opencl fusion_elementwise_add_activation_opencl op_registry program context - ARGS --cl_path=${CMAKE_SOURCE_DIR}/lite/opencl) + ARGS --cl_path=${CMAKE_SOURCE_DIR}/lite/backends/opencl) lite_cc_test(test_pool_opencl SRCS pool_compute_test.cc DEPS pool_opencl op_registry program context - ARGS --cl_path=${CMAKE_SOURCE_DIR}/lite/opencl) + ARGS --cl_path=${CMAKE_SOURCE_DIR}/lite/backends/opencl) lite_cc_test(test_fc_opencl SRCS fc_compute_test.cc DEPS fc_opencl op_registry program context - ARGS --cl_path=${CMAKE_SOURCE_DIR}/lite/opencl) + ARGS --cl_path=${CMAKE_SOURCE_DIR}/lite/backends/opencl) lite_cc_test(test_mul_opencl SRCS mul_compute_test.cc DEPS mul_opencl op_registry program context - ARGS --cl_path=${CMAKE_SOURCE_DIR}/lite/opencl) + ARGS --cl_path=${CMAKE_SOURCE_DIR}/lite/backends/opencl) lite_cc_test(test_io_copy_compute_opencl SRCS io_copy_compute_test.cc DEPS io_copy_compute_opencl op_registry program context - ARGS --cl_path=${CMAKE_SOURCE_DIR}/lite/opencl) + ARGS --cl_path=${CMAKE_SOURCE_DIR}/lite/backends/opencl) lite_cc_test(test_relu_opencl SRCS relu_compute_test.cc DEPS relu_opencl op_registry program context - ARGS --cl_path=${CMAKE_SOURCE_DIR}/lite/opencl) + ARGS --cl_path=${CMAKE_SOURCE_DIR}/lite/backends/opencl) lite_cc_test(test_depthwise_conv2d_opencl SRCS depthwise_conv2d_compute_test.cc DEPS depthwise_conv2d_opencl op_registry program context - ARGS --cl_path=${CMAKE_SOURCE_DIR}/lite/opencl) + ARGS --cl_path=${CMAKE_SOURCE_DIR}/lite/backends/opencl) lite_cc_test(test_conv_opencl SRCS conv_compute_test.cc DEPS conv_opencl op_registry program context - ARGS --cl_path=${CMAKE_SOURCE_DIR}/lite/opencl) + ARGS --cl_path=${CMAKE_SOURCE_DIR}/lite/backends/opencl) diff --git a/lite/kernels/opencl/conv_compute.cc b/lite/kernels/opencl/conv_compute.cc index 0703566cc5..04a78face2 100644 --- a/lite/kernels/opencl/conv_compute.cc +++ b/lite/kernels/opencl/conv_compute.cc @@ -14,8 +14,8 @@ #include "lite/kernels/opencl/conv_compute.h" #include +#include "lite/backends/opencl/cl_include.h" #include "lite/core/op_registry.h" -#include "lite/opencl/cl_include.h" #include "lite/operators/op_params.h" namespace paddle { diff --git a/lite/kernels/opencl/conv_compute.h b/lite/kernels/opencl/conv_compute.h index 1a50f8b0ac..37c8893bb8 100644 --- a/lite/kernels/opencl/conv_compute.h +++ b/lite/kernels/opencl/conv_compute.h @@ -17,9 +17,9 @@ #include #include #include +#include "lite/backends/opencl/cl_include.h" #include "lite/core/kernel.h" #include "lite/core/tensor.h" -#include "lite/opencl/cl_include.h" #include "lite/operators/op_params.h" namespace paddle { diff --git a/lite/kernels/opencl/conv_compute_test.cc b/lite/kernels/opencl/conv_compute_test.cc index 8412712560..a7417e3525 100644 --- a/lite/kernels/opencl/conv_compute_test.cc +++ b/lite/kernels/opencl/conv_compute_test.cc @@ -14,9 +14,9 @@ #include #include +#include "lite/backends/opencl/target_wrapper.h" #include "lite/core/op_registry.h" #include "lite/core/tensor.h" -#include "lite/opencl/target_wrapper.h" namespace paddle { namespace lite { diff --git a/lite/kernels/opencl/depthwise_conv2d_compute.cc b/lite/kernels/opencl/depthwise_conv2d_compute.cc index 3abe8b3e23..62734610e2 100644 --- a/lite/kernels/opencl/depthwise_conv2d_compute.cc +++ b/lite/kernels/opencl/depthwise_conv2d_compute.cc @@ -13,9 +13,9 @@ // limitations under the License. #include +#include "lite/backends/opencl/cl_include.h" #include "lite/core/kernel.h" #include "lite/core/op_registry.h" -#include "lite/opencl/cl_include.h" #include "lite/operators/op_params.h" #include "lite/utils/replace_stl/stream.h" diff --git a/lite/kernels/opencl/depthwise_conv2d_compute_test.cc b/lite/kernels/opencl/depthwise_conv2d_compute_test.cc index 487c88f399..a189acaf91 100644 --- a/lite/kernels/opencl/depthwise_conv2d_compute_test.cc +++ b/lite/kernels/opencl/depthwise_conv2d_compute_test.cc @@ -14,9 +14,9 @@ #include #include +#include "lite/backends/opencl/target_wrapper.h" #include "lite/core/op_registry.h" #include "lite/core/tensor.h" -#include "lite/opencl/target_wrapper.h" namespace paddle { namespace lite { diff --git a/lite/kernels/opencl/elementwise_add_compute.cc b/lite/kernels/opencl/elementwise_add_compute.cc index 6c215bfffb..ad831010f8 100644 --- a/lite/kernels/opencl/elementwise_add_compute.cc +++ b/lite/kernels/opencl/elementwise_add_compute.cc @@ -14,8 +14,8 @@ #include "lite/kernels/opencl/elementwise_add_compute.h" #include +#include "lite/backends/opencl/cl_include.h" #include "lite/core/op_registry.h" -#include "lite/opencl/cl_include.h" #include "lite/utils/replace_stl/stream.h" namespace paddle { diff --git a/lite/kernels/opencl/elementwise_add_compute_test.cc b/lite/kernels/opencl/elementwise_add_compute_test.cc index 7aa798142a..69df2313bb 100644 --- a/lite/kernels/opencl/elementwise_add_compute_test.cc +++ b/lite/kernels/opencl/elementwise_add_compute_test.cc @@ -15,9 +15,9 @@ #include #include #include +#include "lite/backends/opencl/target_wrapper.h" #include "lite/core/op_registry.h" #include "lite/core/tensor.h" -#include "lite/opencl/target_wrapper.h" namespace paddle { namespace lite { diff --git a/lite/kernels/opencl/fc_compute.cc b/lite/kernels/opencl/fc_compute.cc index 90afd70abb..1f8ba6ae2f 100644 --- a/lite/kernels/opencl/fc_compute.cc +++ b/lite/kernels/opencl/fc_compute.cc @@ -13,9 +13,9 @@ // limitations under the License. #include +#include "lite/backends/opencl/cl_include.h" #include "lite/core/kernel.h" #include "lite/core/op_registry.h" -#include "lite/opencl/cl_include.h" #include "lite/operators/op_params.h" #include "lite/utils/replace_stl/stream.h" #include "lite/utils/string.h" diff --git a/lite/kernels/opencl/fc_compute_test.cc b/lite/kernels/opencl/fc_compute_test.cc index d866a6d632..7f0c9c49a9 100644 --- a/lite/kernels/opencl/fc_compute_test.cc +++ b/lite/kernels/opencl/fc_compute_test.cc @@ -14,9 +14,9 @@ #include #include +#include "lite/backends/opencl/target_wrapper.h" #include "lite/core/op_registry.h" #include "lite/core/tensor.h" -#include "lite/opencl/target_wrapper.h" namespace paddle { namespace lite { diff --git a/lite/kernels/opencl/fusion_elementwise_add_activation_compute.cc b/lite/kernels/opencl/fusion_elementwise_add_activation_compute.cc index 3164fa4a69..ad17575d69 100644 --- a/lite/kernels/opencl/fusion_elementwise_add_activation_compute.cc +++ b/lite/kernels/opencl/fusion_elementwise_add_activation_compute.cc @@ -12,9 +12,9 @@ // See the License for the specific language governing permissions and // limitations under the License. +#include "lite/backends/opencl/cl_include.h" #include "lite/core/op_registry.h" #include "lite/kernels/opencl/elementwise_add_compute.h" -#include "lite/opencl/cl_include.h" namespace paddle { namespace lite { diff --git a/lite/kernels/opencl/io_copy_compute.cc b/lite/kernels/opencl/io_copy_compute.cc index 4afd9f0aca..1d43f7d97e 100644 --- a/lite/kernels/opencl/io_copy_compute.cc +++ b/lite/kernels/opencl/io_copy_compute.cc @@ -12,9 +12,9 @@ // See the License for the specific language governing permissions and // limitations under the License. +#include "lite/backends/opencl/target_wrapper.h" #include "lite/core/kernel.h" #include "lite/core/op_registry.h" -#include "lite/opencl/target_wrapper.h" namespace paddle { namespace lite { diff --git a/lite/kernels/opencl/io_copy_compute_test.cc b/lite/kernels/opencl/io_copy_compute_test.cc index b33ff1e261..320e257d39 100644 --- a/lite/kernels/opencl/io_copy_compute_test.cc +++ b/lite/kernels/opencl/io_copy_compute_test.cc @@ -15,9 +15,9 @@ #include #include #include +#include "lite/backends/opencl/target_wrapper.h" #include "lite/core/op_registry.h" #include "lite/core/tensor.h" -#include "lite/opencl/target_wrapper.h" namespace paddle { namespace lite { diff --git a/lite/kernels/opencl/mul_compute.cc b/lite/kernels/opencl/mul_compute.cc index 6a3b40ffa5..78c9131774 100644 --- a/lite/kernels/opencl/mul_compute.cc +++ b/lite/kernels/opencl/mul_compute.cc @@ -13,9 +13,9 @@ // limitations under the License. #include +#include "lite/backends/opencl/cl_include.h" #include "lite/core/kernel.h" #include "lite/core/op_registry.h" -#include "lite/opencl/cl_include.h" #include "lite/operators/op_params.h" #include "lite/utils/replace_stl/stream.h" #include "lite/utils/string.h" diff --git a/lite/kernels/opencl/mul_compute_test.cc b/lite/kernels/opencl/mul_compute_test.cc index 11728ca2aa..e35eca658c 100644 --- a/lite/kernels/opencl/mul_compute_test.cc +++ b/lite/kernels/opencl/mul_compute_test.cc @@ -14,9 +14,9 @@ #include #include +#include "lite/backends/opencl/target_wrapper.h" #include "lite/core/op_registry.h" #include "lite/core/tensor.h" -#include "lite/opencl/target_wrapper.h" namespace paddle { namespace lite { diff --git a/lite/kernels/opencl/pool_compute.cc b/lite/kernels/opencl/pool_compute.cc index fe193abc36..dc2e851595 100644 --- a/lite/kernels/opencl/pool_compute.cc +++ b/lite/kernels/opencl/pool_compute.cc @@ -13,9 +13,9 @@ // limitations under the License. #include +#include "lite/backends/opencl/cl_include.h" #include "lite/core/kernel.h" #include "lite/core/op_registry.h" -#include "lite/opencl/cl_include.h" #include "lite/operators/op_params.h" #include "lite/utils/replace_stl/stream.h" #include "lite/utils/string.h" diff --git a/lite/kernels/opencl/pool_compute_test.cc b/lite/kernels/opencl/pool_compute_test.cc index 6f0cec77a0..53f64e9505 100644 --- a/lite/kernels/opencl/pool_compute_test.cc +++ b/lite/kernels/opencl/pool_compute_test.cc @@ -14,9 +14,9 @@ #include #include +#include "lite/backends/opencl/target_wrapper.h" #include "lite/core/op_registry.h" #include "lite/core/tensor.h" -#include "lite/opencl/target_wrapper.h" namespace paddle { namespace lite { diff --git a/lite/kernels/opencl/relu_compute.cc b/lite/kernels/opencl/relu_compute.cc index aba883f2c3..93d1dec674 100644 --- a/lite/kernels/opencl/relu_compute.cc +++ b/lite/kernels/opencl/relu_compute.cc @@ -12,9 +12,9 @@ // See the License for the specific language governing permissions and // limitations under the License. +#include "lite/backends/opencl/cl_include.h" #include "lite/core/kernel.h" #include "lite/core/op_registry.h" -#include "lite/opencl/cl_include.h" #include "lite/operators/op_params.h" #include "lite/utils/replace_stl/stream.h" diff --git a/lite/kernels/opencl/relu_compute_test.cc b/lite/kernels/opencl/relu_compute_test.cc index ce4d9b2683..d2f0812bae 100644 --- a/lite/kernels/opencl/relu_compute_test.cc +++ b/lite/kernels/opencl/relu_compute_test.cc @@ -14,9 +14,9 @@ #include #include +#include "lite/backends/opencl/target_wrapper.h" #include "lite/core/op_registry.h" #include "lite/core/tensor.h" -#include "lite/opencl/target_wrapper.h" namespace paddle { namespace lite { diff --git a/lite/tests/kernels/test_sgemm.cc b/lite/tests/kernels/test_sgemm.cc index e755aaf89a..4801b3086e 100644 --- a/lite/tests/kernels/test_sgemm.cc +++ b/lite/tests/kernels/test_sgemm.cc @@ -19,7 +19,7 @@ #include "lite/tests/kernels/fill_data.h" #include "lite/tests/kernels/test_funcs.h" #ifdef LITE_WITH_ARM -#include "lite/arm/math/funcs.h" +#include "lite/backends/arm/math/funcs.h" #endif #include "lite/core/context.h" #include "lite/core/tensor.h" -- GitLab