forked from mindspore-Ecosystem/mindspore
change runtime to litert
This commit is contained in:
parent
85f64335fe
commit
9ea489beb3
|
@ -28,8 +28,8 @@ mindspore/lite/tools/converter/schema/inner
|
|||
mindspore/lite/schema/*.h
|
||||
mindspore/lite/schema/inner
|
||||
|
||||
mindspore/lite/src/runtime/kernel/opencl/cl/fp16/*.inc
|
||||
mindspore/lite/src/runtime/kernel/opencl/cl/fp32/*.inc
|
||||
mindspore/lite/src/litert/kernel/opencl/cl/fp16/*.inc
|
||||
mindspore/lite/src/litert/kernel/opencl/cl/fp32/*.inc
|
||||
|
||||
# Cmake files
|
||||
CMakeFiles/
|
||||
|
|
|
@ -55,8 +55,8 @@
|
|||
"mindspore/mindspore/lite/tools/converter/parser/onnx/onnx_relu_parser.cc" "useStlAlgorithm"
|
||||
"mindspore/mindspore/lite/tools/converter/parser/pytorch/pytorch_model_parser.cc" "variableScope"
|
||||
"mindspore/mindspore/lite/tools/converter/quantizer/quantize_util.cc" "useStlAlgorithm"
|
||||
"mindspore/mindspore/lite/src/runtime/kernel/opencl/kernel/" "unreadVariable"
|
||||
"mindspore/mindspore/lite/src/runtime/kernel/opencl/cl/" "unreadVariable"
|
||||
"mindspore/mindspore/lite/src/litert/kernel/opencl/kernel/" "unreadVariable"
|
||||
"mindspore/mindspore/lite/src/litert/kernel/opencl/cl/" "unreadVariable"
|
||||
"mindspore/mindspore/lite/examples/quick_start_micro/" "syntaxError"
|
||||
"mindspore/mindspore/ccsrc/plugin/device/cpu/kernel/nnacl/experimental" "unreadVariable"
|
||||
"mindspore/mindspore/lite/python/src/pybind_module.cc" "syntaxError"
|
||||
|
|
|
@ -55,17 +55,17 @@
|
|||
"mindspore/mindspore/lite/tools/benchmark/run_benchmark.cc" "runtime/threadsafe_fn"
|
||||
"mindspore/mindspore/lite/src/executor.h" "runtime/references"
|
||||
"mindspore/mindspore/lite/src/lite_kernel.h" "runtime/references"
|
||||
"mindspore/mindspore/lite/src/runtime/opencl/opencl_runtime.h" "runtime/references"
|
||||
"mindspore/mindspore/lite/src/runtime/opencl/opencl_executor.h" "runtime/references"
|
||||
"mindspore/mindspore/lite/src/runtime/opencl/opencl_wrapper.h" "readability/casting"
|
||||
"mindspore/mindspore/lite/src/runtime/kernel/opencl/cl/" "legal/copyright"
|
||||
"mindspore/mindspore/lite/src/runtime/kernel/opencl/cl/" "readability/casting"
|
||||
"mindspore/mindspore/lite/src/runtime/kernel/opencl/cl/" "readability/fn_size"
|
||||
"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/litert/opencl/opencl_runtime.h" "runtime/references"
|
||||
"mindspore/mindspore/lite/src/litert/opencl/opencl_executor.h" "runtime/references"
|
||||
"mindspore/mindspore/lite/src/litert/opencl/opencl_wrapper.h" "readability/casting"
|
||||
"mindspore/mindspore/lite/src/litert/kernel/opencl/cl/" "legal/copyright"
|
||||
"mindspore/mindspore/lite/src/litert/kernel/opencl/cl/" "readability/casting"
|
||||
"mindspore/mindspore/lite/src/litert/kernel/opencl/cl/" "readability/fn_size"
|
||||
"mindspore/mindspore/lite/src/litert/thread_pool.c" "readability/casting"
|
||||
"mindspore/mindspore/lite/src/litert/thread_pool.c" "runtime/arrays"
|
||||
"mindspore/mindspore/lite/src/litert/thread_pool.c" "runtime/int"
|
||||
"mindspore/mindspore/lite/src/common/ops/ops_def.cc" "runtime/int"
|
||||
"mindspore/mindspore/lite/src/runtime/delegate/coreml/coreml_executor.h" "readability/casting"
|
||||
"mindspore/mindspore/lite/src/litert/delegate/coreml/coreml_executor.h" "readability/casting"
|
||||
"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"
|
||||
|
|
|
@ -29,13 +29,13 @@ 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/src/runtime/thread_pool.c:GetArch
|
||||
mindspore/mindspore/lite/src/runtime/kernel/opencl/kernel/conv2d.cc:mindspore::kernel::UseWinograd4x4To6x6
|
||||
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/lite/src/litert/thread_pool.c:GetArch
|
||||
mindspore/mindspore/lite/src/litert/kernel/opencl/kernel/conv2d.cc:mindspore::kernel::UseWinograd4x4To6x6
|
||||
mindspore/mindspore/lite/src/litert/scheduler.cc:mindspore::lite::Scheduler::FindBackendKernel
|
||||
mindspore/mindspore/lite/src/litert/ios_reg_ops.cc:mindspore::lite::IosRegisterOps
|
||||
mindspore/mindspore/lite/src/litert/ios_reg_kernels.h:mindspore::kernel::IosRegisterKernels
|
||||
mindspore/mindspore/lite/src/litert/kernel/cpu/base/quant_dtype_cast.cc:mindspore::kernel::QuantDTypeCastCPUKernel::QuantDTypeCast
|
||||
mindspore/mindspore/lite/src/litert/kernel/cpu/base/quant_dtype_cast.cc:mindspore::kernel::QuantDTypeCastCPUKernel::Run
|
||||
mindspore/mindspore/ccsrc/plugin/device/cpu/kernel/nnacl/infer/strided_slice_infer.c:StridedSliceInferShape
|
||||
mindspore/mindspore/ccsrc/plugin/device/cpu/kernel/nnacl/fp16/winograd_transform_fp16.c:WinogradInputTransformFp16
|
||||
mindspore/mindspore/ccsrc/plugin/device/cpu/kernel/nnacl/fp16/pooling_fp16.c:AvgPoolingFp16
|
||||
|
@ -177,7 +177,7 @@ mindspore/mindspore/ccsrc/plugin/device/cpu/kernel/nnacl/experimental/HPC-genera
|
|||
mindspore/mindspore/ccsrc/plugin/device/cpu/kernel/nnacl/experimental/HPC-generator/gemm_fma/nnacl_gemm_fma_12x8_kernel_nc8hw8_fp32.c:nnacl_gemm_fma_12x8_kernel_nc8hw8_fp32
|
||||
mindspore/mindspore/ccsrc/plugin/device/cpu/kernel/nnacl/experimental/HPC-generator/gemm_fma/nnacl_gemm_fma_5x8_kernel_nc8hw8_fp32.c:nnacl_gemm_fma_5x8_kernel_nc8hw8_fp32
|
||||
mindspore/mindspore/ccsrc/plugin/device/cpu/kernel/nnacl/experimental/HPC-generator/gemm_fma/nnacl_gemm_fma_3x8_kernel_nc8hw8_fp32_asm.c:nnacl_gemm_fma_3x8_kernel_nc8hw8_fp32
|
||||
mindspore/mindspore/lite/src/runtime/kernel/cpu/fp32/matmul_fp32_base.cc:mindspore::kernel::MatmulFp32BaseCPUKernel::init_global_variable
|
||||
mindspore/mindspore/lite/src/litert/kernel/cpu/fp32/matmul_fp32_base.cc:mindspore::kernel::MatmulFp32BaseCPUKernel::init_global_variable
|
||||
mindspore/mindspore/ccsrc/plugin/device/cpu/kernel/nnacl/experimental/HPC-generator/gemm_fma/nnacl_gemm_fma_3x24_kernel_nc8hw8_fp32_asm.c:nnacl_gemm_fma_3x24_kernel_nc8hw8_fp32
|
||||
mindspore/mindspore/ccsrc/plugin/device/cpu/kernel/nnacl/experimental/HPC-generator/gemm_fma/nnacl_gemm_fma_4x16_kernel_nc8hw8_fp32_asm.c:nnacl_gemm_fma_4x16_kernel_nc8hw8_fp32
|
||||
mindspore/mindspore/ccsrc/plugin/device/cpu/kernel/nnacl/experimental/HPC-generator/gemm_fma/nnacl_gemm_fma_1x24_kernel_nc8hw8_fp32_asm.c:nnacl_gemm_fma_1x24_kernel_nc8hw8_fp32
|
||||
|
@ -193,13 +193,13 @@ mindspore/mindspore/ccsrc/plugin/device/cpu/kernel/nnacl/experimental/HPC-genera
|
|||
mindspore/mindspore/ccsrc/plugin/device/cpu/kernel/nnacl/experimental/HPC-generator/gemm_fma/nnacl_gemm_fma_2x32_kernel_nc8hw8_fp32.c:nnacl_gemm_fma_2x32_kernel_nc8hw8_fp32
|
||||
mindspore/mindspore/ccsrc/plugin/device/cpu/kernel/nnacl/experimental/HPC-generator/gemm_fma/nnacl_gemm_fma_2x24_kernel_nc8hw8_fp32.c:nnacl_gemm_fma_2x24_kernel_nc8hw8_fp32
|
||||
mindspore/mindspore/ccsrc/plugin/device/cpu/kernel/nnacl/experimental/HPC-generator/gemm_fma/nnacl_gemm_fma_1x32_kernel_nc8hw8_fp32_asm.c:nnacl_gemm_fma_1x32_kernel_nc8hw8_fp32
|
||||
mindspore/mindspore/lite/src/runtime/kernel/cpu/fp32/matmul_fp32_base.cc:mindspore::kernel::MatmulFp32BaseCPUKernel::Run
|
||||
mindspore/mindspore/lite/src/litert/kernel/cpu/fp32/matmul_fp32_base.cc:mindspore::kernel::MatmulFp32BaseCPUKernel::Run
|
||||
mindspore/mindspore/ccsrc/frontend/parallel/auto_parallel/rec_core/rec_partition.cc:mindspore::parallel::GetWeights
|
||||
mindspore/mindspore/ccsrc/frontend/parallel/auto_parallel/rec_core/rec_partition.cc:mindspore::parallel::PartitionNode
|
||||
mindspore/mindspore/ccsrc/plugin/device/cpu/kernel/nnacl/fp16/instance_norm_fp16.c:InstanceNormNC8HW8Fp16
|
||||
mindspore/mindspore/lite/src/runtime/kernel/cpu/fp32/matmul_fp32_base.cc:mindspore::kernel::MatmulFp32BaseCPUKernel::init_global_variable
|
||||
mindspore/mindspore/lite/src/litert/kernel/cpu/fp32/matmul_fp32_base.cc:mindspore::kernel::MatmulFp32BaseCPUKernel::init_global_variable
|
||||
mindspore/mindspore/lite/src/train/train_loop.cc:mindspore::lite::TrainLoop::Train
|
||||
mindspore/mindspore/ccsrc/plugin/device/cpu/kernel/nnacl/fp32/conv_winograd_fp32.c:ConvWinogardFp32
|
||||
mindspore/mindspore/ccsrc/plugin/device/ascend/optimizer/ir_fusion/lamb_next_mv_with_decay_v1_rule.cc:mindspore::opt::MatchAdd5Pattern
|
||||
mindspore/mindspore/ccsrc/plugin/device/cpu/kernel/nnacl/experimental/conv_fp32_nchwx_avx512.c:conv2d_compute_fp32_nchwx_avx512
|
||||
mindspore/mindspore/lite/src/runtime/kernel/cpu/control/tensorlist_setitem.cc:mindspore::kernel::TensorListSetItemCPUKernel::Run
|
||||
mindspore/mindspore/lite/src/litert/kernel/cpu/control/tensorlist_setitem.cc:mindspore::kernel::TensorListSetItemCPUKernel::Run
|
||||
|
|
|
@ -606,7 +606,7 @@ if(PLATFORM_ARM64)
|
|||
COMPONENT ${RUNTIME_COMPONENT_NAME} FILES_MATCHING PATTERN "*.h")
|
||||
install(DIRECTORY ${TOP_DIR}/mindspore/core/mindapi/ DESTINATION ${RUNTIME_INC_DIR}/core/mindapi
|
||||
COMPONENT ${RUNTIME_COMPONENT_NAME} FILES_MATCHING PATTERN "*.h")
|
||||
install(FILES ${TOP_DIR}/mindspore/lite/src/runtime/cxx_api/kernel_executor/kernel_executor.h DESTINATION
|
||||
install(FILES ${TOP_DIR}/mindspore/lite/src/litert/cxx_api/kernel_executor/kernel_executor.h DESTINATION
|
||||
${RUNTIME_INC_DIR} COMPONENT ${RUNTIME_COMPONENT_NAME})
|
||||
install(TARGETS kernel_executor DESTINATION ${RUNTIME_LIB_DIR} COMPONENT ${RUNTIME_COMPONENT_NAME})
|
||||
install(TARGETS mindspore_core DESTINATION ${RUNTIME_LIB_DIR} COMPONENT ${RUNTIME_COMPONENT_NAME})
|
||||
|
@ -977,7 +977,7 @@ else()
|
|||
COMPONENT ${RUNTIME_COMPONENT_NAME} FILES_MATCHING PATTERN "*.h")
|
||||
install(DIRECTORY ${TOP_DIR}/mindspore/core/mindapi/ DESTINATION ${RUNTIME_INC_DIR}/core/mindapi
|
||||
COMPONENT ${RUNTIME_COMPONENT_NAME} FILES_MATCHING PATTERN "*.h")
|
||||
install(FILES ${TOP_DIR}/mindspore/lite/src/runtime/cxx_api/kernel_executor/kernel_executor.h DESTINATION
|
||||
install(FILES ${TOP_DIR}/mindspore/lite/src/litert/cxx_api/kernel_executor/kernel_executor.h DESTINATION
|
||||
${RUNTIME_INC_DIR} COMPONENT ${RUNTIME_COMPONENT_NAME})
|
||||
install(TARGETS kernel_executor DESTINATION ${RUNTIME_LIB_DIR} COMPONENT ${RUNTIME_COMPONENT_NAME})
|
||||
install(TARGETS mindspore_core DESTINATION ${RUNTIME_LIB_DIR} COMPONENT ${RUNTIME_COMPONENT_NAME})
|
||||
|
|
|
@ -578,7 +578,7 @@ include_directories(${CORE_DIR})
|
|||
include_directories(${CORE_DIR}/ir)
|
||||
include_directories(${CCSRC_DIR})
|
||||
include_directories(${CMAKE_CURRENT_SOURCE_DIR})
|
||||
include_directories(${CMAKE_CURRENT_SOURCE_DIR}/src/runtime/kernel/cpu)
|
||||
include_directories(${CMAKE_CURRENT_SOURCE_DIR}/src/litert/kernel/cpu)
|
||||
include_directories(${CMAKE_CURRENT_SOURCE_DIR}/src/)
|
||||
include_directories(${TOP_DIR}/third_party)
|
||||
include_directories(${CMAKE_BINARY_DIR})
|
||||
|
@ -726,8 +726,8 @@ include(${LITE_DIR}/cmake/lite_dependences.cmake)
|
|||
|
||||
if(MSLITE_GPU_BACKEND STREQUAL opencl)
|
||||
add_definitions(-DGPU_OPENCL)
|
||||
gene_opencl(${CMAKE_CURRENT_SOURCE_DIR}/src/runtime/kernel/opencl/cl)
|
||||
gene_opencl(${CMAKE_CURRENT_SOURCE_DIR}/src/runtime/kernel/opencl/cl/int8)
|
||||
gene_opencl(${CMAKE_CURRENT_SOURCE_DIR}/src/litert/kernel/opencl/cl)
|
||||
gene_opencl(${CMAKE_CURRENT_SOURCE_DIR}/src/litert/kernel/opencl/cl/int8)
|
||||
add_definitions(-DUSE_OPENCL_WRAPPER)
|
||||
add_definitions(-DMS_OPENCL_PROFILE=false)
|
||||
add_definitions(-DCL_TARGET_OPENCL_VERSION=200)
|
||||
|
|
|
@ -18,7 +18,7 @@
|
|||
#define MINDSPORE_LITE_EXPERIMENTAL_KERNEL_CONVOLUTION_FP32_H_
|
||||
|
||||
#include <vector>
|
||||
#include "src/runtime/lite_kernel.h"
|
||||
#include "src/litert/lite_kernel.h"
|
||||
#include "nnacl/kernel.h"
|
||||
|
||||
namespace mindspore::kernel {
|
||||
|
|
|
@ -18,7 +18,7 @@
|
|||
#define MINDSPORE_LITE_EXPERIMENTAL_SRC_EXEC_ENV_UTILS_H_
|
||||
|
||||
#include "thread/threadpool.h"
|
||||
#include "src/runtime/inner_allocator.h"
|
||||
#include "src/litert/inner_allocator.h"
|
||||
#include "src/common/log_adapter.h"
|
||||
#include "src/common/log_util.h"
|
||||
|
||||
|
|
|
@ -25,11 +25,11 @@
|
|||
#include <functional>
|
||||
#include <atomic>
|
||||
#include "include/api/format.h"
|
||||
#include "src/runtime/inner_allocator.h"
|
||||
#include "src/litert/inner_allocator.h"
|
||||
#include "src/common/log_adapter.h"
|
||||
#include "schema/model_generated.h"
|
||||
#include "src/common/utils.h"
|
||||
#include "src/runtime/tensor_category.h"
|
||||
#include "src/litert/tensor_category.h"
|
||||
#include "nnacl/tensor_c.h"
|
||||
|
||||
namespace mindspore {
|
||||
|
|
|
@ -21,7 +21,7 @@
|
|||
#include <unordered_map>
|
||||
#include "include/train/train_loop_callback.h"
|
||||
#include "include/train/metrics.h"
|
||||
#include "src/runtime/lite_session.h"
|
||||
#include "src/litert/lite_session.h"
|
||||
|
||||
namespace mindspore {
|
||||
class MSTensor;
|
||||
|
|
|
@ -109,9 +109,9 @@ if(MSLITE_MINDDATA_IMPLEMENT STREQUAL "full")
|
|||
include_directories("${TOP_DIR}")
|
||||
|
||||
set(MINDDATA_FULL_SRC
|
||||
${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/litert/cxx_api/types.cc
|
||||
${TOP_DIR}/mindspore/lite/src/litert/cxx_api/tensor_utils.cc
|
||||
${TOP_DIR}/mindspore/lite/src/litert/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/common/string_util.cc
|
||||
|
@ -429,7 +429,7 @@ elseif(MSLITE_MINDDATA_IMPLEMENT STREQUAL "wrapper")
|
|||
|
||||
set(MINDSPORE_LITE_CXXAPI_SRC
|
||||
${CORE_DIR}/utils/status.cc
|
||||
${CMAKE_CURRENT_SOURCE_DIR}/../src/runtime/cxx_api/types.cc
|
||||
${CMAKE_CURRENT_SOURCE_DIR}/../src/litert/cxx_api/types.cc
|
||||
${CMAKE_CURRENT_SOURCE_DIR}/../src/tensor.cc
|
||||
${CMAKE_CURRENT_SOURCE_DIR}/../src/common/utils.cc
|
||||
)
|
||||
|
|
|
@ -60,23 +60,23 @@ elseif(NOT MSVC)
|
|||
endif()
|
||||
|
||||
file(GLOB CXX_API_SRCS
|
||||
${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
|
||||
${CMAKE_CURRENT_SOURCE_DIR}/litert/cxx_api/*.cc
|
||||
${CMAKE_CURRENT_SOURCE_DIR}/litert/cxx_api/model/*.cc
|
||||
${CMAKE_CURRENT_SOURCE_DIR}/litert/cxx_api/graph/*.cc
|
||||
${CMAKE_CURRENT_SOURCE_DIR}/litert/cxx_api/tensor/*.cc
|
||||
)
|
||||
if(MSLITE_ENABLE_PARALLEL_INFERENCE)
|
||||
set(CXX_API_SRCS
|
||||
${CXX_API_SRCS}
|
||||
${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
|
||||
${CMAKE_CURRENT_SOURCE_DIR}/litert/cxx_api/model_pool/predict_task_queue.cc
|
||||
${CMAKE_CURRENT_SOURCE_DIR}/litert/cxx_api/model_pool/model_worker.cc
|
||||
${CMAKE_CURRENT_SOURCE_DIR}/litert/cxx_api/model_pool/model_pool.cc
|
||||
${CMAKE_CURRENT_SOURCE_DIR}/litert/cxx_api/model_pool/model_parallel_runner.cc
|
||||
)
|
||||
endif()
|
||||
|
||||
file(GLOB C_API_SRCS
|
||||
${CMAKE_CURRENT_SOURCE_DIR}/runtime/c_api/*.cc
|
||||
${CMAKE_CURRENT_SOURCE_DIR}/litert/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}/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
|
||||
${CMAKE_CURRENT_SOURCE_DIR}/litert/cxx_api/train/model.cc
|
||||
${CMAKE_CURRENT_SOURCE_DIR}/litert/cxx_api/train/model_impl.cc
|
||||
${CMAKE_CURRENT_SOURCE_DIR}/litert/cxx_api/metrics/*.cc
|
||||
${CMAKE_CURRENT_SOURCE_DIR}/litert/cxx_api/callback/*.cc
|
||||
)
|
||||
set(API_TRAIN_SRC
|
||||
${CXX_API_TRAIN_SRCS}
|
||||
|
@ -110,30 +110,30 @@ set(LITE_SRC
|
|||
${CMAKE_CURRENT_SOURCE_DIR}/common/log.cc
|
||||
${CMAKE_CURRENT_SOURCE_DIR}/common/prim_util.cc
|
||||
${CMAKE_CURRENT_SOURCE_DIR}/common/tensor_util.cc
|
||||
${CMAKE_CURRENT_SOURCE_DIR}/runtime/allocator.cc
|
||||
${CMAKE_CURRENT_SOURCE_DIR}/runtime/inner_allocator.cc
|
||||
${CMAKE_CURRENT_SOURCE_DIR}/runtime/runtime_allocator.cc
|
||||
${CMAKE_CURRENT_SOURCE_DIR}/runtime/infer_manager.cc
|
||||
${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}/runtime/schema_tensor_wrapper.cc
|
||||
${CMAKE_CURRENT_SOURCE_DIR}/litert/allocator.cc
|
||||
${CMAKE_CURRENT_SOURCE_DIR}/litert/inner_allocator.cc
|
||||
${CMAKE_CURRENT_SOURCE_DIR}/litert/runtime_allocator.cc
|
||||
${CMAKE_CURRENT_SOURCE_DIR}/litert/infer_manager.cc
|
||||
${CMAKE_CURRENT_SOURCE_DIR}/litert/runtime_shape_fusion_pass.cc
|
||||
${CMAKE_CURRENT_SOURCE_DIR}/litert/runtime_pass.cc
|
||||
${CMAKE_CURRENT_SOURCE_DIR}/litert/pass/runtime_ncx_pass.cc
|
||||
${CMAKE_CURRENT_SOURCE_DIR}/litert/schema_tensor_wrapper.cc
|
||||
${CMAKE_CURRENT_SOURCE_DIR}/tensor.cc
|
||||
${CMAKE_CURRENT_SOURCE_DIR}/tensorlist.cc
|
||||
${CMAKE_CURRENT_SOURCE_DIR}/runtime/tensor_category.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}/litert/tensor_category.cc
|
||||
${CMAKE_CURRENT_SOURCE_DIR}/litert/executor.cc
|
||||
${CMAKE_CURRENT_SOURCE_DIR}/litert/inner_context.cc
|
||||
${CMAKE_CURRENT_SOURCE_DIR}/litert/lite_model.cc
|
||||
${CMAKE_CURRENT_SOURCE_DIR}/litert/kernel_registry.cc
|
||||
${CMAKE_CURRENT_SOURCE_DIR}/litert/lite_kernel.cc
|
||||
${CMAKE_CURRENT_SOURCE_DIR}/litert/kernel_exec.cc
|
||||
${CMAKE_CURRENT_SOURCE_DIR}/litert/kernel_exec_util.cc
|
||||
${CMAKE_CURRENT_SOURCE_DIR}/litert/sub_graph_kernel.cc
|
||||
${CMAKE_CURRENT_SOURCE_DIR}/litert/scheduler.cc
|
||||
${CMAKE_CURRENT_SOURCE_DIR}/litert/lite_session.cc
|
||||
${CMAKE_CURRENT_SOURCE_DIR}/errorcode.cc
|
||||
${CMAKE_CURRENT_SOURCE_DIR}/runtime/cpu_info.cc
|
||||
${CMAKE_CURRENT_SOURCE_DIR}/runtime/pack_weight_manager.cc
|
||||
${CMAKE_CURRENT_SOURCE_DIR}/litert/cpu_info.cc
|
||||
${CMAKE_CURRENT_SOURCE_DIR}/litert/pack_weight_manager.cc
|
||||
${CMAKE_CURRENT_SOURCE_DIR}/control_flow/control_flow_scheduler.cc
|
||||
${CMAKE_CURRENT_SOURCE_DIR}/control_flow/control_subgraph_creator.cc
|
||||
)
|
||||
|
@ -161,23 +161,23 @@ endif()
|
|||
if(MSLITE_ENABLE_BFC_MEMORY)
|
||||
set(LITE_SRC
|
||||
${LITE_SRC}
|
||||
${CMAKE_CURRENT_SOURCE_DIR}/runtime/dynamic_mem_allocator.cc
|
||||
${CMAKE_CURRENT_SOURCE_DIR}/runtime/dynamic_mem_manager.cc
|
||||
${CMAKE_CURRENT_SOURCE_DIR}/runtime/numa_adapter.cc
|
||||
${CMAKE_CURRENT_SOURCE_DIR}/litert/dynamic_mem_allocator.cc
|
||||
${CMAKE_CURRENT_SOURCE_DIR}/litert/dynamic_mem_manager.cc
|
||||
${CMAKE_CURRENT_SOURCE_DIR}/litert/numa_adapter.cc
|
||||
)
|
||||
endif()
|
||||
|
||||
if(MSLITE_ENABLE_SHARING_MODEL_WEIGHT)
|
||||
set(LITE_SRC
|
||||
${LITE_SRC}
|
||||
${CMAKE_CURRENT_SOURCE_DIR}/runtime/pack_weight.cc
|
||||
${CMAKE_CURRENT_SOURCE_DIR}/litert/pack_weight.cc
|
||||
)
|
||||
endif()
|
||||
|
||||
if(MSLITE_ENABLE_DYNAMIC_THREAD_DISTRIBUTE)
|
||||
set(LITE_SRC
|
||||
${LITE_SRC}
|
||||
${CMAKE_CURRENT_SOURCE_DIR}/runtime/thread_cost_model.cc
|
||||
${CMAKE_CURRENT_SOURCE_DIR}/litert/thread_cost_model.cc
|
||||
)
|
||||
endif()
|
||||
|
||||
|
@ -212,7 +212,7 @@ if(MSLITE_ENABLE_RUNTIME_CONVERT)
|
|||
${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)
|
||||
${CMAKE_CURRENT_SOURCE_DIR}/litert/runtime_convert.cc)
|
||||
|
||||
set(LITE_SRC ${LITE_SRC} ${RUNTIME_CONVERT_SRC})
|
||||
endif()
|
||||
|
@ -225,20 +225,20 @@ if(MSLITE_ENABLE_STRING_KERNEL)
|
|||
endif()
|
||||
if(ENABLE_RUNTIME_NCX_PASS)
|
||||
file(GLOB RUNTIME_NCX_PASS_SRC
|
||||
${CMAKE_CURRENT_SOURCE_DIR}/runtime/pass/decrease_transpose_algo.cc
|
||||
${CMAKE_CURRENT_SOURCE_DIR}/runtime/pass/delete_isolated_kernel.cc
|
||||
${CMAKE_CURRENT_SOURCE_DIR}/runtime/pass/infershape_pass.cc
|
||||
${CMAKE_CURRENT_SOURCE_DIR}/runtime/pass/pass_utils.cc
|
||||
${CMAKE_CURRENT_SOURCE_DIR}/runtime/pass/runtime_optimizer.cc
|
||||
${CMAKE_CURRENT_SOURCE_DIR}/runtime/pass/to_nchw_format.cc
|
||||
${CMAKE_CURRENT_SOURCE_DIR}/runtime/pass/transpose_strategy.cc
|
||||
${CMAKE_CURRENT_SOURCE_DIR}/litert/pass/decrease_transpose_algo.cc
|
||||
${CMAKE_CURRENT_SOURCE_DIR}/litert/pass/delete_isolated_kernel.cc
|
||||
${CMAKE_CURRENT_SOURCE_DIR}/litert/pass/infershape_pass.cc
|
||||
${CMAKE_CURRENT_SOURCE_DIR}/litert/pass/pass_utils.cc
|
||||
${CMAKE_CURRENT_SOURCE_DIR}/litert/pass/runtime_optimizer.cc
|
||||
${CMAKE_CURRENT_SOURCE_DIR}/litert/pass/to_nchw_format.cc
|
||||
${CMAKE_CURRENT_SOURCE_DIR}/litert/pass/transpose_strategy.cc
|
||||
)
|
||||
set(LITE_SRC ${LITE_SRC} ${RUNTIME_NCX_PASS_SRC})
|
||||
endif()
|
||||
|
||||
if(MSLITE_ENABLE_WEIGHT_DECODE)
|
||||
set(LITE_SRC ${LITE_SRC}
|
||||
${CMAKE_CURRENT_SOURCE_DIR}/runtime/huffman_decode.cc)
|
||||
${CMAKE_CURRENT_SOURCE_DIR}/litert/huffman_decode.cc)
|
||||
if(NOT MSLITE_ENABLE_RUNTIME_CONVERT)
|
||||
set(LITE_SRC ${LITE_SRC}
|
||||
${TOOLS_DIR}/converter/quantizer/fse_decoder.cc
|
||||
|
@ -249,7 +249,7 @@ endif()
|
|||
if(MSLITE_ENABLE_AUTO_PARALLEL)
|
||||
set(LITE_SRC
|
||||
${LITE_SRC}
|
||||
${CMAKE_CURRENT_SOURCE_DIR}/runtime/sub_graph_split.cc
|
||||
${CMAKE_CURRENT_SOURCE_DIR}/litert/sub_graph_split.cc
|
||||
)
|
||||
endif()
|
||||
|
||||
|
@ -260,12 +260,12 @@ endif()
|
|||
set(LITE_SRC
|
||||
${LITE_SRC}
|
||||
${KERNEL_REG_SRC}
|
||||
${CMAKE_CURRENT_SOURCE_DIR}/runtime/weight_decoder.cc
|
||||
${CMAKE_CURRENT_SOURCE_DIR}/litert/weight_decoder.cc
|
||||
)
|
||||
|
||||
if(MSLITE_GPU_BACKEND STREQUAL opencl)
|
||||
file(GLOB_RECURSE OPENCL_RUNTIME_SRC
|
||||
${CMAKE_CURRENT_SOURCE_DIR}/runtime/kernel/gpu/opencl/*.cc
|
||||
${CMAKE_CURRENT_SOURCE_DIR}/litert/kernel/gpu/opencl/*.cc
|
||||
)
|
||||
set(LITE_SRC
|
||||
${LITE_SRC}
|
||||
|
@ -275,8 +275,8 @@ endif()
|
|||
|
||||
if(MSLITE_GPU_BACKEND STREQUAL cuda)
|
||||
file(GLOB CUDA_RUNTIME_SRC
|
||||
${CMAKE_CURRENT_SOURCE_DIR}/runtime/gpu/*.cc
|
||||
${CMAKE_CURRENT_SOURCE_DIR}/runtime/gpu/cuda/*.cc
|
||||
${CMAKE_CURRENT_SOURCE_DIR}/litert/gpu/*.cc
|
||||
${CMAKE_CURRENT_SOURCE_DIR}/litert/gpu/cuda/*.cc
|
||||
)
|
||||
set(LITE_SRC
|
||||
${LITE_SRC}
|
||||
|
@ -291,7 +291,7 @@ endif()
|
|||
|
||||
|
||||
file(GLOB CXX_API_EXPRESSION
|
||||
${CMAKE_CURRENT_SOURCE_DIR}/runtime/cxx_api/expression/*.cc
|
||||
${CMAKE_CURRENT_SOURCE_DIR}/litert/cxx_api/expression/*.cc
|
||||
)
|
||||
|
||||
file(GLOB EXPRESSION_OPS
|
||||
|
@ -317,11 +317,11 @@ set(TRAIN_SRC
|
|||
${TRAIN_SRC_WITH_MD}
|
||||
${EXPRESSION_SRC}
|
||||
${CMAKE_CURRENT_SOURCE_DIR}/common/quant_utils.cc
|
||||
${CMAKE_CURRENT_SOURCE_DIR}/runtime/cxx_api/metrics/accuracy.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}/litert/cxx_api/metrics/accuracy.cc
|
||||
${CMAKE_CURRENT_SOURCE_DIR}/litert/cxx_api/train/model_build.cc
|
||||
${CMAKE_CURRENT_SOURCE_DIR}/litert/cxx_api/train/model_build_impl.cc
|
||||
${CMAKE_CURRENT_SOURCE_DIR}/litert/cxx_api/train/converters.cc
|
||||
${CMAKE_CURRENT_SOURCE_DIR}/litert/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
|
||||
|
@ -350,8 +350,8 @@ set(TRAIN_SRC
|
|||
if(MSLITE_ENABLE_MINDRT)
|
||||
add_subdirectory(${CORE_DIR}/mindrt mindspore_mindrt)
|
||||
set(LITE_SRC ${LITE_SRC}
|
||||
${CMAKE_CURRENT_SOURCE_DIR}/runtime/lite_mindrt.cc
|
||||
${CMAKE_CURRENT_SOURCE_DIR}/runtime/mindrt_executor.cc
|
||||
${CMAKE_CURRENT_SOURCE_DIR}/litert/lite_mindrt.cc
|
||||
${CMAKE_CURRENT_SOURCE_DIR}/litert/mindrt_executor.cc
|
||||
${CMAKE_CURRENT_SOURCE_DIR}/control_flow/control_actor_creator.cc
|
||||
)
|
||||
if(MSLITE_ENABLE_CONTROLFLOW)
|
||||
|
@ -370,17 +370,17 @@ endif()
|
|||
if(MSLITE_ENABLE_GRAPH_KERNEL)
|
||||
file(GLOB_RECURSE GRAPH_KERNEL_SRC
|
||||
${TOOLS_DIR}/graph_kernel/common/*.cc
|
||||
${TOOLS_DIR}/graph_kernel/runtime/*.cc
|
||||
${TOOLS_DIR}/graph_kernel/litert/*.cc
|
||||
)
|
||||
set(LITE_SRC ${LITE_SRC} ${GRAPH_KERNEL_SRC})
|
||||
endif()
|
||||
|
||||
if(NOT MSLITE_ENABLE_COREML)
|
||||
set(LITE_SRC ${LITE_SRC}
|
||||
${CMAKE_CURRENT_SOURCE_DIR}/runtime/delegate/coreml/stub/coreml_delegate_stub.cc)
|
||||
${CMAKE_CURRENT_SOURCE_DIR}/litert/delegate/coreml/stub/coreml_delegate_stub.cc)
|
||||
endif()
|
||||
|
||||
add_subdirectory(runtime/kernel/cpu)
|
||||
add_subdirectory(litert/kernel/cpu)
|
||||
|
||||
add_library(lite_src_mid OBJECT ${LITE_SRC})
|
||||
add_dependencies(lite_src_mid fbs_src)
|
||||
|
@ -388,7 +388,7 @@ add_dependencies(lite_src_mid fbs_src)
|
|||
if(MSLITE_ENABLE_ACL)
|
||||
include_directories(${TOP_DIR}/graphengine/inc/external)
|
||||
if(NOT MSLITE_ENABLE_CLOUD_FUSION_INFERENCE)
|
||||
add_subdirectory(runtime/kernel/ascend)
|
||||
add_subdirectory(litert/kernel/ascend)
|
||||
else()
|
||||
add_compile_definitions(ENABLE_CLOUD_FUSION_INFERENCE)
|
||||
endif()
|
||||
|
@ -431,7 +431,7 @@ if(APPLE)
|
|||
${MINDSPORE_LITE_PUB_HDRS_SCHEMA_HDRS}
|
||||
${MINDSPORE_LITE_PUB_HDRS_FBS_HDRS}
|
||||
)
|
||||
add_subdirectory(runtime/delegate/coreml)
|
||||
add_subdirectory(litert/delegate/coreml)
|
||||
target_link_libraries(mindspore-lite_static coreml_proto_mid coreml_kernel_mid)
|
||||
endif()
|
||||
add_dependencies(mindspore-lite_static fbs_inner_src)
|
||||
|
@ -482,14 +482,14 @@ if(SUPPORT_TENSORRT)
|
|||
set(CUDA_LIB_PATH ${CUDA_PATH}/lib64)
|
||||
include_directories(${TENSORRT_PATH}/include)
|
||||
include_directories(${CUDA_PATH}/include)
|
||||
add_subdirectory(runtime/delegate/tensorrt)
|
||||
add_subdirectory(litert/delegate/tensorrt)
|
||||
endif()
|
||||
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()
|
||||
if(NOT MSLITE_ENABLE_CLOUD_FUSION_INFERENCE)
|
||||
set(TENSORRT_STUB
|
||||
${CMAKE_CURRENT_SOURCE_DIR}/runtime/delegate/tensorrt/distribution/distribution_base.cc
|
||||
${CMAKE_CURRENT_SOURCE_DIR}/litert/delegate/tensorrt/distribution/distribution_base.cc
|
||||
)
|
||||
add_library(tensorrt_stub OBJECT ${TENSORRT_STUB})
|
||||
endif()
|
||||
|
@ -498,13 +498,13 @@ else()
|
|||
endif()
|
||||
|
||||
if(MSLITE_GPU_BACKEND STREQUAL opencl)
|
||||
add_subdirectory(runtime/kernel/opencl)
|
||||
add_subdirectory(litert/kernel/opencl)
|
||||
target_link_libraries(mindspore-lite opencl_kernel_mid)
|
||||
target_link_libraries(mindspore-lite_static opencl_kernel_mid)
|
||||
endif()
|
||||
|
||||
if(SUPPORT_NPU)
|
||||
add_subdirectory(runtime/delegate/npu)
|
||||
add_subdirectory(litert/delegate/npu)
|
||||
target_link_libraries(mindspore-lite npu_kernel_mid)
|
||||
target_link_libraries(mindspore-lite_static npu_kernel_mid)
|
||||
endif()
|
||||
|
@ -542,7 +542,7 @@ if(SUPPORT_TRAIN)
|
|||
endif()
|
||||
|
||||
if(MSLITE_ENABLE_KERNEL_EXECUTOR)
|
||||
add_subdirectory(runtime/cxx_api/kernel_executor)
|
||||
add_subdirectory(litert/cxx_api/kernel_executor)
|
||||
endif()
|
||||
|
||||
########################## build optimize and float16 library #################################
|
||||
|
|
|
@ -21,7 +21,7 @@
|
|||
#include <string>
|
||||
#include "include/context.h"
|
||||
#include "include/api/context.h"
|
||||
#include "src/runtime/kernel_exec.h"
|
||||
#include "src/litert/kernel_exec.h"
|
||||
|
||||
namespace mindspore {
|
||||
namespace lite {
|
||||
|
|
|
@ -22,7 +22,7 @@
|
|||
#include "include/errorcode.h"
|
||||
#include "src/common/log_adapter.h"
|
||||
#ifdef ENABLE_FP16
|
||||
#include "src/runtime/kernel/cpu/fp16/fp16_op_handler.h"
|
||||
#include "src/litert/kernel/cpu/fp16/fp16_op_handler.h"
|
||||
#endif
|
||||
namespace mindspore {
|
||||
namespace lite {
|
||||
|
|
|
@ -25,7 +25,7 @@
|
|||
#include "src/tensorlist.h"
|
||||
#include "nnacl/infer/common_infer.h"
|
||||
#include "nnacl/tensorlist_c_utils.h"
|
||||
#include "src/runtime/cxx_api/tensor/tensor_impl.h"
|
||||
#include "src/litert/cxx_api/tensor/tensor_impl.h"
|
||||
|
||||
namespace mindspore {
|
||||
namespace lite {
|
||||
|
|
|
@ -18,7 +18,7 @@
|
|||
#include <algorithm>
|
||||
#include "mindrt/include/mindrt.hpp"
|
||||
#include "src/common/tensor_util.h"
|
||||
#include "src/runtime/inner_allocator.h"
|
||||
#include "src/litert/inner_allocator.h"
|
||||
|
||||
namespace {
|
||||
const constexpr int kToExitIndex = 0;
|
||||
|
|
|
@ -20,7 +20,7 @@
|
|||
#include <memory>
|
||||
#include <string>
|
||||
#include <unordered_map>
|
||||
#include "src/runtime/lite_mindrt.h"
|
||||
#include "src/litert/lite_mindrt.h"
|
||||
|
||||
namespace mindspore::lite {
|
||||
class LiteEntranceOpActor : public LiteOpActor {
|
||||
|
|
|
@ -17,7 +17,7 @@
|
|||
#include "src/control_flow/actor/exit_actor.h"
|
||||
#include <algorithm>
|
||||
#include "src/control_flow/kernel/exit_subgraph_kernel.h"
|
||||
#include "src/runtime/kernel_exec_util.h"
|
||||
#include "src/litert/kernel_exec_util.h"
|
||||
#include "src/common/tensor_util.h"
|
||||
|
||||
namespace {
|
||||
|
|
|
@ -20,7 +20,7 @@
|
|||
#include <memory>
|
||||
#include <string>
|
||||
#include <unordered_map>
|
||||
#include "src/runtime/lite_mindrt.h"
|
||||
#include "src/litert/lite_mindrt.h"
|
||||
|
||||
namespace mindspore::lite {
|
||||
class LiteExitOpActor : public LiteOpActor {
|
||||
|
|
|
@ -18,11 +18,11 @@
|
|||
#include <utility>
|
||||
#include <algorithm>
|
||||
#include "mindrt/include/mindrt.hpp"
|
||||
#include "src/runtime/kernel_exec_util.h"
|
||||
#include "src/litert/kernel_exec_util.h"
|
||||
#include "src/common/tensor_util.h"
|
||||
#include "src/runtime/inner_allocator.h"
|
||||
#include "src/litert/inner_allocator.h"
|
||||
#ifdef ENABLE_FP16
|
||||
#include "src/runtime/kernel/cpu/fp16/fp16_op_handler.h"
|
||||
#include "src/litert/kernel/cpu/fp16/fp16_op_handler.h"
|
||||
#endif
|
||||
namespace {
|
||||
const constexpr int kSwitchMaxInputKernelSize = 3;
|
||||
|
|
|
@ -22,7 +22,7 @@
|
|||
#include <unordered_map>
|
||||
#include <set>
|
||||
#include <utility>
|
||||
#include "src/runtime/lite_mindrt.h"
|
||||
#include "src/litert/lite_mindrt.h"
|
||||
|
||||
namespace mindspore::lite {
|
||||
class LiteSwitchOpActor : public LiteOpActor {
|
||||
|
|
|
@ -15,7 +15,7 @@
|
|||
*/
|
||||
|
||||
#include "src/control_flow/control_actor_creator.h"
|
||||
#include "src/runtime/kernel_exec_util.h"
|
||||
#include "src/litert/kernel_exec_util.h"
|
||||
#ifndef CONTROLFLOW_TENSORLIST_CLIP
|
||||
#include "src/control_flow/actor/switch_actor.h"
|
||||
#include "src/control_flow/actor/entrance_actor.h"
|
||||
|
|
|
@ -18,8 +18,8 @@
|
|||
#define MINDSPORE_LITE_SRC_CONTROL_FLOW_CONTROL_ACTOR_CREATOR_H_
|
||||
|
||||
#include <memory>
|
||||
#include "src/runtime/lite_kernel.h"
|
||||
#include "src/runtime/lite_mindrt.h"
|
||||
#include "src/litert/lite_kernel.h"
|
||||
#include "src/litert/lite_mindrt.h"
|
||||
|
||||
namespace mindspore::lite {
|
||||
std::shared_ptr<LiteOpActor> CreateActor(kernel::KernelExec *kernel, lite::InnerContext *ctx);
|
||||
|
|
|
@ -18,8 +18,8 @@
|
|||
#ifndef CONTROLFLOW_TENSORLIST_CLIP
|
||||
#include <algorithm>
|
||||
#include <set>
|
||||
#include "src/runtime/kernel_exec_util.h"
|
||||
#include "src/runtime/kernel/cpu/base/partial_fusion.h"
|
||||
#include "src/litert/kernel_exec_util.h"
|
||||
#include "src/litert/kernel/cpu/base/partial_fusion.h"
|
||||
#include "nnacl/call_parameter.h"
|
||||
#include "src/control_flow/kernel/exit_subgraph_kernel.h"
|
||||
#include "src/control_flow/kernel/identity_kernel.h"
|
||||
|
|
|
@ -27,9 +27,9 @@
|
|||
#include "src/common/utils.h"
|
||||
#include "src/common/log_util.h"
|
||||
#include "nnacl/op_base.h"
|
||||
#include "src/runtime/inner_context.h"
|
||||
#include "src/litert/inner_context.h"
|
||||
#include "src/tensor.h"
|
||||
#include "src/runtime/sub_graph_kernel.h"
|
||||
#include "src/litert/sub_graph_kernel.h"
|
||||
#include "include/model.h"
|
||||
|
||||
namespace mindspore::lite {
|
||||
|
|
|
@ -16,8 +16,8 @@
|
|||
|
||||
#ifndef MINDSPORE_LITE_SRC_CONTROL_FLOW_CONTROL_SUBGRAPH_CREATOR_H_
|
||||
#define MINDSPORE_LITE_SRC_CONTROL_FLOW_CONTROL_SUBGRAPH_CREATOR_H_
|
||||
#include "src/runtime/lite_kernel.h"
|
||||
#include "src/runtime/sub_graph_kernel.h"
|
||||
#include "src/litert/lite_kernel.h"
|
||||
#include "src/litert/sub_graph_kernel.h"
|
||||
|
||||
namespace mindspore::lite {
|
||||
kernel::SubGraphKernel *CreateControlSubgraph(const kernel::SubGraphType &type, kernel::LiteKernel *kernel);
|
||||
|
|
|
@ -22,12 +22,12 @@
|
|||
#include <vector>
|
||||
#include <map>
|
||||
#include <memory>
|
||||
#include "src/runtime/kernel_exec.h"
|
||||
#include "src/runtime/executor.h"
|
||||
#include "src/litert/kernel_exec.h"
|
||||
#include "src/litert/executor.h"
|
||||
#include "src/common/log_adapter.h"
|
||||
#include "src/common/version_manager.h"
|
||||
#include "src/runtime/cpu_info.h"
|
||||
#include "src/runtime/sub_graph_kernel.h"
|
||||
#include "src/litert/cpu_info.h"
|
||||
#include "src/litert/sub_graph_kernel.h"
|
||||
|
||||
namespace mindspore::kernel {
|
||||
class EntranceSubGraphKernel : public SubGraphKernel {
|
||||
|
|
|
@ -23,12 +23,12 @@
|
|||
#include <unordered_map>
|
||||
#include <set>
|
||||
#include <memory>
|
||||
#include "src/runtime/kernel_exec.h"
|
||||
#include "src/runtime/executor.h"
|
||||
#include "src/litert/kernel_exec.h"
|
||||
#include "src/litert/executor.h"
|
||||
#include "src/common/log_adapter.h"
|
||||
#include "src/common/version_manager.h"
|
||||
#include "src/runtime/cpu_info.h"
|
||||
#include "src/runtime/sub_graph_kernel.h"
|
||||
#include "src/litert/cpu_info.h"
|
||||
#include "src/litert/sub_graph_kernel.h"
|
||||
|
||||
namespace mindspore::kernel {
|
||||
class ExitSubGraphKernel : public SubGraphKernel {
|
||||
|
|
|
@ -16,7 +16,7 @@
|
|||
|
||||
#include "src/control_flow/kernel/identity_kernel.h"
|
||||
#include "src/tensor.h"
|
||||
#include "src/runtime/lite_kernel.h"
|
||||
#include "src/litert/lite_kernel.h"
|
||||
#include "src/common/tensor_util.h"
|
||||
#include "src/common/prim_inner.h"
|
||||
|
||||
|
|
|
@ -23,12 +23,12 @@
|
|||
#include <unordered_map>
|
||||
#include <set>
|
||||
#include <memory>
|
||||
#include "src/runtime/lite_kernel.h"
|
||||
#include "src/runtime/executor.h"
|
||||
#include "src/litert/lite_kernel.h"
|
||||
#include "src/litert/executor.h"
|
||||
#include "src/common/log_adapter.h"
|
||||
#include "src/common/version_manager.h"
|
||||
#include "src/runtime/cpu_info.h"
|
||||
#include "src/runtime/sub_graph_kernel.h"
|
||||
#include "src/litert/cpu_info.h"
|
||||
#include "src/litert/sub_graph_kernel.h"
|
||||
|
||||
namespace mindspore::kernel {
|
||||
// Identity kernel is used to update a reference to a tensor. This is useful in control flow model.
|
||||
|
|
|
@ -16,7 +16,7 @@
|
|||
|
||||
#include "src/expression/net.h"
|
||||
#include <vector>
|
||||
#include "src/runtime/cxx_api/expression/net_impl.h"
|
||||
#include "src/litert/cxx_api/expression/net_impl.h"
|
||||
#include "src/expression/ops.h"
|
||||
#include "src/expression/export.h"
|
||||
#include "src/expression/ops/addn.h"
|
||||
|
|
|
@ -20,9 +20,9 @@
|
|||
#include "src/expression/node.h"
|
||||
#include "src/expression/ops.h"
|
||||
#include "src/expression/export.h"
|
||||
#include "src/runtime/infer_manager.h"
|
||||
#include "src/litert/infer_manager.h"
|
||||
#include "src/common/utils.h"
|
||||
#include "src/runtime/cxx_api/expression/net_impl.h"
|
||||
#include "src/litert/cxx_api/expression/net_impl.h"
|
||||
|
||||
namespace mindspore {
|
||||
namespace lite {
|
||||
|
|
|
@ -17,7 +17,7 @@
|
|||
#include "nnacl/fp32/activation_fp32.h"
|
||||
#include "src/expression/import.h"
|
||||
#include "src/expression/ops.h"
|
||||
#include "src/runtime/cxx_api/expression/node_impl.h"
|
||||
#include "src/litert/cxx_api/expression/node_impl.h"
|
||||
|
||||
namespace mindspore {
|
||||
namespace lite {
|
||||
|
|
|
@ -23,7 +23,7 @@
|
|||
#include "src/expression/ops/arithmetic.h"
|
||||
#include "nnacl/fp32_grad/optimizer.h"
|
||||
#include "include/api/net.h"
|
||||
#include "src/runtime/cxx_api/expression/node_impl.h"
|
||||
#include "src/litert/cxx_api/expression/node_impl.h"
|
||||
|
||||
namespace mindspore {
|
||||
namespace NN {
|
||||
|
|
|
@ -23,7 +23,7 @@
|
|||
#include "src/expression/ops.h"
|
||||
#include "nnacl/arithmetic.h"
|
||||
#include "src/expression/import.h"
|
||||
#include "src/runtime/cxx_api/expression/node_impl.h"
|
||||
#include "src/litert/cxx_api/expression/node_impl.h"
|
||||
|
||||
namespace mindspore {
|
||||
namespace lite {
|
||||
|
|
|
@ -20,7 +20,7 @@
|
|||
#include "nnacl/fp32_grad/batch_norm.h"
|
||||
#include "src/expression/import.h"
|
||||
#include "src/expression/ops.h"
|
||||
#include "src/runtime/cxx_api/expression/node_impl.h"
|
||||
#include "src/litert/cxx_api/expression/node_impl.h"
|
||||
|
||||
namespace mindspore {
|
||||
namespace lite {
|
||||
|
|
|
@ -23,7 +23,7 @@
|
|||
#include "inner/model_generated.h"
|
||||
#include "src/expression/import.h"
|
||||
#include "src/expression/ops.h"
|
||||
#include "src/runtime/cxx_api/expression/node_impl.h"
|
||||
#include "src/litert/cxx_api/expression/node_impl.h"
|
||||
|
||||
namespace mindspore {
|
||||
namespace lite {
|
||||
|
|
|
@ -23,7 +23,7 @@
|
|||
#include "nnacl/matmul_parameter.h"
|
||||
#include "src/expression/import.h"
|
||||
#include "inner/model_generated.h"
|
||||
#include "src/runtime/cxx_api/expression/node_impl.h"
|
||||
#include "src/litert/cxx_api/expression/node_impl.h"
|
||||
|
||||
namespace mindspore {
|
||||
namespace lite {
|
||||
|
|
|
@ -20,7 +20,7 @@
|
|||
#include "inner/model_generated.h"
|
||||
#include "src/expression/import.h"
|
||||
#include "src/expression/ops.h"
|
||||
#include "src/runtime/cxx_api/expression/node_impl.h"
|
||||
#include "src/litert/cxx_api/expression/node_impl.h"
|
||||
|
||||
namespace mindspore {
|
||||
namespace lite {
|
||||
|
|
|
@ -20,7 +20,7 @@
|
|||
#include "src/expression/import.h"
|
||||
#include "src/expression/ops.h"
|
||||
|
||||
#include "src/runtime/cxx_api/expression/node_impl.h"
|
||||
#include "src/litert/cxx_api/expression/node_impl.h"
|
||||
#include "nnacl/op_base.h"
|
||||
|
||||
namespace mindspore {
|
||||
|
|
|
@ -17,7 +17,7 @@
|
|||
#include "src/expression/ops/pooling.h"
|
||||
#include "src/expression/ops.h"
|
||||
#include "src/expression/import.h"
|
||||
#include "src/runtime/cxx_api/expression/node_impl.h"
|
||||
#include "src/litert/cxx_api/expression/node_impl.h"
|
||||
#include "src/expression/ops/transpose.h"
|
||||
|
||||
namespace mindspore {
|
||||
|
|
|
@ -23,7 +23,7 @@
|
|||
#include "src/expression/ops_utils.h"
|
||||
#include "src/expression/import.h"
|
||||
#include "nnacl/reduce_parameter.h"
|
||||
#include "src/runtime/cxx_api/expression/node_impl.h"
|
||||
#include "src/litert/cxx_api/expression/node_impl.h"
|
||||
|
||||
namespace mindspore {
|
||||
namespace lite {
|
||||
|
|
|
@ -22,7 +22,7 @@
|
|||
#include "src/expression/ops/reduce.h"
|
||||
#include "src/expression/ops/arithmetic.h"
|
||||
#include "src/expression/ops/transpose.h"
|
||||
#include "src/runtime/cxx_api/expression/node_impl.h"
|
||||
#include "src/litert/cxx_api/expression/node_impl.h"
|
||||
#include "src/expression/ops.h"
|
||||
|
||||
namespace mindspore {
|
||||
|
|
|
@ -16,7 +16,7 @@
|
|||
|
||||
#include "src/expression/ops/softmaxCE.h"
|
||||
#include "include/api/net.h"
|
||||
#include "src/runtime/cxx_api/expression/node_impl.h"
|
||||
#include "src/litert/cxx_api/expression/node_impl.h"
|
||||
#include "src/expression/ops/reduce.h"
|
||||
namespace mindspore {
|
||||
namespace NN {
|
||||
|
|
|
@ -19,7 +19,7 @@
|
|||
#include "include/api/types.h"
|
||||
#include "include/api/data_type.h"
|
||||
#include "include/lite_types.h"
|
||||
#include "src/runtime/inner_allocator.h"
|
||||
#include "src/litert/inner_allocator.h"
|
||||
#include "src/common/log_adapter.h"
|
||||
#include "src/extendrt/delegate/tensorrt/distribution/distribution_base.h"
|
||||
|
||||
|
|
|
@ -24,7 +24,7 @@
|
|||
#include "include/api/types.h"
|
||||
#include "include/api/kernel.h"
|
||||
#include "include/api/delegate.h"
|
||||
#include "src/runtime/lite_model.h"
|
||||
#include "src/litert/lite_model.h"
|
||||
|
||||
namespace mindspore {
|
||||
namespace cache {
|
||||
|
|
|
@ -43,7 +43,7 @@ file(GLOB TENSORRT_RUNTIME_SRC LIST_DIRECTORIES false
|
|||
${CMAKE_CURRENT_SOURCE_DIR}/*.cc
|
||||
${CMAKE_CURRENT_SOURCE_DIR}/op/*.cc
|
||||
${CMAKE_CURRENT_SOURCE_DIR}/cuda_impl/*.cc
|
||||
${CMAKE_CURRENT_SOURCE_DIR}/../../../runtime/delegate/delegate_utils.cc
|
||||
${CMAKE_CURRENT_SOURCE_DIR}/../../../litert/delegate/delegate_utils.cc
|
||||
${CCSRC_DIR}/plugin/device/gpu/kernel/cuda_impl/cuda_ops/cuda_device_info.cc
|
||||
)
|
||||
|
||||
|
|
|
@ -17,6 +17,7 @@
|
|||
#include "src/extendrt/delegate/tensorrt/op/normalize_tensorrt.h"
|
||||
#include <memory>
|
||||
#include <numeric>
|
||||
#include <functional>
|
||||
#include "src/extendrt/delegate/tensorrt/op/normalize_opt_plugin.h"
|
||||
|
||||
namespace mindspore::lite {
|
||||
|
|
|
@ -25,7 +25,7 @@
|
|||
#include "include/errorcode.h"
|
||||
#include "src/extendrt/delegate/tensorrt/tensorrt_context.h"
|
||||
#include "src/extendrt/delegate/tensorrt/tensorrt_utils.h"
|
||||
#include "src/runtime/delegate/auto_registration_factory.h"
|
||||
#include "src/litert/delegate/auto_registration_factory.h"
|
||||
#include "src/common/log_util.h"
|
||||
|
||||
namespace mindspore::lite {
|
||||
|
|
|
@ -19,8 +19,8 @@
|
|||
#include <vector>
|
||||
#include <fstream>
|
||||
#include <string>
|
||||
#include "src/runtime/delegate/delegate_utils.h"
|
||||
#include "src/runtime/delegate/auto_registration_factory.h"
|
||||
#include "src/litert/delegate/delegate_utils.h"
|
||||
#include "src/litert/delegate/auto_registration_factory.h"
|
||||
|
||||
namespace mindspore::lite {
|
||||
TensorRTDelegate::~TensorRTDelegate() {
|
||||
|
|
|
@ -21,7 +21,7 @@
|
|||
#include <set>
|
||||
#include <queue>
|
||||
#include <algorithm>
|
||||
#include "src/runtime/delegate/delegate_utils.h"
|
||||
#include "src/litert/delegate/delegate_utils.h"
|
||||
|
||||
namespace mindspore::lite {
|
||||
TensorRTSubGraph::~TensorRTSubGraph() {
|
||||
|
|
|
@ -21,8 +21,8 @@
|
|||
#include <vector>
|
||||
#include <string>
|
||||
#include <memory>
|
||||
#include "src/runtime/inner_kernel.h"
|
||||
#include "src/runtime/lite_kernel.h"
|
||||
#include "src/litert/inner_kernel.h"
|
||||
#include "src/litert/lite_kernel.h"
|
||||
#include "cuda_impl/cuda_class/helper_base.h"
|
||||
|
||||
using mindspore::lite::RET_ERROR;
|
||||
|
|
|
@ -22,7 +22,7 @@
|
|||
|
||||
#include "include/model.h"
|
||||
#include "src/tensor.h"
|
||||
#include "src/runtime/kernel_exec.h"
|
||||
#include "src/litert/kernel_exec.h"
|
||||
|
||||
using Model = mindspore::lite::Model;
|
||||
using LiteGraph = mindspore::lite::LiteGraph;
|
||||
|
|
|
@ -24,7 +24,7 @@
|
|||
#include "src/tensor.h"
|
||||
#include "include/errorcode.h"
|
||||
#include "include/api/kernel.h"
|
||||
#include "src/runtime/inner_context.h"
|
||||
#include "src/litert/inner_context.h"
|
||||
// #include "include/api/context.h"
|
||||
#include "kernel/kernel.h"
|
||||
#include "extendrt/mindir_loader/abstract_kernel.h"
|
||||
|
|
|
@ -23,11 +23,11 @@
|
|||
#include "utils/ms_utils_secure.h"
|
||||
#include "extendrt/mindir_loader/mindir_model/mindir_model_util.h"
|
||||
#include "extendrt/mindir_loader/mindir_model/kernel_mod_util.h"
|
||||
#include "src/runtime/kernel_exec.h"
|
||||
#include "src/litert/kernel_exec.h"
|
||||
#include "extendrt/mindir_loader/mindir_model/inner_kernel.h"
|
||||
#include "extendrt/mock/lite_runtime/populate/base_operator_populate_register.h"
|
||||
|
||||
#include "src/runtime/kernel_registry.h"
|
||||
#include "src/litert/kernel_registry.h"
|
||||
|
||||
namespace mindspore::infer::mindir {
|
||||
#define IS_LITTLE_ENDIAN (uint8_t)1U
|
||||
|
|
|
@ -21,7 +21,7 @@
|
|||
#include <string>
|
||||
|
||||
#include "extendrt/mindir_loader/abstract_base_model.h"
|
||||
#include "src/runtime/schema_tensor_wrapper.h"
|
||||
#include "src/litert/schema_tensor_wrapper.h"
|
||||
#include "proto/mind_ir.pb.h"
|
||||
|
||||
namespace mindspore::infer::mindir {
|
||||
|
|
|
@ -19,7 +19,7 @@
|
|||
|
||||
#include <memory>
|
||||
|
||||
#include "src/runtime/lite_model.h"
|
||||
#include "src/litert/lite_model.h"
|
||||
#include "extendrt/mindir_loader/mindir_model/mindir_model.h"
|
||||
|
||||
namespace mindspore::infer::mindir {
|
||||
|
|
|
@ -19,7 +19,7 @@
|
|||
|
||||
#include "extendrt/mindir_loader/mindir_model/mindir_model_loader.h"
|
||||
#include "extendrt/mindir_loader/mindir_model/mindir_model_util.h"
|
||||
#include "src/runtime/kernel_registry.h"
|
||||
#include "src/litert/kernel_registry.h"
|
||||
#include "ops/primitive_c.h"
|
||||
|
||||
namespace mindspore::infer::mindir {
|
||||
|
|
|
@ -24,30 +24,30 @@ set(LITE_SRC
|
|||
${LITE_DIR}/src/common/log.cc
|
||||
${LITE_DIR}/src/common/prim_util.cc
|
||||
${LITE_DIR}/src/common/tensor_util.cc
|
||||
${LITE_DIR}/src/runtime/allocator.cc
|
||||
${LITE_DIR}/src/runtime/inner_allocator.cc
|
||||
${LITE_DIR}/src/runtime/runtime_allocator.cc
|
||||
${LITE_DIR}/src/runtime/infer_manager.cc
|
||||
${LITE_DIR}/src/runtime/runtime_shape_fusion_pass.cc
|
||||
${LITE_DIR}/src/runtime/runtime_pass.cc
|
||||
${LITE_DIR}/src/runtime/pass/runtime_ncx_pass.cc
|
||||
${LITE_DIR}/src/runtime/schema_tensor_wrapper.cc
|
||||
${LITE_DIR}/src/litert/allocator.cc
|
||||
${LITE_DIR}/src/litert/inner_allocator.cc
|
||||
${LITE_DIR}/src/litert/runtime_allocator.cc
|
||||
${LITE_DIR}/src/litert/infer_manager.cc
|
||||
${LITE_DIR}/src/litert/runtime_shape_fusion_pass.cc
|
||||
${LITE_DIR}/src/litert/runtime_pass.cc
|
||||
${LITE_DIR}/src/litert/pass/runtime_ncx_pass.cc
|
||||
${LITE_DIR}/src/litert/schema_tensor_wrapper.cc
|
||||
${LITE_DIR}/src/tensor.cc
|
||||
${LITE_DIR}/src/tensorlist.cc
|
||||
${LITE_DIR}/src/runtime/tensor_category.cc
|
||||
${LITE_DIR}/src/runtime/executor.cc
|
||||
${LITE_DIR}/src/runtime/inner_context.cc
|
||||
${LITE_DIR}/src/runtime/lite_model.cc
|
||||
${LITE_DIR}/src/runtime/kernel_registry.cc
|
||||
${LITE_DIR}/src/runtime/lite_kernel.cc
|
||||
${LITE_DIR}/src/runtime/kernel_exec.cc
|
||||
${LITE_DIR}/src/runtime/kernel_exec_util.cc
|
||||
${LITE_DIR}/src/runtime/sub_graph_kernel.cc
|
||||
${LITE_DIR}/src/runtime/scheduler.cc
|
||||
${LITE_DIR}/src/runtime/lite_session.cc
|
||||
${LITE_DIR}/src/litert/tensor_category.cc
|
||||
${LITE_DIR}/src/litert/executor.cc
|
||||
${LITE_DIR}/src/litert/inner_context.cc
|
||||
${LITE_DIR}/src/litert/lite_model.cc
|
||||
${LITE_DIR}/src/litert/kernel_registry.cc
|
||||
${LITE_DIR}/src/litert/lite_kernel.cc
|
||||
${LITE_DIR}/src/litert/kernel_exec.cc
|
||||
${LITE_DIR}/src/litert/kernel_exec_util.cc
|
||||
${LITE_DIR}/src/litert/sub_graph_kernel.cc
|
||||
${LITE_DIR}/src/litert/scheduler.cc
|
||||
${LITE_DIR}/src/litert/lite_session.cc
|
||||
${LITE_DIR}/src/errorcode.cc
|
||||
${LITE_DIR}/src/runtime/cpu_info.cc
|
||||
${LITE_DIR}/src/runtime/pack_weight_manager.cc
|
||||
${LITE_DIR}/src/litert/cpu_info.cc
|
||||
${LITE_DIR}/src/litert/pack_weight_manager.cc
|
||||
${LITE_DIR}/src/control_flow/control_flow_scheduler.cc
|
||||
${LITE_DIR}/src/control_flow/control_subgraph_creator.cc
|
||||
)
|
||||
|
@ -68,23 +68,23 @@ endif()
|
|||
if(MSLITE_ENABLE_BFC_MEMORY)
|
||||
set(LITE_SRC
|
||||
${LITE_SRC}
|
||||
${LITE_DIR}/src/runtime/dynamic_mem_allocator.cc
|
||||
${LITE_DIR}/src/runtime/dynamic_mem_manager.cc
|
||||
${LITE_DIR}/src/runtime/numa_adapter.cc
|
||||
${LITE_DIR}/src/litert/dynamic_mem_allocator.cc
|
||||
${LITE_DIR}/src/litert/dynamic_mem_manager.cc
|
||||
${LITE_DIR}/src/litert/numa_adapter.cc
|
||||
)
|
||||
endif()
|
||||
|
||||
if(MSLITE_ENABLE_SHARING_MODEL_WEIGHT)
|
||||
set(LITE_SRC
|
||||
${LITE_SRC}
|
||||
${LITE_DIR}/src/runtime/pack_weight.cc
|
||||
${LITE_DIR}/src/litert/pack_weight.cc
|
||||
)
|
||||
endif()
|
||||
|
||||
if(MSLITE_ENABLE_DYNAMIC_THREAD_DISTRIBUTE)
|
||||
set(LITE_SRC
|
||||
${LITE_SRC}
|
||||
${LITE_DIR}/src/runtime/thread_cost_model.cc
|
||||
${LITE_DIR}/src/litert/thread_cost_model.cc
|
||||
)
|
||||
endif()
|
||||
|
||||
|
@ -114,7 +114,7 @@ if(MSLITE_ENABLE_RUNTIME_CONVERT)
|
|||
${LITE_DIR}/src/common/ops/ops_def.cc
|
||||
${LITE_DIR}/src/common/ops/ops_utils.cc
|
||||
${LITE_DIR}/src/common/ops/anf_utils.cc
|
||||
${LITE_DIR}/src/runtime/runtime_convert.cc)
|
||||
${LITE_DIR}/src/litert/runtime_convert.cc)
|
||||
set(LITE_SRC ${LITE_SRC} ${RUNTIME_CONVERT_SRC})
|
||||
endif()
|
||||
|
||||
|
@ -127,20 +127,20 @@ endif()
|
|||
|
||||
if(ENABLE_RUNTIME_NCX_PASS)
|
||||
file(GLOB RUNTIME_NCX_PASS_SRC
|
||||
${LITE_DIR}/src/runtime/pass/decrease_transpose_algo.cc
|
||||
${LITE_DIR}/src/runtime/pass/delete_isolated_kernel.cc
|
||||
${LITE_DIR}/src/runtime/pass/infershape_pass.cc
|
||||
${LITE_DIR}/src/runtime/pass/pass_utils.cc
|
||||
${LITE_DIR}/src/runtime/pass/runtime_optimizer.cc
|
||||
${LITE_DIR}/src/runtime/pass/to_nchw_format.cc
|
||||
${LITE_DIR}/src/runtime/pass/transpose_strategy.cc
|
||||
${LITE_DIR}/src/litert/pass/decrease_transpose_algo.cc
|
||||
${LITE_DIR}/src/litert/pass/delete_isolated_kernel.cc
|
||||
${LITE_DIR}/src/litert/pass/infershape_pass.cc
|
||||
${LITE_DIR}/src/litert/pass/pass_utils.cc
|
||||
${LITE_DIR}/src/litert/pass/runtime_optimizer.cc
|
||||
${LITE_DIR}/src/litert/pass/to_nchw_format.cc
|
||||
${LITE_DIR}/src/litert/pass/transpose_strategy.cc
|
||||
)
|
||||
set(LITE_SRC ${LITE_SRC} ${RUNTIME_NCX_PASS_SRC})
|
||||
endif()
|
||||
|
||||
if(MSLITE_ENABLE_WEIGHT_DECODE)
|
||||
set(LITE_SRC ${LITE_SRC}
|
||||
${LITE_DIR}/src/runtime/huffman_decode.cc)
|
||||
${LITE_DIR}/src/litert/huffman_decode.cc)
|
||||
if(NOT MSLITE_ENABLE_RUNTIME_CONVERT)
|
||||
set(LITE_SRC ${LITE_SRC}
|
||||
${TOOLS_DIR}/converter/quantizer/fse_decoder.cc
|
||||
|
@ -151,7 +151,7 @@ endif()
|
|||
if(MSLITE_ENABLE_AUTO_PARALLEL)
|
||||
set(LITE_SRC
|
||||
${LITE_SRC}
|
||||
${LITE_DIR}/src/runtime/sub_graph_split.cc
|
||||
${LITE_DIR}/src/litert/sub_graph_split.cc
|
||||
)
|
||||
endif()
|
||||
|
||||
|
@ -162,12 +162,12 @@ endif()
|
|||
set(LITE_SRC
|
||||
${LITE_SRC}
|
||||
${KERNEL_REG_SRC}
|
||||
${LITE_DIR}/src/runtime/weight_decoder.cc
|
||||
${LITE_DIR}/src/litert/weight_decoder.cc
|
||||
)
|
||||
|
||||
if(MSLITE_GPU_BACKEND STREQUAL opencl)
|
||||
file(GLOB_RECURSE OPENCL_RUNTIME_SRC
|
||||
${LITE_DIR}/src/runtime/kernel/gpu/opencl/*.cc
|
||||
${LITE_DIR}/src/litert/kernel/gpu/opencl/*.cc
|
||||
)
|
||||
set(LITE_SRC
|
||||
${LITE_SRC}
|
||||
|
@ -177,8 +177,8 @@ endif()
|
|||
|
||||
if(MSLITE_GPU_BACKEND STREQUAL cuda)
|
||||
file(GLOB CUDA_RUNTIME_SRC
|
||||
${LITE_DIR}/src/runtime/gpu/*.cc
|
||||
${LITE_DIR}/src/runtime/gpu/cuda/*.cc
|
||||
${LITE_DIR}/src/litert/gpu/*.cc
|
||||
${LITE_DIR}/src/litert/gpu/cuda/*.cc
|
||||
)
|
||||
set(LITE_SRC
|
||||
${LITE_SRC}
|
||||
|
@ -193,7 +193,7 @@ endif()
|
|||
|
||||
|
||||
file(GLOB CXX_API_EXPRESSION
|
||||
${LITE_DIR}/src/runtime/cxx_api/expression/*.cc
|
||||
${LITE_DIR}/src/litert/cxx_api/expression/*.cc
|
||||
)
|
||||
|
||||
file(GLOB EXPRESSION_OPS
|
||||
|
@ -219,11 +219,11 @@ set(TRAIN_SRC
|
|||
${TRAIN_SRC_WITH_MD}
|
||||
${EXPRESSION_SRC}
|
||||
${LITE_DIR}/src/common/quant_utils.cc
|
||||
${LITE_DIR}/src/runtime/cxx_api/metrics/accuracy.cc
|
||||
${LITE_DIR}/src/runtime/cxx_api/train/model_build.cc
|
||||
${LITE_DIR}/src/runtime/cxx_api/train/model_build_impl.cc
|
||||
${LITE_DIR}/src/runtime/cxx_api/train/converters.cc
|
||||
${LITE_DIR}/src/runtime/cxx_api/train/train_support.cc
|
||||
${LITE_DIR}/src/litert/cxx_api/metrics/accuracy.cc
|
||||
${LITE_DIR}/src/litert/cxx_api/train/model_build.cc
|
||||
${LITE_DIR}/src/litert/cxx_api/train/model_build_impl.cc
|
||||
${LITE_DIR}/src/litert/cxx_api/train/converters.cc
|
||||
${LITE_DIR}/src/litert/cxx_api/train/train_support.cc
|
||||
${LITE_DIR}/src/train/train_populate_parameter.cc
|
||||
${LITE_DIR}/src/train/train_session.cc
|
||||
${LITE_DIR}/src/train/graph_fusion.cc
|
||||
|
@ -250,8 +250,8 @@ set(TRAIN_SRC
|
|||
|
||||
if(MSLITE_ENABLE_MINDRT)
|
||||
set(LITE_SRC ${LITE_SRC}
|
||||
${LITE_DIR}/src/runtime/lite_mindrt.cc
|
||||
${LITE_DIR}/src/runtime/mindrt_executor.cc
|
||||
${LITE_DIR}/src/litert/lite_mindrt.cc
|
||||
${LITE_DIR}/src/litert/mindrt_executor.cc
|
||||
${LITE_DIR}/src/control_flow/control_actor_creator.cc
|
||||
)
|
||||
if(MSLITE_ENABLE_CONTROLFLOW)
|
||||
|
@ -277,7 +277,7 @@ endif()
|
|||
|
||||
if(NOT MSLITE_ENABLE_COREML)
|
||||
set(LITE_SRC ${LITE_SRC}
|
||||
${LITE_DIR}/src/runtime/delegate/coreml/stub/coreml_delegate_stub.cc)
|
||||
${LITE_DIR}/src/litert/delegate/coreml/stub/coreml_delegate_stub.cc)
|
||||
endif()
|
||||
|
||||
add_library(infer_lite_src_mid OBJECT ${LITE_SRC})
|
||||
|
|
|
@ -23,7 +23,7 @@
|
|||
#include "include/api/status.h"
|
||||
#include "include/api/cfg.h"
|
||||
#include "include/train/train_cfg.h"
|
||||
#include "src/runtime/inner_context.h"
|
||||
#include "src/litert/inner_context.h"
|
||||
|
||||
namespace mindspore {
|
||||
class ContextUtils {
|
||||
|
|
|
@ -21,7 +21,7 @@
|
|||
#include <vector>
|
||||
|
||||
#include "src/extendrt/infer_session.h"
|
||||
#include "runtime/lite_session.h"
|
||||
#include "src/litert/lite_session.h"
|
||||
|
||||
namespace mindspore {
|
||||
class LiteInferSession : public InferSession {
|
||||
|
|
|
@ -13,7 +13,7 @@
|
|||
* See the License for the specific language governing permissions and
|
||||
* limitations under the License.
|
||||
*/
|
||||
#include "src/runtime/inner_allocator.h"
|
||||
#include "src/litert/inner_allocator.h"
|
||||
|
||||
namespace mindspore {
|
||||
std::shared_ptr<Allocator> Allocator::Create() { return std::make_shared<DefaultAllocator>(); }
|
|
@ -14,7 +14,7 @@
|
|||
* limitations under the License.
|
||||
*/
|
||||
#include "include/c_api/context_c.h"
|
||||
#include "src/runtime/c_api/context_c.h"
|
||||
#include "src/litert/c_api/context_c.h"
|
||||
#include "src/common/log_adapter.h"
|
||||
|
||||
// ================ Context ================
|
|
@ -18,10 +18,10 @@
|
|||
#include <cstdint>
|
||||
#include "include/api/context.h"
|
||||
#include "include/api/types.h"
|
||||
#include "src/runtime/cxx_api/tensor/tensor_impl.h"
|
||||
#include "src/runtime/cxx_api/converters.h"
|
||||
#include "src/runtime/lite_session.h"
|
||||
#include "src/runtime/cpu_info.h"
|
||||
#include "src/litert/cxx_api/tensor/tensor_impl.h"
|
||||
#include "src/litert/cxx_api/converters.h"
|
||||
#include "src/litert/lite_session.h"
|
||||
#include "src/litert/cpu_info.h"
|
||||
|
||||
namespace mindspore {
|
||||
class ModelC {
|
|
@ -16,8 +16,8 @@
|
|||
#include "include/c_api/tensor_c.h"
|
||||
#include "include/api/status.h"
|
||||
#include "src/tensor.h"
|
||||
#include "src/runtime/cxx_api/tensor/tensor_impl.h"
|
||||
#include "src/runtime/inner_allocator.h"
|
||||
#include "src/litert/cxx_api/tensor/tensor_impl.h"
|
||||
#include "src/litert/inner_allocator.h"
|
||||
|
||||
MSTensorHandle MSTensorCreate(const char *name, MSDataType type, const int64_t *shape, size_t shape_num,
|
||||
const void *data, size_t data_len) {
|
|
@ -14,7 +14,7 @@
|
|||
* limitations under the License.
|
||||
*/
|
||||
#ifdef ENABLE_ARM
|
||||
#include "src/runtime/cpu_info.h"
|
||||
#include "src/litert/cpu_info.h"
|
||||
#include <set>
|
||||
#include <fstream>
|
||||
#include "src/common/log_adapter.h"
|
|
@ -19,7 +19,7 @@
|
|||
#include <memory>
|
||||
#include "include/train/ckpt_saver.h"
|
||||
#include "include/api/callback/ckpt_saver.h"
|
||||
#include "src/runtime/cxx_api/callback/callback_impl.h"
|
||||
#include "src/litert/cxx_api/callback/callback_impl.h"
|
||||
#include "src/common/log_adapter.h"
|
||||
|
||||
namespace mindspore {
|
|
@ -19,7 +19,7 @@
|
|||
#include <memory>
|
||||
#include "include/train/loss_monitor.h"
|
||||
#include "include/api/callback/loss_monitor.h"
|
||||
#include "src/runtime/cxx_api/callback/callback_impl.h"
|
||||
#include "src/litert/cxx_api/callback/callback_impl.h"
|
||||
#include "src/common/log_adapter.h"
|
||||
|
||||
namespace mindspore {
|
|
@ -19,7 +19,7 @@
|
|||
#include <memory>
|
||||
#include "include/train/lr_scheduler.h"
|
||||
#include "include/api/callback/lr_scheduler.h"
|
||||
#include "src/runtime/cxx_api/callback/callback_impl.h"
|
||||
#include "src/litert/cxx_api/callback/callback_impl.h"
|
||||
#include "src/common/log_adapter.h"
|
||||
|
||||
namespace mindspore {
|
|
@ -19,7 +19,7 @@
|
|||
#include <memory>
|
||||
#include "include/train/classification_train_accuracy_monitor.h"
|
||||
#include "include/api/callback/train_accuracy.h"
|
||||
#include "src/runtime/cxx_api/callback/callback_impl.h"
|
||||
#include "src/litert/cxx_api/callback/callback_impl.h"
|
||||
#include "src/common/log_adapter.h"
|
||||
|
||||
namespace mindspore {
|
|
@ -13,13 +13,13 @@
|
|||
* See the License for the specific language governing permissions and
|
||||
* limitations under the License.
|
||||
*/
|
||||
#include "src/runtime/cxx_api/context.h"
|
||||
#include "src/litert/cxx_api/context.h"
|
||||
#include <string>
|
||||
#include <memory>
|
||||
#include "include/api/types.h"
|
||||
#include "include/api/data_type.h"
|
||||
#include "include/lite_types.h"
|
||||
#include "src/runtime/inner_allocator.h"
|
||||
#include "src/litert/inner_allocator.h"
|
||||
#include "src/common/log_adapter.h"
|
||||
#include "src/extendrt/delegate/tensorrt/distribution/distribution_base.h"
|
||||
|
|
@ -13,7 +13,7 @@
|
|||
* See the License for the specific language governing permissions and
|
||||
* limitations under the License.
|
||||
*/
|
||||
#include "src/runtime/cxx_api/converters.h"
|
||||
#include "src/litert/cxx_api/converters.h"
|
||||
#include "src/common/log_adapter.h"
|
||||
#include "src/common/utils.h"
|
||||
|
|
@ -23,8 +23,8 @@
|
|||
#include "include/api/status.h"
|
||||
#include "include/api/cfg.h"
|
||||
#include "include/train/train_cfg.h"
|
||||
#include "src/runtime/inner_context.h"
|
||||
#include "src/runtime/c_api/context_c.h"
|
||||
#include "src/litert/inner_context.h"
|
||||
#include "src/litert/c_api/context_c.h"
|
||||
|
||||
namespace mindspore {
|
||||
class ContextUtils {
|
|
@ -16,8 +16,8 @@
|
|||
|
||||
#include "include/api/net.h"
|
||||
#include "include/api/status.h"
|
||||
#include "src/runtime/cxx_api/expression/node_impl.h"
|
||||
#include "src/runtime/cxx_api/expression/net_impl.h"
|
||||
#include "src/litert/cxx_api/expression/node_impl.h"
|
||||
#include "src/litert/cxx_api/expression/net_impl.h"
|
||||
#include "src/expression/ops.h"
|
||||
#include "src/expression/cfg.h"
|
||||
|
|
@ -14,13 +14,13 @@
|
|||
* limitations under the License.
|
||||
*/
|
||||
|
||||
#include "src/runtime/cxx_api/expression/net_impl.h"
|
||||
#include "src/litert/cxx_api/expression/net_impl.h"
|
||||
#include <vector>
|
||||
#include <utility>
|
||||
#include "include/api/serialization.h"
|
||||
#include "src/expression/import.h"
|
||||
#include "src/expression/ops.h"
|
||||
#include "src/runtime/cxx_api/model/model_impl.h"
|
||||
#include "src/litert/cxx_api/model/model_impl.h"
|
||||
|
||||
namespace {
|
||||
constexpr size_t kFlatbuffersBuilderInitSize = 1024;
|
|
@ -27,8 +27,8 @@
|
|||
#include "include/api/graph.h"
|
||||
#include "include/api/status.h"
|
||||
#include "include/api/net.h"
|
||||
#include "src/runtime/cxx_api/expression/node_impl.h"
|
||||
#include "src/runtime/cxx_api/graph/net_data.h"
|
||||
#include "src/litert/cxx_api/expression/node_impl.h"
|
||||
#include "src/litert/cxx_api/graph/net_data.h"
|
||||
#include "src/expression/net.h"
|
||||
#include "src/expression/ops.h"
|
||||
|
|
@ -14,7 +14,7 @@
|
|||
* limitations under the License.
|
||||
*/
|
||||
|
||||
#include "src/runtime/cxx_api/expression/node_impl.h"
|
||||
#include "src/litert/cxx_api/expression/node_impl.h"
|
||||
#include <vector>
|
||||
#include "include/api/net.h"
|
||||
#include "src/expression/ops.h"
|
|
@ -17,8 +17,8 @@
|
|||
#include "include/api/graph.h"
|
||||
#include "include/api/cell.h"
|
||||
#include "include/api/net.h"
|
||||
#include "src/runtime/cxx_api/graph/graph_data.h"
|
||||
#include "src/runtime/cxx_api/graph/net_data.h"
|
||||
#include "src/litert/cxx_api/graph/graph_data.h"
|
||||
#include "src/litert/cxx_api/graph/net_data.h"
|
||||
|
||||
namespace mindspore {
|
||||
Graph::Graph() : graph_data_(nullptr) {}
|
|
@ -23,7 +23,7 @@
|
|||
#include <memory>
|
||||
#include "include/api/graph.h"
|
||||
#include "include/api/types.h"
|
||||
#include "src/runtime/lite_model.h"
|
||||
#include "src/litert/lite_model.h"
|
||||
|
||||
namespace mindspore {
|
||||
class Graph::GraphData {
|
|
@ -13,8 +13,8 @@
|
|||
* See the License for the specific language governing permissions and
|
||||
* limitations under the License.
|
||||
*/
|
||||
#include "src/runtime/cxx_api/graph/net_data.h"
|
||||
#include "src/runtime/cxx_api/expression/net_impl.h"
|
||||
#include "src/litert/cxx_api/graph/net_data.h"
|
||||
#include "src/litert/cxx_api/expression/net_impl.h"
|
||||
|
||||
namespace mindspore {
|
||||
NetData::~NetData() { net_->impl_->Release(); }
|
|
@ -14,8 +14,8 @@
|
|||
* limitations under the License.
|
||||
*/
|
||||
|
||||
#include "src/runtime/cxx_api/kernel_executor/kernel_executor.h"
|
||||
#include "src/runtime/cxx_api/kernel_executor/kernel_executor_impl.h"
|
||||
#include "src/litert/cxx_api/kernel_executor/kernel_executor.h"
|
||||
#include "src/litert/cxx_api/kernel_executor/kernel_executor_impl.h"
|
||||
|
||||
namespace mindspore {
|
||||
Status KernelExecutor::Build(const std::shared_ptr<ops::BaseOperator> &op, const std::vector<MSTensor> &inputs,
|
|
@ -16,14 +16,14 @@
|
|||
|
||||
#include <algorithm>
|
||||
#include "src/common/ops/ops_utils.h"
|
||||
#include "src/runtime/cxx_api/converters.h"
|
||||
#include "src/litert/cxx_api/converters.h"
|
||||
#include "src/common/prim_util.h"
|
||||
#include "src/common/ops/populate/populate_register.h"
|
||||
#include "src/common/primitive_t_utils.h"
|
||||
#include "schema/inner/model_generated.h"
|
||||
#include "src/runtime/infer_manager.h"
|
||||
#include "src/runtime/kernel_registry.h"
|
||||
#include "src/runtime/cxx_api/kernel_executor/kernel_executor_impl.h"
|
||||
#include "src/litert/infer_manager.h"
|
||||
#include "src/litert/kernel_registry.h"
|
||||
#include "src/litert/cxx_api/kernel_executor/kernel_executor_impl.h"
|
||||
|
||||
namespace mindspore {
|
||||
constexpr size_t INITIAL_SIZE = 1024;
|
|
@ -19,8 +19,8 @@
|
|||
|
||||
#include <vector>
|
||||
#include <memory>
|
||||
#include "src/runtime/cxx_api/kernel_executor/kernel_executor.h"
|
||||
#include "src/runtime/kernel_exec.h"
|
||||
#include "src/litert/cxx_api/kernel_executor/kernel_executor.h"
|
||||
#include "src/litert/kernel_exec.h"
|
||||
#include "common/version_manager.h"
|
||||
|
||||
namespace mindspore {
|
|
@ -19,7 +19,7 @@
|
|||
#include <memory>
|
||||
#include "include/train/accuracy_metrics.h"
|
||||
#include "include/api/metrics/accuracy.h"
|
||||
#include "src/runtime/cxx_api/metrics/metrics_impl.h"
|
||||
#include "src/litert/cxx_api/metrics/metrics_impl.h"
|
||||
#include "src/common/log_adapter.h"
|
||||
|
||||
namespace mindspore {
|
|
@ -30,10 +30,10 @@
|
|||
#include "include/api/serialization.h"
|
||||
#include "include/api/graph.h"
|
||||
#include "src/common/log_adapter.h"
|
||||
#include "src/runtime/cxx_api/expression/net_impl.h"
|
||||
#include "src/runtime/cxx_api/callback/callback_adapter.h"
|
||||
#include "src/runtime/cxx_api/callback/callback_impl.h"
|
||||
#include "src/runtime/cxx_api/model/model_impl.h"
|
||||
#include "src/litert/cxx_api/expression/net_impl.h"
|
||||
#include "src/litert/cxx_api/callback/callback_adapter.h"
|
||||
#include "src/litert/cxx_api/callback/callback_impl.h"
|
||||
#include "src/litert/cxx_api/model/model_impl.h"
|
||||
#ifdef ENABLE_OPENSSL
|
||||
#include "src/common/decrypt.h"
|
||||
#include "src/common/file_utils.h"
|
|
@ -14,7 +14,7 @@
|
|||
* limitations under the License.
|
||||
*/
|
||||
|
||||
#include "src/runtime/cxx_api/model/model_impl.h"
|
||||
#include "src/litert/cxx_api/model/model_impl.h"
|
||||
#include <memory>
|
||||
#include <algorithm>
|
||||
#include <map>
|
||||
|
@ -24,16 +24,16 @@
|
|||
#include "include/api/types.h"
|
||||
#include "include/api/context.h"
|
||||
#include "include/context.h"
|
||||
#include "src/runtime/inner_allocator.h"
|
||||
#include "src/runtime/cxx_api/converters.h"
|
||||
#include "src/runtime/cxx_api/graph/graph_data.h"
|
||||
#include "src/runtime/cxx_api/tensor/tensor_impl.h"
|
||||
#include "src/runtime/cxx_api/tensor_utils.h"
|
||||
#include "src/litert/inner_allocator.h"
|
||||
#include "src/litert/cxx_api/converters.h"
|
||||
#include "src/litert/cxx_api/graph/graph_data.h"
|
||||
#include "src/litert/cxx_api/tensor/tensor_impl.h"
|
||||
#include "src/litert/cxx_api/tensor_utils.h"
|
||||
#include "src/common/log_adapter.h"
|
||||
#include "src/runtime/lite_session.h"
|
||||
#include "src/litert/lite_session.h"
|
||||
#include "src/common/file_utils.h"
|
||||
#include "src/common/config_file.h"
|
||||
#include "src/runtime/cpu_info.h"
|
||||
#include "src/litert/cpu_info.h"
|
||||
|
||||
namespace mindspore {
|
||||
namespace {
|
|
@ -27,9 +27,9 @@
|
|||
#include "include/api/model.h"
|
||||
#include "include/api/context.h"
|
||||
#include "include/api/cell.h"
|
||||
#include "src/runtime/cxx_api/graph/graph_data.h"
|
||||
#include "src/runtime/inner_context.h"
|
||||
#include "src/runtime/lite_session.h"
|
||||
#include "src/litert/cxx_api/graph/graph_data.h"
|
||||
#include "src/litert/inner_context.h"
|
||||
#include "src/litert/lite_session.h"
|
||||
#include "include/train/train_loop_callback.h"
|
||||
|
||||
template <class T>
|
Some files were not shown because too many files have changed in this diff Show More
Loading…
Reference in New Issue