forked from mindspore-Ecosystem/mindspore
refactor lite
This commit is contained in:
parent
98cb5274a2
commit
d651b8062b
|
@ -42,7 +42,7 @@
|
||||||
"mindspore/mindspore/core/mindrt/src/thread/" "useStlAlgorithm"
|
"mindspore/mindspore/core/mindrt/src/thread/" "useStlAlgorithm"
|
||||||
"mindspore/mindspore/lite/test/" "syntaxError"
|
"mindspore/mindspore/lite/test/" "syntaxError"
|
||||||
"mindspore/mindspore/lite/test/ut/tools/converter/registry/pass_registry_test.cc" "unknownMacro"
|
"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/flag_parser.cc" "useStlAlgorithm"
|
||||||
"mindspore/mindspore/lite/tools/common/tensor_util.cc" "useStlAlgorithm"
|
"mindspore/mindspore/lite/tools/common/tensor_util.cc" "useStlAlgorithm"
|
||||||
"mindspore/mindspore/lite/tools/converter/parser/onnx/onnx_relu_parser.cc" "useStlAlgorithm"
|
"mindspore/mindspore/lite/tools/converter/parser/onnx/onnx_relu_parser.cc" "useStlAlgorithm"
|
||||||
|
|
|
@ -60,7 +60,7 @@
|
||||||
"mindspore/mindspore/lite/src/runtime/thread_pool.c" "readability/casting"
|
"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/arrays"
|
||||||
"mindspore/mindspore/lite/src/runtime/thread_pool.c" "runtime/int"
|
"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" "legal/copyright"
|
||||||
"mindspore/mindspore/lite/examples/runtime_gpu_extend/src/cl" "readability/casting"
|
"mindspore/mindspore/lite/examples/runtime_gpu_extend/src/cl" "readability/casting"
|
||||||
"mindspore/mindspore/lite/examples/runtime_gpu_extend/src/cl" "readability/fn_size"
|
"mindspore/mindspore/lite/examples/runtime_gpu_extend/src/cl" "readability/fn_size"
|
||||||
|
|
|
@ -4,7 +4,7 @@
|
||||||
# file_path:function_name1, function_name2
|
# file_path:function_name1, function_name2
|
||||||
#
|
#
|
||||||
mindspore/mindspore/core/mindrt/src/thread/actor_threadpool.cc:mindspore::ActorWorker::RunWithSpin
|
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/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/tools/converter/graphdef_transform.cc:mindspore::lite::GraphDefTransform::Transform
|
||||||
mindspore/mindspore/lite/providers/nnie_proposal/src/proposal.cc:mindspore::proposal::Rpn
|
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/tensor.py:__init__
|
||||||
mindspore/mindspore/python/mindspore/common/parameter.py:set_data
|
mindspore/mindspore/python/mindspore/common/parameter.py:set_data
|
||||||
mindspore/mindspore/ccsrc/pybind_api/ir/tensor_py.cc:mindspore::tensor::GetDataType
|
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/thread_pool.c:GetArch
|
||||||
mindspore/mindspore/lite/src/runtime/kernel/opencl/kernel/conv2d.cc:mindspore::kernel::UseWinograd4x4To6x6
|
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/src/runtime/scheduler.cc:mindspore::lite::Scheduler::FindBackendKernel
|
||||||
mindspore/mindspore/lite/nnacl/infer/strided_slice_infer.c:StridedSliceInferShape
|
mindspore/mindspore/lite/src/runtime/ios_reg_ops.cc:mindspore::lite::IosRegisterOps
|
||||||
mindspore/mindspore/lite/nnacl/fp16/pack_fp16.c:PackNHWCToNCHWFp16
|
mindspore/mindspore/lite/src/runtime/ios_reg_kernels.h:mindspore::kernel::IosRegisterKernels
|
||||||
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/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::QuantDTypeCast
|
||||||
mindspore/mindspore/lite/src/runtime/kernel/cpu/base/quant_dtype_cast.cc:mindspore::kernel::QuantDTypeCastCPUKernel::Run
|
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
|
mindspore/mindspore/ccsrc/pipeline/jit/static_analysis/prim.cc:mindspore::abstract::ConvertAbstractToPython
|
||||||
|
|
|
@ -741,7 +741,7 @@ if(MSLITE_MINDDATA_IMPLEMENT STREQUAL "lite_cv")
|
||||||
add_subdirectory(${CMAKE_CURRENT_SOURCE_DIR}/minddata)
|
add_subdirectory(${CMAKE_CURRENT_SOURCE_DIR}/minddata)
|
||||||
endif()
|
endif()
|
||||||
|
|
||||||
add_subdirectory(${CMAKE_CURRENT_SOURCE_DIR}/src/ops)
|
add_subdirectory(${CMAKE_CURRENT_SOURCE_DIR}/src/common/ops)
|
||||||
if(ANDROID_NDK_TOOLCHAIN_INCLUDED)
|
if(ANDROID_NDK_TOOLCHAIN_INCLUDED)
|
||||||
add_subdirectory(${CMAKE_CURRENT_SOURCE_DIR}/tools/converter/micro/coder)
|
add_subdirectory(${CMAKE_CURRENT_SOURCE_DIR}/tools/converter/micro/coder)
|
||||||
endif()
|
endif()
|
||||||
|
|
|
@ -19,7 +19,7 @@
|
||||||
|
|
||||||
#include <vector>
|
#include <vector>
|
||||||
#include "nnacl/op_base.h"
|
#include "nnacl/op_base.h"
|
||||||
#include "src/lite_kernel.h"
|
#include "src/runtime/lite_kernel.h"
|
||||||
#include "nnacl/kernel.h"
|
#include "nnacl/kernel.h"
|
||||||
|
|
||||||
namespace mindspore::kernel::experimental {
|
namespace mindspore::kernel::experimental {
|
||||||
|
|
|
@ -18,7 +18,7 @@
|
||||||
#define MINDSPORE_LITE_CONVOLUTION_FP32_H_
|
#define MINDSPORE_LITE_CONVOLUTION_FP32_H_
|
||||||
|
|
||||||
#include <vector>
|
#include <vector>
|
||||||
#include "src/lite_kernel.h"
|
#include "src/runtime/lite_kernel.h"
|
||||||
#include "nnacl/kernel.h"
|
#include "nnacl/kernel.h"
|
||||||
|
|
||||||
namespace mindspore::kernel {
|
namespace mindspore::kernel {
|
||||||
|
|
|
@ -30,7 +30,7 @@
|
||||||
#include "src/common/log_adapter.h"
|
#include "src/common/log_adapter.h"
|
||||||
#include "schema/model_generated.h"
|
#include "schema/model_generated.h"
|
||||||
#include "src/common/utils.h"
|
#include "src/common/utils.h"
|
||||||
#include "src/tensor_category.h"
|
#include "src/runtime/tensor_category.h"
|
||||||
#include "nnacl/tensor_c.h"
|
#include "nnacl/tensor_c.h"
|
||||||
|
|
||||||
namespace mindspore {
|
namespace mindspore {
|
||||||
|
|
|
@ -108,12 +108,12 @@ if(MSLITE_MINDDATA_IMPLEMENT STREQUAL "full")
|
||||||
include_directories("${TOP_DIR}")
|
include_directories("${TOP_DIR}")
|
||||||
|
|
||||||
set(MINDDATA_FULL_SRC
|
set(MINDDATA_FULL_SRC
|
||||||
${TOP_DIR}/mindspore/lite/src/cxx_api/types.cc
|
${TOP_DIR}/mindspore/lite/src/runtime/cxx_api/types.cc
|
||||||
${TOP_DIR}/mindspore/lite/src/cxx_api/tensor_utils.cc
|
${TOP_DIR}/mindspore/lite/src/runtime/cxx_api/tensor_utils.cc
|
||||||
${TOP_DIR}/mindspore/lite/src/cxx_api/tensor/tensor_impl.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/tensor.cc
|
||||||
${TOP_DIR}/mindspore/lite/src/common/utils.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/string_util.cc
|
||||||
${TOP_DIR}/mindspore/lite/src/common/lite_utils.cc
|
${TOP_DIR}/mindspore/lite/src/common/lite_utils.cc
|
||||||
${CORE_DIR}/utils/status.cc
|
${CORE_DIR}/utils/status.cc
|
||||||
|
@ -433,7 +433,7 @@ elseif(MSLITE_MINDDATA_IMPLEMENT STREQUAL "wrapper")
|
||||||
|
|
||||||
set(MINDSPORE_LITE_CXXAPI_SRC
|
set(MINDSPORE_LITE_CXXAPI_SRC
|
||||||
${CORE_DIR}/utils/status.cc
|
${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/tensor.cc
|
||||||
${CMAKE_CURRENT_SOURCE_DIR}/../src/common/utils.cc
|
${CMAKE_CURRENT_SOURCE_DIR}/../src/common/utils.cc
|
||||||
)
|
)
|
||||||
|
|
|
@ -60,23 +60,23 @@ elseif(NOT MSVC)
|
||||||
endif()
|
endif()
|
||||||
|
|
||||||
file(GLOB CXX_API_SRCS
|
file(GLOB CXX_API_SRCS
|
||||||
${CMAKE_CURRENT_SOURCE_DIR}/cxx_api/*.cc
|
${CMAKE_CURRENT_SOURCE_DIR}/runtime/cxx_api/*.cc
|
||||||
${CMAKE_CURRENT_SOURCE_DIR}/cxx_api/model/*.cc
|
${CMAKE_CURRENT_SOURCE_DIR}/runtime/cxx_api/model/*.cc
|
||||||
${CMAKE_CURRENT_SOURCE_DIR}/cxx_api/graph/*.cc
|
${CMAKE_CURRENT_SOURCE_DIR}/runtime/cxx_api/graph/*.cc
|
||||||
${CMAKE_CURRENT_SOURCE_DIR}/cxx_api/tensor/*.cc
|
${CMAKE_CURRENT_SOURCE_DIR}/runtime/cxx_api/tensor/*.cc
|
||||||
)
|
)
|
||||||
if(MSLITE_ENABLE_PARALLEL_INFERENCE)
|
if(MSLITE_ENABLE_PARALLEL_INFERENCE)
|
||||||
set(CXX_API_SRCS
|
set(CXX_API_SRCS
|
||||||
${CXX_API_SRCS}
|
${CXX_API_SRCS}
|
||||||
${CMAKE_CURRENT_SOURCE_DIR}/cxx_api/model_pool/predict_task_queue.cc
|
${CMAKE_CURRENT_SOURCE_DIR}/runtime/cxx_api/model_pool/predict_task_queue.cc
|
||||||
${CMAKE_CURRENT_SOURCE_DIR}/cxx_api/model_pool/model_worker.cc
|
${CMAKE_CURRENT_SOURCE_DIR}/runtime/cxx_api/model_pool/model_worker.cc
|
||||||
${CMAKE_CURRENT_SOURCE_DIR}/cxx_api/model_pool/model_pool.cc
|
${CMAKE_CURRENT_SOURCE_DIR}/runtime/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/model_parallel_runner.cc
|
||||||
)
|
)
|
||||||
endif()
|
endif()
|
||||||
|
|
||||||
file(GLOB C_API_SRCS
|
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})
|
set(API_SRC ${CXX_API_SRCS} ${C_API_SRCS})
|
||||||
if(NOT MSLITE_ENABLE_RUNTIME_CONVERT)
|
if(NOT MSLITE_ENABLE_RUNTIME_CONVERT)
|
||||||
|
@ -85,10 +85,10 @@ if(NOT MSLITE_ENABLE_RUNTIME_CONVERT)
|
||||||
endif()
|
endif()
|
||||||
if(MSLITE_MINDDATA_IMPLEMENT STREQUAL "full")
|
if(MSLITE_MINDDATA_IMPLEMENT STREQUAL "full")
|
||||||
file(GLOB CXX_API_TRAIN_SRCS
|
file(GLOB CXX_API_TRAIN_SRCS
|
||||||
${CMAKE_CURRENT_SOURCE_DIR}/cxx_api/train/model.cc
|
${CMAKE_CURRENT_SOURCE_DIR}/runtime/cxx_api/train/model.cc
|
||||||
${CMAKE_CURRENT_SOURCE_DIR}/cxx_api/train/model_impl.cc
|
${CMAKE_CURRENT_SOURCE_DIR}/runtime/cxx_api/train/model_impl.cc
|
||||||
${CMAKE_CURRENT_SOURCE_DIR}/cxx_api/metrics/*.cc
|
${CMAKE_CURRENT_SOURCE_DIR}/runtime/cxx_api/metrics/*.cc
|
||||||
${CMAKE_CURRENT_SOURCE_DIR}/cxx_api/callback/*.cc
|
${CMAKE_CURRENT_SOURCE_DIR}/runtime/cxx_api/callback/*.cc
|
||||||
)
|
)
|
||||||
set(API_TRAIN_SRC
|
set(API_TRAIN_SRC
|
||||||
${CXX_API_TRAIN_SRCS}
|
${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_shape_fusion_pass.cc
|
||||||
${CMAKE_CURRENT_SOURCE_DIR}/runtime/runtime_pass.cc
|
${CMAKE_CURRENT_SOURCE_DIR}/runtime/runtime_pass.cc
|
||||||
${CMAKE_CURRENT_SOURCE_DIR}/runtime/pass/runtime_ncx_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}/tensor.cc
|
||||||
${CMAKE_CURRENT_SOURCE_DIR}/tensorlist.cc
|
${CMAKE_CURRENT_SOURCE_DIR}/tensorlist.cc
|
||||||
${CMAKE_CURRENT_SOURCE_DIR}/tensor_category.cc
|
${CMAKE_CURRENT_SOURCE_DIR}/runtime/tensor_category.cc
|
||||||
${CMAKE_CURRENT_SOURCE_DIR}/ms_tensor.cc
|
${CMAKE_CURRENT_SOURCE_DIR}/runtime/ms_tensor.cc
|
||||||
${CMAKE_CURRENT_SOURCE_DIR}/executor.cc
|
${CMAKE_CURRENT_SOURCE_DIR}/runtime/executor.cc
|
||||||
${CMAKE_CURRENT_SOURCE_DIR}/inner_context.cc
|
${CMAKE_CURRENT_SOURCE_DIR}/runtime/inner_context.cc
|
||||||
${CMAKE_CURRENT_SOURCE_DIR}/lite_model.cc
|
${CMAKE_CURRENT_SOURCE_DIR}/runtime/lite_model.cc
|
||||||
${CMAKE_CURRENT_SOURCE_DIR}/kernel_registry.cc
|
${CMAKE_CURRENT_SOURCE_DIR}/runtime/kernel_registry.cc
|
||||||
${CMAKE_CURRENT_SOURCE_DIR}/lite_kernel.cc
|
${CMAKE_CURRENT_SOURCE_DIR}/runtime/lite_kernel.cc
|
||||||
${CMAKE_CURRENT_SOURCE_DIR}/kernel_exec.cc
|
${CMAKE_CURRENT_SOURCE_DIR}/runtime/kernel_exec.cc
|
||||||
${CMAKE_CURRENT_SOURCE_DIR}/kernel_exec_util.cc
|
${CMAKE_CURRENT_SOURCE_DIR}/runtime/kernel_exec_util.cc
|
||||||
${CMAKE_CURRENT_SOURCE_DIR}/sub_graph_kernel.cc
|
${CMAKE_CURRENT_SOURCE_DIR}/runtime/sub_graph_kernel.cc
|
||||||
${CMAKE_CURRENT_SOURCE_DIR}/scheduler.cc
|
${CMAKE_CURRENT_SOURCE_DIR}/runtime/scheduler.cc
|
||||||
${CMAKE_CURRENT_SOURCE_DIR}/lite_session.cc
|
${CMAKE_CURRENT_SOURCE_DIR}/runtime/lite_session.cc
|
||||||
${CMAKE_CURRENT_SOURCE_DIR}/errorcode.cc
|
${CMAKE_CURRENT_SOURCE_DIR}/errorcode.cc
|
||||||
${CMAKE_CURRENT_SOURCE_DIR}/cpu_info.cc
|
${CMAKE_CURRENT_SOURCE_DIR}/runtime/cpu_info.cc
|
||||||
${CMAKE_CURRENT_SOURCE_DIR}/pack_weight_manager.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_flow_scheduler.cc
|
||||||
${CMAKE_CURRENT_SOURCE_DIR}/control_flow/control_subgraph_creator.cc
|
${CMAKE_CURRENT_SOURCE_DIR}/control_flow/control_subgraph_creator.cc
|
||||||
)
|
)
|
||||||
|
|
||||||
set(MODEL_LOADER_FRAMEWORK_SRC
|
set(MODEL_LOADER_FRAMEWORK_SRC
|
||||||
${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)
|
if(MSLITE_ENABLE_CLOUD_FUSION_INFERENCE)
|
||||||
|
@ -156,21 +156,21 @@ remove_definitions(-DBUILD_LITE_INFERENCE)
|
||||||
|
|
||||||
set(MINDIR_MODEL_SRC
|
set(MINDIR_MODEL_SRC
|
||||||
${MINDIR_MODEL_SRC}
|
${MINDIR_MODEL_SRC}
|
||||||
${CMAKE_CURRENT_SOURCE_DIR}/model_loader/mindir_model/mindir_model.cc
|
${CMAKE_CURRENT_SOURCE_DIR}/extendrt/mindir_loader/mindir_model/mindir_model.cc
|
||||||
${CMAKE_CURRENT_SOURCE_DIR}/model_loader/mindir_model/mindir_model_util.cc
|
${CMAKE_CURRENT_SOURCE_DIR}/extendrt/mindir_loader/mindir_model/mindir_model_util.cc
|
||||||
${CMAKE_CURRENT_SOURCE_DIR}/model_loader/mindir_model/mindir_model_convertor.cc
|
${CMAKE_CURRENT_SOURCE_DIR}/extendrt/mindir_loader/mindir_model/mindir_model_convertor.cc
|
||||||
${CMAKE_CURRENT_SOURCE_DIR}/model_loader/mindir_model/mindir_model_loader.cc
|
${CMAKE_CURRENT_SOURCE_DIR}/extendrt/mindir_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/kernel_mod_util.cc
|
||||||
)
|
)
|
||||||
|
|
||||||
set(MINDIR_KERNEL_SRC
|
set(MINDIR_KERNEL_SRC
|
||||||
${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
|
set(LITE_SRC
|
||||||
${LITE_SRC}
|
${LITE_SRC}
|
||||||
${CMAKE_CURRENT_SOURCE_DIR}/model_loader/mindir_model/less_test_kernel_mod.cc
|
${CMAKE_CURRENT_SOURCE_DIR}/extendrt/mindir_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/kernel_mod_mock.cc)
|
||||||
endif()
|
endif()
|
||||||
|
|
||||||
set(LITE_SRC
|
set(LITE_SRC
|
||||||
|
@ -200,14 +200,14 @@ endif()
|
||||||
if(MSLITE_ENABLE_SHARING_MODEL_WEIGHT)
|
if(MSLITE_ENABLE_SHARING_MODEL_WEIGHT)
|
||||||
set(LITE_SRC
|
set(LITE_SRC
|
||||||
${LITE_SRC}
|
${LITE_SRC}
|
||||||
${CMAKE_CURRENT_SOURCE_DIR}/pack_weight.cc
|
${CMAKE_CURRENT_SOURCE_DIR}/runtime/pack_weight.cc
|
||||||
)
|
)
|
||||||
endif()
|
endif()
|
||||||
|
|
||||||
if(MSLITE_ENABLE_DYNAMIC_THREAD_DISTRIBUTE)
|
if(MSLITE_ENABLE_DYNAMIC_THREAD_DISTRIBUTE)
|
||||||
set(LITE_SRC
|
set(LITE_SRC
|
||||||
${LITE_SRC}
|
${LITE_SRC}
|
||||||
${CMAKE_CURRENT_SOURCE_DIR}/thread_cost_model.cc
|
${CMAKE_CURRENT_SOURCE_DIR}/runtime/thread_cost_model.cc
|
||||||
)
|
)
|
||||||
endif()
|
endif()
|
||||||
|
|
||||||
|
@ -239,9 +239,9 @@ if(MSLITE_ENABLE_RUNTIME_CONVERT)
|
||||||
add_definitions(-DRUNTIME_CONVERT)
|
add_definitions(-DRUNTIME_CONVERT)
|
||||||
add_definitions(-DPRIMITIVE_WRITEABLE)
|
add_definitions(-DPRIMITIVE_WRITEABLE)
|
||||||
file(GLOB RUNTIME_CONVERT_SRC
|
file(GLOB RUNTIME_CONVERT_SRC
|
||||||
${CMAKE_CURRENT_SOURCE_DIR}/ops/ops_def.cc
|
${CMAKE_CURRENT_SOURCE_DIR}/common/ops/ops_def.cc
|
||||||
${CMAKE_CURRENT_SOURCE_DIR}/ops/ops_utils.cc
|
${CMAKE_CURRENT_SOURCE_DIR}/common/ops/ops_utils.cc
|
||||||
${CMAKE_CURRENT_SOURCE_DIR}/ops/anf_utils.cc
|
${CMAKE_CURRENT_SOURCE_DIR}/common/ops/anf_utils.cc
|
||||||
${CMAKE_CURRENT_SOURCE_DIR}/runtime/runtime_convert.cc)
|
${CMAKE_CURRENT_SOURCE_DIR}/runtime/runtime_convert.cc)
|
||||||
|
|
||||||
set(LITE_SRC ${LITE_SRC} ${RUNTIME_CONVERT_SRC})
|
set(LITE_SRC ${LITE_SRC} ${RUNTIME_CONVERT_SRC})
|
||||||
|
@ -268,7 +268,7 @@ endif()
|
||||||
|
|
||||||
if(MSLITE_ENABLE_WEIGHT_DECODE)
|
if(MSLITE_ENABLE_WEIGHT_DECODE)
|
||||||
set(LITE_SRC ${LITE_SRC}
|
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)
|
if(NOT MSLITE_ENABLE_RUNTIME_CONVERT)
|
||||||
set(LITE_SRC ${LITE_SRC}
|
set(LITE_SRC ${LITE_SRC}
|
||||||
${TOOLS_DIR}/converter/quantizer/fse_decoder.cc
|
${TOOLS_DIR}/converter/quantizer/fse_decoder.cc
|
||||||
|
@ -279,7 +279,7 @@ endif()
|
||||||
if(MSLITE_ENABLE_AUTO_PARALLEL)
|
if(MSLITE_ENABLE_AUTO_PARALLEL)
|
||||||
set(LITE_SRC
|
set(LITE_SRC
|
||||||
${LITE_SRC}
|
${LITE_SRC}
|
||||||
${CMAKE_CURRENT_SOURCE_DIR}/sub_graph_split.cc
|
${CMAKE_CURRENT_SOURCE_DIR}/runtime/sub_graph_split.cc
|
||||||
)
|
)
|
||||||
endif()
|
endif()
|
||||||
|
|
||||||
|
@ -290,12 +290,12 @@ endif()
|
||||||
set(LITE_SRC
|
set(LITE_SRC
|
||||||
${LITE_SRC}
|
${LITE_SRC}
|
||||||
${KERNEL_REG_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)
|
if(MSLITE_GPU_BACKEND STREQUAL opencl)
|
||||||
file(GLOB_RECURSE OPENCL_RUNTIME_SRC
|
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
|
set(LITE_SRC
|
||||||
${LITE_SRC}
|
${LITE_SRC}
|
||||||
|
@ -321,7 +321,7 @@ endif()
|
||||||
|
|
||||||
|
|
||||||
file(GLOB CXX_API_EXPRESSION
|
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
|
file(GLOB EXPRESSION_OPS
|
||||||
|
@ -347,10 +347,10 @@ set(TRAIN_SRC
|
||||||
${TRAIN_SRC_WITH_MD}
|
${TRAIN_SRC_WITH_MD}
|
||||||
${EXPRESSION_SRC}
|
${EXPRESSION_SRC}
|
||||||
${CMAKE_CURRENT_SOURCE_DIR}/common/quant_utils.cc
|
${CMAKE_CURRENT_SOURCE_DIR}/common/quant_utils.cc
|
||||||
${CMAKE_CURRENT_SOURCE_DIR}/cxx_api/train/model_build.cc
|
${CMAKE_CURRENT_SOURCE_DIR}/runtime/cxx_api/train/model_build.cc
|
||||||
${CMAKE_CURRENT_SOURCE_DIR}/cxx_api/train/model_build_impl.cc
|
${CMAKE_CURRENT_SOURCE_DIR}/runtime/cxx_api/train/model_build_impl.cc
|
||||||
${CMAKE_CURRENT_SOURCE_DIR}/cxx_api/train/converters.cc
|
${CMAKE_CURRENT_SOURCE_DIR}/runtime/cxx_api/train/converters.cc
|
||||||
${CMAKE_CURRENT_SOURCE_DIR}/cxx_api/train/train_support.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_populate_parameter.cc
|
||||||
${CMAKE_CURRENT_SOURCE_DIR}/train/train_session.cc
|
${CMAKE_CURRENT_SOURCE_DIR}/train/train_session.cc
|
||||||
${CMAKE_CURRENT_SOURCE_DIR}/train/graph_fusion.cc
|
${CMAKE_CURRENT_SOURCE_DIR}/train/graph_fusion.cc
|
||||||
|
@ -380,8 +380,8 @@ if(MSLITE_ENABLE_MINDRT)
|
||||||
add_subdirectory(${CORE_DIR}/mindrt mindspore_mindrt)
|
add_subdirectory(${CORE_DIR}/mindrt mindspore_mindrt)
|
||||||
endif()
|
endif()
|
||||||
set(LITE_SRC ${LITE_SRC}
|
set(LITE_SRC ${LITE_SRC}
|
||||||
${CMAKE_CURRENT_SOURCE_DIR}/lite_mindrt.cc
|
${CMAKE_CURRENT_SOURCE_DIR}/runtime/lite_mindrt.cc
|
||||||
${CMAKE_CURRENT_SOURCE_DIR}/mindrt_executor.cc
|
${CMAKE_CURRENT_SOURCE_DIR}/runtime/mindrt_executor.cc
|
||||||
${CMAKE_CURRENT_SOURCE_DIR}/control_flow/control_actor_creator.cc
|
${CMAKE_CURRENT_SOURCE_DIR}/control_flow/control_actor_creator.cc
|
||||||
)
|
)
|
||||||
if(MSLITE_ENABLE_CONTROLFLOW)
|
if(MSLITE_ENABLE_CONTROLFLOW)
|
||||||
|
@ -412,7 +412,7 @@ add_dependencies(lite_src_mid fbs_src)
|
||||||
|
|
||||||
if(MSLITE_ENABLE_ACL)
|
if(MSLITE_ENABLE_ACL)
|
||||||
include_directories(${TOP_DIR}/graphengine/inc/external)
|
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})
|
link_directories(${ASCEND_RUNTIME_PATH} ${ASCEND_TOOLKIT_RUNTIME_PATH} ${ASCEND_CANN_RUNTIME_PATH})
|
||||||
endif()
|
endif()
|
||||||
|
|
||||||
|
@ -479,12 +479,12 @@ if(SUPPORT_TENSORRT)
|
||||||
set(CUDA_LIB_PATH ${CUDA_PATH}/lib64)
|
set(CUDA_LIB_PATH ${CUDA_PATH}/lib64)
|
||||||
include_directories(${TENSORRT_PATH}/include)
|
include_directories(${TENSORRT_PATH}/include)
|
||||||
include_directories(${CUDA_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 tensorrt_kernel_mid cuda_kernel_mid gpu_distribution_collective)
|
||||||
target_link_libraries(mindspore-lite_static 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()
|
else()
|
||||||
set(TENSORRT_STUB
|
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})
|
add_library(tensorrt_stub OBJECT ${TENSORRT_STUB})
|
||||||
target_link_libraries(mindspore-lite tensorrt_stub)
|
target_link_libraries(mindspore-lite tensorrt_stub)
|
||||||
|
@ -498,7 +498,7 @@ if(MSLITE_GPU_BACKEND STREQUAL opencl)
|
||||||
endif()
|
endif()
|
||||||
|
|
||||||
if(SUPPORT_NPU)
|
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 npu_kernel_mid)
|
||||||
target_link_libraries(mindspore-lite_static npu_kernel_mid)
|
target_link_libraries(mindspore-lite_static npu_kernel_mid)
|
||||||
endif()
|
endif()
|
||||||
|
@ -536,7 +536,7 @@ if(SUPPORT_TRAIN)
|
||||||
endif()
|
endif()
|
||||||
|
|
||||||
if(MSLITE_ENABLE_KERNEL_EXECUTOR)
|
if(MSLITE_ENABLE_KERNEL_EXECUTOR)
|
||||||
add_subdirectory(cxx_api/kernel_executor)
|
add_subdirectory(runtime/cxx_api/kernel_executor)
|
||||||
endif()
|
endif()
|
||||||
|
|
||||||
########################## build optimize and float16 library #################################
|
########################## build optimize and float16 library #################################
|
||||||
|
@ -554,12 +554,12 @@ endif()
|
||||||
if(MSLITE_ENABLE_RUNTIME_CONVERT)
|
if(MSLITE_ENABLE_RUNTIME_CONVERT)
|
||||||
target_link_libraries(mindspore-lite
|
target_link_libraries(mindspore-lite
|
||||||
quantizer_mid fusion_mid proto_mid graph_pass_mid preprocess_mid
|
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
|
config_parser_mid mslite_converter_plugin mindspore_core coder_mid
|
||||||
mindir_serializer_mid mindspore::protobuf ${SECUREC_LIBRARY})
|
mindir_serializer_mid mindspore::protobuf ${SECUREC_LIBRARY})
|
||||||
target_link_libraries(mindspore-lite_static
|
target_link_libraries(mindspore-lite_static
|
||||||
quantizer_mid fusion_mid proto_mid graph_pass_mid preprocess_mid
|
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
|
config_parser_mid mslite_converter_plugin mindspore_core coder_mid
|
||||||
mindir_serializer_mid mindspore::protobuf ${SECUREC_LIBRARY})
|
mindir_serializer_mid mindspore::protobuf ${SECUREC_LIBRARY})
|
||||||
if(NOT ENABLE_CLOUD_AND_LITE)
|
if(NOT ENABLE_CLOUD_AND_LITE)
|
||||||
|
|
|
@ -21,7 +21,7 @@
|
||||||
#include <string>
|
#include <string>
|
||||||
#include "include/context.h"
|
#include "include/context.h"
|
||||||
#include "include/api/context.h"
|
#include "include/api/context.h"
|
||||||
#include "src/kernel_exec.h"
|
#include "src/runtime/kernel_exec.h"
|
||||||
|
|
||||||
namespace mindspore {
|
namespace mindspore {
|
||||||
namespace lite {
|
namespace lite {
|
||||||
|
|
|
@ -14,7 +14,7 @@
|
||||||
* limitations under the License.
|
* limitations under the License.
|
||||||
*/
|
*/
|
||||||
|
|
||||||
#include "src/ops/anf_utils.h"
|
#include "src/common/ops/anf_utils.h"
|
||||||
#ifdef PRIMITIVE_WRITEABLE
|
#ifdef PRIMITIVE_WRITEABLE
|
||||||
namespace mindspore {
|
namespace mindspore {
|
||||||
namespace lite {
|
namespace lite {
|
|
@ -17,7 +17,7 @@
|
||||||
#define MINDSPORE_LITE_SRC_OPS_ANF_UTILS_H_
|
#define MINDSPORE_LITE_SRC_OPS_ANF_UTILS_H_
|
||||||
|
|
||||||
#include <memory>
|
#include <memory>
|
||||||
#include "src/ops/ops_utils.h"
|
#include "src/common/ops/ops_utils.h"
|
||||||
#ifdef PRIMITIVE_WRITEABLE
|
#ifdef PRIMITIVE_WRITEABLE
|
||||||
#include "abstract/ops/primitive_infer_map.h"
|
#include "abstract/ops/primitive_infer_map.h"
|
||||||
namespace mindspore {
|
namespace mindspore {
|
|
@ -13,8 +13,8 @@
|
||||||
* See the License for the specific language governing permissions and
|
* See the License for the specific language governing permissions and
|
||||||
* limitations under the License.
|
* limitations under the License.
|
||||||
*/
|
*/
|
||||||
#include "src/ops/ops_def.h"
|
#include "src/common/ops/ops_def.h"
|
||||||
#include "src/ops/ops_func_declare.h"
|
#include "src/common/ops/ops_func_declare.h"
|
||||||
|
|
||||||
OP_TYPE_DEF_BEGIN(PrimitiveType)
|
OP_TYPE_DEF_BEGIN(PrimitiveType)
|
||||||
OP_TYPE(Abs)
|
OP_TYPE(Abs)
|
|
@ -19,8 +19,8 @@
|
||||||
#include <map>
|
#include <map>
|
||||||
#include <memory>
|
#include <memory>
|
||||||
#include <utility>
|
#include <utility>
|
||||||
#include "src/ops/ops_func_declare.h"
|
#include "src/common/ops/ops_func_declare.h"
|
||||||
#include "src/ops/schema_register.h"
|
#include "src/common/ops/schema_register.h"
|
||||||
|
|
||||||
#ifdef PRIMITIVE_WRITEABLE
|
#ifdef PRIMITIVE_WRITEABLE
|
||||||
#include "mindspore/core/utils/check_convert_utils.h"
|
#include "mindspore/core/utils/check_convert_utils.h"
|
|
@ -16,7 +16,7 @@
|
||||||
|
|
||||||
#include <memory>
|
#include <memory>
|
||||||
#include <utility>
|
#include <utility>
|
||||||
#include "src/ops/ops_utils.h"
|
#include "src/common/ops/ops_utils.h"
|
||||||
#include "mindapi/base/shared_ptr.h"
|
#include "mindapi/base/shared_ptr.h"
|
||||||
#ifdef PRIMITIVE_WRITEABLE
|
#ifdef PRIMITIVE_WRITEABLE
|
||||||
#include "ops/primitive_c.h"
|
#include "ops/primitive_c.h"
|
|
@ -21,7 +21,7 @@
|
||||||
#include <string>
|
#include <string>
|
||||||
#include <memory>
|
#include <memory>
|
||||||
#include <algorithm>
|
#include <algorithm>
|
||||||
#include "src/ops/ops_func_declare.h"
|
#include "src/common/ops/ops_func_declare.h"
|
||||||
#ifdef PRIMITIVE_WRITEABLE
|
#ifdef PRIMITIVE_WRITEABLE
|
||||||
#include "src/common/log_adapter.h"
|
#include "src/common/log_adapter.h"
|
||||||
|
|
|
@ -13,7 +13,7 @@
|
||||||
* See the License for the specific language governing permissions and
|
* See the License for the specific language governing permissions and
|
||||||
* limitations under the License.
|
* 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"
|
#include "nnacl/fp32_grad/activation_grad.h"
|
||||||
using mindspore::schema::PrimitiveType_ActivationGrad;
|
using mindspore::schema::PrimitiveType_ActivationGrad;
|
||||||
|
|
|
@ -13,7 +13,7 @@
|
||||||
* See the License for the specific language governing permissions and
|
* See the License for the specific language governing permissions and
|
||||||
* limitations under the License.
|
* 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"
|
#include "nnacl/fp32/activation_fp32.h"
|
||||||
using mindspore::schema::PrimitiveType_Activation;
|
using mindspore::schema::PrimitiveType_Activation;
|
||||||
|
|
|
@ -13,7 +13,7 @@
|
||||||
* See the License for the specific language governing permissions and
|
* See the License for the specific language governing permissions and
|
||||||
* limitations under the License.
|
* 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/op_base.h"
|
||||||
using mindspore::schema::PrimitiveType_Adam;
|
using mindspore::schema::PrimitiveType_Adam;
|
||||||
|
|
|
@ -13,9 +13,9 @@
|
||||||
* See the License for the specific language governing permissions and
|
* See the License for the specific language governing permissions and
|
||||||
* limitations under the License.
|
* limitations under the License.
|
||||||
*/
|
*/
|
||||||
#include "src/ops/populate/populate_register.h"
|
#include "src/common/ops/populate/populate_register.h"
|
||||||
#include "nnacl/arithmetic.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;
|
using mindspore::schema::PrimitiveType_AddFusion;
|
||||||
|
|
||||||
namespace mindspore {
|
namespace mindspore {
|
|
@ -15,7 +15,7 @@
|
||||||
*/
|
*/
|
||||||
#include "src/common/log_adapter.h"
|
#include "src/common/log_adapter.h"
|
||||||
#include "nnacl/conv_parameter.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;
|
using mindspore::schema::PrimitiveType_AdderFusion;
|
||||||
|
|
||||||
namespace mindspore {
|
namespace mindspore {
|
|
@ -13,7 +13,7 @@
|
||||||
* See the License for the specific language governing permissions and
|
* See the License for the specific language governing permissions and
|
||||||
* limitations under the License.
|
* 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/op_base.h"
|
||||||
#include "nnacl/affine_parameter.h"
|
#include "nnacl/affine_parameter.h"
|
||||||
|
|
|
@ -17,7 +17,7 @@
|
||||||
#include "schema/ops_generated.h"
|
#include "schema/ops_generated.h"
|
||||||
#include "schema/model_generated.h"
|
#include "schema/model_generated.h"
|
||||||
#include "nnacl/all_gather_parameter.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;
|
using mindspore::schema::PrimitiveType_AllGather;
|
||||||
namespace mindspore {
|
namespace mindspore {
|
|
@ -13,7 +13,7 @@
|
||||||
* See the License for the specific language governing permissions and
|
* See the License for the specific language governing permissions and
|
||||||
* limitations under the License.
|
* 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"
|
#include "nnacl/arg_min_max_parameter.h"
|
||||||
using mindspore::schema::PrimitiveType_ArgMaxFusion;
|
using mindspore::schema::PrimitiveType_ArgMaxFusion;
|
||||||
|
|
|
@ -13,7 +13,7 @@
|
||||||
* See the License for the specific language governing permissions and
|
* See the License for the specific language governing permissions and
|
||||||
* limitations under the License.
|
* 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"
|
#include "nnacl/arg_min_max_parameter.h"
|
||||||
using mindspore::schema::PrimitiveType_ArgMinFusion;
|
using mindspore::schema::PrimitiveType_ArgMinFusion;
|
||||||
|
|
|
@ -13,8 +13,8 @@
|
||||||
* See the License for the specific language governing permissions and
|
* See the License for the specific language governing permissions and
|
||||||
* limitations under the License.
|
* limitations under the License.
|
||||||
*/
|
*/
|
||||||
#include "src/ops/populate/arithmetic_populate.h"
|
#include "src/common/ops/populate/arithmetic_populate.h"
|
||||||
#include "src/ops/populate/populate_register.h"
|
#include "src/common/ops/populate/populate_register.h"
|
||||||
using mindspore::schema::PrimitiveType_BiasAddGrad;
|
using mindspore::schema::PrimitiveType_BiasAddGrad;
|
||||||
using mindspore::schema::PrimitiveType_Equal;
|
using mindspore::schema::PrimitiveType_Equal;
|
||||||
using mindspore::schema::PrimitiveType_FloorDiv;
|
using mindspore::schema::PrimitiveType_FloorDiv;
|
|
@ -15,7 +15,7 @@
|
||||||
*/
|
*/
|
||||||
#include "src/common/log_adapter.h"
|
#include "src/common/log_adapter.h"
|
||||||
#include "nnacl/arithmetic_self_parameter.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_Abs;
|
||||||
using mindspore::schema::PrimitiveType_Ceil;
|
using mindspore::schema::PrimitiveType_Ceil;
|
||||||
using mindspore::schema::PrimitiveType_Cos;
|
using mindspore::schema::PrimitiveType_Cos;
|
|
@ -13,7 +13,7 @@
|
||||||
* See the License for the specific language governing permissions and
|
* See the License for the specific language governing permissions and
|
||||||
* limitations under the License.
|
* limitations under the License.
|
||||||
*/
|
*/
|
||||||
#include "src/ops/populate/populate_register.h"
|
#include "src/common/ops/populate/populate_register.h"
|
||||||
using mindspore::schema::PrimitiveType_Assert;
|
using mindspore::schema::PrimitiveType_Assert;
|
||||||
|
|
||||||
namespace mindspore {
|
namespace mindspore {
|
|
@ -13,7 +13,7 @@
|
||||||
* See the License for the specific language governing permissions and
|
* See the License for the specific language governing permissions and
|
||||||
* limitations under the License.
|
* limitations under the License.
|
||||||
*/
|
*/
|
||||||
#include "src/ops/populate/populate_register.h"
|
#include "src/common/ops/populate/populate_register.h"
|
||||||
using mindspore::schema::PrimitiveType_AssignAdd;
|
using mindspore::schema::PrimitiveType_AssignAdd;
|
||||||
|
|
||||||
namespace mindspore {
|
namespace mindspore {
|
|
@ -13,7 +13,7 @@
|
||||||
* See the License for the specific language governing permissions and
|
* See the License for the specific language governing permissions and
|
||||||
* limitations under the License.
|
* limitations under the License.
|
||||||
*/
|
*/
|
||||||
#include "src/ops/populate/populate_register.h"
|
#include "src/common/ops/populate/populate_register.h"
|
||||||
using mindspore::schema::PrimitiveType_Assign;
|
using mindspore::schema::PrimitiveType_Assign;
|
||||||
|
|
||||||
namespace mindspore {
|
namespace mindspore {
|
|
@ -13,7 +13,7 @@
|
||||||
* See the License for the specific language governing permissions and
|
* See the License for the specific language governing permissions and
|
||||||
* limitations under the License.
|
* 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"
|
#include "nnacl/infer/audio_spectrogram_infer.h"
|
||||||
using mindspore::schema::PrimitiveType_AudioSpectrogram;
|
using mindspore::schema::PrimitiveType_AudioSpectrogram;
|
||||||
|
|
|
@ -13,7 +13,7 @@
|
||||||
* See the License for the specific language governing permissions and
|
* See the License for the specific language governing permissions and
|
||||||
* limitations under the License.
|
* limitations under the License.
|
||||||
*/
|
*/
|
||||||
#include "src/ops/populate/populate_register.h"
|
#include "src/common/ops/populate/populate_register.h"
|
||||||
#include "nnacl/batchnorm_parameter.h"
|
#include "nnacl/batchnorm_parameter.h"
|
||||||
using mindspore::schema::PrimitiveType_BatchNorm;
|
using mindspore::schema::PrimitiveType_BatchNorm;
|
||||||
|
|
|
@ -13,7 +13,7 @@
|
||||||
* See the License for the specific language governing permissions and
|
* See the License for the specific language governing permissions and
|
||||||
* limitations under the License.
|
* 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"
|
#include "nnacl/batch_to_space.h"
|
||||||
using mindspore::schema::PrimitiveType_BatchToSpace;
|
using mindspore::schema::PrimitiveType_BatchToSpace;
|
||||||
using mindspore::schema::PrimitiveType_BatchToSpaceND;
|
using mindspore::schema::PrimitiveType_BatchToSpaceND;
|
|
@ -13,7 +13,7 @@
|
||||||
* See the License for the specific language governing permissions and
|
* See the License for the specific language governing permissions and
|
||||||
* limitations under the License.
|
* limitations under the License.
|
||||||
*/
|
*/
|
||||||
#include "src/ops/populate/populate_register.h"
|
#include "src/common/ops/populate/populate_register.h"
|
||||||
#include "nnacl/arithmetic.h"
|
#include "nnacl/arithmetic.h"
|
||||||
using mindspore::schema::PrimitiveType_BiasAdd;
|
using mindspore::schema::PrimitiveType_BiasAdd;
|
||||||
|
|
|
@ -13,7 +13,7 @@
|
||||||
* See the License for the specific language governing permissions and
|
* See the License for the specific language governing permissions and
|
||||||
* limitations under the License.
|
* 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"
|
#include "nnacl/fp32_grad/binary_cross_entropy_grad.h"
|
||||||
using mindspore::schema::PrimitiveType_BinaryCrossEntropyGrad;
|
using mindspore::schema::PrimitiveType_BinaryCrossEntropyGrad;
|
||||||
|
|
|
@ -13,7 +13,7 @@
|
||||||
* See the License for the specific language governing permissions and
|
* See the License for the specific language governing permissions and
|
||||||
* limitations under the License.
|
* 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"
|
#include "nnacl/fp32_grad/binary_cross_entropy.h"
|
||||||
using mindspore::schema::PrimitiveType_BinaryCrossEntropy;
|
using mindspore::schema::PrimitiveType_BinaryCrossEntropy;
|
||||||
|
|
|
@ -13,7 +13,7 @@
|
||||||
* See the License for the specific language governing permissions and
|
* See the License for the specific language governing permissions and
|
||||||
* limitations under the License.
|
* 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"
|
#include "nnacl/base/broadcast_to.h"
|
||||||
using mindspore::schema::PrimitiveType_BroadcastTo;
|
using mindspore::schema::PrimitiveType_BroadcastTo;
|
||||||
|
|
|
@ -13,7 +13,7 @@
|
||||||
* See the License for the specific language governing permissions and
|
* See the License for the specific language governing permissions and
|
||||||
* limitations under the License.
|
* limitations under the License.
|
||||||
*/
|
*/
|
||||||
#include "src/ops/populate/populate_register.h"
|
#include "src/common/ops/populate/populate_register.h"
|
||||||
#include "nnacl/call_parameter.h"
|
#include "nnacl/call_parameter.h"
|
||||||
using mindspore::schema::PrimitiveType_Call;
|
using mindspore::schema::PrimitiveType_Call;
|
||||||
|
|
|
@ -13,7 +13,7 @@
|
||||||
* See the License for the specific language governing permissions and
|
* See the License for the specific language governing permissions and
|
||||||
* limitations under the License.
|
* limitations under the License.
|
||||||
*/
|
*/
|
||||||
#include "src/ops/populate/populate_register.h"
|
#include "src/common/ops/populate/populate_register.h"
|
||||||
using mindspore::schema::PrimitiveType_Cast;
|
using mindspore::schema::PrimitiveType_Cast;
|
||||||
|
|
||||||
namespace mindspore {
|
namespace mindspore {
|
|
@ -13,7 +13,7 @@
|
||||||
* See the License for the specific language governing permissions and
|
* See the License for the specific language governing permissions and
|
||||||
* limitations under the License.
|
* limitations under the License.
|
||||||
*/
|
*/
|
||||||
#include "src/ops/populate/populate_register.h"
|
#include "src/common/ops/populate/populate_register.h"
|
||||||
using mindspore::schema::PrimitiveType_Clip;
|
using mindspore::schema::PrimitiveType_Clip;
|
||||||
|
|
||||||
namespace mindspore {
|
namespace mindspore {
|
|
@ -13,7 +13,7 @@
|
||||||
* See the License for the specific language governing permissions and
|
* See the License for the specific language governing permissions and
|
||||||
* limitations under the License.
|
* 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_AddN;
|
||||||
using mindspore::schema::PrimitiveType_Attention;
|
using mindspore::schema::PrimitiveType_Attention;
|
||||||
using mindspore::schema::PrimitiveType_Depend;
|
using mindspore::schema::PrimitiveType_Depend;
|
|
@ -13,7 +13,7 @@
|
||||||
* See the License for the specific language governing permissions and
|
* See the License for the specific language governing permissions and
|
||||||
* limitations under the License.
|
* limitations under the License.
|
||||||
*/
|
*/
|
||||||
#include "src/ops/populate/populate_register.h"
|
#include "src/common/ops/populate/populate_register.h"
|
||||||
#include "nnacl/concat_parameter.h"
|
#include "nnacl/concat_parameter.h"
|
||||||
using mindspore::schema::PrimitiveType_Concat;
|
using mindspore::schema::PrimitiveType_Concat;
|
||||||
|
|
|
@ -14,7 +14,7 @@
|
||||||
* limitations under the License.
|
* limitations under the License.
|
||||||
*/
|
*/
|
||||||
#include "ir/dtype/type_id.h"
|
#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"
|
#include "nnacl/constant_of_shape_parameter.h"
|
||||||
using mindspore::schema::PrimitiveType_ConstantOfShape;
|
using mindspore::schema::PrimitiveType_ConstantOfShape;
|
||||||
|
|
|
@ -13,7 +13,7 @@
|
||||||
* See the License for the specific language governing permissions and
|
* See the License for the specific language governing permissions and
|
||||||
* limitations under the License.
|
* limitations under the License.
|
||||||
*/
|
*/
|
||||||
#include "src/ops/populate/populate_register.h"
|
#include "src/common/ops/populate/populate_register.h"
|
||||||
using mindspore::schema::PrimitiveType_Switch;
|
using mindspore::schema::PrimitiveType_Switch;
|
||||||
|
|
||||||
namespace mindspore {
|
namespace mindspore {
|
|
@ -13,7 +13,7 @@
|
||||||
* See the License for the specific language governing permissions and
|
* See the License for the specific language governing permissions and
|
||||||
* limitations under the License.
|
* 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/op_base.h"
|
||||||
#include "nnacl/tensor_array_parameter.h"
|
#include "nnacl/tensor_array_parameter.h"
|
||||||
|
|
|
@ -15,7 +15,7 @@
|
||||||
*/
|
*/
|
||||||
|
|
||||||
#include "nnacl/tensorlist_parameter.h"
|
#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;
|
using mindspore::schema::PrimitiveType_TensorListFromTensor;
|
||||||
|
|
||||||
namespace mindspore {
|
namespace mindspore {
|
|
@ -13,7 +13,7 @@
|
||||||
* See the License for the specific language governing permissions and
|
* See the License for the specific language governing permissions and
|
||||||
* limitations under the License.
|
* limitations under the License.
|
||||||
*/
|
*/
|
||||||
#include "src/ops/populate/populate_register.h"
|
#include "src/common/ops/populate/populate_register.h"
|
||||||
#include "nnacl/tensorlist_parameter.h"
|
#include "nnacl/tensorlist_parameter.h"
|
||||||
using mindspore::schema::PrimitiveType_TensorListGetItem;
|
using mindspore::schema::PrimitiveType_TensorListGetItem;
|
||||||
|
|
|
@ -13,7 +13,7 @@
|
||||||
* See the License for the specific language governing permissions and
|
* See the License for the specific language governing permissions and
|
||||||
* limitations under the License.
|
* limitations under the License.
|
||||||
*/
|
*/
|
||||||
#include "src/ops/populate/populate_register.h"
|
#include "src/common/ops/populate/populate_register.h"
|
||||||
#include "nnacl/tensorlist_parameter.h"
|
#include "nnacl/tensorlist_parameter.h"
|
||||||
using mindspore::schema::PrimitiveType_TensorListReserve;
|
using mindspore::schema::PrimitiveType_TensorListReserve;
|
||||||
|
|
|
@ -13,7 +13,7 @@
|
||||||
* See the License for the specific language governing permissions and
|
* See the License for the specific language governing permissions and
|
||||||
* limitations under the License.
|
* limitations under the License.
|
||||||
*/
|
*/
|
||||||
#include "src/ops/populate/populate_register.h"
|
#include "src/common/ops/populate/populate_register.h"
|
||||||
#include "nnacl/tensorlist_parameter.h"
|
#include "nnacl/tensorlist_parameter.h"
|
||||||
using mindspore::schema::PrimitiveType_TensorListSetItem;
|
using mindspore::schema::PrimitiveType_TensorListSetItem;
|
||||||
|
|
|
@ -13,7 +13,7 @@
|
||||||
* See the License for the specific language governing permissions and
|
* See the License for the specific language governing permissions and
|
||||||
* limitations under the License.
|
* limitations under the License.
|
||||||
*/
|
*/
|
||||||
#include "src/ops/populate/populate_register.h"
|
#include "src/common/ops/populate/populate_register.h"
|
||||||
#include "nnacl/tensorlist_parameter.h"
|
#include "nnacl/tensorlist_parameter.h"
|
||||||
using mindspore::schema::PrimitiveType_TensorListStack;
|
using mindspore::schema::PrimitiveType_TensorListStack;
|
||||||
|
|
|
@ -15,7 +15,7 @@
|
||||||
*/
|
*/
|
||||||
|
|
||||||
#include "nnacl/conv_parameter.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_Conv2DFusion;
|
using mindspore::schema::PrimitiveType_Conv2DFusion;
|
||||||
|
|
||||||
namespace mindspore {
|
namespace mindspore {
|
|
@ -13,7 +13,7 @@
|
||||||
* See the License for the specific language governing permissions and
|
* See the License for the specific language governing permissions and
|
||||||
* limitations under the License.
|
* limitations under the License.
|
||||||
*/
|
*/
|
||||||
#include "src/ops/populate/populate_register.h"
|
#include "src/common/ops/populate/populate_register.h"
|
||||||
#include "nnacl/resize_parameter.h"
|
#include "nnacl/resize_parameter.h"
|
||||||
using mindspore::schema::PrimitiveType_CropAndResize;
|
using mindspore::schema::PrimitiveType_CropAndResize;
|
||||||
|
|
|
@ -13,7 +13,7 @@
|
||||||
* See the License for the specific language governing permissions and
|
* See the License for the specific language governing permissions and
|
||||||
* limitations under the License.
|
* limitations under the License.
|
||||||
*/
|
*/
|
||||||
#include "src/ops/populate/populate_register.h"
|
#include "src/common/ops/populate/populate_register.h"
|
||||||
#include "nnacl/crop_parameter.h"
|
#include "nnacl/crop_parameter.h"
|
||||||
using mindspore::schema::PrimitiveType_Crop;
|
using mindspore::schema::PrimitiveType_Crop;
|
||||||
|
|
|
@ -13,7 +13,7 @@
|
||||||
* See the License for the specific language governing permissions and
|
* See the License for the specific language governing permissions and
|
||||||
* limitations under the License.
|
* limitations under the License.
|
||||||
*/
|
*/
|
||||||
#include "src/ops/populate/populate_register.h"
|
#include "src/common/ops/populate/populate_register.h"
|
||||||
#include "nnacl/cumsum_parameter.h"
|
#include "nnacl/cumsum_parameter.h"
|
||||||
using mindspore::schema::PrimitiveType_CumSum;
|
using mindspore::schema::PrimitiveType_CumSum;
|
||||||
|
|
|
@ -13,7 +13,7 @@
|
||||||
* See the License for the specific language governing permissions and
|
* See the License for the specific language governing permissions and
|
||||||
* limitations under the License.
|
* 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/common/log_adapter.h"
|
||||||
#include "src/tensor.h"
|
#include "src/tensor.h"
|
||||||
#include "nnacl/custom_parameter.h"
|
#include "nnacl/custom_parameter.h"
|
|
@ -14,7 +14,7 @@
|
||||||
* limitations under the License.
|
* limitations under the License.
|
||||||
*/
|
*/
|
||||||
#include "src/common/log_adapter.h"
|
#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"
|
#include "nnacl/conv_parameter.h"
|
||||||
using mindspore::schema::PrimitiveType_Conv2dTransposeFusion;
|
using mindspore::schema::PrimitiveType_Conv2dTransposeFusion;
|
||||||
|
|
|
@ -13,7 +13,7 @@
|
||||||
* See the License for the specific language governing permissions and
|
* See the License for the specific language governing permissions and
|
||||||
* limitations under the License.
|
* limitations under the License.
|
||||||
*/
|
*/
|
||||||
#include "src/ops/populate/default_populate.h"
|
#include "src/common/ops/populate/default_populate.h"
|
||||||
#include <cstdlib>
|
#include <cstdlib>
|
||||||
#include <cstring>
|
#include <cstring>
|
||||||
#include "schema/model_generated.h"
|
#include "schema/model_generated.h"
|
|
@ -13,7 +13,7 @@
|
||||||
* See the License for the specific language governing permissions and
|
* See the License for the specific language governing permissions and
|
||||||
* limitations under the License.
|
* 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"
|
#include "nnacl/depth_to_space_parameter.h"
|
||||||
using mindspore::schema::PrimitiveType_DepthToSpace;
|
using mindspore::schema::PrimitiveType_DepthToSpace;
|
||||||
|
|
|
@ -13,7 +13,7 @@
|
||||||
* See the License for the specific language governing permissions and
|
* See the License for the specific language governing permissions and
|
||||||
* limitations under the License.
|
* 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"
|
#include "nnacl/detection_post_process_parameter.h"
|
||||||
using mindspore::schema::PrimitiveType_DetectionPostProcess;
|
using mindspore::schema::PrimitiveType_DetectionPostProcess;
|
||||||
|
|
|
@ -13,8 +13,8 @@
|
||||||
* See the License for the specific language governing permissions and
|
* See the License for the specific language governing permissions and
|
||||||
* limitations under the License.
|
* limitations under the License.
|
||||||
*/
|
*/
|
||||||
#include "src/ops/populate/populate_register.h"
|
#include "src/common/ops/populate/populate_register.h"
|
||||||
#include "src/ops/populate/arithmetic_populate.h"
|
#include "src/common/ops/populate/arithmetic_populate.h"
|
||||||
using mindspore::schema::PrimitiveType_DivFusion;
|
using mindspore::schema::PrimitiveType_DivFusion;
|
||||||
namespace mindspore {
|
namespace mindspore {
|
||||||
namespace lite {
|
namespace lite {
|
|
@ -13,7 +13,7 @@
|
||||||
* See the License for the specific language governing permissions and
|
* See the License for the specific language governing permissions and
|
||||||
* limitations under the License.
|
* 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"
|
#include "nnacl/dynamic_quant_parameter.h"
|
||||||
using mindspore::schema::PrimitiveType_DynamicQuant;
|
using mindspore::schema::PrimitiveType_DynamicQuant;
|
||||||
|
|
|
@ -13,8 +13,8 @@
|
||||||
* See the License for the specific language governing permissions and
|
* See the License for the specific language governing permissions and
|
||||||
* limitations under the License.
|
* limitations under the License.
|
||||||
*/
|
*/
|
||||||
#include "src/ops/populate/populate_register.h"
|
#include "src/common/ops/populate/populate_register.h"
|
||||||
#include "src/ops/populate/arithmetic_populate.h"
|
#include "src/common/ops/populate/arithmetic_populate.h"
|
||||||
using mindspore::schema::PrimitiveType_Eltwise;
|
using mindspore::schema::PrimitiveType_Eltwise;
|
||||||
|
|
||||||
namespace mindspore {
|
namespace mindspore {
|
|
@ -13,7 +13,7 @@
|
||||||
* See the License for the specific language governing permissions and
|
* See the License for the specific language governing permissions and
|
||||||
* limitations under the License.
|
* 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"
|
#include "nnacl/fp32/embedding_lookup_fp32.h"
|
||||||
using mindspore::schema::PrimitiveType_EmbeddingLookupFusion;
|
using mindspore::schema::PrimitiveType_EmbeddingLookupFusion;
|
||||||
|
|
|
@ -13,8 +13,8 @@
|
||||||
* See the License for the specific language governing permissions and
|
* See the License for the specific language governing permissions and
|
||||||
* limitations under the License.
|
* limitations under the License.
|
||||||
*/
|
*/
|
||||||
#include "src/ops/populate/populate_register.h"
|
#include "src/common/ops/populate/populate_register.h"
|
||||||
#include "src/ops/populate/default_populate.h"
|
#include "src/common/ops/populate/default_populate.h"
|
||||||
using mindspore::schema::PrimitiveType_Erf;
|
using mindspore::schema::PrimitiveType_Erf;
|
||||||
|
|
||||||
namespace mindspore {
|
namespace mindspore {
|
|
@ -13,7 +13,7 @@
|
||||||
* See the License for the specific language governing permissions and
|
* See the License for the specific language governing permissions and
|
||||||
* limitations under the License.
|
* 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"
|
#include "nnacl/fp32/exp_fp32.h"
|
||||||
using mindspore::schema::PrimitiveType_ExpFusion;
|
using mindspore::schema::PrimitiveType_ExpFusion;
|
||||||
|
|
|
@ -13,7 +13,7 @@
|
||||||
* See the License for the specific language governing permissions and
|
* See the License for the specific language governing permissions and
|
||||||
* limitations under the License.
|
* limitations under the License.
|
||||||
*/
|
*/
|
||||||
#include "src/ops/populate/populate_register.h"
|
#include "src/common/ops/populate/populate_register.h"
|
||||||
using mindspore::schema::PrimitiveType_ExpandDims;
|
using mindspore::schema::PrimitiveType_ExpandDims;
|
||||||
|
|
||||||
namespace mindspore {
|
namespace mindspore {
|
|
@ -13,7 +13,7 @@
|
||||||
* See the License for the specific language governing permissions and
|
* See the License for the specific language governing permissions and
|
||||||
* limitations under the License.
|
* limitations under the License.
|
||||||
*/
|
*/
|
||||||
#include "src/ops/populate/populate_register.h"
|
#include "src/common/ops/populate/populate_register.h"
|
||||||
using mindspore::schema::PrimitiveType_Fill;
|
using mindspore::schema::PrimitiveType_Fill;
|
||||||
|
|
||||||
namespace mindspore {
|
namespace mindspore {
|
|
@ -13,7 +13,7 @@
|
||||||
* See the License for the specific language governing permissions and
|
* See the License for the specific language governing permissions and
|
||||||
* limitations under the License.
|
* limitations under the License.
|
||||||
*/
|
*/
|
||||||
#include "src/ops/populate/populate_register.h"
|
#include "src/common/ops/populate/populate_register.h"
|
||||||
using mindspore::schema::PrimitiveType_Flatten;
|
using mindspore::schema::PrimitiveType_Flatten;
|
||||||
|
|
||||||
namespace mindspore {
|
namespace mindspore {
|
|
@ -13,7 +13,7 @@
|
||||||
* See the License for the specific language governing permissions and
|
* See the License for the specific language governing permissions and
|
||||||
* limitations under the License.
|
* limitations under the License.
|
||||||
*/
|
*/
|
||||||
#include "src/ops/populate/populate_register.h"
|
#include "src/common/ops/populate/populate_register.h"
|
||||||
#include "nnacl/matmul_parameter.h"
|
#include "nnacl/matmul_parameter.h"
|
||||||
using mindspore::schema::PrimitiveType_FullConnection;
|
using mindspore::schema::PrimitiveType_FullConnection;
|
||||||
|
|
|
@ -13,7 +13,7 @@
|
||||||
* See the License for the specific language governing permissions and
|
* See the License for the specific language governing permissions and
|
||||||
* limitations under the License.
|
* limitations under the License.
|
||||||
*/
|
*/
|
||||||
#include "src/ops/populate/populate_register.h"
|
#include "src/common/ops/populate/populate_register.h"
|
||||||
#include "nnacl/batchnorm_parameter.h"
|
#include "nnacl/batchnorm_parameter.h"
|
||||||
using mindspore::schema::PrimitiveType_FusedBatchNorm;
|
using mindspore::schema::PrimitiveType_FusedBatchNorm;
|
||||||
|
|
|
@ -14,7 +14,7 @@
|
||||||
* limitations under the License.
|
* limitations under the License.
|
||||||
*/
|
*/
|
||||||
|
|
||||||
#include "src/ops/populate/populate_register.h"
|
#include "src/common/ops/populate/populate_register.h"
|
||||||
#include "nnacl/gather_parameter.h"
|
#include "nnacl/gather_parameter.h"
|
||||||
using mindspore::schema::PrimitiveType_GatherD;
|
using mindspore::schema::PrimitiveType_GatherD;
|
||||||
|
|
|
@ -13,7 +13,7 @@
|
||||||
* See the License for the specific language governing permissions and
|
* See the License for the specific language governing permissions and
|
||||||
* limitations under the License.
|
* 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"
|
#include "nnacl/fp32/gatherNd_fp32.h"
|
||||||
using mindspore::schema::PrimitiveType_GatherNd;
|
using mindspore::schema::PrimitiveType_GatherNd;
|
||||||
|
|
|
@ -13,7 +13,7 @@
|
||||||
* See the License for the specific language governing permissions and
|
* See the License for the specific language governing permissions and
|
||||||
* limitations under the License.
|
* limitations under the License.
|
||||||
*/
|
*/
|
||||||
#include "src/ops/populate/populate_register.h"
|
#include "src/common/ops/populate/populate_register.h"
|
||||||
#include "nnacl/gather_parameter.h"
|
#include "nnacl/gather_parameter.h"
|
||||||
using mindspore::schema::PrimitiveType_Gather;
|
using mindspore::schema::PrimitiveType_Gather;
|
||||||
|
|
|
@ -13,7 +13,7 @@
|
||||||
* See the License for the specific language governing permissions and
|
* See the License for the specific language governing permissions and
|
||||||
* limitations under the License.
|
* limitations under the License.
|
||||||
*/
|
*/
|
||||||
#include "src/ops/populate/populate_register.h"
|
#include "src/common/ops/populate/populate_register.h"
|
||||||
#include "nnacl/glu_parameter.h"
|
#include "nnacl/glu_parameter.h"
|
||||||
using mindspore::schema::PrimitiveType_GLU;
|
using mindspore::schema::PrimitiveType_GLU;
|
||||||
|
|
|
@ -13,7 +13,7 @@
|
||||||
* See the License for the specific language governing permissions and
|
* See the License for the specific language governing permissions and
|
||||||
* limitations under the License.
|
* 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"
|
#include "nnacl/group_norm_parameter.h"
|
||||||
using mindspore::schema::PrimitiveType_GroupNormFusion;
|
using mindspore::schema::PrimitiveType_GroupNormFusion;
|
||||||
|
|
|
@ -13,7 +13,7 @@
|
||||||
* See the License for the specific language governing permissions and
|
* See the License for the specific language governing permissions and
|
||||||
* limitations under the License.
|
* 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"
|
#include "nnacl/fp32/gru_fp32.h"
|
||||||
using mindspore::schema::PrimitiveType_GRU;
|
using mindspore::schema::PrimitiveType_GRU;
|
||||||
|
|
|
@ -13,7 +13,7 @@
|
||||||
* See the License for the specific language governing permissions and
|
* See the License for the specific language governing permissions and
|
||||||
* limitations under the License.
|
* 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"
|
#include "nnacl/instance_norm_parameter.h"
|
||||||
using mindspore::schema::PrimitiveType_InstanceNorm;
|
using mindspore::schema::PrimitiveType_InstanceNorm;
|
||||||
|
|
|
@ -13,8 +13,8 @@
|
||||||
* See the License for the specific language governing permissions and
|
* See the License for the specific language governing permissions and
|
||||||
* limitations under the License.
|
* limitations under the License.
|
||||||
*/
|
*/
|
||||||
#include "src/ops/populate/populate_register.h"
|
#include "src/common/ops/populate/populate_register.h"
|
||||||
#include "src/ops/populate/default_populate.h"
|
#include "src/common/ops/populate/default_populate.h"
|
||||||
using mindspore::schema::PrimitiveType_InvertPermutation;
|
using mindspore::schema::PrimitiveType_InvertPermutation;
|
||||||
|
|
||||||
namespace mindspore {
|
namespace mindspore {
|
|
@ -13,8 +13,8 @@
|
||||||
* See the License for the specific language governing permissions and
|
* See the License for the specific language governing permissions and
|
||||||
* limitations under the License.
|
* limitations under the License.
|
||||||
*/
|
*/
|
||||||
#include "src/ops/populate/populate_register.h"
|
#include "src/common/ops/populate/populate_register.h"
|
||||||
#include "src/ops/populate/default_populate.h"
|
#include "src/common/ops/populate/default_populate.h"
|
||||||
using mindspore::schema::PrimitiveType_IsFinite;
|
using mindspore::schema::PrimitiveType_IsFinite;
|
||||||
|
|
||||||
namespace mindspore {
|
namespace mindspore {
|
|
@ -13,7 +13,7 @@
|
||||||
* See the License for the specific language governing permissions and
|
* See the License for the specific language governing permissions and
|
||||||
* limitations under the License.
|
* 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"
|
#include "nnacl/l2_norm_parameter.h"
|
||||||
using mindspore::schema::PrimitiveType_L2NormalizeFusion;
|
using mindspore::schema::PrimitiveType_L2NormalizeFusion;
|
||||||
|
|
|
@ -15,7 +15,7 @@
|
||||||
*/
|
*/
|
||||||
|
|
||||||
#include "nnacl/fp32_grad/layernormgrad_parameter.h"
|
#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;
|
using mindspore::schema::PrimitiveType_LayerNormGrad;
|
||||||
|
|
||||||
namespace mindspore {
|
namespace mindspore {
|
|
@ -15,7 +15,7 @@
|
||||||
*/
|
*/
|
||||||
#include "nnacl/layer_norm_parameter.h"
|
#include "nnacl/layer_norm_parameter.h"
|
||||||
#include <cstdint>
|
#include <cstdint>
|
||||||
#include "src/ops/populate/populate_register.h"
|
#include "src/common/ops/populate/populate_register.h"
|
||||||
using mindspore::schema::PrimitiveType_LayerNormFusion;
|
using mindspore::schema::PrimitiveType_LayerNormFusion;
|
||||||
|
|
||||||
namespace mindspore {
|
namespace mindspore {
|
|
@ -13,8 +13,8 @@
|
||||||
* See the License for the specific language governing permissions and
|
* See the License for the specific language governing permissions and
|
||||||
* limitations under the License.
|
* limitations under the License.
|
||||||
*/
|
*/
|
||||||
#include "src/ops/populate/populate_register.h"
|
#include "src/common/ops/populate/populate_register.h"
|
||||||
#include "src/ops/populate/default_populate.h"
|
#include "src/common/ops/populate/default_populate.h"
|
||||||
using mindspore::schema::PrimitiveType_LinSpace;
|
using mindspore::schema::PrimitiveType_LinSpace;
|
||||||
|
|
||||||
namespace mindspore {
|
namespace mindspore {
|
|
@ -13,7 +13,7 @@
|
||||||
* See the License for the specific language governing permissions and
|
* See the License for the specific language governing permissions and
|
||||||
* limitations under the License.
|
* 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"
|
#include "nnacl/fp32/local_response_norm_fp32.h"
|
||||||
using mindspore::schema::PrimitiveType_LRN;
|
using mindspore::schema::PrimitiveType_LRN;
|
||||||
|
|
|
@ -13,7 +13,7 @@
|
||||||
* See the License for the specific language governing permissions and
|
* See the License for the specific language governing permissions and
|
||||||
* limitations under the License.
|
* limitations under the License.
|
||||||
*/
|
*/
|
||||||
#include "src/ops/populate/populate_register.h"
|
#include "src/common/ops/populate/populate_register.h"
|
||||||
#include "nnacl/softmax_parameter.h"
|
#include "nnacl/softmax_parameter.h"
|
||||||
using mindspore::schema::PrimitiveType_LogSoftmax;
|
using mindspore::schema::PrimitiveType_LogSoftmax;
|
||||||
|
|
|
@ -13,7 +13,7 @@
|
||||||
* See the License for the specific language governing permissions and
|
* See the License for the specific language governing permissions and
|
||||||
* limitations under the License.
|
* 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"
|
#include "nnacl/fp32/lstm_fp32.h"
|
||||||
using mindspore::schema::PrimitiveType_LSTM;
|
using mindspore::schema::PrimitiveType_LSTM;
|
||||||
|
|
|
@ -13,7 +13,7 @@
|
||||||
* See the License for the specific language governing permissions and
|
* See the License for the specific language governing permissions and
|
||||||
* limitations under the License.
|
* limitations under the License.
|
||||||
*/
|
*/
|
||||||
#include "src/ops/populate/populate_register.h"
|
#include "src/common/ops/populate/populate_register.h"
|
||||||
#include "nnacl/matmul_parameter.h"
|
#include "nnacl/matmul_parameter.h"
|
||||||
using mindspore::schema::PrimitiveType_MatMulFusion;
|
using mindspore::schema::PrimitiveType_MatMulFusion;
|
||||||
|
|
|
@ -13,7 +13,7 @@
|
||||||
* See the License for the specific language governing permissions and
|
* See the License for the specific language governing permissions and
|
||||||
* limitations under the License.
|
* 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"
|
#include "nnacl/infer/mfcc_infer.h"
|
||||||
using mindspore::schema::PrimitiveType_Mfcc;
|
using mindspore::schema::PrimitiveType_Mfcc;
|
||||||
|
|
|
@ -14,8 +14,8 @@
|
||||||
* limitations under the License.
|
* limitations under the License.
|
||||||
*/
|
*/
|
||||||
#include "nnacl/arithmetic.h"
|
#include "nnacl/arithmetic.h"
|
||||||
#include "src/ops/populate/populate_register.h"
|
#include "src/common/ops/populate/populate_register.h"
|
||||||
#include "src/ops/populate/arithmetic_populate.h"
|
#include "src/common/ops/populate/arithmetic_populate.h"
|
||||||
using mindspore::schema::PrimitiveType_MulFusion;
|
using mindspore::schema::PrimitiveType_MulFusion;
|
||||||
|
|
||||||
namespace mindspore {
|
namespace mindspore {
|
|
@ -14,7 +14,7 @@
|
||||||
* limitations under the License.
|
* limitations under the License.
|
||||||
*/
|
*/
|
||||||
|
|
||||||
#include "src/ops/populate/populate_register.h"
|
#include "src/common/ops/populate/populate_register.h"
|
||||||
|
|
||||||
#include "nnacl/nllloss_parameter.h"
|
#include "nnacl/nllloss_parameter.h"
|
||||||
|
|
|
@ -13,7 +13,7 @@
|
||||||
* See the License for the specific language governing permissions and
|
* See the License for the specific language governing permissions and
|
||||||
* limitations under the License.
|
* 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"
|
#include "nnacl/non_max_suppression_parameter.h"
|
||||||
using mindspore::schema::PrimitiveType_NonMaxSuppression;
|
using mindspore::schema::PrimitiveType_NonMaxSuppression;
|
||||||
|
|
|
@ -13,8 +13,8 @@
|
||||||
* See the License for the specific language governing permissions and
|
* See the License for the specific language governing permissions and
|
||||||
* limitations under the License.
|
* limitations under the License.
|
||||||
*/
|
*/
|
||||||
#include "src/ops/populate/populate_register.h"
|
#include "src/common/ops/populate/populate_register.h"
|
||||||
#include "src/ops/populate/default_populate.h"
|
#include "src/common/ops/populate/default_populate.h"
|
||||||
using mindspore::schema::PrimitiveType_NonZero;
|
using mindspore::schema::PrimitiveType_NonZero;
|
||||||
|
|
||||||
namespace mindspore {
|
namespace mindspore {
|
|
@ -13,7 +13,7 @@
|
||||||
* See the License for the specific language governing permissions and
|
* See the License for the specific language governing permissions and
|
||||||
* limitations under the License.
|
* 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"
|
#include "nnacl/fp32/one_hot_fp32.h"
|
||||||
using mindspore::schema::PrimitiveType_OneHot;
|
using mindspore::schema::PrimitiveType_OneHot;
|
||||||
|
|
|
@ -13,7 +13,7 @@
|
||||||
* See the License for the specific language governing permissions and
|
* See the License for the specific language governing permissions and
|
||||||
* limitations under the License.
|
* limitations under the License.
|
||||||
*/
|
*/
|
||||||
#include "src/ops/populate/populate_register.h"
|
#include "src/common/ops/populate/populate_register.h"
|
||||||
using mindspore::schema::PrimitiveType_OnesLike;
|
using mindspore::schema::PrimitiveType_OnesLike;
|
||||||
|
|
||||||
namespace mindspore {
|
namespace mindspore {
|
|
@ -13,7 +13,7 @@
|
||||||
* See the License for the specific language governing permissions and
|
* See the License for the specific language governing permissions and
|
||||||
* limitations under the License.
|
* limitations under the License.
|
||||||
*/
|
*/
|
||||||
#include "src/ops/populate/populate_register.h"
|
#include "src/common/ops/populate/populate_register.h"
|
||||||
#include "nnacl/prelu_parameter.h"
|
#include "nnacl/prelu_parameter.h"
|
||||||
using mindspore::schema::PrimitiveType_PReLUFusion;
|
using mindspore::schema::PrimitiveType_PReLUFusion;
|
||||||
|
|
|
@ -13,7 +13,7 @@
|
||||||
* See the License for the specific language governing permissions and
|
* See the License for the specific language governing permissions and
|
||||||
* limitations under the License.
|
* limitations under the License.
|
||||||
*/
|
*/
|
||||||
#include "src/ops/populate/populate_register.h"
|
#include "src/common/ops/populate/populate_register.h"
|
||||||
#include "nnacl/pad_parameter.h"
|
#include "nnacl/pad_parameter.h"
|
||||||
using mindspore::schema::PrimitiveType_PadFusion;
|
using mindspore::schema::PrimitiveType_PadFusion;
|
||||||
|
|
Some files were not shown because too many files have changed in this diff Show More
Loading…
Reference in New Issue