refactor lite

This commit is contained in:
zhaizhiqiang 2022-05-10 11:15:26 +08:00
parent 98cb5274a2
commit d651b8062b
1295 changed files with 1815 additions and 1814 deletions

View File

@ -42,7 +42,7 @@
"mindspore/mindspore/core/mindrt/src/thread/" "useStlAlgorithm"
"mindspore/mindspore/lite/test/" "syntaxError"
"mindspore/mindspore/lite/test/ut/tools/converter/registry/pass_registry_test.cc" "unknownMacro"
"mindspore/mindspore/lite/src/ops/unsqueeze.cc" "useStlAlgorithm"
"mindspore/mindspore/lite/src/common/ops/unsqueeze.cc" "useStlAlgorithm"
"mindspore/mindspore/lite/tools/common/flag_parser.cc" "useStlAlgorithm"
"mindspore/mindspore/lite/tools/common/tensor_util.cc" "useStlAlgorithm"
"mindspore/mindspore/lite/tools/converter/parser/onnx/onnx_relu_parser.cc" "useStlAlgorithm"

View File

@ -60,7 +60,7 @@
"mindspore/mindspore/lite/src/runtime/thread_pool.c" "readability/casting"
"mindspore/mindspore/lite/src/runtime/thread_pool.c" "runtime/arrays"
"mindspore/mindspore/lite/src/runtime/thread_pool.c" "runtime/int"
"mindspore/mindspore/lite/src/ops/ops_def.cc" "runtime/int"
"mindspore/mindspore/lite/src/common/ops/ops_def.cc" "runtime/int"
"mindspore/mindspore/lite/examples/runtime_gpu_extend/src/cl" "legal/copyright"
"mindspore/mindspore/lite/examples/runtime_gpu_extend/src/cl" "readability/casting"
"mindspore/mindspore/lite/examples/runtime_gpu_extend/src/cl" "readability/fn_size"

View File

@ -4,7 +4,7 @@
# file_path:function_name1, function_name2
#
mindspore/mindspore/core/mindrt/src/thread/actor_threadpool.cc:mindspore::ActorWorker::RunWithSpin
mindspore/mindspore/lite/src/ops/primitive_c.cc:mindspore::lite::PrimitiveC::Create
mindspore/mindspore/lite/src/common/ops/primitive_c.cc:mindspore::lite::PrimitiveC::Create
mindspore/mindspore/ccsrc/minddata/dataset/engine/datasetops/source/csv_op.cc:mindspore::dataset::CsvOp::CsvParser::InitCsvParser
mindspore/mindspore/lite/tools/converter/graphdef_transform.cc:mindspore::lite::GraphDefTransform::Transform
mindspore/mindspore/lite/providers/nnie_proposal/src/proposal.cc:mindspore::proposal::Rpn
@ -23,15 +23,11 @@ mindspore/mindspore/python/mindspore/context.py:set_auto_parallel_context
mindspore/mindspore/python/mindspore/common/tensor.py:__init__
mindspore/mindspore/python/mindspore/common/parameter.py:set_data
mindspore/mindspore/ccsrc/pybind_api/ir/tensor_py.cc:mindspore::tensor::GetDataType
mindspore/mindspore/lite/nnacl/fp32/avg_pooling_fp32.c:AvgPooling
mindspore/mindspore/lite/src/runtime/thread_pool.c:GetArch
mindspore/mindspore/lite/src/runtime/kernel/opencl/kernel/conv2d.cc:mindspore::kernel::UseWinograd4x4To6x6
mindspore/mindspore/lite/src/scheduler.cc:mindspore::lite::Scheduler::FindBackendKernel
mindspore/mindspore/lite/nnacl/infer/strided_slice_infer.c:StridedSliceInferShape
mindspore/mindspore/lite/nnacl/fp16/pack_fp16.c:PackNHWCToNCHWFp16
mindspore/mindspore/lite/src/ios_reg_ops.cc:mindspore::lite::IosRegisterOps
mindspore/mindspore/lite/src/ios_reg_kernels.h:mindspore::kernel::IosRegisterKernels
mindspore/mindspore/lite/nnacl/infer/infer_register.c:RegisterInfer
mindspore/mindspore/lite/src/runtime/scheduler.cc:mindspore::lite::Scheduler::FindBackendKernel
mindspore/mindspore/lite/src/runtime/ios_reg_ops.cc:mindspore::lite::IosRegisterOps
mindspore/mindspore/lite/src/runtime/ios_reg_kernels.h:mindspore::kernel::IosRegisterKernels
mindspore/mindspore/lite/src/runtime/kernel/cpu/base/quant_dtype_cast.cc:mindspore::kernel::QuantDTypeCastCPUKernel::QuantDTypeCast
mindspore/mindspore/lite/src/runtime/kernel/cpu/base/quant_dtype_cast.cc:mindspore::kernel::QuantDTypeCastCPUKernel::Run
mindspore/mindspore/ccsrc/pipeline/jit/static_analysis/prim.cc:mindspore::abstract::ConvertAbstractToPython

View File

@ -741,7 +741,7 @@ if(MSLITE_MINDDATA_IMPLEMENT STREQUAL "lite_cv")
add_subdirectory(${CMAKE_CURRENT_SOURCE_DIR}/minddata)
endif()
add_subdirectory(${CMAKE_CURRENT_SOURCE_DIR}/src/ops)
add_subdirectory(${CMAKE_CURRENT_SOURCE_DIR}/src/common/ops)
if(ANDROID_NDK_TOOLCHAIN_INCLUDED)
add_subdirectory(${CMAKE_CURRENT_SOURCE_DIR}/tools/converter/micro/coder)
endif()

View File

@ -19,7 +19,7 @@
#include <vector>
#include "nnacl/op_base.h"
#include "src/lite_kernel.h"
#include "src/runtime/lite_kernel.h"
#include "nnacl/kernel.h"
namespace mindspore::kernel::experimental {

View File

@ -18,7 +18,7 @@
#define MINDSPORE_LITE_CONVOLUTION_FP32_H_
#include <vector>
#include "src/lite_kernel.h"
#include "src/runtime/lite_kernel.h"
#include "nnacl/kernel.h"
namespace mindspore::kernel {

View File

@ -30,7 +30,7 @@
#include "src/common/log_adapter.h"
#include "schema/model_generated.h"
#include "src/common/utils.h"
#include "src/tensor_category.h"
#include "src/runtime/tensor_category.h"
#include "nnacl/tensor_c.h"
namespace mindspore {

View File

@ -108,12 +108,12 @@ if(MSLITE_MINDDATA_IMPLEMENT STREQUAL "full")
include_directories("${TOP_DIR}")
set(MINDDATA_FULL_SRC
${TOP_DIR}/mindspore/lite/src/cxx_api/types.cc
${TOP_DIR}/mindspore/lite/src/cxx_api/tensor_utils.cc
${TOP_DIR}/mindspore/lite/src/cxx_api/tensor/tensor_impl.cc
${TOP_DIR}/mindspore/lite/src/runtime/cxx_api/types.cc
${TOP_DIR}/mindspore/lite/src/runtime/cxx_api/tensor_utils.cc
${TOP_DIR}/mindspore/lite/src/runtime/cxx_api/tensor/tensor_impl.cc
${TOP_DIR}/mindspore/lite/src/tensor.cc
${TOP_DIR}/mindspore/lite/src/common/utils.cc
${TOP_DIR}/mindspore/lite/src/ms_tensor.cc
${TOP_DIR}/mindspore/lite/src/runtime/ms_tensor.cc
${TOP_DIR}/mindspore/lite/src/common/string_util.cc
${TOP_DIR}/mindspore/lite/src/common/lite_utils.cc
${CORE_DIR}/utils/status.cc
@ -433,7 +433,7 @@ elseif(MSLITE_MINDDATA_IMPLEMENT STREQUAL "wrapper")
set(MINDSPORE_LITE_CXXAPI_SRC
${CORE_DIR}/utils/status.cc
${CMAKE_CURRENT_SOURCE_DIR}/../src/cxx_api/types.cc
${CMAKE_CURRENT_SOURCE_DIR}/../src/runtime/cxx_api/types.cc
${CMAKE_CURRENT_SOURCE_DIR}/../src/tensor.cc
${CMAKE_CURRENT_SOURCE_DIR}/../src/common/utils.cc
)

View File

@ -60,23 +60,23 @@ elseif(NOT MSVC)
endif()
file(GLOB CXX_API_SRCS
${CMAKE_CURRENT_SOURCE_DIR}/cxx_api/*.cc
${CMAKE_CURRENT_SOURCE_DIR}/cxx_api/model/*.cc
${CMAKE_CURRENT_SOURCE_DIR}/cxx_api/graph/*.cc
${CMAKE_CURRENT_SOURCE_DIR}/cxx_api/tensor/*.cc
${CMAKE_CURRENT_SOURCE_DIR}/runtime/cxx_api/*.cc
${CMAKE_CURRENT_SOURCE_DIR}/runtime/cxx_api/model/*.cc
${CMAKE_CURRENT_SOURCE_DIR}/runtime/cxx_api/graph/*.cc
${CMAKE_CURRENT_SOURCE_DIR}/runtime/cxx_api/tensor/*.cc
)
if(MSLITE_ENABLE_PARALLEL_INFERENCE)
set(CXX_API_SRCS
${CXX_API_SRCS}
${CMAKE_CURRENT_SOURCE_DIR}/cxx_api/model_pool/predict_task_queue.cc
${CMAKE_CURRENT_SOURCE_DIR}/cxx_api/model_pool/model_worker.cc
${CMAKE_CURRENT_SOURCE_DIR}/cxx_api/model_pool/model_pool.cc
${CMAKE_CURRENT_SOURCE_DIR}/cxx_api/model_pool/model_parallel_runner.cc
${CMAKE_CURRENT_SOURCE_DIR}/runtime/cxx_api/model_pool/predict_task_queue.cc
${CMAKE_CURRENT_SOURCE_DIR}/runtime/cxx_api/model_pool/model_worker.cc
${CMAKE_CURRENT_SOURCE_DIR}/runtime/cxx_api/model_pool/model_pool.cc
${CMAKE_CURRENT_SOURCE_DIR}/runtime/cxx_api/model_pool/model_parallel_runner.cc
)
endif()
file(GLOB C_API_SRCS
${CMAKE_CURRENT_SOURCE_DIR}/c_api/*.cc
${CMAKE_CURRENT_SOURCE_DIR}/runtime/c_api/*.cc
)
set(API_SRC ${CXX_API_SRCS} ${C_API_SRCS})
if(NOT MSLITE_ENABLE_RUNTIME_CONVERT)
@ -85,10 +85,10 @@ if(NOT MSLITE_ENABLE_RUNTIME_CONVERT)
endif()
if(MSLITE_MINDDATA_IMPLEMENT STREQUAL "full")
file(GLOB CXX_API_TRAIN_SRCS
${CMAKE_CURRENT_SOURCE_DIR}/cxx_api/train/model.cc
${CMAKE_CURRENT_SOURCE_DIR}/cxx_api/train/model_impl.cc
${CMAKE_CURRENT_SOURCE_DIR}/cxx_api/metrics/*.cc
${CMAKE_CURRENT_SOURCE_DIR}/cxx_api/callback/*.cc
${CMAKE_CURRENT_SOURCE_DIR}/runtime/cxx_api/train/model.cc
${CMAKE_CURRENT_SOURCE_DIR}/runtime/cxx_api/train/model_impl.cc
${CMAKE_CURRENT_SOURCE_DIR}/runtime/cxx_api/metrics/*.cc
${CMAKE_CURRENT_SOURCE_DIR}/runtime/cxx_api/callback/*.cc
)
set(API_TRAIN_SRC
${CXX_API_TRAIN_SRCS}
@ -118,31 +118,31 @@ set(LITE_SRC
${CMAKE_CURRENT_SOURCE_DIR}/runtime/runtime_shape_fusion_pass.cc
${CMAKE_CURRENT_SOURCE_DIR}/runtime/runtime_pass.cc
${CMAKE_CURRENT_SOURCE_DIR}/runtime/pass/runtime_ncx_pass.cc
${CMAKE_CURRENT_SOURCE_DIR}/schema_tensor_wrapper.cc
${CMAKE_CURRENT_SOURCE_DIR}/runtime/schema_tensor_wrapper.cc
${CMAKE_CURRENT_SOURCE_DIR}/tensor.cc
${CMAKE_CURRENT_SOURCE_DIR}/tensorlist.cc
${CMAKE_CURRENT_SOURCE_DIR}/tensor_category.cc
${CMAKE_CURRENT_SOURCE_DIR}/ms_tensor.cc
${CMAKE_CURRENT_SOURCE_DIR}/executor.cc
${CMAKE_CURRENT_SOURCE_DIR}/inner_context.cc
${CMAKE_CURRENT_SOURCE_DIR}/lite_model.cc
${CMAKE_CURRENT_SOURCE_DIR}/kernel_registry.cc
${CMAKE_CURRENT_SOURCE_DIR}/lite_kernel.cc
${CMAKE_CURRENT_SOURCE_DIR}/kernel_exec.cc
${CMAKE_CURRENT_SOURCE_DIR}/kernel_exec_util.cc
${CMAKE_CURRENT_SOURCE_DIR}/sub_graph_kernel.cc
${CMAKE_CURRENT_SOURCE_DIR}/scheduler.cc
${CMAKE_CURRENT_SOURCE_DIR}/lite_session.cc
${CMAKE_CURRENT_SOURCE_DIR}/runtime/tensor_category.cc
${CMAKE_CURRENT_SOURCE_DIR}/runtime/ms_tensor.cc
${CMAKE_CURRENT_SOURCE_DIR}/runtime/executor.cc
${CMAKE_CURRENT_SOURCE_DIR}/runtime/inner_context.cc
${CMAKE_CURRENT_SOURCE_DIR}/runtime/lite_model.cc
${CMAKE_CURRENT_SOURCE_DIR}/runtime/kernel_registry.cc
${CMAKE_CURRENT_SOURCE_DIR}/runtime/lite_kernel.cc
${CMAKE_CURRENT_SOURCE_DIR}/runtime/kernel_exec.cc
${CMAKE_CURRENT_SOURCE_DIR}/runtime/kernel_exec_util.cc
${CMAKE_CURRENT_SOURCE_DIR}/runtime/sub_graph_kernel.cc
${CMAKE_CURRENT_SOURCE_DIR}/runtime/scheduler.cc
${CMAKE_CURRENT_SOURCE_DIR}/runtime/lite_session.cc
${CMAKE_CURRENT_SOURCE_DIR}/errorcode.cc
${CMAKE_CURRENT_SOURCE_DIR}/cpu_info.cc
${CMAKE_CURRENT_SOURCE_DIR}/pack_weight_manager.cc
${CMAKE_CURRENT_SOURCE_DIR}/runtime/cpu_info.cc
${CMAKE_CURRENT_SOURCE_DIR}/runtime/pack_weight_manager.cc
${CMAKE_CURRENT_SOURCE_DIR}/control_flow/control_flow_scheduler.cc
${CMAKE_CURRENT_SOURCE_DIR}/control_flow/control_subgraph_creator.cc
)
set(MODEL_LOADER_FRAMEWORK_SRC
${MODEL_LOADER_FRAMEWORK_SRC}
${CMAKE_CURRENT_SOURCE_DIR}/model_loader/model_loader.cc
${CMAKE_CURRENT_SOURCE_DIR}/extendrt/mindir_loader/model_loader.cc
)
if(MSLITE_ENABLE_CLOUD_FUSION_INFERENCE)
@ -156,21 +156,21 @@ remove_definitions(-DBUILD_LITE_INFERENCE)
set(MINDIR_MODEL_SRC
${MINDIR_MODEL_SRC}
${CMAKE_CURRENT_SOURCE_DIR}/model_loader/mindir_model/mindir_model.cc
${CMAKE_CURRENT_SOURCE_DIR}/model_loader/mindir_model/mindir_model_util.cc
${CMAKE_CURRENT_SOURCE_DIR}/model_loader/mindir_model/mindir_model_convertor.cc
${CMAKE_CURRENT_SOURCE_DIR}/model_loader/mindir_model/mindir_model_loader.cc
${CMAKE_CURRENT_SOURCE_DIR}/model_loader/mindir_model/kernel_mod_util.cc
${CMAKE_CURRENT_SOURCE_DIR}/extendrt/mindir_loader/mindir_model/mindir_model.cc
${CMAKE_CURRENT_SOURCE_DIR}/extendrt/mindir_loader/mindir_model/mindir_model_util.cc
${CMAKE_CURRENT_SOURCE_DIR}/extendrt/mindir_loader/mindir_model/mindir_model_convertor.cc
${CMAKE_CURRENT_SOURCE_DIR}/extendrt/mindir_loader/mindir_model/mindir_model_loader.cc
${CMAKE_CURRENT_SOURCE_DIR}/extendrt/mindir_loader/mindir_model/kernel_mod_util.cc
)
set(MINDIR_KERNEL_SRC
${MINDIR_KERNEL_SRC}
${CMAKE_CURRENT_SOURCE_DIR}/model_loader/mindir_model/inner_kernel.cc)
${CMAKE_CURRENT_SOURCE_DIR}/extendrt/mindir_loader/mindir_model/inner_kernel.cc)
set(LITE_SRC
${LITE_SRC}
${CMAKE_CURRENT_SOURCE_DIR}/model_loader/mindir_model/less_test_kernel_mod.cc
${CMAKE_CURRENT_SOURCE_DIR}/model_loader/mindir_model/kernel_mod_mock.cc)
${CMAKE_CURRENT_SOURCE_DIR}/extendrt/mindir_loader/mindir_model/less_test_kernel_mod.cc
${CMAKE_CURRENT_SOURCE_DIR}/extendrt/mindir_loader/mindir_model/kernel_mod_mock.cc)
endif()
set(LITE_SRC
@ -200,14 +200,14 @@ endif()
if(MSLITE_ENABLE_SHARING_MODEL_WEIGHT)
set(LITE_SRC
${LITE_SRC}
${CMAKE_CURRENT_SOURCE_DIR}/pack_weight.cc
${CMAKE_CURRENT_SOURCE_DIR}/runtime/pack_weight.cc
)
endif()
if(MSLITE_ENABLE_DYNAMIC_THREAD_DISTRIBUTE)
set(LITE_SRC
${LITE_SRC}
${CMAKE_CURRENT_SOURCE_DIR}/thread_cost_model.cc
${CMAKE_CURRENT_SOURCE_DIR}/runtime/thread_cost_model.cc
)
endif()
@ -239,9 +239,9 @@ if(MSLITE_ENABLE_RUNTIME_CONVERT)
add_definitions(-DRUNTIME_CONVERT)
add_definitions(-DPRIMITIVE_WRITEABLE)
file(GLOB RUNTIME_CONVERT_SRC
${CMAKE_CURRENT_SOURCE_DIR}/ops/ops_def.cc
${CMAKE_CURRENT_SOURCE_DIR}/ops/ops_utils.cc
${CMAKE_CURRENT_SOURCE_DIR}/ops/anf_utils.cc
${CMAKE_CURRENT_SOURCE_DIR}/common/ops/ops_def.cc
${CMAKE_CURRENT_SOURCE_DIR}/common/ops/ops_utils.cc
${CMAKE_CURRENT_SOURCE_DIR}/common/ops/anf_utils.cc
${CMAKE_CURRENT_SOURCE_DIR}/runtime/runtime_convert.cc)
set(LITE_SRC ${LITE_SRC} ${RUNTIME_CONVERT_SRC})
@ -268,7 +268,7 @@ endif()
if(MSLITE_ENABLE_WEIGHT_DECODE)
set(LITE_SRC ${LITE_SRC}
${CMAKE_CURRENT_SOURCE_DIR}/huffman_decode.cc)
${CMAKE_CURRENT_SOURCE_DIR}/runtime/huffman_decode.cc)
if(NOT MSLITE_ENABLE_RUNTIME_CONVERT)
set(LITE_SRC ${LITE_SRC}
${TOOLS_DIR}/converter/quantizer/fse_decoder.cc
@ -279,7 +279,7 @@ endif()
if(MSLITE_ENABLE_AUTO_PARALLEL)
set(LITE_SRC
${LITE_SRC}
${CMAKE_CURRENT_SOURCE_DIR}/sub_graph_split.cc
${CMAKE_CURRENT_SOURCE_DIR}/runtime/sub_graph_split.cc
)
endif()
@ -290,12 +290,12 @@ endif()
set(LITE_SRC
${LITE_SRC}
${KERNEL_REG_SRC}
${CMAKE_CURRENT_SOURCE_DIR}/weight_decoder.cc
${CMAKE_CURRENT_SOURCE_DIR}/runtime/weight_decoder.cc
)
if(MSLITE_GPU_BACKEND STREQUAL opencl)
file(GLOB_RECURSE OPENCL_RUNTIME_SRC
${CMAKE_CURRENT_SOURCE_DIR}/runtime/gpu/opencl/*.cc
${CMAKE_CURRENT_SOURCE_DIR}/runtime/kernel/gpu/opencl/*.cc
)
set(LITE_SRC
${LITE_SRC}
@ -321,7 +321,7 @@ endif()
file(GLOB CXX_API_EXPRESSION
${CMAKE_CURRENT_SOURCE_DIR}/cxx_api/expression/*.cc
${CMAKE_CURRENT_SOURCE_DIR}/runtime/cxx_api/expression/*.cc
)
file(GLOB EXPRESSION_OPS
@ -347,10 +347,10 @@ set(TRAIN_SRC
${TRAIN_SRC_WITH_MD}
${EXPRESSION_SRC}
${CMAKE_CURRENT_SOURCE_DIR}/common/quant_utils.cc
${CMAKE_CURRENT_SOURCE_DIR}/cxx_api/train/model_build.cc
${CMAKE_CURRENT_SOURCE_DIR}/cxx_api/train/model_build_impl.cc
${CMAKE_CURRENT_SOURCE_DIR}/cxx_api/train/converters.cc
${CMAKE_CURRENT_SOURCE_DIR}/cxx_api/train/train_support.cc
${CMAKE_CURRENT_SOURCE_DIR}/runtime/cxx_api/train/model_build.cc
${CMAKE_CURRENT_SOURCE_DIR}/runtime/cxx_api/train/model_build_impl.cc
${CMAKE_CURRENT_SOURCE_DIR}/runtime/cxx_api/train/converters.cc
${CMAKE_CURRENT_SOURCE_DIR}/runtime/cxx_api/train/train_support.cc
${CMAKE_CURRENT_SOURCE_DIR}/train/train_populate_parameter.cc
${CMAKE_CURRENT_SOURCE_DIR}/train/train_session.cc
${CMAKE_CURRENT_SOURCE_DIR}/train/graph_fusion.cc
@ -380,8 +380,8 @@ if(MSLITE_ENABLE_MINDRT)
add_subdirectory(${CORE_DIR}/mindrt mindspore_mindrt)
endif()
set(LITE_SRC ${LITE_SRC}
${CMAKE_CURRENT_SOURCE_DIR}/lite_mindrt.cc
${CMAKE_CURRENT_SOURCE_DIR}/mindrt_executor.cc
${CMAKE_CURRENT_SOURCE_DIR}/runtime/lite_mindrt.cc
${CMAKE_CURRENT_SOURCE_DIR}/runtime/mindrt_executor.cc
${CMAKE_CURRENT_SOURCE_DIR}/control_flow/control_actor_creator.cc
)
if(MSLITE_ENABLE_CONTROLFLOW)
@ -412,7 +412,7 @@ add_dependencies(lite_src_mid fbs_src)
if(MSLITE_ENABLE_ACL)
include_directories(${TOP_DIR}/graphengine/inc/external)
add_subdirectory(runtime/kernel/ascend)
add_subdirectory(extendrt/kernel/ascend)
link_directories(${ASCEND_RUNTIME_PATH} ${ASCEND_TOOLKIT_RUNTIME_PATH} ${ASCEND_CANN_RUNTIME_PATH})
endif()
@ -479,12 +479,12 @@ if(SUPPORT_TENSORRT)
set(CUDA_LIB_PATH ${CUDA_PATH}/lib64)
include_directories(${TENSORRT_PATH}/include)
include_directories(${CUDA_PATH}/include)
add_subdirectory(delegate/tensorrt)
add_subdirectory(extendrt/delegate/tensorrt)
target_link_libraries(mindspore-lite tensorrt_kernel_mid cuda_kernel_mid gpu_distribution_collective)
target_link_libraries(mindspore-lite_static tensorrt_kernel_mid cuda_kernel_mid gpu_distribution_collective)
else()
set(TENSORRT_STUB
${CMAKE_CURRENT_SOURCE_DIR}/delegate/tensorrt/distribution/distribution_base.cc
${CMAKE_CURRENT_SOURCE_DIR}/extendrt/delegate/tensorrt/distribution/distribution_base.cc
)
add_library(tensorrt_stub OBJECT ${TENSORRT_STUB})
target_link_libraries(mindspore-lite tensorrt_stub)
@ -498,7 +498,7 @@ if(MSLITE_GPU_BACKEND STREQUAL opencl)
endif()
if(SUPPORT_NPU)
add_subdirectory(delegate/npu)
add_subdirectory(runtime/delegate/npu)
target_link_libraries(mindspore-lite npu_kernel_mid)
target_link_libraries(mindspore-lite_static npu_kernel_mid)
endif()
@ -536,7 +536,7 @@ if(SUPPORT_TRAIN)
endif()
if(MSLITE_ENABLE_KERNEL_EXECUTOR)
add_subdirectory(cxx_api/kernel_executor)
add_subdirectory(runtime/cxx_api/kernel_executor)
endif()
########################## build optimize and float16 library #################################
@ -554,12 +554,12 @@ endif()
if(MSLITE_ENABLE_RUNTIME_CONVERT)
target_link_libraries(mindspore-lite
quantizer_mid fusion_mid proto_mid graph_pass_mid preprocess_mid
cpu_kernel_mid ccsrc_src_mid converter_src_mid anf_exporter_mid
cpu_kernel_mid ccsrc_src_mid converter_src_mid lite_exporter_mid
config_parser_mid mslite_converter_plugin mindspore_core coder_mid
mindir_serializer_mid mindspore::protobuf ${SECUREC_LIBRARY})
target_link_libraries(mindspore-lite_static
quantizer_mid fusion_mid proto_mid graph_pass_mid preprocess_mid
cpu_kernel_mid ccsrc_src_mid converter_src_mid anf_exporter_mid
cpu_kernel_mid ccsrc_src_mid converter_src_mid lite_exporter_mid
config_parser_mid mslite_converter_plugin mindspore_core coder_mid
mindir_serializer_mid mindspore::protobuf ${SECUREC_LIBRARY})
if(NOT ENABLE_CLOUD_AND_LITE)

View File

@ -21,7 +21,7 @@
#include <string>
#include "include/context.h"
#include "include/api/context.h"
#include "src/kernel_exec.h"
#include "src/runtime/kernel_exec.h"
namespace mindspore {
namespace lite {

View File

@ -14,7 +14,7 @@
* limitations under the License.
*/
#include "src/ops/anf_utils.h"
#include "src/common/ops/anf_utils.h"
#ifdef PRIMITIVE_WRITEABLE
namespace mindspore {
namespace lite {

View File

@ -17,7 +17,7 @@
#define MINDSPORE_LITE_SRC_OPS_ANF_UTILS_H_
#include <memory>
#include "src/ops/ops_utils.h"
#include "src/common/ops/ops_utils.h"
#ifdef PRIMITIVE_WRITEABLE
#include "abstract/ops/primitive_infer_map.h"
namespace mindspore {

View File

@ -13,8 +13,8 @@
* See the License for the specific language governing permissions and
* limitations under the License.
*/
#include "src/ops/ops_def.h"
#include "src/ops/ops_func_declare.h"
#include "src/common/ops/ops_def.h"
#include "src/common/ops/ops_func_declare.h"
OP_TYPE_DEF_BEGIN(PrimitiveType)
OP_TYPE(Abs)

View File

@ -19,8 +19,8 @@
#include <map>
#include <memory>
#include <utility>
#include "src/ops/ops_func_declare.h"
#include "src/ops/schema_register.h"
#include "src/common/ops/ops_func_declare.h"
#include "src/common/ops/schema_register.h"
#ifdef PRIMITIVE_WRITEABLE
#include "mindspore/core/utils/check_convert_utils.h"

View File

@ -16,7 +16,7 @@
#include <memory>
#include <utility>
#include "src/ops/ops_utils.h"
#include "src/common/ops/ops_utils.h"
#include "mindapi/base/shared_ptr.h"
#ifdef PRIMITIVE_WRITEABLE
#include "ops/primitive_c.h"

View File

@ -21,7 +21,7 @@
#include <string>
#include <memory>
#include <algorithm>
#include "src/ops/ops_func_declare.h"
#include "src/common/ops/ops_func_declare.h"
#ifdef PRIMITIVE_WRITEABLE
#include "src/common/log_adapter.h"

View File

@ -13,7 +13,7 @@
* See the License for the specific language governing permissions and
* limitations under the License.
*/
#include "src/ops/populate/populate_register.h"
#include "src/common/ops/populate/populate_register.h"
#include "nnacl/fp32_grad/activation_grad.h"
using mindspore::schema::PrimitiveType_ActivationGrad;

View File

@ -13,7 +13,7 @@
* See the License for the specific language governing permissions and
* limitations under the License.
*/
#include "src/ops/populate/populate_register.h"
#include "src/common/ops/populate/populate_register.h"
#include "nnacl/fp32/activation_fp32.h"
using mindspore::schema::PrimitiveType_Activation;

View File

@ -13,7 +13,7 @@
* See the License for the specific language governing permissions and
* limitations under the License.
*/
#include "src/ops/populate/populate_register.h"
#include "src/common/ops/populate/populate_register.h"
#include "nnacl/op_base.h"
using mindspore::schema::PrimitiveType_Adam;

View File

@ -13,9 +13,9 @@
* See the License for the specific language governing permissions and
* limitations under the License.
*/
#include "src/ops/populate/populate_register.h"
#include "src/common/ops/populate/populate_register.h"
#include "nnacl/arithmetic.h"
#include "src/ops/populate/arithmetic_populate.h"
#include "src/common/ops/populate/arithmetic_populate.h"
using mindspore::schema::PrimitiveType_AddFusion;
namespace mindspore {

View File

@ -15,7 +15,7 @@
*/
#include "src/common/log_adapter.h"
#include "nnacl/conv_parameter.h"
#include "src/ops/populate/populate_register.h"
#include "src/common/ops/populate/populate_register.h"
using mindspore::schema::PrimitiveType_AdderFusion;
namespace mindspore {

View File

@ -13,7 +13,7 @@
* See the License for the specific language governing permissions and
* limitations under the License.
*/
#include "src/ops/populate/populate_register.h"
#include "src/common/ops/populate/populate_register.h"
#include "nnacl/op_base.h"
#include "nnacl/affine_parameter.h"

View File

@ -17,7 +17,7 @@
#include "schema/ops_generated.h"
#include "schema/model_generated.h"
#include "nnacl/all_gather_parameter.h"
#include "src/ops/populate/populate_register.h"
#include "src/common/ops/populate/populate_register.h"
using mindspore::schema::PrimitiveType_AllGather;
namespace mindspore {

View File

@ -13,7 +13,7 @@
* See the License for the specific language governing permissions and
* limitations under the License.
*/
#include "src/ops/populate/populate_register.h"
#include "src/common/ops/populate/populate_register.h"
#include "nnacl/arg_min_max_parameter.h"
using mindspore::schema::PrimitiveType_ArgMaxFusion;

View File

@ -13,7 +13,7 @@
* See the License for the specific language governing permissions and
* limitations under the License.
*/
#include "src/ops/populate/populate_register.h"
#include "src/common/ops/populate/populate_register.h"
#include "nnacl/arg_min_max_parameter.h"
using mindspore::schema::PrimitiveType_ArgMinFusion;

View File

@ -13,8 +13,8 @@
* See the License for the specific language governing permissions and
* limitations under the License.
*/
#include "src/ops/populate/arithmetic_populate.h"
#include "src/ops/populate/populate_register.h"
#include "src/common/ops/populate/arithmetic_populate.h"
#include "src/common/ops/populate/populate_register.h"
using mindspore::schema::PrimitiveType_BiasAddGrad;
using mindspore::schema::PrimitiveType_Equal;
using mindspore::schema::PrimitiveType_FloorDiv;

View File

@ -15,7 +15,7 @@
*/
#include "src/common/log_adapter.h"
#include "nnacl/arithmetic_self_parameter.h"
#include "src/ops/populate/populate_register.h"
#include "src/common/ops/populate/populate_register.h"
using mindspore::schema::PrimitiveType_Abs;
using mindspore::schema::PrimitiveType_Ceil;
using mindspore::schema::PrimitiveType_Cos;

View File

@ -13,7 +13,7 @@
* See the License for the specific language governing permissions and
* limitations under the License.
*/
#include "src/ops/populate/populate_register.h"
#include "src/common/ops/populate/populate_register.h"
using mindspore::schema::PrimitiveType_Assert;
namespace mindspore {

View File

@ -13,7 +13,7 @@
* See the License for the specific language governing permissions and
* limitations under the License.
*/
#include "src/ops/populate/populate_register.h"
#include "src/common/ops/populate/populate_register.h"
using mindspore::schema::PrimitiveType_AssignAdd;
namespace mindspore {

View File

@ -13,7 +13,7 @@
* See the License for the specific language governing permissions and
* limitations under the License.
*/
#include "src/ops/populate/populate_register.h"
#include "src/common/ops/populate/populate_register.h"
using mindspore::schema::PrimitiveType_Assign;
namespace mindspore {

View File

@ -13,7 +13,7 @@
* See the License for the specific language governing permissions and
* limitations under the License.
*/
#include "src/ops/populate/populate_register.h"
#include "src/common/ops/populate/populate_register.h"
#include "nnacl/infer/audio_spectrogram_infer.h"
using mindspore::schema::PrimitiveType_AudioSpectrogram;

View File

@ -13,7 +13,7 @@
* See the License for the specific language governing permissions and
* limitations under the License.
*/
#include "src/ops/populate/populate_register.h"
#include "src/common/ops/populate/populate_register.h"
#include "nnacl/batchnorm_parameter.h"
using mindspore::schema::PrimitiveType_BatchNorm;

View File

@ -13,7 +13,7 @@
* See the License for the specific language governing permissions and
* limitations under the License.
*/
#include "src/ops/populate/populate_register.h"
#include "src/common/ops/populate/populate_register.h"
#include "nnacl/batch_to_space.h"
using mindspore::schema::PrimitiveType_BatchToSpace;
using mindspore::schema::PrimitiveType_BatchToSpaceND;

View File

@ -13,7 +13,7 @@
* See the License for the specific language governing permissions and
* limitations under the License.
*/
#include "src/ops/populate/populate_register.h"
#include "src/common/ops/populate/populate_register.h"
#include "nnacl/arithmetic.h"
using mindspore::schema::PrimitiveType_BiasAdd;

View File

@ -13,7 +13,7 @@
* See the License for the specific language governing permissions and
* limitations under the License.
*/
#include "src/ops/populate/populate_register.h"
#include "src/common/ops/populate/populate_register.h"
#include "nnacl/fp32_grad/binary_cross_entropy_grad.h"
using mindspore::schema::PrimitiveType_BinaryCrossEntropyGrad;

View File

@ -13,7 +13,7 @@
* See the License for the specific language governing permissions and
* limitations under the License.
*/
#include "src/ops/populate/populate_register.h"
#include "src/common/ops/populate/populate_register.h"
#include "nnacl/fp32_grad/binary_cross_entropy.h"
using mindspore::schema::PrimitiveType_BinaryCrossEntropy;

View File

@ -13,7 +13,7 @@
* See the License for the specific language governing permissions and
* limitations under the License.
*/
#include "src/ops/populate/populate_register.h"
#include "src/common/ops/populate/populate_register.h"
#include "nnacl/base/broadcast_to.h"
using mindspore::schema::PrimitiveType_BroadcastTo;

View File

@ -13,7 +13,7 @@
* See the License for the specific language governing permissions and
* limitations under the License.
*/
#include "src/ops/populate/populate_register.h"
#include "src/common/ops/populate/populate_register.h"
#include "nnacl/call_parameter.h"
using mindspore::schema::PrimitiveType_Call;

View File

@ -13,7 +13,7 @@
* See the License for the specific language governing permissions and
* limitations under the License.
*/
#include "src/ops/populate/populate_register.h"
#include "src/common/ops/populate/populate_register.h"
using mindspore::schema::PrimitiveType_Cast;
namespace mindspore {

View File

@ -13,7 +13,7 @@
* See the License for the specific language governing permissions and
* limitations under the License.
*/
#include "src/ops/populate/populate_register.h"
#include "src/common/ops/populate/populate_register.h"
using mindspore::schema::PrimitiveType_Clip;
namespace mindspore {

View File

@ -13,7 +13,7 @@
* See the License for the specific language governing permissions and
* limitations under the License.
*/
#include "src/ops/populate/populate_register.h"
#include "src/common/ops/populate/populate_register.h"
using mindspore::schema::PrimitiveType_AddN;
using mindspore::schema::PrimitiveType_Attention;
using mindspore::schema::PrimitiveType_Depend;

View File

@ -13,7 +13,7 @@
* See the License for the specific language governing permissions and
* limitations under the License.
*/
#include "src/ops/populate/populate_register.h"
#include "src/common/ops/populate/populate_register.h"
#include "nnacl/concat_parameter.h"
using mindspore::schema::PrimitiveType_Concat;

View File

@ -14,7 +14,7 @@
* limitations under the License.
*/
#include "ir/dtype/type_id.h"
#include "src/ops/populate/populate_register.h"
#include "src/common/ops/populate/populate_register.h"
#include "nnacl/constant_of_shape_parameter.h"
using mindspore::schema::PrimitiveType_ConstantOfShape;

View File

@ -13,7 +13,7 @@
* See the License for the specific language governing permissions and
* limitations under the License.
*/
#include "src/ops/populate/populate_register.h"
#include "src/common/ops/populate/populate_register.h"
using mindspore::schema::PrimitiveType_Switch;
namespace mindspore {

View File

@ -13,7 +13,7 @@
* See the License for the specific language governing permissions and
* limitations under the License.
*/
#include "src/ops/populate/populate_register.h"
#include "src/common/ops/populate/populate_register.h"
#include "nnacl/op_base.h"
#include "nnacl/tensor_array_parameter.h"

View File

@ -15,7 +15,7 @@
*/
#include "nnacl/tensorlist_parameter.h"
#include "src/ops/populate/populate_register.h"
#include "src/common/ops/populate/populate_register.h"
using mindspore::schema::PrimitiveType_TensorListFromTensor;
namespace mindspore {

View File

@ -13,7 +13,7 @@
* See the License for the specific language governing permissions and
* limitations under the License.
*/
#include "src/ops/populate/populate_register.h"
#include "src/common/ops/populate/populate_register.h"
#include "nnacl/tensorlist_parameter.h"
using mindspore::schema::PrimitiveType_TensorListGetItem;

View File

@ -13,7 +13,7 @@
* See the License for the specific language governing permissions and
* limitations under the License.
*/
#include "src/ops/populate/populate_register.h"
#include "src/common/ops/populate/populate_register.h"
#include "nnacl/tensorlist_parameter.h"
using mindspore::schema::PrimitiveType_TensorListReserve;

View File

@ -13,7 +13,7 @@
* See the License for the specific language governing permissions and
* limitations under the License.
*/
#include "src/ops/populate/populate_register.h"
#include "src/common/ops/populate/populate_register.h"
#include "nnacl/tensorlist_parameter.h"
using mindspore::schema::PrimitiveType_TensorListSetItem;

View File

@ -13,7 +13,7 @@
* See the License for the specific language governing permissions and
* limitations under the License.
*/
#include "src/ops/populate/populate_register.h"
#include "src/common/ops/populate/populate_register.h"
#include "nnacl/tensorlist_parameter.h"
using mindspore::schema::PrimitiveType_TensorListStack;

View File

@ -15,7 +15,7 @@
*/
#include "nnacl/conv_parameter.h"
#include "src/ops/populate/populate_register.h"
#include "src/common/ops/populate/populate_register.h"
using mindspore::schema::PrimitiveType_Conv2DFusion;
namespace mindspore {

View File

@ -13,7 +13,7 @@
* See the License for the specific language governing permissions and
* limitations under the License.
*/
#include "src/ops/populate/populate_register.h"
#include "src/common/ops/populate/populate_register.h"
#include "nnacl/resize_parameter.h"
using mindspore::schema::PrimitiveType_CropAndResize;

View File

@ -13,7 +13,7 @@
* See the License for the specific language governing permissions and
* limitations under the License.
*/
#include "src/ops/populate/populate_register.h"
#include "src/common/ops/populate/populate_register.h"
#include "nnacl/crop_parameter.h"
using mindspore::schema::PrimitiveType_Crop;

View File

@ -13,7 +13,7 @@
* See the License for the specific language governing permissions and
* limitations under the License.
*/
#include "src/ops/populate/populate_register.h"
#include "src/common/ops/populate/populate_register.h"
#include "nnacl/cumsum_parameter.h"
using mindspore::schema::PrimitiveType_CumSum;

View File

@ -13,7 +13,7 @@
* See the License for the specific language governing permissions and
* limitations under the License.
*/
#include "src/ops/populate/populate_register.h"
#include "src/common/ops/populate/populate_register.h"
#include "src/common/log_adapter.h"
#include "src/tensor.h"
#include "nnacl/custom_parameter.h"

View File

@ -14,7 +14,7 @@
* limitations under the License.
*/
#include "src/common/log_adapter.h"
#include "src/ops/populate/populate_register.h"
#include "src/common/ops/populate/populate_register.h"
#include "nnacl/conv_parameter.h"
using mindspore::schema::PrimitiveType_Conv2dTransposeFusion;

View File

@ -13,7 +13,7 @@
* See the License for the specific language governing permissions and
* limitations under the License.
*/
#include "src/ops/populate/default_populate.h"
#include "src/common/ops/populate/default_populate.h"
#include <cstdlib>
#include <cstring>
#include "schema/model_generated.h"

View File

@ -13,7 +13,7 @@
* See the License for the specific language governing permissions and
* limitations under the License.
*/
#include "src/ops/populate/populate_register.h"
#include "src/common/ops/populate/populate_register.h"
#include "nnacl/depth_to_space_parameter.h"
using mindspore::schema::PrimitiveType_DepthToSpace;

View File

@ -13,7 +13,7 @@
* See the License for the specific language governing permissions and
* limitations under the License.
*/
#include "src/ops/populate/populate_register.h"
#include "src/common/ops/populate/populate_register.h"
#include "nnacl/detection_post_process_parameter.h"
using mindspore::schema::PrimitiveType_DetectionPostProcess;

View File

@ -13,8 +13,8 @@
* See the License for the specific language governing permissions and
* limitations under the License.
*/
#include "src/ops/populate/populate_register.h"
#include "src/ops/populate/arithmetic_populate.h"
#include "src/common/ops/populate/populate_register.h"
#include "src/common/ops/populate/arithmetic_populate.h"
using mindspore::schema::PrimitiveType_DivFusion;
namespace mindspore {
namespace lite {

View File

@ -13,7 +13,7 @@
* See the License for the specific language governing permissions and
* limitations under the License.
*/
#include "src/ops/populate/populate_register.h"
#include "src/common/ops/populate/populate_register.h"
#include "nnacl/dynamic_quant_parameter.h"
using mindspore::schema::PrimitiveType_DynamicQuant;

View File

@ -13,8 +13,8 @@
* See the License for the specific language governing permissions and
* limitations under the License.
*/
#include "src/ops/populate/populate_register.h"
#include "src/ops/populate/arithmetic_populate.h"
#include "src/common/ops/populate/populate_register.h"
#include "src/common/ops/populate/arithmetic_populate.h"
using mindspore::schema::PrimitiveType_Eltwise;
namespace mindspore {

View File

@ -13,7 +13,7 @@
* See the License for the specific language governing permissions and
* limitations under the License.
*/
#include "src/ops/populate/populate_register.h"
#include "src/common/ops/populate/populate_register.h"
#include "nnacl/fp32/embedding_lookup_fp32.h"
using mindspore::schema::PrimitiveType_EmbeddingLookupFusion;

View File

@ -13,8 +13,8 @@
* See the License for the specific language governing permissions and
* limitations under the License.
*/
#include "src/ops/populate/populate_register.h"
#include "src/ops/populate/default_populate.h"
#include "src/common/ops/populate/populate_register.h"
#include "src/common/ops/populate/default_populate.h"
using mindspore::schema::PrimitiveType_Erf;
namespace mindspore {

View File

@ -13,7 +13,7 @@
* See the License for the specific language governing permissions and
* limitations under the License.
*/
#include "src/ops/populate/populate_register.h"
#include "src/common/ops/populate/populate_register.h"
#include "nnacl/fp32/exp_fp32.h"
using mindspore::schema::PrimitiveType_ExpFusion;

View File

@ -13,7 +13,7 @@
* See the License for the specific language governing permissions and
* limitations under the License.
*/
#include "src/ops/populate/populate_register.h"
#include "src/common/ops/populate/populate_register.h"
using mindspore::schema::PrimitiveType_ExpandDims;
namespace mindspore {

View File

@ -13,7 +13,7 @@
* See the License for the specific language governing permissions and
* limitations under the License.
*/
#include "src/ops/populate/populate_register.h"
#include "src/common/ops/populate/populate_register.h"
using mindspore::schema::PrimitiveType_Fill;
namespace mindspore {

View File

@ -13,7 +13,7 @@
* See the License for the specific language governing permissions and
* limitations under the License.
*/
#include "src/ops/populate/populate_register.h"
#include "src/common/ops/populate/populate_register.h"
using mindspore::schema::PrimitiveType_Flatten;
namespace mindspore {

View File

@ -13,7 +13,7 @@
* See the License for the specific language governing permissions and
* limitations under the License.
*/
#include "src/ops/populate/populate_register.h"
#include "src/common/ops/populate/populate_register.h"
#include "nnacl/matmul_parameter.h"
using mindspore::schema::PrimitiveType_FullConnection;

View File

@ -13,7 +13,7 @@
* See the License for the specific language governing permissions and
* limitations under the License.
*/
#include "src/ops/populate/populate_register.h"
#include "src/common/ops/populate/populate_register.h"
#include "nnacl/batchnorm_parameter.h"
using mindspore::schema::PrimitiveType_FusedBatchNorm;

View File

@ -14,7 +14,7 @@
* limitations under the License.
*/
#include "src/ops/populate/populate_register.h"
#include "src/common/ops/populate/populate_register.h"
#include "nnacl/gather_parameter.h"
using mindspore::schema::PrimitiveType_GatherD;

View File

@ -13,7 +13,7 @@
* See the License for the specific language governing permissions and
* limitations under the License.
*/
#include "src/ops/populate/populate_register.h"
#include "src/common/ops/populate/populate_register.h"
#include "nnacl/fp32/gatherNd_fp32.h"
using mindspore::schema::PrimitiveType_GatherNd;

View File

@ -13,7 +13,7 @@
* See the License for the specific language governing permissions and
* limitations under the License.
*/
#include "src/ops/populate/populate_register.h"
#include "src/common/ops/populate/populate_register.h"
#include "nnacl/gather_parameter.h"
using mindspore::schema::PrimitiveType_Gather;

View File

@ -13,7 +13,7 @@
* See the License for the specific language governing permissions and
* limitations under the License.
*/
#include "src/ops/populate/populate_register.h"
#include "src/common/ops/populate/populate_register.h"
#include "nnacl/glu_parameter.h"
using mindspore::schema::PrimitiveType_GLU;

View File

@ -13,7 +13,7 @@
* See the License for the specific language governing permissions and
* limitations under the License.
*/
#include "src/ops/populate/populate_register.h"
#include "src/common/ops/populate/populate_register.h"
#include "nnacl/group_norm_parameter.h"
using mindspore::schema::PrimitiveType_GroupNormFusion;

View File

@ -13,7 +13,7 @@
* See the License for the specific language governing permissions and
* limitations under the License.
*/
#include "src/ops/populate/populate_register.h"
#include "src/common/ops/populate/populate_register.h"
#include "nnacl/fp32/gru_fp32.h"
using mindspore::schema::PrimitiveType_GRU;

View File

@ -13,7 +13,7 @@
* See the License for the specific language governing permissions and
* limitations under the License.
*/
#include "src/ops/populate/populate_register.h"
#include "src/common/ops/populate/populate_register.h"
#include "nnacl/instance_norm_parameter.h"
using mindspore::schema::PrimitiveType_InstanceNorm;

View File

@ -13,8 +13,8 @@
* See the License for the specific language governing permissions and
* limitations under the License.
*/
#include "src/ops/populate/populate_register.h"
#include "src/ops/populate/default_populate.h"
#include "src/common/ops/populate/populate_register.h"
#include "src/common/ops/populate/default_populate.h"
using mindspore::schema::PrimitiveType_InvertPermutation;
namespace mindspore {

View File

@ -13,8 +13,8 @@
* See the License for the specific language governing permissions and
* limitations under the License.
*/
#include "src/ops/populate/populate_register.h"
#include "src/ops/populate/default_populate.h"
#include "src/common/ops/populate/populate_register.h"
#include "src/common/ops/populate/default_populate.h"
using mindspore::schema::PrimitiveType_IsFinite;
namespace mindspore {

View File

@ -13,7 +13,7 @@
* See the License for the specific language governing permissions and
* limitations under the License.
*/
#include "src/ops/populate/populate_register.h"
#include "src/common/ops/populate/populate_register.h"
#include "nnacl/l2_norm_parameter.h"
using mindspore::schema::PrimitiveType_L2NormalizeFusion;

View File

@ -15,7 +15,7 @@
*/
#include "nnacl/fp32_grad/layernormgrad_parameter.h"
#include "src/ops/populate/populate_register.h"
#include "src/common/ops/populate/populate_register.h"
using mindspore::schema::PrimitiveType_LayerNormGrad;
namespace mindspore {

View File

@ -15,7 +15,7 @@
*/
#include "nnacl/layer_norm_parameter.h"
#include <cstdint>
#include "src/ops/populate/populate_register.h"
#include "src/common/ops/populate/populate_register.h"
using mindspore::schema::PrimitiveType_LayerNormFusion;
namespace mindspore {

View File

@ -13,8 +13,8 @@
* See the License for the specific language governing permissions and
* limitations under the License.
*/
#include "src/ops/populate/populate_register.h"
#include "src/ops/populate/default_populate.h"
#include "src/common/ops/populate/populate_register.h"
#include "src/common/ops/populate/default_populate.h"
using mindspore::schema::PrimitiveType_LinSpace;
namespace mindspore {

View File

@ -13,7 +13,7 @@
* See the License for the specific language governing permissions and
* limitations under the License.
*/
#include "src/ops/populate/populate_register.h"
#include "src/common/ops/populate/populate_register.h"
#include "nnacl/fp32/local_response_norm_fp32.h"
using mindspore::schema::PrimitiveType_LRN;

View File

@ -13,7 +13,7 @@
* See the License for the specific language governing permissions and
* limitations under the License.
*/
#include "src/ops/populate/populate_register.h"
#include "src/common/ops/populate/populate_register.h"
#include "nnacl/softmax_parameter.h"
using mindspore::schema::PrimitiveType_LogSoftmax;

View File

@ -13,7 +13,7 @@
* See the License for the specific language governing permissions and
* limitations under the License.
*/
#include "src/ops/populate/populate_register.h"
#include "src/common/ops/populate/populate_register.h"
#include "nnacl/fp32/lstm_fp32.h"
using mindspore::schema::PrimitiveType_LSTM;

View File

@ -13,7 +13,7 @@
* See the License for the specific language governing permissions and
* limitations under the License.
*/
#include "src/ops/populate/populate_register.h"
#include "src/common/ops/populate/populate_register.h"
#include "nnacl/matmul_parameter.h"
using mindspore::schema::PrimitiveType_MatMulFusion;

View File

@ -13,7 +13,7 @@
* See the License for the specific language governing permissions and
* limitations under the License.
*/
#include "src/ops/populate/populate_register.h"
#include "src/common/ops/populate/populate_register.h"
#include "nnacl/infer/mfcc_infer.h"
using mindspore::schema::PrimitiveType_Mfcc;

View File

@ -14,8 +14,8 @@
* limitations under the License.
*/
#include "nnacl/arithmetic.h"
#include "src/ops/populate/populate_register.h"
#include "src/ops/populate/arithmetic_populate.h"
#include "src/common/ops/populate/populate_register.h"
#include "src/common/ops/populate/arithmetic_populate.h"
using mindspore::schema::PrimitiveType_MulFusion;
namespace mindspore {

View File

@ -14,7 +14,7 @@
* limitations under the License.
*/
#include "src/ops/populate/populate_register.h"
#include "src/common/ops/populate/populate_register.h"
#include "nnacl/nllloss_parameter.h"

View File

@ -13,7 +13,7 @@
* See the License for the specific language governing permissions and
* limitations under the License.
*/
#include "src/ops/populate/populate_register.h"
#include "src/common/ops/populate/populate_register.h"
#include "nnacl/non_max_suppression_parameter.h"
using mindspore::schema::PrimitiveType_NonMaxSuppression;

View File

@ -13,8 +13,8 @@
* See the License for the specific language governing permissions and
* limitations under the License.
*/
#include "src/ops/populate/populate_register.h"
#include "src/ops/populate/default_populate.h"
#include "src/common/ops/populate/populate_register.h"
#include "src/common/ops/populate/default_populate.h"
using mindspore::schema::PrimitiveType_NonZero;
namespace mindspore {

View File

@ -13,7 +13,7 @@
* See the License for the specific language governing permissions and
* limitations under the License.
*/
#include "src/ops/populate/populate_register.h"
#include "src/common/ops/populate/populate_register.h"
#include "nnacl/fp32/one_hot_fp32.h"
using mindspore::schema::PrimitiveType_OneHot;

View File

@ -13,7 +13,7 @@
* See the License for the specific language governing permissions and
* limitations under the License.
*/
#include "src/ops/populate/populate_register.h"
#include "src/common/ops/populate/populate_register.h"
using mindspore::schema::PrimitiveType_OnesLike;
namespace mindspore {

View File

@ -13,7 +13,7 @@
* See the License for the specific language governing permissions and
* limitations under the License.
*/
#include "src/ops/populate/populate_register.h"
#include "src/common/ops/populate/populate_register.h"
#include "nnacl/prelu_parameter.h"
using mindspore::schema::PrimitiveType_PReLUFusion;

View File

@ -13,7 +13,7 @@
* See the License for the specific language governing permissions and
* limitations under the License.
*/
#include "src/ops/populate/populate_register.h"
#include "src/common/ops/populate/populate_register.h"
#include "nnacl/pad_parameter.h"
using mindspore::schema::PrimitiveType_PadFusion;

Some files were not shown because too many files have changed in this diff Show More