diff --git a/.gitignore b/.gitignore
index bcb8498bb028aa32e75cdc7d2eb3206ca9661f2e..05a18946e4856ad7474bbea6d9ec560c9cead8eb 100644
--- a/.gitignore
+++ b/.gitignore
@@ -25,8 +25,6 @@ mindspore/lite/tools/converter/parser/onnx/onnx.pb.h
mindspore/lite/tools/converter/parser/onnx/onnx.pb.h
mindspore/lite/tools/converter/schema/*.h
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
diff --git a/OAT.xml b/OAT.xml
index 22d8822cf0914f932148158afc9f8a5c3ffe4ed1..49f66f55f2ef151f678a4716c71fa855412df291 100644
--- a/OAT.xml
+++ b/OAT.xml
@@ -47,6 +47,7 @@
+
diff --git a/include/api/delegate.h b/include/api/delegate.h
index b17dc087f369524aa76e1f227b481d1c0945b347..ad90fd4486cb39578b2d8fb1897692a9f3b6e9a0 100644
--- a/include/api/delegate.h
+++ b/include/api/delegate.h
@@ -97,7 +97,7 @@ class MS_API DelegateModel {
/// \brief Get the ms model version.
///
/// \return The schema version for the primitives map.
- const SchemaVersion GetVersion() { return version_; }
+ SchemaVersion GetVersion() const { return version_; }
protected:
std::vector *kernels_;
diff --git a/mindspore/ccsrc/backend/kernel_compiler/cpu/nnacl/BUILD.gn b/mindspore/ccsrc/backend/kernel_compiler/cpu/nnacl/BUILD.gn
new file mode 100644
index 0000000000000000000000000000000000000000..7bb3769d0b91a21af062af0d7eed58855a7148e5
--- /dev/null
+++ b/mindspore/ccsrc/backend/kernel_compiler/cpu/nnacl/BUILD.gn
@@ -0,0 +1,306 @@
+# Copyright 2022 Huawei Technologies Co., Ltd
+#
+# Licensed under the Apache License, Version 2.0 (the "License");
+# you may not use this file except in compliance with the License.
+# You may obtain a copy of the License at
+#
+# http://www.apache.org/licenses/LICENSE-2.0
+#
+# Unless required by applicable law or agreed to in writing, software
+# distributed under the License is distributed on an "AS IS" BASIS,
+# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied.
+# See the License for the specific language governing permissions and
+# limitations under the License.
+# ============================================================================
+
+import("//build/ohos.gni")
+ohos_source_set("nnacl_o") {
+ sources = [
+ "common_func.c",
+ "kernel.c",
+ "nnacl_common.c",
+ "nnacl_utils.c",
+ "base/arithmetic_base.c",
+ "base/batch_to_space_base.c",
+ "base/broadcast_to.c",
+ "base/concat_base.c",
+ "base/conv1x1_base.c",
+ "base/conv_common_base.c",
+ "base/depth_to_space_base.c",
+ "base/fill_base.c",
+ "base/gather_base.c",
+ "base/minimal_filtering_generator.c",
+ "base/slice_base.c",
+ "base/space_to_depth_base.c",
+ "base/split_base.c",
+ "base/split_with_over_lap_base.c",
+ "base/stack_base.c",
+ "base/tile_base.c",
+ "base/transpose_base.c",
+ "base/unsorted_segment_sum_base.c",
+ "base/unstack_base.c",
+ "fp32/activation_fp32.c",
+ "fp32/adam_fp32.c",
+ "fp32/adder_fp32.c",
+ "fp32/add_fp32.c",
+ "fp32/arg_min_max_fp32.c",
+ "fp32/arithmetic_compare_fp32.c",
+ "fp32/arithmetic_fp32.c",
+ "fp32/arithmetic_self_fp32.c",
+ "fp32/attention_fp32.c",
+ "fp32/batchnorm_fp32.c",
+ "fp32/common_func_fp32.c",
+ "fp32/conv_1x1_x86_fp32.c",
+ "fp32/conv_common_fp32.c",
+ "fp32/conv_depthwise_fp32.c",
+ "fp32/conv_winograd_fp32.c",
+ "fp32/crop_fp32.c",
+ "fp32/cumsum_fp32.c",
+ "fp32/deconv_fp32.c",
+ "fp32/deconv_winograd_fp32.c",
+ "fp32/detection_post_process_fp32.c",
+ "fp32/div_fp32.c",
+ "fp32/embedding_lookup_fp32.c",
+ "fp32/exp_fp32.c",
+ "fp32/gatherNd_fp32.c",
+ "fp32/gru_fp32.c",
+ "fp32/instance_norm_fp32.c",
+ "fp32/invert_permutation_fp32.c",
+ "fp32/l2_norm_fp32.c",
+ "fp32/layer_norm_fp32.c",
+ "fp32/local_response_norm_fp32.c",
+ "fp32/log_softmax_fp32.c",
+ "fp32/lstm_fp32.c",
+ "fp32/matmul_avx512_fp32.c",
+ "fp32/matmul_fp32.c",
+ "fp32/mul_fp32.c",
+ "fp32/one_hot_fp32.c",
+ "fp32/pack_fp32.c",
+ "fp32/pad_fp32.c",
+ "fp32/pooling_fp32.c",
+ "fp32/power_fp32.c",
+ "fp32/prelu_fp32.c",
+ "fp32/ragged_range_fp32.c",
+ "fp32/reduce_fp32.c",
+ "fp32/resize_fp32.c",
+ "fp32/reverse_fp32.c",
+ "fp32/reverse_sequence_fp32.c",
+ "fp32/rmsprop_fp32.c",
+ "fp32/roi_pooling_fp32.c",
+ "fp32/scale_fp32.c",
+ "fp32/scatter_nd_fp32.c",
+ "fp32/softmax_fp32.c",
+ "fp32/space_to_batch_fp32.c",
+ "fp32/sparse_to_dense_fp32.c",
+ "fp32/splice_fp32.c",
+ "fp32/squared_difference.c",
+ "fp32/strided_slice_fp32.c",
+ "fp32/sub_fp32.c",
+ "fp32/topk_fp32.c",
+ "fp32/transpose_fp32.c",
+ "fp32/unique_fp32.c",
+ "fp32/where_fp32.c",
+ "fp32/winograd_avx.c",
+ "fp32/winograd_transform.c",
+ "fp32/winograd_utils.c",
+ "fp32_grad/activation_grad.c",
+ "fp32_grad/arithmetic_grad.c",
+ "fp32_grad/batch_norm.c",
+ "fp32_grad/binary_cross_entropy.c",
+ "fp32_grad/binary_cross_entropy_grad.c",
+ "fp32_grad/convolution_grad_filter.c",
+ "fp32_grad/convolution_grad_input.c",
+ "fp32_grad/dropout_grad.c",
+ "fp32_grad/gemm.c",
+ "fp32_grad/layernorm_grad.c",
+ "fp32_grad/lstm_grad_fp32.c",
+ "fp32_grad/pack_ext.c",
+ "fp32_grad/pooling_grad.c",
+ "fp32_grad/reduce_grad.c",
+ "fp32_grad/resize_grad.c",
+ "fp32_grad/softmax.c",
+ "fp32_grad/softmax_grad.c",
+ "fp32_grad/strided_slice_grad.c",
+ "fp32_sparse/matmul_sparse_x1_fp32.c",
+ "infer/control/tensor_array_infer.c",
+ "infer/control/tensor_array_read_infer.c",
+ "infer/control/tensor_array_write_infer.c",
+ "infer/control/tensorlist_fromtensor_infer.c",
+ "infer/control/tensorlist_getitem_infer.c",
+ "infer/control/tensorlist_reserve_infer.c",
+ "infer/control/tensorlist_setitem_infer.c",
+ "infer/control/tensorlist_stack_infer.c",
+ "infer/string/custom_extract_features_infer.c",
+ "infer/string/custom_normalize_infer.c",
+ "infer/string/custom_predict_infer.c",
+ "infer/string/hashtable_lookup_infer.c",
+ "infer/string/lsh_projection_infer.c",
+ "infer/string/skip_gram_infer.c",
+ "infer/adam_infer.c",
+ "infer/addn_infer.c",
+ "infer/add_sub_grad_infer.c",
+ "infer/affine_infer.c",
+ "infer/all_gather.c",
+ "infer/apply_momentum_infer.c",
+ "infer/argmin_max_infer.c",
+ "infer/arithmetic_compare_infer.c",
+ "infer/arithmetic_grad_infer.c",
+ "infer/arithmetic_infer.c",
+ "infer/assert_op_infer.c",
+ "infer/assign_add_infer.c",
+ "infer/assign_infer.c",
+ "infer/attention_infer.c",
+ "infer/audio_spectrogram_infer.c",
+ "infer/batch_to_space_infer.c",
+ "infer/bias_grad_infer.c",
+ "infer/binary_cross_entropy_infer.c",
+ "infer/bn_grad_infer.c",
+ "infer/broadcast_to_infer.c",
+ "infer/cast_infer.c",
+ "infer/common_infer.c",
+ "infer/concat_infer.c",
+ "infer/constant_of_shape_infer.c",
+ "infer/conv2d_grad_filter_infer.c",
+ "infer/conv2d_grad_input_infer.c",
+ "infer/conv2d_infer.c",
+ "infer/crop_and_resize_infer.c",
+ "infer/crop_infer.c",
+ "infer/cumsum_infer.c",
+ "infer/deconv2d_infer.c",
+ "infer/depth_to_space_infer.c",
+ "infer/depthwise_conv2d_infer.c",
+ "infer/detection_post_process_infer.c",
+ "infer/dropout_grad_infer.c",
+ "infer/dropout_infer.c",
+ "infer/embedding_lookup_infer.c",
+ "infer/expand_dims_infer.c",
+ "infer/fft_imag_infer.c",
+ "infer/fft_real_infer.c",
+ "infer/fill_infer.c",
+ "infer/flatten_grad_infer.c",
+ "infer/flatten_infer.c",
+ "infer/full_connection_infer.c",
+ "infer/fused_batchnorm_infer.c",
+ "infer/gather_infer.c",
+ "infer/gather_nd_infer.c",
+ "infer/glu_infer.c",
+ "infer/group_conv2d_grad_input_infer.c",
+ "infer/gru_infer.c",
+ "infer/infer_register.c",
+ "infer/instance_norm_infer.c",
+ "infer/invert_permutation_infer.c",
+ "infer/layer_norm_grad_infer.c",
+ "infer/layer_norm_infer.c",
+ "infer/lin_space_infer.c",
+ "infer/log_softmax_infer.c",
+ "infer/lstm_grad_infer.c",
+ "infer/lstm_infer.c",
+ "infer/matmul_infer.c",
+ "infer/max_min_grad_infer.c",
+ "infer/mean_infer.c",
+ "infer/mfcc_infer.c",
+ "infer/non_max_suppression_infer.c",
+ "infer/one_hot_infer.c",
+ "infer/pad_infer.c",
+ "infer/partial_infer.c",
+ "infer/pooling_grad_infer.c",
+ "infer/pooling_infer.c",
+ "infer/power_infer.c",
+ "infer/prior_box_infer.c",
+ "infer/quant_dtype_cast_infer.c",
+ "infer/ragged_range_infer.c",
+ "infer/random_standard_normal_infer.c",
+ "infer/range_infer.c",
+ "infer/rank_infer.c",
+ "infer/reduce_infer.c",
+ "infer/reduce_scatter.c",
+ "infer/reshape_infer.c",
+ "infer/resize_grad_infer.c",
+ "infer/resize_infer.c",
+ "infer/rfft_infer.c",
+ "infer/roi_pooling_infer.c",
+ "infer/scatter_nd_infer.c",
+ "infer/scatter_nd_update_infer.c",
+ "infer/select_infer.c",
+ "infer/sgd_infer.c",
+ "infer/shape_infer.c",
+ "infer/size_infer.c",
+ "infer/slice_infer.c",
+ "infer/softmax_cross_entropy_infer.c",
+ "infer/softmax_infer.c",
+ "infer/space_to_batch_infer.c",
+ "infer/space_to_batch_nd_infer.c",
+ "infer/space_to_depth_infer.c",
+ "infer/sparse_softmax_cross_entropy_with_logits_infer.c",
+ "infer/sparse_to_dense_infer.c",
+ "infer/splice_infer.c",
+ "infer/split_infer.c",
+ "infer/split_with_over_lap_infer.c",
+ "infer/squeeze_infer.c",
+ "infer/stack_infer.c",
+ "infer/strided_slice_grad_infer.c",
+ "infer/strided_slice_infer.c",
+ "infer/tile_infer.c",
+ "infer/topk_infer.c",
+ "infer/transpose_infer.c",
+ "infer/uniform_real_infer.c",
+ "infer/unique_infer.c",
+ "infer/unsorted_segment_sum_infer.c",
+ "infer/unsqueeze_infer.c",
+ "infer/unstack_infer.c",
+ "infer/where_infer.c",
+ "int8/add_int8.c",
+ "int8/arg_min_max_int8.c",
+ "int8/arithmetic_int8.c",
+ "int8/arithmetic_self_int8.c",
+ "int8/batchnorm_int8.c",
+ "int8/batch_to_space_int8.c",
+ "int8/common_func_int8.c",
+ "int8/concat_int8.c",
+ "int8/conv1x1_int8.c",
+ "int8/conv3x3_int8.c",
+ "int8/conv_depthwise_int8.c",
+ "int8/conv_int8.c",
+ "int8/crop_int8.c",
+ "int8/deconv_int8.c",
+ "int8/depth_to_space_int8.c",
+ "int8/div_int8.c",
+ "int8/fixed_point.c",
+ "int8/gather_int8.c",
+ "int8/gatherNd_int8.c",
+ "int8/hswish_int8.c",
+ "int8/l2_norm_int8.c",
+ "int8/layer_norm_int8.c",
+ "int8/leaky_relu_int8.c",
+ "int8/matmul_int8.c",
+ "int8/mul_int8.c",
+ "int8/pack_int8.c",
+ "int8/pad_int8.c",
+ "int8/pooling_int8.c",
+ "int8/power_int8.c",
+ "int8/quant_dtype_cast_int8.c",
+ "int8/quantize.c",
+ "int8/reduce_int8.c",
+ "int8/relux_int8.c",
+ "int8/reshape_int8.c",
+ "int8/resize_int8.c",
+ "int8/scale_int8.c",
+ "int8/sigmoid_int8.c",
+ "int8/slice_int8.c",
+ "int8/softmax_int8.c",
+ "int8/space_to_batch_int8.c",
+ "int8/split_int8.c",
+ "int8/squeeze_int8.c",
+ "int8/sub_int8.c",
+ "int8/tanh_int8.c",
+ "int8/topk_int8.c",
+ "int8/transpose_int8.c",
+ "int8/unsqueeze_int8.c",
+ ]
+
+ include_dirs = [
+ "../",
+ ]
+
+ part_name = "mindspore"
+}
diff --git a/mindspore/ccsrc/backend/kernel_compiler/cpu/nnacl/infer/common_infer.c b/mindspore/ccsrc/backend/kernel_compiler/cpu/nnacl/infer/common_infer.c
index 01ddec41b3e8ff1881f095e98e82f3d8bf2d2167..c6b3ee6f2684e798a9d3acce3ebf6c235f52fa11 100644
--- a/mindspore/ccsrc/backend/kernel_compiler/cpu/nnacl/infer/common_infer.c
+++ b/mindspore/ccsrc/backend/kernel_compiler/cpu/nnacl/infer/common_infer.c
@@ -17,7 +17,7 @@
#include
#include
#include "nnacl/infer/infer_register.h"
-#include "backend/kernel_compiler/cpu/nnacl/op_base.h"
+#include "nnacl/op_base.h"
#ifndef CONTROLFLOW_TENSORLIST_CLIP
int MallocTensorListData(TensorListC *tensor_list, TypeIdC dtype, const vvector *tensor_shape) {
diff --git a/mindspore/ccsrc/backend/kernel_compiler/cpu/nnacl/infer/infer_register.c b/mindspore/ccsrc/backend/kernel_compiler/cpu/nnacl/infer/infer_register.c
index 1e0761230af1fe6a37465608602110a97fdaa68b..99d4a327e75850f8b5cbfa5e18e994ed77fa023a 100644
--- a/mindspore/ccsrc/backend/kernel_compiler/cpu/nnacl/infer/infer_register.c
+++ b/mindspore/ccsrc/backend/kernel_compiler/cpu/nnacl/infer/infer_register.c
@@ -15,7 +15,6 @@
*/
#include "nnacl/infer/infer_register.h"
-#ifdef _MSC_VER
#include "nnacl/infer/adam_infer.h"
#include "nnacl/infer/add_sub_grad_infer.h"
#include "nnacl/infer/addn_infer.h"
@@ -350,18 +349,13 @@ void RegAllInferFunc3() {
g_infer_func[PrimType_ScatterNdUpdate] = ScatterNdUpdateInferShape;
}
-#else
-__attribute__((init_priority(101))) InferShape g_infer_func[PrimType_MAX * sizeof(InferShape)] = {0};
-#endif // _MSC_VER
InferShape GetInferFunc(int prim_type) {
-#ifdef _MSC_VER
if (g_infer_func[PrimType_Abs] == NULL) {
RegAllInferFunc1();
RegAllInferFunc2();
RegAllInferFunc3();
}
-#endif
if (prim_type < PrimType_MAX) {
return g_infer_func[prim_type];
}
diff --git a/mindspore/ccsrc/backend/kernel_compiler/cpu/nnacl/infer/infer_register.h b/mindspore/ccsrc/backend/kernel_compiler/cpu/nnacl/infer/infer_register.h
index c33ec1bc0bba98052ebddedb1e270cac1216300a..d6947c8831215e56e1016d934c9629cdb8233b87 100644
--- a/mindspore/ccsrc/backend/kernel_compiler/cpu/nnacl/infer/infer_register.h
+++ b/mindspore/ccsrc/backend/kernel_compiler/cpu/nnacl/infer/infer_register.h
@@ -26,12 +26,7 @@ extern "C" {
void RegInfer(int prim_type, InferShape func);
-#ifdef _MSC_VER
#define REG_INFER(op, type, func)
-#else
-#define REG_INFER(op, type, func) \
- __attribute__((constructor(102))) void Reg##op##Infer() { RegInfer(type, func); }
-#endif
#ifdef __cplusplus
}
diff --git a/mindspore/core/mindrt/BUILD.gn b/mindspore/core/mindrt/BUILD.gn
new file mode 100644
index 0000000000000000000000000000000000000000..db4c0b53e4fed1fad510cde6ec6cc67d37525268
--- /dev/null
+++ b/mindspore/core/mindrt/BUILD.gn
@@ -0,0 +1,42 @@
+# Copyright 2022 Huawei Technologies Co., Ltd
+#
+# Licensed under the Apache License, Version 2.0 (the "License");
+# you may not use this file except in compliance with the License.
+# You may obtain a copy of the License at
+#
+# http://www.apache.org/licenses/LICENSE-2.0
+#
+# Unless required by applicable law or agreed to in writing, software
+# distributed under the License is distributed on an "AS IS" BASIS,
+# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied.
+# See the License for the specific language governing permissions and
+# limitations under the License.
+# ============================================================================
+
+import("//build/ohos.gni")
+ohos_source_set("mindrt_o") {
+ sources = [
+ "src/actor/actor.cc",
+ "src/actor/actormgr.cc",
+ "src/actor/aid.cc",
+ "src/actor/mailbox.cc",
+ "src/async/future.cc",
+ "src/async/uuid_base.cc",
+ "src/async/uuid_generator.cc",
+ "src/mindrt.cc",
+ "src/thread/actor_threadpool.cc",
+ "src/thread/core_affinity.cc",
+ "src/thread/threadpool.cc",
+ ]
+
+ include_dirs = [
+ "./",
+ "include/",
+ "src/",
+ "../../lite/",
+ "../../lite/src/",
+ "../../core/"
+ ]
+
+ part_name = "mindspore"
+}
diff --git a/mindspore/core/mindrt/include/actor/msg.h b/mindspore/core/mindrt/include/actor/msg.h
index eb7d226414b67f600e9024ca611bef8633f41a9d..0290fdbd5e6c2bdaa86ce18a5e027fd1b01f2d69 100644
--- a/mindspore/core/mindrt/include/actor/msg.h
+++ b/mindspore/core/mindrt/include/actor/msg.h
@@ -66,7 +66,7 @@ class MessageBase {
inline void SetTo(const AID &aTo) { to = aTo; }
- inline const Type GetType() const { return type; }
+ inline Type GetType() const { return type; }
inline void SetType(Type eType) { type = eType; }
diff --git a/mindspore/lite/BUILD.gn b/mindspore/lite/BUILD.gn
new file mode 100644
index 0000000000000000000000000000000000000000..841304b25e4a19d1dbde9aa8f56c914e5f4f651e
--- /dev/null
+++ b/mindspore/lite/BUILD.gn
@@ -0,0 +1,558 @@
+# Copyright 2022 Huawei Technologies Co., Ltd
+#
+# Licensed under the Apache License, Version 2.0 (the "License");
+# you may not use this file except in compliance with the License.
+# You may obtain a copy of the License at
+#
+# http://www.apache.org/licenses/LICENSE-2.0
+#
+# Unless required by applicable law or agreed to in writing, software
+# distributed under the License is distributed on an "AS IS" BASIS,
+# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied.
+# See the License for the specific language governing permissions and
+# limitations under the License.
+# ============================================================================
+
+import("//build/ohos.gni")
+
+ohos_shared_library("mindspore_lib") {
+ sources = [
+ "src/delegate/tensorrt/distribution/distribution_base.cc",
+ "tools/converter/quantizer/fse_decoder.cc",
+ "tools/converter/quantizer/fse_bit_stream.cc",
+ "src/c_api/context_c.cc",
+ "src/c_api/model_c.cc",
+ "src/c_api/tensor_c.cc",
+ "src/common/config_file.cc",
+ "src/common/context_util.cc",
+ "src/common/dynamic_library_loader.cc",
+ "src/common/file_utils.cc",
+ "src/common/graph_util.cc",
+ "src/common/lite_utils.cc",
+ "src/common/log.cc",
+ "src/common/prim_util.cc",
+ "src/common/quant_utils.cc",
+ "src/common/string_util.cc",
+ "src/common/tensor_util.cc",
+ "src/common/utils.cc",
+ "src/control_flow/actor/entrance_actor.cc",
+ "src/control_flow/actor/exit_actor.cc",
+ "src/control_flow/actor/switch_actor.cc",
+ "src/control_flow/control_flow_scheduler.cc",
+ "src/control_flow/entrance_subgraph_kernel.cc",
+ "src/control_flow/exit_subgraph_kernel.cc",
+ "src/control_flow/identity_kernel.cc",
+ "src/cxx_api/cell.cc",
+ "src/cxx_api/context.cc",
+ "src/cxx_api/converters.cc",
+ "src/cxx_api/graph/graph.cc",
+ "src/cxx_api/kernel.cc",
+ "src/cxx_api/model/model.cc",
+ "src/cxx_api/model/model_impl.cc",
+ "src/cxx_api/serialization.cc",
+ "src/cxx_api/tensor/tensor_impl.cc",
+ "src/cxx_api/tensor_utils.cc",
+ "src/cxx_api/types.cc",
+ "../core/utils/status.cc",
+ "src/ops/compat/attr_transfer_common.cc",
+ "src/ops/compat/v0/broadcast_to_compat_v0.cc",
+ "src/ops/compat/v0/cast_compat_v0.cc",
+ "src/ops/compat/v0/expand_dims_compat_v0.cc",
+ "src/ops/compat/v0/fill_compat_v0.cc",
+ "src/ops/compat/v0/gather_compat_v0.cc",
+ "src/ops/compat/v0/nchw2nhwc_compat_v0.cc",
+ "src/ops/compat/v0/nhwc2nchw_compat_v0.cc",
+ "src/ops/compat/v0/pad_compat_v0.cc",
+ "src/ops/compat/v0/permute_compat_v0.cc",
+ "src/ops/compat/v0/power_compat_v0.cc",
+ "src/ops/compat/v0/reduce_compat_v0.cc",
+ "src/ops/compat/v0/reshape_compat_v0.cc",
+ "src/ops/compat/v0/slice_compat_v0.cc",
+ "src/ops/compat/v0/strided_slice_compat_v0.cc",
+ "src/ops/compat/v0/tile_compat_v0.cc",
+ "src/ops/compat/v0/topk_compat_v0.cc",
+ "src/ops/compat/v0/transpose_compat_v0.cc",
+ "src/ops/ops_def.cc",
+ "src/ops/ops_utils.cc",
+ "src/ops/populate/activation_grad_populate.cc",
+ "src/ops/populate/activation_populate.cc",
+ "src/ops/populate/adam_populate.cc",
+ "src/ops/populate/adder_populate.cc",
+ "src/ops/populate/add_populate.cc",
+ "src/ops/populate/affine_populate.cc",
+ "src/ops/populate/all_gather.cc",
+ "src/ops/populate/argmax_populate.cc",
+ "src/ops/populate/argmin_populate.cc",
+ "src/ops/populate/arithmetic_populate.cc",
+ "src/ops/populate/arithmetic_self_populate.cc",
+ "src/ops/populate/assert_populate.cc",
+ "src/ops/populate/assign_add_populate.cc",
+ "src/ops/populate/assign_populate.cc",
+ "src/ops/populate/audio_spectrogram_populate.cc",
+ "src/ops/populate/batch_norm_populate.cc",
+ "src/ops/populate/batch_to_space_populate.cc",
+ "src/ops/populate/bias_add_populate.cc",
+ "src/ops/populate/binary_cross_entropy_grad_populate.cc",
+ "src/ops/populate/binary_cross_entropy_populate.cc",
+ "src/ops/populate/broadcast_to_populate.cc",
+ "src/ops/populate/call_populate.cc",
+ "src/ops/populate/cast_populate.cc",
+ "src/ops/populate/clip_populate.cc",
+ "src/ops/populate/common_populate.cc",
+ "src/ops/populate/concat_populate.cc",
+ "src/ops/populate/constant_of_shape_populate.cc",
+ "src/ops/populate/control/switch_populate.cc",
+ "src/ops/populate/control/tensor_array_populate.cc",
+ "src/ops/populate/control/tensorlistfromtensor_populate.cc",
+ "src/ops/populate/control/tensorlistgetitem_populate.cc",
+ "src/ops/populate/control/tensorlistreserve_populate.cc",
+ "src/ops/populate/control/tensorlistsetlitem_populate.cc",
+ "src/ops/populate/control/tensorliststack_populate.cc",
+ "src/ops/populate/conv2d_populate.cc",
+ "src/ops/populate/crop_and_resize_populate.cc",
+ "src/ops/populate/crop_populate.cc",
+ "src/ops/populate/cumsum_populate.cc",
+ "src/ops/populate/deconv2d_populate.cc",
+ "src/ops/populate/default_populate.cc",
+ "src/ops/populate/depth_to_space_populate.cc",
+ "src/ops/populate/detection_post_process_populate.cc",
+ "src/ops/populate/div_populate.cc",
+ "src/ops/populate/eltwise_populate.cc",
+ "src/ops/populate/embedding_lookup_populate.cc",
+ "src/ops/populate/erf_populate.cc",
+ "src/ops/populate/expand_dims_populate.cc",
+ "src/ops/populate/exp_populate.cc",
+ "src/ops/populate/fill_populate.cc",
+ "src/ops/populate/flatten_populate.cc",
+ "src/ops/populate/full_connection_populate.cc",
+ "src/ops/populate/fused_batchnorm_populate.cc",
+ "src/ops/populate/gather_nd_populate.cc",
+ "src/ops/populate/gather_populate.cc",
+ "src/ops/populate/glu_populate.cc",
+ "src/ops/populate/gru_populate.cc",
+ "src/ops/populate/instance_norm_populate.cc",
+ "src/ops/populate/invert_permutation_populate.cc",
+ "src/ops/populate/isfinite_populate.cc",
+ "src/ops/populate/l2_norm_populate.cc",
+ "src/ops/populate/layer_norm_grad_populate.cc",
+ "src/ops/populate/layer_norm_populate.cc",
+ "src/ops/populate/lin_space_populate.cc",
+ "src/ops/populate/local_response_normalization_populate.cc",
+ "src/ops/populate/log_softmax_populate.cc",
+ "src/ops/populate/lstm_populate.cc",
+ "src/ops/populate/matmul_populate.cc",
+ "src/ops/populate/mfcc_populate.cc",
+ "src/ops/populate/mul_populate.cc",
+ "src/ops/populate/non_max_suppression_populate.cc",
+ "src/ops/populate/nonzero_populate.cc",
+ "src/ops/populate/one_hot_populate.cc",
+ "src/ops/populate/oneslike_populate.cc",
+ "src/ops/populate/pad_populate.cc",
+ "src/ops/populate/partial_populate.cc",
+ "src/ops/populate/pooling_populate.cc",
+ "src/ops/populate/populate_register.cc",
+ "src/ops/populate/power_populate.cc",
+ "src/ops/populate/p_relu_populate.cc",
+ "src/ops/populate/prior_box_populate.cc",
+ "src/ops/populate/quant_dtype_cast_populate.cc",
+ "src/ops/populate/ragged_range_populate.cc",
+ "src/ops/populate/random_standard_normal_populate.cc",
+ "src/ops/populate/range_populate.cc",
+ "src/ops/populate/rank_populate.cc",
+ "src/ops/populate/reduce_populate.cc",
+ "src/ops/populate/reduce_scatter.cc",
+ "src/ops/populate/reshape_populate.cc",
+ "src/ops/populate/resize_populate.cc",
+ "src/ops/populate/reverse_populate.cc",
+ "src/ops/populate/reverse_sequence_populate.cc",
+ "src/ops/populate/roi_pooling_populate.cc",
+ "src/ops/populate/scale_populate.cc",
+ "src/ops/populate/scatter_nd_populate.cc",
+ "src/ops/populate/scatter_nd_update_populate.cc",
+ "src/ops/populate/select_populate.cc",
+ "src/ops/populate/shape_populate.cc",
+ "src/ops/populate/size_populate.cc",
+ "src/ops/populate/slice_populate.cc",
+ "src/ops/populate/softmax_populate.cc",
+ "src/ops/populate/space_to_batch_nd_populate.cc",
+ "src/ops/populate/space_to_batch_populate.cc",
+ "src/ops/populate/space_to_depth_populate.cc",
+ "src/ops/populate/sparse_softmax_cross_entropy_with_logits.cc",
+ "src/ops/populate/sparse_to_dense_populate.cc",
+ "src/ops/populate/splice_populate.cc",
+ "src/ops/populate/split_populate.cc",
+ "src/ops/populate/split_with_overlap_populate.cc",
+ "src/ops/populate/squeeze_populate.cc",
+ "src/ops/populate/stack_populate.cc",
+ "src/ops/populate/strided_slice_grad_populate.cc",
+ "src/ops/populate/strided_slice_populate.cc",
+ "src/ops/populate/string/custom_extract_features_populate.cc",
+ "src/ops/populate/string/custom_normalize_populate.cc",
+ "src/ops/populate/string/custom_predict_populate.cc",
+ "src/ops/populate/string/hashtable_lookup_populate.cc",
+ "src/ops/populate/string/lsh_projection_populate.cc",
+ "src/ops/populate/string/skip_gram_populate.cc",
+ "src/ops/populate/sub_populate.cc",
+ "src/ops/populate/tile_populate.cc",
+ "src/ops/populate/topk_populate.cc",
+ "src/ops/populate/transpose_populate.cc",
+ "src/ops/populate/uniform_real_populate.cc",
+ "src/ops/populate/unique_populate.cc",
+ "src/ops/populate/unsorted_segment_sum_populate.cc",
+ "src/ops/populate/unsqueeze_populate.cc",
+ "src/ops/populate/unstack_populate.cc",
+ "src/ops/populate/v0/activation_grad_populate_v0.cc",
+ "src/ops/populate/v0/activation_populate_v0.cc",
+ "src/ops/populate/v0/adam_populate_v0.cc",
+ "src/ops/populate/v0/addn_populate_v0.cc",
+ "src/ops/populate/v0/add_populate_v0.cc",
+ "src/ops/populate/v0/argmax_populate_v0.cc",
+ "src/ops/populate/v0/argmin_populate_v0.cc",
+ "src/ops/populate/v0/arithmetic_populate_v0.cc",
+ "src/ops/populate/v0/arithmetic_self_populate_v0.cc",
+ "src/ops/populate/v0/assert_populate_v0.cc",
+ "src/ops/populate/v0/assign_add_populate_v0.cc",
+ "src/ops/populate/v0/assign_populate_v0.cc",
+ "src/ops/populate/v0/batch_norm_populate_v0.cc",
+ "src/ops/populate/v0/batch_to_space_populate_v0.cc",
+ "src/ops/populate/v0/bias_add_populate_v0.cc",
+ "src/ops/populate/v0/bias_grad_populate_v0.cc",
+ "src/ops/populate/v0/binary_cross_entropy_grad_populate_v0.cc",
+ "src/ops/populate/v0/binary_cross_entropy_populate_v0.cc",
+ "src/ops/populate/v0/broadcast_to_populate_v0.cc",
+ "src/ops/populate/v0/cast_populate_v0.cc",
+ "src/ops/populate/v0/clip_populate_v0.cc",
+ "src/ops/populate/v0/common_populate_v0.cc",
+ "src/ops/populate/v0/concat_populate_v0.cc",
+ "src/ops/populate/v0/constant_of_shape_populate_v0.cc",
+ "src/ops/populate/v0/control/switch_populate_v0.cc",
+ "src/ops/populate/v0/control/tensorlistfromtensor_populate_v0.cc",
+ "src/ops/populate/v0/control/tensorlistgetitem_populate_v0.cc",
+ "src/ops/populate/v0/control/tensorlistreserve_populate_v0.cc",
+ "src/ops/populate/v0/control/tensorlistsetlitem_populate_v0.cc",
+ "src/ops/populate/v0/control/tensorliststack_populate_v0.cc",
+ "src/ops/populate/v0/conv2d_populate_v0.cc",
+ "src/ops/populate/v0/crop_populate_v0.cc",
+ "src/ops/populate/v0/deconv2d_populate_v0.cc",
+ "src/ops/populate/v0/dedepthwise_conv2d_populate_v0.cc",
+ "src/ops/populate/v0/depth_to_space_populate_v0.cc",
+ "src/ops/populate/v0/depthwise_conv2d_populate_v0.cc",
+ "src/ops/populate/v0/detection_post_process_populate_v0.cc",
+ "src/ops/populate/v0/div_populate_v0.cc",
+ "src/ops/populate/v0/eltwise_populate_v0.cc",
+ "src/ops/populate/v0/embedding_lookup_populate_v0.cc",
+ "src/ops/populate/v0/expand_dims_populate_v0.cc",
+ "src/ops/populate/v0/exp_populate_v0.cc",
+ "src/ops/populate/v0/fill_populate_v0.cc",
+ "src/ops/populate/v0/flatten_populate_v0.cc",
+ "src/ops/populate/v0/full_connection_populate_v0.cc",
+ "src/ops/populate/v0/fused_batchnorm_populate_v0.cc",
+ "src/ops/populate/v0/gather_nd_populate_v0.cc",
+ "src/ops/populate/v0/gather_populate_v0.cc",
+ "src/ops/populate/v0/gelu_populate_v0.cc",
+ "src/ops/populate/v0/instance_norm_populate_v0.cc",
+ "src/ops/populate/v0/l2_norm_populate_v0.cc",
+ "src/ops/populate/v0/layer_norm_populate_v0.cc",
+ "src/ops/populate/v0/local_response_normalization_populate_v0.cc",
+ "src/ops/populate/v0/lstm_populate_v0.cc",
+ "src/ops/populate/v0/matmul_populate_v0.cc",
+ "src/ops/populate/v0/mul_populate_v0.cc",
+ "src/ops/populate/v0/nchw2nhwc_populate_v0.cc",
+ "src/ops/populate/v0/nhwc2nchw_populate_v0.cc",
+ "src/ops/populate/v0/non_max_suppression_populate_v0.cc",
+ "src/ops/populate/v0/one_hot_populate_v0.cc",
+ "src/ops/populate/v0/oneslike_populate_v0.cc",
+ "src/ops/populate/v0/pad_populate_v0.cc",
+ "src/ops/populate/v0/partial_populate_v0.cc",
+ "src/ops/populate/v0/pooling_populate_v0.cc",
+ "src/ops/populate/v0/power_populate_v0.cc",
+ "src/ops/populate/v0/p_relu_populate_v0.cc",
+ "src/ops/populate/v0/prior_box_populate_v0.cc",
+ "src/ops/populate/v0/quant_dtype_cast_populate_v0.cc",
+ "src/ops/populate/v0/range_populate_v0.cc",
+ "src/ops/populate/v0/rank_populate_v0.cc",
+ "src/ops/populate/v0/reduce_populate_v0.cc",
+ "src/ops/populate/v0/reshape_populate_v0.cc",
+ "src/ops/populate/v0/resize_populate_v0.cc",
+ "src/ops/populate/v0/reverse_populate_v0.cc",
+ "src/ops/populate/v0/reverse_sequence_populate_v0.cc",
+ "src/ops/populate/v0/roi_pooling_populate_v0.cc",
+ "src/ops/populate/v0/scale_populate_v0.cc",
+ "src/ops/populate/v0/scatter_nd_populate_v0.cc",
+ "src/ops/populate/v0/shape_populate_v0.cc",
+ "src/ops/populate/v0/slice_populate_v0.cc",
+ "src/ops/populate/v0/softmax_populate_v0.cc",
+ "src/ops/populate/v0/space_to_batch_nd_populate_v0.cc",
+ "src/ops/populate/v0/space_to_batch_populate_v0.cc",
+ "src/ops/populate/v0/space_to_depth_populate_v0.cc",
+ "src/ops/populate/v0/sparse_to_dense_populate_v0.cc",
+ "src/ops/populate/v0/split_populate_v0.cc",
+ "src/ops/populate/v0/squared_difference_populate_v0.cc",
+ "src/ops/populate/v0/squeeze_populate_v0.cc",
+ "src/ops/populate/v0/stack_populate_v0.cc",
+ "src/ops/populate/v0/strided_slice_populate_v0.cc",
+ "src/ops/populate/v0/string/custom_extract_features_populate_v0.cc",
+ "src/ops/populate/v0/string/custom_normalize_populate_v0.cc",
+ "src/ops/populate/v0/string/custom_predict_populate_v0.cc",
+ "src/ops/populate/v0/string/hashtable_lookup_populate_v0.cc",
+ "src/ops/populate/v0/string/lsh_projection_populate_v0.cc",
+ "src/ops/populate/v0/string/skip_gram_populate_v0.cc",
+ "src/ops/populate/v0/sub_populate_v0.cc",
+ "src/ops/populate/v0/tile_populate_v0.cc",
+ "src/ops/populate/v0/topk_populate_v0.cc",
+ "src/ops/populate/v0/transpose_populate_v0.cc",
+ "src/ops/populate/v0/unique_populate_v0.cc",
+ "src/ops/populate/v0/unsorted_segment_sum_populate_v0.cc",
+ "src/ops/populate/v0/unsqueeze_populate_v0.cc",
+ "src/ops/populate/v0/unstack_populate_v0.cc",
+ "src/ops/populate/v0/where_populate_v0.cc",
+ "src/ops/populate/where_populate.cc",
+ "src/registry/kernel_interface_registry.cc",
+ "src/registry/register_kernel.cc",
+ "src/registry/register_kernel_impl.cc",
+ "src/registry/register_kernel_interface.cc",
+ "src/runtime/infer_manager.cc",
+ "src/runtime/inner_allocator.cc",
+ "src/runtime/kernel/arm/base/argminmax_base.cc",
+ "src/runtime/kernel/arm/base/assert.cc",
+ "src/runtime/kernel/arm/base/call.cc",
+ "src/runtime/kernel/arm/base/constant_of_shape.cc",
+ "src/runtime/kernel/arm/base/convolution_base.cc",
+ "src/runtime/kernel/arm/base/crop_base.cc",
+ "src/runtime/kernel/arm/base/detection_post_process_base.cc",
+ "src/runtime/kernel/arm/base/group_convolution_base.cc",
+ "src/runtime/kernel/arm/base/group_convolution_creator.cc",
+ "src/runtime/kernel/arm/base/layout_transform.cc",
+ "src/runtime/kernel/arm/base/one_hot_base.cc",
+ "src/runtime/kernel/arm/base/partial_fusion.cc",
+ "src/runtime/kernel/arm/base/pooling_base.cc",
+ "src/runtime/kernel/arm/base/prior_box.cc",
+ "src/runtime/kernel/arm/base/quant_dtype_cast.cc",
+ "src/runtime/kernel/arm/base/random_standard_normal.cc",
+ "src/runtime/kernel/arm/base/reduce_base.cc",
+ "src/runtime/kernel/arm/base/reshape_base.cc",
+ "src/runtime/kernel/arm/base/resize_base.cc",
+ "src/runtime/kernel/arm/base/select.cc",
+ "src/runtime/kernel/arm/base/slice_base.cc",
+ "src/runtime/kernel/arm/base/softmax_base.cc",
+ "src/runtime/kernel/arm/base/split_base.cc",
+ "src/runtime/kernel/arm/base/split_with_over_lap_base.cc",
+ "src/runtime/kernel/arm/base/stack_base.cc",
+ "src/runtime/kernel/arm/base/strided_slice.cc",
+ "src/runtime/kernel/arm/base/tile_base.cc",
+ "src/runtime/kernel/arm/control/switch.cc",
+ "src/runtime/kernel/arm/control/switch_layer.cc",
+ "src/runtime/kernel/arm/control/tensor_array.cc",
+ "src/runtime/kernel/arm/control/tensorlist_fromtensor.cc",
+ "src/runtime/kernel/arm/control/tensorlist_getitem.cc",
+ "src/runtime/kernel/arm/control/tensorlist_reserve.cc",
+ "src/runtime/kernel/arm/control/tensorlist_setitem.cc",
+ "src/runtime/kernel/arm/control/tensorlist_stack.cc",
+ "src/runtime/kernel/arm/fp32/activation_fp32.cc",
+ "src/runtime/kernel/arm/fp32/adder_fp32.cc",
+ "src/runtime/kernel/arm/fp32/addn_fp32.cc",
+ "src/runtime/kernel/arm/fp32/affine_fp32.cc",
+ "src/runtime/kernel/arm/fp32/all_gather_fp32.cc",
+ "src/runtime/kernel/arm/fp32/arithmetic_compare_fp32.cc",
+ "src/runtime/kernel/arm/fp32/arithmetic_fp32.cc",
+ "src/runtime/kernel/arm/fp32/arithmetic_self_fp32.cc",
+ "src/runtime/kernel/arm/fp32/batchnorm_fp32.cc",
+ "src/runtime/kernel/arm/fp32/batch_to_space_fp32.cc",
+ "src/runtime/kernel/arm/fp32/bias_fp32.cc",
+ "src/runtime/kernel/arm/fp32/broadcast_to_fp32.cc",
+ "src/runtime/kernel/arm/fp32/cast_fp32.cc",
+ "src/runtime/kernel/arm/fp32/concat_fp32.cc",
+ "src/runtime/kernel/arm/fp32/convolution_1x1_fp32.cc",
+ "src/runtime/kernel/arm/fp32/convolution_delegate_fp32.cc",
+ "src/runtime/kernel/arm/fp32/convolution_depthwise_3x3_fp32.cc",
+ "src/runtime/kernel/arm/fp32/convolution_depthwise_fp32.cc",
+ "src/runtime/kernel/arm/fp32/convolution_depthwise_indirect_fp32.cc",
+ "src/runtime/kernel/arm/fp32/convolution_depthwise_slidewindow_fp32.cc",
+ "src/runtime/kernel/arm/fp32/convolution_depthwise_slidewindow_x86_fp32.cc",
+ "src/runtime/kernel/arm/fp32/convolution_fp32.cc",
+ "src/runtime/kernel/arm/fp32/convolution_slidewindow_fp32.cc",
+ "src/runtime/kernel/arm/fp32/convolution_winograd_fp32.cc",
+ "src/runtime/kernel/arm/fp32/crop_and_resize_fp32.cc",
+ "src/runtime/kernel/arm/fp32/crop_fp32.cc",
+ "src/runtime/kernel/arm/fp32/cumsum_fp32.cc",
+ "src/runtime/kernel/arm/fp32/deconvolution_depthwise_fp32.cc",
+ "src/runtime/kernel/arm/fp32/deconvolution_fp32.cc",
+ "src/runtime/kernel/arm/fp32/deconvolution_winograd_fp32.cc",
+ "src/runtime/kernel/arm/fp32/depth_to_space_fp32.cc",
+ "src/runtime/kernel/arm/fp32/detection_post_process_fp32.cc",
+ "src/runtime/kernel/arm/fp32/embedding_lookup_fp32.cc",
+ "src/runtime/kernel/arm/fp32/exp_fp32.cc",
+ "src/runtime/kernel/arm/fp32/fill_fp32.cc",
+ "src/runtime/kernel/arm/fp32/fullconnection_fp32.cc",
+ "src/runtime/kernel/arm/fp32/fused_batchnorm_fp32.cc",
+ "src/runtime/kernel/arm/fp32/gather_fp32.cc",
+ "src/runtime/kernel/arm/fp32/gatherNd_fp32.cc",
+ "src/runtime/kernel/arm/fp32/glu_fp32.cc",
+ "src/runtime/kernel/arm/fp32/group_convolution_fp32.cc",
+ "src/runtime/kernel/arm/fp32/gru_fp32.cc",
+ "src/runtime/kernel/arm/fp32/instance_norm_fp32.cc",
+ "src/runtime/kernel/arm/fp32/invert_permutation_fp32.cc",
+ "src/runtime/kernel/arm/fp32/l2_norm_fp32.cc",
+ "src/runtime/kernel/arm/fp32/layer_norm_fp32.cc",
+ "src/runtime/kernel/arm/fp32/local_response_norm_fp32.cc",
+ "src/runtime/kernel/arm/fp32/log_softmax_fp32.cc",
+ "src/runtime/kernel/arm/fp32/lstm_fp32.cc",
+ "src/runtime/kernel/arm/fp32/matmul_fp32_base.cc",
+ "src/runtime/kernel/arm/fp32/matmul_fp32.cc",
+ "src/runtime/kernel/arm/fp32/non_max_suppression_fp32.cc",
+ "src/runtime/kernel/arm/fp32/nonzero_fp32.cc",
+ "src/runtime/kernel/arm/fp32/pad_fp32.cc",
+ "src/runtime/kernel/arm/fp32/pooling_fp32.cc",
+ "src/runtime/kernel/arm/fp32/power_fp32.cc",
+ "src/runtime/kernel/arm/fp32/prelu_fp32.cc",
+ "src/runtime/kernel/arm/fp32/ragged_range_fp32.cc",
+ "src/runtime/kernel/arm/fp32/range_fp32.cc",
+ "src/runtime/kernel/arm/fp32/rank_fp32.cc",
+ "src/runtime/kernel/arm/fp32/reduce_fp32.cc",
+ "src/runtime/kernel/arm/fp32/reduce_scatter_fp32.cc",
+ "src/runtime/kernel/arm/fp32/relative_position_attention_fp32.cc",
+ "src/runtime/kernel/arm/fp32/resize_fp32.cc",
+ "src/runtime/kernel/arm/fp32/reverse_fp32.cc",
+ "src/runtime/kernel/arm/fp32/reverse_sequence_fp32.cc",
+ "src/runtime/kernel/arm/fp32/roi_pooling_fp32.cc",
+ "src/runtime/kernel/arm/fp32/scale_fp32.cc",
+ "src/runtime/kernel/arm/fp32/scatter_nd_fp32.cc",
+ "src/runtime/kernel/arm/fp32/scatter_nd_update_fp32.cc",
+ "src/runtime/kernel/arm/fp32/shape_fp32.cc",
+ "src/runtime/kernel/arm/fp32/size_fp32.cc",
+ "src/runtime/kernel/arm/fp32/softmax_fp32.cc",
+ "src/runtime/kernel/arm/fp32/space_to_batch_fp32.cc",
+ "src/runtime/kernel/arm/fp32/space_to_depth_fp32.cc",
+ "src/runtime/kernel/arm/fp32_sparse/matmul_sparse_fp32.cc",
+ "src/runtime/kernel/arm/fp32/sparse_to_dense_fp32.cc",
+ "src/runtime/kernel/arm/fp32/splice_fp32.cc",
+ "src/runtime/kernel/arm/fp32/topk_fp32.cc",
+ "src/runtime/kernel/arm/fp32/transpose_fp32.cc",
+ "src/runtime/kernel/arm/fp32/uniform_real_fp32.cc",
+ "src/runtime/kernel/arm/fp32/unique_fp32.cc",
+ "src/runtime/kernel/arm/fp32/unstack_fp32.cc",
+ "src/runtime/kernel/arm/fp32/where_fp32.cc",
+ "src/runtime/kernel/arm/fp32/zeroslike_fp32.cc",
+ "src/runtime/kernel/arm/int8/activation_int8.cc",
+ "src/runtime/kernel/arm/int8/add_int8.cc",
+ "src/runtime/kernel/arm/int8/argminmax_int8.cc",
+ "src/runtime/kernel/arm/int8/arithmetic_int8.cc",
+ "src/runtime/kernel/arm/int8/arithmetic_self_int8.cc",
+ "src/runtime/kernel/arm/int8/batchnorm_int8.cc",
+ "src/runtime/kernel/arm/int8/batch_to_space_int8.cc",
+ "src/runtime/kernel/arm/int8/bias_add_int8.cc",
+ "src/runtime/kernel/arm/int8/concat_int8.cc",
+ "src/runtime/kernel/arm/int8/convolution_1x1_int8.cc",
+ "src/runtime/kernel/arm/int8/convolution_3x3_int8.cc",
+ "src/runtime/kernel/arm/int8/convolution_depthwise_3x3_int8.cc",
+ "src/runtime/kernel/arm/int8/convolution_depthwise_int8.cc",
+ "src/runtime/kernel/arm/int8/convolution_depthwise_slidewindow_int8.cc",
+ "src/runtime/kernel/arm/int8/convolution_int8.cc",
+ "src/runtime/kernel/arm/int8/convolution_int8_creator.cc",
+ "src/runtime/kernel/arm/int8/crop_int8.cc",
+ "src/runtime/kernel/arm/int8/deconvolution_depthwise_int8.cc",
+ "src/runtime/kernel/arm/int8/deconvolution_int8.cc",
+ "src/runtime/kernel/arm/int8/depth_to_space_int8.cc",
+ "src/runtime/kernel/arm/int8/detection_post_process_int8.cc",
+ "src/runtime/kernel/arm/int8/div_int8.cc",
+ "src/runtime/kernel/arm/int8/fullconnection_int8.cc",
+ "src/runtime/kernel/arm/int8/gather_int8.cc",
+ "src/runtime/kernel/arm/int8/gatherNd_int8.cc",
+ "src/runtime/kernel/arm/int8/group_convolution_int8.cc",
+ "src/runtime/kernel/arm/int8/hswish_int8.cc",
+ "src/runtime/kernel/arm/int8/l2_norm_int8.cc",
+ "src/runtime/kernel/arm/int8/layer_norm_int8.cc",
+ "src/runtime/kernel/arm/int8/leaky_relu_int8.cc",
+ "src/runtime/kernel/arm/int8/matmul_base_int8.cc",
+ "src/runtime/kernel/arm/int8/matmul_int8.cc",
+ "src/runtime/kernel/arm/int8/mul_int8.cc",
+ "src/runtime/kernel/arm/int8/opt_op_handler.cc",
+ "src/runtime/kernel/arm/int8/pad_int8.cc",
+ "src/runtime/kernel/arm/int8/pooling_int8.cc",
+ "src/runtime/kernel/arm/int8/power_int8.cc",
+ "src/runtime/kernel/arm/int8/reduce_int8.cc",
+ "src/runtime/kernel/arm/int8/relux_int8.cc",
+ "src/runtime/kernel/arm/int8/reshape_int8.cc",
+ "src/runtime/kernel/arm/int8/resize_int8.cc",
+ "src/runtime/kernel/arm/int8/scale_int8.cc",
+ "src/runtime/kernel/arm/int8/sigmoid_int8.cc",
+ "src/runtime/kernel/arm/int8/slice_int8.cc",
+ "src/runtime/kernel/arm/int8/softmax_int8.cc",
+ "src/runtime/kernel/arm/int8/space_to_batch_int8.cc",
+ "src/runtime/kernel/arm/int8/split_int8.cc",
+ "src/runtime/kernel/arm/int8/squeeze_int8.cc",
+ "src/runtime/kernel/arm/int8/sub_int8.cc",
+ "src/runtime/kernel/arm/int8/tanh_int8.cc",
+ "src/runtime/kernel/arm/int8/topk_int8.cc",
+ "src/runtime/kernel/arm/int8/transpose_int8.cc",
+ "src/runtime/kernel/arm/int8/unsqueeze_int8.cc",
+ "src/runtime/kernel/arm/string/extract_feature.cc",
+ "src/runtime/kernel/arm/string/hashtable_lookup.cc",
+ "src/runtime/kernel/arm/string/lsh_projection.cc",
+ "src/runtime/kernel/arm/string/normalize.cc",
+ "src/runtime/kernel/arm/string/predict.cc",
+ "src/runtime/kernel/arm/string/skip_gram.cc",
+ "src/runtime/runtime_allocator.cc",
+ "src/runtime/runtime_convert.cc",
+ "src/runtime/runtime_pass.cc",
+ "src/cpu_info.cc",
+ "src/errorcode.cc",
+ "src/executor.cc",
+ "src/huffman_decode.cc",
+ "src/inner_context.cc",
+ "src/inner_kernel.cc",
+ "src/kernel_registry.cc",
+ "src/lite_kernel.cc",
+ "src/lite_kernel_util.cc",
+ "src/lite_mindrt.cc",
+ "src/lite_model.cc",
+ "src/lite_session.cc",
+ "src/mindrt_executor.cc",
+ "src/ms_tensor.cc",
+ "src/scheduler.cc",
+ "src/schema_tensor_wrapper.cc",
+ "src/sub_graph_kernel.cc",
+ "src/sub_graph_split.cc",
+ "src/tensor_category.cc",
+ "src/tensor.cc",
+ "src/tensorlist.cc",
+ "src/weight_decoder.cc",
+ ]
+
+ include_dirs = [
+ "./",
+ "../../",
+ "../../mindspore/core/",
+ "src",
+ "src/c_api/",
+ "../ccsrc/backend/kernel_compiler/cpu/",
+ "../../mindspore/core/mindrt/src/",
+ "../../third_party/",
+ "../../third_party/flatbuffers-v2.0.0/include/",
+ "../../mindspore/core/mindrt/include/",
+ ]
+
+ defines = []
+ cflags = []
+ cflags_c = []
+ cflags_cc = []
+ asmflags = []
+ ldflags = []
+ configs = []
+
+ deps = [
+ "../ccsrc/backend/kernel_compiler/cpu/nnacl/:nnacl_o",
+ "../core/mindrt/:mindrt_o",
+ ":third_party"
+ ]
+
+ output_name = "libmindspore-lite.huawei" # 可选,模块输出名
+ output_extension = "so" # 可选,模块名后缀
+
+ part_name = "mindspore" # 必选,所属部件名称
+}
+
+action("third_party") {
+ script = "get_thirdparty.sh"
+ outputs = [ "$root_out_dir/ai/mindspore/log.txt" ]
+}
diff --git a/mindspore/lite/bundle.json b/mindspore/lite/bundle.json
new file mode 100644
index 0000000000000000000000000000000000000000..0ea17236dbcfaf06d4bdc0109bccb2be29962331
--- /dev/null
+++ b/mindspore/lite/bundle.json
@@ -0,0 +1,30 @@
+{
+ "name": "@ohos/ai_mindspore",
+ "description": "AI Framework.",
+ "version": "3.1",
+ "license": "Apache License 2.0",
+ "pubiishAs": "code-segment",
+ "segment": {
+ "destPath": "third_party/mindspore"
+ },
+ "dirs": {},
+ "scripts": {},
+ "component": {
+ "name": "mindspore",
+ "subsystem": "ai",
+ "syscap": [ "SystemCapability.Ai.MindSpore" ],
+ "feature": [],
+ "adapted_system_type": [ "standard" ],
+ "rom": "",
+ "ram": "",
+ "deps": {
+ "components": [],
+ "third_party": []
+ },
+ "build": {
+ "sub_component": [ "//third_party/mindspore/mindspore/lite:mindspore_lib" ],
+ "inner_kits": [],
+ "test": [ "//third_party/mindspore/mindspore/lite/test:mindspore_test" ]
+ }
+ }
+}
diff --git a/mindspore/lite/get_thirdparty.sh b/mindspore/lite/get_thirdparty.sh
new file mode 100755
index 0000000000000000000000000000000000000000..2440bb688a5e288428bf0319638c5b9bf0192629
--- /dev/null
+++ b/mindspore/lite/get_thirdparty.sh
@@ -0,0 +1,36 @@
+#!/bin/bash
+# Copyright 2022 Huawei Technologies Co., Ltd
+#
+# Licensed under the Apache License, Version 2.0 (the "License");
+# you may not use this file except in compliance with the License.
+# You may obtain a copy of the License at
+#
+# http://www.apache.org/licenses/LICENSE-2.0
+#
+# Unless required by applicable law or agreed to in writing, software
+# distributed under the License is distributed on an "AS IS" BASIS,
+# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied.
+# See the License for the specific language governing permissions and
+# limitations under the License.
+# ============================================================================
+set -e
+
+BASEPATH=$(cd "$(dirname $0)"; pwd)
+echo ${BASEPATH}
+
+cd ${BASEPATH}/../../third_party/
+rm -rf v2.0.0.tar.gz*
+
+wget https://gitee.com/mirrors/flatbuffers/repository/archive/v2.0.0.tar.gz
+
+sha256_calc=$(sha256sum v2.0.0.tar.gz | awk '{print $1}')
+sha256_value='3d1eabe298ddac718de34d334aefc22486064dcd8e7a367a809d87393d59ac5a'
+
+if [ "X${sha256_calc}" == "X${sha256_value}" ]; then
+ echo -e "Sha256 check ok."
+else
+ echo -e "Sha256 check Failed!"
+ exit 1
+fi
+
+tar -xzf v2.0.0.tar.gz
diff --git a/mindspore/lite/include/context.h b/mindspore/lite/include/context.h
index f1492cbd3dad6c09a62f7064d9b2bf8070e108d9..9085d431da493ae3662aedd056c2c309d19ae3a1 100644
--- a/mindspore/lite/include/context.h
+++ b/mindspore/lite/include/context.h
@@ -75,7 +75,7 @@ struct Context {
Vector affinity_core_list_; /**< explicitly specify the core to be bound. priority use affinity core list */
AllocatorPtr allocator = nullptr;
#ifndef NOT_USE_STL
- DeviceContextVector device_list_ = {{DT_CPU, {false, MID_CPU}}};
+ DeviceContextVector device_list_ = {{DT_CPU, {{false, MID_CPU}}}};
#else
DeviceContextVector device_list_;
#endif // NOT_USE_STL
diff --git a/mindspore/lite/schema/gpu_cache_generated.h b/mindspore/lite/schema/gpu_cache_generated.h
new file mode 100644
index 0000000000000000000000000000000000000000..527cd06ee02a43e5e204121384b7466c950c486a
--- /dev/null
+++ b/mindspore/lite/schema/gpu_cache_generated.h
@@ -0,0 +1,334 @@
+/**
+ * Copyright 2022 Huawei Technologies Co., Ltd
+ *
+ * Licensed under the Apache License, Version 2.0 (the "License");
+ * you may not use this file except in compliance with the License.
+ * You may obtain a copy of the License at
+ *
+ * http://www.apache.org/licenses/LICENSE-2.0
+ *
+ * Unless required by applicable law or agreed to in writing, software
+ * distributed under the License is distributed on an "AS IS" BASIS,
+ * WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied.
+ * See the License for the specific language governing permissions and
+ * limitations under the License.
+ */
+// automatically generated by the FlatBuffers compiler, do not modify
+
+
+#ifndef FLATBUFFERS_GENERATED_GPUCACHE_MINDSPORE_SCHEMA_H_
+#define FLATBUFFERS_GENERATED_GPUCACHE_MINDSPORE_SCHEMA_H_
+
+#include "flatbuffers/flatbuffers.h"
+
+namespace mindspore {
+namespace schema {
+
+struct TuneParam;
+struct TuneParamBuilder;
+
+struct ProgramBinary;
+struct ProgramBinaryBuilder;
+
+struct GpuCache;
+struct GpuCacheBuilder;
+
+struct TuneParam FLATBUFFERS_FINAL_CLASS : private flatbuffers::Table {
+ typedef TuneParamBuilder Builder;
+ enum FlatBuffersVTableOffset FLATBUFFERS_VTABLE_UNDERLYING_TYPE {
+ VT_LOCAL = 4,
+ VT_BLOCK = 6,
+ VT_SHAPE = 8,
+ VT_OPPARA = 10
+ };
+ const flatbuffers::Vector *local() const {
+ return GetPointer *>(VT_LOCAL);
+ }
+ const flatbuffers::Vector *block() const {
+ return GetPointer *>(VT_BLOCK);
+ }
+ const flatbuffers::Vector *shape() const {
+ return GetPointer *>(VT_SHAPE);
+ }
+ const flatbuffers::Vector *opPara() const {
+ return GetPointer *>(VT_OPPARA);
+ }
+ bool Verify(flatbuffers::Verifier &verifier) const {
+ return VerifyTableStart(verifier) &&
+ VerifyOffset(verifier, VT_LOCAL) &&
+ verifier.VerifyVector(local()) &&
+ VerifyOffset(verifier, VT_BLOCK) &&
+ verifier.VerifyVector(block()) &&
+ VerifyOffset(verifier, VT_SHAPE) &&
+ verifier.VerifyVector(shape()) &&
+ VerifyOffset(verifier, VT_OPPARA) &&
+ verifier.VerifyVector(opPara()) &&
+ verifier.EndTable();
+ }
+};
+
+struct TuneParamBuilder {
+ typedef TuneParam Table;
+ flatbuffers::FlatBufferBuilder &fbb_;
+ flatbuffers::uoffset_t start_;
+ void add_local(flatbuffers::Offset> local) {
+ fbb_.AddOffset(TuneParam::VT_LOCAL, local);
+ }
+ void add_block(flatbuffers::Offset> block) {
+ fbb_.AddOffset(TuneParam::VT_BLOCK, block);
+ }
+ void add_shape(flatbuffers::Offset> shape) {
+ fbb_.AddOffset(TuneParam::VT_SHAPE, shape);
+ }
+ void add_opPara(flatbuffers::Offset> opPara) {
+ fbb_.AddOffset(TuneParam::VT_OPPARA, opPara);
+ }
+ explicit TuneParamBuilder(flatbuffers::FlatBufferBuilder &_fbb)
+ : fbb_(_fbb) {
+ start_ = fbb_.StartTable();
+ }
+ flatbuffers::Offset Finish() {
+ const auto end = fbb_.EndTable(start_);
+ auto o = flatbuffers::Offset(end);
+ return o;
+ }
+};
+
+inline flatbuffers::Offset CreateTuneParam(
+ flatbuffers::FlatBufferBuilder &_fbb,
+ flatbuffers::Offset> local = 0,
+ flatbuffers::Offset> block = 0,
+ flatbuffers::Offset> shape = 0,
+ flatbuffers::Offset> opPara = 0) {
+ TuneParamBuilder builder_(_fbb);
+ builder_.add_opPara(opPara);
+ builder_.add_shape(shape);
+ builder_.add_block(block);
+ builder_.add_local(local);
+ return builder_.Finish();
+}
+
+inline flatbuffers::Offset CreateTuneParamDirect(
+ flatbuffers::FlatBufferBuilder &_fbb,
+ const std::vector *local = nullptr,
+ const std::vector *block = nullptr,
+ const std::vector *shape = nullptr,
+ const std::vector *opPara = nullptr) {
+ auto local__ = local ? _fbb.CreateVector(*local) : 0;
+ auto block__ = block ? _fbb.CreateVector(*block) : 0;
+ auto shape__ = shape ? _fbb.CreateVector(*shape) : 0;
+ auto opPara__ = opPara ? _fbb.CreateVector(*opPara) : 0;
+ return mindspore::schema::CreateTuneParam(
+ _fbb,
+ local__,
+ block__,
+ shape__,
+ opPara__);
+}
+
+struct ProgramBinary FLATBUFFERS_FINAL_CLASS : private flatbuffers::Table {
+ typedef ProgramBinaryBuilder Builder;
+ enum FlatBuffersVTableOffset FLATBUFFERS_VTABLE_UNDERLYING_TYPE {
+ VT_PROGRAM_NAME = 4,
+ VT_BUILD_OPTION = 6,
+ VT_TUNE = 8,
+ VT_DATA = 10
+ };
+ const flatbuffers::String *program_name() const {
+ return GetPointer(VT_PROGRAM_NAME);
+ }
+ const flatbuffers::String *build_option() const {
+ return GetPointer(VT_BUILD_OPTION);
+ }
+ const mindspore::schema::TuneParam *tune() const {
+ return GetPointer(VT_TUNE);
+ }
+ const flatbuffers::Vector *data() const {
+ return GetPointer *>(VT_DATA);
+ }
+ bool Verify(flatbuffers::Verifier &verifier) const {
+ return VerifyTableStart(verifier) &&
+ VerifyOffset(verifier, VT_PROGRAM_NAME) &&
+ verifier.VerifyString(program_name()) &&
+ VerifyOffset(verifier, VT_BUILD_OPTION) &&
+ verifier.VerifyString(build_option()) &&
+ VerifyOffset(verifier, VT_TUNE) &&
+ verifier.VerifyTable(tune()) &&
+ VerifyOffset(verifier, VT_DATA) &&
+ verifier.VerifyVector(data()) &&
+ verifier.EndTable();
+ }
+};
+
+struct ProgramBinaryBuilder {
+ typedef ProgramBinary Table;
+ flatbuffers::FlatBufferBuilder &fbb_;
+ flatbuffers::uoffset_t start_;
+ void add_program_name(flatbuffers::Offset program_name) {
+ fbb_.AddOffset(ProgramBinary::VT_PROGRAM_NAME, program_name);
+ }
+ void add_build_option(flatbuffers::Offset build_option) {
+ fbb_.AddOffset(ProgramBinary::VT_BUILD_OPTION, build_option);
+ }
+ void add_tune(flatbuffers::Offset tune) {
+ fbb_.AddOffset(ProgramBinary::VT_TUNE, tune);
+ }
+ void add_data(flatbuffers::Offset> data) {
+ fbb_.AddOffset(ProgramBinary::VT_DATA, data);
+ }
+ explicit ProgramBinaryBuilder(flatbuffers::FlatBufferBuilder &_fbb)
+ : fbb_(_fbb) {
+ start_ = fbb_.StartTable();
+ }
+ flatbuffers::Offset Finish() {
+ const auto end = fbb_.EndTable(start_);
+ auto o = flatbuffers::Offset(end);
+ return o;
+ }
+};
+
+inline flatbuffers::Offset CreateProgramBinary(
+ flatbuffers::FlatBufferBuilder &_fbb,
+ flatbuffers::Offset program_name = 0,
+ flatbuffers::Offset build_option = 0,
+ flatbuffers::Offset tune = 0,
+ flatbuffers::Offset> data = 0) {
+ ProgramBinaryBuilder builder_(_fbb);
+ builder_.add_data(data);
+ builder_.add_tune(tune);
+ builder_.add_build_option(build_option);
+ builder_.add_program_name(program_name);
+ return builder_.Finish();
+}
+
+inline flatbuffers::Offset CreateProgramBinaryDirect(
+ flatbuffers::FlatBufferBuilder &_fbb,
+ const char *program_name = nullptr,
+ const char *build_option = nullptr,
+ flatbuffers::Offset tune = 0,
+ const std::vector *data = nullptr) {
+ auto program_name__ = program_name ? _fbb.CreateString(program_name) : 0;
+ auto build_option__ = build_option ? _fbb.CreateString(build_option) : 0;
+ auto data__ = data ? _fbb.CreateVector(*data) : 0;
+ return mindspore::schema::CreateProgramBinary(
+ _fbb,
+ program_name__,
+ build_option__,
+ tune,
+ data__);
+}
+
+struct GpuCache FLATBUFFERS_FINAL_CLASS : private flatbuffers::Table {
+ typedef GpuCacheBuilder Builder;
+ enum FlatBuffersVTableOffset FLATBUFFERS_VTABLE_UNDERLYING_TYPE {
+ VT_NAME = 4,
+ VT_VERSION = 6,
+ VT_ALLBINS = 8
+ };
+ const flatbuffers::String *name() const {
+ return GetPointer(VT_NAME);
+ }
+ const flatbuffers::String *version() const {
+ return GetPointer(VT_VERSION);
+ }
+ const flatbuffers::Vector> *allBins() const {
+ return GetPointer> *>(VT_ALLBINS);
+ }
+ bool Verify(flatbuffers::Verifier &verifier) const {
+ return VerifyTableStart(verifier) &&
+ VerifyOffset(verifier, VT_NAME) &&
+ verifier.VerifyString(name()) &&
+ VerifyOffset(verifier, VT_VERSION) &&
+ verifier.VerifyString(version()) &&
+ VerifyOffset(verifier, VT_ALLBINS) &&
+ verifier.VerifyVector(allBins()) &&
+ verifier.VerifyVectorOfTables(allBins()) &&
+ verifier.EndTable();
+ }
+};
+
+struct GpuCacheBuilder {
+ typedef GpuCache Table;
+ flatbuffers::FlatBufferBuilder &fbb_;
+ flatbuffers::uoffset_t start_;
+ void add_name(flatbuffers::Offset name) {
+ fbb_.AddOffset(GpuCache::VT_NAME, name);
+ }
+ void add_version(flatbuffers::Offset version) {
+ fbb_.AddOffset(GpuCache::VT_VERSION, version);
+ }
+ void add_allBins(flatbuffers::Offset>> allBins) {
+ fbb_.AddOffset(GpuCache::VT_ALLBINS, allBins);
+ }
+ explicit GpuCacheBuilder(flatbuffers::FlatBufferBuilder &_fbb)
+ : fbb_(_fbb) {
+ start_ = fbb_.StartTable();
+ }
+ flatbuffers::Offset Finish() {
+ const auto end = fbb_.EndTable(start_);
+ auto o = flatbuffers::Offset(end);
+ return o;
+ }
+};
+
+inline flatbuffers::Offset CreateGpuCache(
+ flatbuffers::FlatBufferBuilder &_fbb,
+ flatbuffers::Offset name = 0,
+ flatbuffers::Offset version = 0,
+ flatbuffers::Offset>> allBins = 0) {
+ GpuCacheBuilder builder_(_fbb);
+ builder_.add_allBins(allBins);
+ builder_.add_version(version);
+ builder_.add_name(name);
+ return builder_.Finish();
+}
+
+inline flatbuffers::Offset CreateGpuCacheDirect(
+ flatbuffers::FlatBufferBuilder &_fbb,
+ const char *name = nullptr,
+ const char *version = nullptr,
+ const std::vector> *allBins = nullptr) {
+ auto name__ = name ? _fbb.CreateString(name) : 0;
+ auto version__ = version ? _fbb.CreateString(version) : 0;
+ auto allBins__ = allBins ? _fbb.CreateVector>(*allBins) : 0;
+ return mindspore::schema::CreateGpuCache(
+ _fbb,
+ name__,
+ version__,
+ allBins__);
+}
+
+inline const mindspore::schema::GpuCache *GetGpuCache(const void *buf) {
+ return flatbuffers::GetRoot(buf);
+}
+
+inline const mindspore::schema::GpuCache *GetSizePrefixedGpuCache(const void *buf) {
+ return flatbuffers::GetSizePrefixedRoot(buf);
+}
+
+inline bool VerifyGpuCacheBuffer(
+ flatbuffers::Verifier &verifier) {
+ return verifier.VerifyBuffer(nullptr);
+}
+
+inline bool VerifySizePrefixedGpuCacheBuffer(
+ flatbuffers::Verifier &verifier) {
+ return verifier.VerifySizePrefixedBuffer(nullptr);
+}
+
+inline void FinishGpuCacheBuffer(
+ flatbuffers::FlatBufferBuilder &fbb,
+ flatbuffers::Offset root) {
+ fbb.Finish(root);
+}
+
+inline void FinishSizePrefixedGpuCacheBuffer(
+ flatbuffers::FlatBufferBuilder &fbb,
+ flatbuffers::Offset root) {
+ fbb.FinishSizePrefixed(root);
+}
+
+} // namespace schema
+} // namespace mindspore
+
+#endif // FLATBUFFERS_GENERATED_GPUCACHE_MINDSPORE_SCHEMA_H_
diff --git a/mindspore/lite/schema/inner/gpu_cache_generated.h b/mindspore/lite/schema/inner/gpu_cache_generated.h
new file mode 100644
index 0000000000000000000000000000000000000000..29f1e292e4876e4ca1942f40be800664c4b477b4
--- /dev/null
+++ b/mindspore/lite/schema/inner/gpu_cache_generated.h
@@ -0,0 +1,588 @@
+/**
+ * Copyright 2022 Huawei Technologies Co., Ltd
+ *
+ * Licensed under the Apache License, Version 2.0 (the "License");
+ * you may not use this file except in compliance with the License.
+ * You may obtain a copy of the License at
+ *
+ * http://www.apache.org/licenses/LICENSE-2.0
+ *
+ * Unless required by applicable law or agreed to in writing, software
+ * distributed under the License is distributed on an "AS IS" BASIS,
+ * WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied.
+ * See the License for the specific language governing permissions and
+ * limitations under the License.
+ */
+// automatically generated by the FlatBuffers compiler, do not modify
+
+
+#ifndef FLATBUFFERS_GENERATED_GPUCACHE_MINDSPORE_SCHEMA_H_
+#define FLATBUFFERS_GENERATED_GPUCACHE_MINDSPORE_SCHEMA_H_
+
+#include "flatbuffers/flatbuffers.h"
+
+namespace mindspore {
+namespace schema {
+
+struct TuneParam;
+struct TuneParamBuilder;
+struct TuneParamT;
+
+struct ProgramBinary;
+struct ProgramBinaryBuilder;
+struct ProgramBinaryT;
+
+struct GpuCache;
+struct GpuCacheBuilder;
+struct GpuCacheT;
+
+inline const flatbuffers::TypeTable *TuneParamTypeTable();
+
+inline const flatbuffers::TypeTable *ProgramBinaryTypeTable();
+
+inline const flatbuffers::TypeTable *GpuCacheTypeTable();
+
+struct TuneParamT : public flatbuffers::NativeTable {
+ typedef TuneParam TableType;
+ std::vector local{};
+ std::vector block{};
+ std::vector shape{};
+ std::vector opPara{};
+};
+
+struct TuneParam FLATBUFFERS_FINAL_CLASS : private flatbuffers::Table {
+ typedef TuneParamT NativeTableType;
+ typedef TuneParamBuilder Builder;
+ static const flatbuffers::TypeTable *MiniReflectTypeTable() {
+ return TuneParamTypeTable();
+ }
+ enum FlatBuffersVTableOffset FLATBUFFERS_VTABLE_UNDERLYING_TYPE {
+ VT_LOCAL = 4,
+ VT_BLOCK = 6,
+ VT_SHAPE = 8,
+ VT_OPPARA = 10
+ };
+ const flatbuffers::Vector *local() const {
+ return GetPointer *>(VT_LOCAL);
+ }
+ flatbuffers::Vector *mutable_local() {
+ return GetPointer *>(VT_LOCAL);
+ }
+ const flatbuffers::Vector *block() const {
+ return GetPointer *>(VT_BLOCK);
+ }
+ flatbuffers::Vector *mutable_block() {
+ return GetPointer *>(VT_BLOCK);
+ }
+ const flatbuffers::Vector *shape() const {
+ return GetPointer *>(VT_SHAPE);
+ }
+ flatbuffers::Vector *mutable_shape() {
+ return GetPointer *>(VT_SHAPE);
+ }
+ const flatbuffers::Vector *opPara() const {
+ return GetPointer *>(VT_OPPARA);
+ }
+ flatbuffers::Vector *mutable_opPara() {
+ return GetPointer *>(VT_OPPARA);
+ }
+ bool Verify(flatbuffers::Verifier &verifier) const {
+ return VerifyTableStart(verifier) &&
+ VerifyOffset(verifier, VT_LOCAL) &&
+ verifier.VerifyVector(local()) &&
+ VerifyOffset(verifier, VT_BLOCK) &&
+ verifier.VerifyVector(block()) &&
+ VerifyOffset(verifier, VT_SHAPE) &&
+ verifier.VerifyVector(shape()) &&
+ VerifyOffset(verifier, VT_OPPARA) &&
+ verifier.VerifyVector(opPara()) &&
+ verifier.EndTable();
+ }
+ TuneParamT *UnPack(const flatbuffers::resolver_function_t *_resolver = nullptr) const;
+ void UnPackTo(TuneParamT *_o, const flatbuffers::resolver_function_t *_resolver = nullptr) const;
+ static flatbuffers::Offset Pack(flatbuffers::FlatBufferBuilder &_fbb, const TuneParamT* _o, const flatbuffers::rehasher_function_t *_rehasher = nullptr);
+};
+
+struct TuneParamBuilder {
+ typedef TuneParam Table;
+ flatbuffers::FlatBufferBuilder &fbb_;
+ flatbuffers::uoffset_t start_;
+ void add_local(flatbuffers::Offset> local) {
+ fbb_.AddOffset(TuneParam::VT_LOCAL, local);
+ }
+ void add_block(flatbuffers::Offset> block) {
+ fbb_.AddOffset(TuneParam::VT_BLOCK, block);
+ }
+ void add_shape(flatbuffers::Offset> shape) {
+ fbb_.AddOffset(TuneParam::VT_SHAPE, shape);
+ }
+ void add_opPara(flatbuffers::Offset> opPara) {
+ fbb_.AddOffset(TuneParam::VT_OPPARA, opPara);
+ }
+ explicit TuneParamBuilder(flatbuffers::FlatBufferBuilder &_fbb)
+ : fbb_(_fbb) {
+ start_ = fbb_.StartTable();
+ }
+ flatbuffers::Offset Finish() {
+ const auto end = fbb_.EndTable(start_);
+ auto o = flatbuffers::Offset(end);
+ return o;
+ }
+};
+
+inline flatbuffers::Offset CreateTuneParam(
+ flatbuffers::FlatBufferBuilder &_fbb,
+ flatbuffers::Offset> local = 0,
+ flatbuffers::Offset> block = 0,
+ flatbuffers::Offset> shape = 0,
+ flatbuffers::Offset> opPara = 0) {
+ TuneParamBuilder builder_(_fbb);
+ builder_.add_opPara(opPara);
+ builder_.add_shape(shape);
+ builder_.add_block(block);
+ builder_.add_local(local);
+ return builder_.Finish();
+}
+
+inline flatbuffers::Offset CreateTuneParamDirect(
+ flatbuffers::FlatBufferBuilder &_fbb,
+ const std::vector *local = nullptr,
+ const std::vector *block = nullptr,
+ const std::vector *shape = nullptr,
+ const std::vector *opPara = nullptr) {
+ auto local__ = local ? _fbb.CreateVector(*local) : 0;
+ auto block__ = block ? _fbb.CreateVector(*block) : 0;
+ auto shape__ = shape ? _fbb.CreateVector(*shape) : 0;
+ auto opPara__ = opPara ? _fbb.CreateVector(*opPara) : 0;
+ return mindspore::schema::CreateTuneParam(
+ _fbb,
+ local__,
+ block__,
+ shape__,
+ opPara__);
+}
+
+flatbuffers::Offset CreateTuneParam(flatbuffers::FlatBufferBuilder &_fbb, const TuneParamT *_o, const flatbuffers::rehasher_function_t *_rehasher = nullptr);
+
+struct ProgramBinaryT : public flatbuffers::NativeTable {
+ typedef ProgramBinary TableType;
+ std::string program_name{};
+ std::string build_option{};
+ std::unique_ptr tune{};
+ std::vector data{};
+};
+
+struct ProgramBinary FLATBUFFERS_FINAL_CLASS : private flatbuffers::Table {
+ typedef ProgramBinaryT NativeTableType;
+ typedef ProgramBinaryBuilder Builder;
+ static const flatbuffers::TypeTable *MiniReflectTypeTable() {
+ return ProgramBinaryTypeTable();
+ }
+ enum FlatBuffersVTableOffset FLATBUFFERS_VTABLE_UNDERLYING_TYPE {
+ VT_PROGRAM_NAME = 4,
+ VT_BUILD_OPTION = 6,
+ VT_TUNE = 8,
+ VT_DATA = 10
+ };
+ const flatbuffers::String *program_name() const {
+ return GetPointer(VT_PROGRAM_NAME);
+ }
+ flatbuffers::String *mutable_program_name() {
+ return GetPointer(VT_PROGRAM_NAME);
+ }
+ const flatbuffers::String *build_option() const {
+ return GetPointer(VT_BUILD_OPTION);
+ }
+ flatbuffers::String *mutable_build_option() {
+ return GetPointer(VT_BUILD_OPTION);
+ }
+ const mindspore::schema::TuneParam *tune() const {
+ return GetPointer(VT_TUNE);
+ }
+ mindspore::schema::TuneParam *mutable_tune() {
+ return GetPointer(VT_TUNE);
+ }
+ const flatbuffers::Vector *data() const {
+ return GetPointer *>(VT_DATA);
+ }
+ flatbuffers::Vector *mutable_data() {
+ return GetPointer *>(VT_DATA);
+ }
+ bool Verify(flatbuffers::Verifier &verifier) const {
+ return VerifyTableStart(verifier) &&
+ VerifyOffset(verifier, VT_PROGRAM_NAME) &&
+ verifier.VerifyString(program_name()) &&
+ VerifyOffset(verifier, VT_BUILD_OPTION) &&
+ verifier.VerifyString(build_option()) &&
+ VerifyOffset(verifier, VT_TUNE) &&
+ verifier.VerifyTable(tune()) &&
+ VerifyOffset(verifier, VT_DATA) &&
+ verifier.VerifyVector(data()) &&
+ verifier.EndTable();
+ }
+ ProgramBinaryT *UnPack(const flatbuffers::resolver_function_t *_resolver = nullptr) const;
+ void UnPackTo(ProgramBinaryT *_o, const flatbuffers::resolver_function_t *_resolver = nullptr) const;
+ static flatbuffers::Offset Pack(flatbuffers::FlatBufferBuilder &_fbb, const ProgramBinaryT* _o, const flatbuffers::rehasher_function_t *_rehasher = nullptr);
+};
+
+struct ProgramBinaryBuilder {
+ typedef ProgramBinary Table;
+ flatbuffers::FlatBufferBuilder &fbb_;
+ flatbuffers::uoffset_t start_;
+ void add_program_name(flatbuffers::Offset program_name) {
+ fbb_.AddOffset(ProgramBinary::VT_PROGRAM_NAME, program_name);
+ }
+ void add_build_option(flatbuffers::Offset build_option) {
+ fbb_.AddOffset(ProgramBinary::VT_BUILD_OPTION, build_option);
+ }
+ void add_tune(flatbuffers::Offset tune) {
+ fbb_.AddOffset(ProgramBinary::VT_TUNE, tune);
+ }
+ void add_data(flatbuffers::Offset> data) {
+ fbb_.AddOffset(ProgramBinary::VT_DATA, data);
+ }
+ explicit ProgramBinaryBuilder(flatbuffers::FlatBufferBuilder &_fbb)
+ : fbb_(_fbb) {
+ start_ = fbb_.StartTable();
+ }
+ flatbuffers::Offset Finish() {
+ const auto end = fbb_.EndTable(start_);
+ auto o = flatbuffers::Offset(end);
+ return o;
+ }
+};
+
+inline flatbuffers::Offset CreateProgramBinary(
+ flatbuffers::FlatBufferBuilder &_fbb,
+ flatbuffers::Offset program_name = 0,
+ flatbuffers::Offset build_option = 0,
+ flatbuffers::Offset tune = 0,
+ flatbuffers::Offset> data = 0) {
+ ProgramBinaryBuilder builder_(_fbb);
+ builder_.add_data(data);
+ builder_.add_tune(tune);
+ builder_.add_build_option(build_option);
+ builder_.add_program_name(program_name);
+ return builder_.Finish();
+}
+
+inline flatbuffers::Offset CreateProgramBinaryDirect(
+ flatbuffers::FlatBufferBuilder &_fbb,
+ const char *program_name = nullptr,
+ const char *build_option = nullptr,
+ flatbuffers::Offset tune = 0,
+ const std::vector *data = nullptr) {
+ auto program_name__ = program_name ? _fbb.CreateString(program_name) : 0;
+ auto build_option__ = build_option ? _fbb.CreateString(build_option) : 0;
+ auto data__ = data ? _fbb.CreateVector(*data) : 0;
+ return mindspore::schema::CreateProgramBinary(
+ _fbb,
+ program_name__,
+ build_option__,
+ tune,
+ data__);
+}
+
+flatbuffers::Offset CreateProgramBinary(flatbuffers::FlatBufferBuilder &_fbb, const ProgramBinaryT *_o, const flatbuffers::rehasher_function_t *_rehasher = nullptr);
+
+struct GpuCacheT : public flatbuffers::NativeTable {
+ typedef GpuCache TableType;
+ std::string name{};
+ std::string version{};
+ std::vector> allBins{};
+};
+
+struct GpuCache FLATBUFFERS_FINAL_CLASS : private flatbuffers::Table {
+ typedef GpuCacheT NativeTableType;
+ typedef GpuCacheBuilder Builder;
+ static const flatbuffers::TypeTable *MiniReflectTypeTable() {
+ return GpuCacheTypeTable();
+ }
+ enum FlatBuffersVTableOffset FLATBUFFERS_VTABLE_UNDERLYING_TYPE {
+ VT_NAME = 4,
+ VT_VERSION = 6,
+ VT_ALLBINS = 8
+ };
+ const flatbuffers::String *name() const {
+ return GetPointer(VT_NAME);
+ }
+ flatbuffers::String *mutable_name() {
+ return GetPointer(VT_NAME);
+ }
+ const flatbuffers::String *version() const {
+ return GetPointer(VT_VERSION);
+ }
+ flatbuffers::String *mutable_version() {
+ return GetPointer(VT_VERSION);
+ }
+ const flatbuffers::Vector> *allBins() const {
+ return GetPointer> *>(VT_ALLBINS);
+ }
+ flatbuffers::Vector> *mutable_allBins() {
+ return GetPointer> *>(VT_ALLBINS);
+ }
+ bool Verify(flatbuffers::Verifier &verifier) const {
+ return VerifyTableStart(verifier) &&
+ VerifyOffset(verifier, VT_NAME) &&
+ verifier.VerifyString(name()) &&
+ VerifyOffset(verifier, VT_VERSION) &&
+ verifier.VerifyString(version()) &&
+ VerifyOffset(verifier, VT_ALLBINS) &&
+ verifier.VerifyVector(allBins()) &&
+ verifier.VerifyVectorOfTables(allBins()) &&
+ verifier.EndTable();
+ }
+ GpuCacheT *UnPack(const flatbuffers::resolver_function_t *_resolver = nullptr) const;
+ void UnPackTo(GpuCacheT *_o, const flatbuffers::resolver_function_t *_resolver = nullptr) const;
+ static flatbuffers::Offset Pack(flatbuffers::FlatBufferBuilder &_fbb, const GpuCacheT* _o, const flatbuffers::rehasher_function_t *_rehasher = nullptr);
+};
+
+struct GpuCacheBuilder {
+ typedef GpuCache Table;
+ flatbuffers::FlatBufferBuilder &fbb_;
+ flatbuffers::uoffset_t start_;
+ void add_name(flatbuffers::Offset name) {
+ fbb_.AddOffset(GpuCache::VT_NAME, name);
+ }
+ void add_version(flatbuffers::Offset version) {
+ fbb_.AddOffset(GpuCache::VT_VERSION, version);
+ }
+ void add_allBins(flatbuffers::Offset>> allBins) {
+ fbb_.AddOffset(GpuCache::VT_ALLBINS, allBins);
+ }
+ explicit GpuCacheBuilder(flatbuffers::FlatBufferBuilder &_fbb)
+ : fbb_(_fbb) {
+ start_ = fbb_.StartTable();
+ }
+ flatbuffers::Offset Finish() {
+ const auto end = fbb_.EndTable(start_);
+ auto o = flatbuffers::Offset(end);
+ return o;
+ }
+};
+
+inline flatbuffers::Offset CreateGpuCache(
+ flatbuffers::FlatBufferBuilder &_fbb,
+ flatbuffers::Offset name = 0,
+ flatbuffers::Offset version = 0,
+ flatbuffers::Offset>> allBins = 0) {
+ GpuCacheBuilder builder_(_fbb);
+ builder_.add_allBins(allBins);
+ builder_.add_version(version);
+ builder_.add_name(name);
+ return builder_.Finish();
+}
+
+inline flatbuffers::Offset CreateGpuCacheDirect(
+ flatbuffers::FlatBufferBuilder &_fbb,
+ const char *name = nullptr,
+ const char *version = nullptr,
+ const std::vector> *allBins = nullptr) {
+ auto name__ = name ? _fbb.CreateString(name) : 0;
+ auto version__ = version ? _fbb.CreateString(version) : 0;
+ auto allBins__ = allBins ? _fbb.CreateVector>(*allBins) : 0;
+ return mindspore::schema::CreateGpuCache(
+ _fbb,
+ name__,
+ version__,
+ allBins__);
+}
+
+flatbuffers::Offset CreateGpuCache(flatbuffers::FlatBufferBuilder &_fbb, const GpuCacheT *_o, const flatbuffers::rehasher_function_t *_rehasher = nullptr);
+
+inline TuneParamT *TuneParam::UnPack(const flatbuffers::resolver_function_t *_resolver) const {
+ auto _o = std::unique_ptr(new TuneParamT());
+ UnPackTo(_o.get(), _resolver);
+ return _o.release();
+}
+
+inline void TuneParam::UnPackTo(TuneParamT *_o, const flatbuffers::resolver_function_t *_resolver) const {
+ (void)_o;
+ (void)_resolver;
+ { auto _e = local(); if (_e) { _o->local.resize(_e->size()); for (flatbuffers::uoffset_t _i = 0; _i < _e->size(); _i++) { _o->local[_i] = _e->Get(_i); } } }
+ { auto _e = block(); if (_e) { _o->block.resize(_e->size()); for (flatbuffers::uoffset_t _i = 0; _i < _e->size(); _i++) { _o->block[_i] = _e->Get(_i); } } }
+ { auto _e = shape(); if (_e) { _o->shape.resize(_e->size()); for (flatbuffers::uoffset_t _i = 0; _i < _e->size(); _i++) { _o->shape[_i] = _e->Get(_i); } } }
+ { auto _e = opPara(); if (_e) { _o->opPara.resize(_e->size()); for (flatbuffers::uoffset_t _i = 0; _i < _e->size(); _i++) { _o->opPara[_i] = _e->Get(_i); } } }
+}
+
+inline flatbuffers::Offset TuneParam::Pack(flatbuffers::FlatBufferBuilder &_fbb, const TuneParamT* _o, const flatbuffers::rehasher_function_t *_rehasher) {
+ return CreateTuneParam(_fbb, _o, _rehasher);
+}
+
+inline flatbuffers::Offset CreateTuneParam(flatbuffers::FlatBufferBuilder &_fbb, const TuneParamT *_o, const flatbuffers::rehasher_function_t *_rehasher) {
+ (void)_rehasher;
+ (void)_o;
+ struct _VectorArgs { flatbuffers::FlatBufferBuilder *__fbb; const TuneParamT* __o; const flatbuffers::rehasher_function_t *__rehasher; } _va = { &_fbb, _o, _rehasher}; (void)_va;
+ auto _local = _o->local.size() ? _fbb.CreateVector(_o->local) : 0;
+ auto _block = _o->block.size() ? _fbb.CreateVector(_o->block) : 0;
+ auto _shape = _o->shape.size() ? _fbb.CreateVector(_o->shape) : 0;
+ auto _opPara = _o->opPara.size() ? _fbb.CreateVector(_o->opPara) : 0;
+ return mindspore::schema::CreateTuneParam(
+ _fbb,
+ _local,
+ _block,
+ _shape,
+ _opPara);
+}
+
+inline ProgramBinaryT *ProgramBinary::UnPack(const flatbuffers::resolver_function_t *_resolver) const {
+ auto _o = std::unique_ptr(new ProgramBinaryT());
+ UnPackTo(_o.get(), _resolver);
+ return _o.release();
+}
+
+inline void ProgramBinary::UnPackTo(ProgramBinaryT *_o, const flatbuffers::resolver_function_t *_resolver) const {
+ (void)_o;
+ (void)_resolver;
+ { auto _e = program_name(); if (_e) _o->program_name = _e->str(); }
+ { auto _e = build_option(); if (_e) _o->build_option = _e->str(); }
+ { auto _e = tune(); if (_e) _o->tune = std::unique_ptr(_e->UnPack(_resolver)); }
+ { auto _e = data(); if (_e) { _o->data.resize(_e->size()); std::copy(_e->begin(), _e->end(), _o->data.begin()); } }
+}
+
+inline flatbuffers::Offset ProgramBinary::Pack(flatbuffers::FlatBufferBuilder &_fbb, const ProgramBinaryT* _o, const flatbuffers::rehasher_function_t *_rehasher) {
+ return CreateProgramBinary(_fbb, _o, _rehasher);
+}
+
+inline flatbuffers::Offset CreateProgramBinary(flatbuffers::FlatBufferBuilder &_fbb, const ProgramBinaryT *_o, const flatbuffers::rehasher_function_t *_rehasher) {
+ (void)_rehasher;
+ (void)_o;
+ struct _VectorArgs { flatbuffers::FlatBufferBuilder *__fbb; const ProgramBinaryT* __o; const flatbuffers::rehasher_function_t *__rehasher; } _va = { &_fbb, _o, _rehasher}; (void)_va;
+ auto _program_name = _o->program_name.empty() ? 0 : _fbb.CreateString(_o->program_name);
+ auto _build_option = _o->build_option.empty() ? 0 : _fbb.CreateString(_o->build_option);
+ auto _tune = _o->tune ? CreateTuneParam(_fbb, _o->tune.get(), _rehasher) : 0;
+ auto _data = _o->data.size() ? _fbb.CreateVector(_o->data) : 0;
+ return mindspore::schema::CreateProgramBinary(
+ _fbb,
+ _program_name,
+ _build_option,
+ _tune,
+ _data);
+}
+
+inline GpuCacheT *GpuCache::UnPack(const flatbuffers::resolver_function_t *_resolver) const {
+ auto _o = std::unique_ptr(new GpuCacheT());
+ UnPackTo(_o.get(), _resolver);
+ return _o.release();
+}
+
+inline void GpuCache::UnPackTo(GpuCacheT *_o, const flatbuffers::resolver_function_t *_resolver) const {
+ (void)_o;
+ (void)_resolver;
+ { auto _e = name(); if (_e) _o->name = _e->str(); }
+ { auto _e = version(); if (_e) _o->version = _e->str(); }
+ { auto _e = allBins(); if (_e) { _o->allBins.resize(_e->size()); for (flatbuffers::uoffset_t _i = 0; _i < _e->size(); _i++) { _o->allBins[_i] = std::unique_ptr(_e->Get(_i)->UnPack(_resolver)); } } }
+}
+
+inline flatbuffers::Offset GpuCache::Pack(flatbuffers::FlatBufferBuilder &_fbb, const GpuCacheT* _o, const flatbuffers::rehasher_function_t *_rehasher) {
+ return CreateGpuCache(_fbb, _o, _rehasher);
+}
+
+inline flatbuffers::Offset CreateGpuCache(flatbuffers::FlatBufferBuilder &_fbb, const GpuCacheT *_o, const flatbuffers::rehasher_function_t *_rehasher) {
+ (void)_rehasher;
+ (void)_o;
+ struct _VectorArgs { flatbuffers::FlatBufferBuilder *__fbb; const GpuCacheT* __o; const flatbuffers::rehasher_function_t *__rehasher; } _va = { &_fbb, _o, _rehasher}; (void)_va;
+ auto _name = _o->name.empty() ? 0 : _fbb.CreateString(_o->name);
+ auto _version = _o->version.empty() ? 0 : _fbb.CreateString(_o->version);
+ auto _allBins = _o->allBins.size() ? _fbb.CreateVector> (_o->allBins.size(), [](size_t i, _VectorArgs *__va) { return CreateProgramBinary(*__va->__fbb, __va->__o->allBins[i].get(), __va->__rehasher); }, &_va ) : 0;
+ return mindspore::schema::CreateGpuCache(
+ _fbb,
+ _name,
+ _version,
+ _allBins);
+}
+
+inline const flatbuffers::TypeTable *TuneParamTypeTable() {
+ static const flatbuffers::TypeCode type_codes[] = {
+ { flatbuffers::ET_INT, 1, -1 },
+ { flatbuffers::ET_INT, 1, -1 },
+ { flatbuffers::ET_INT, 1, -1 },
+ { flatbuffers::ET_INT, 1, -1 }
+ };
+ static const flatbuffers::TypeTable tt = {
+ flatbuffers::ST_TABLE, 4, type_codes, nullptr, nullptr, nullptr, nullptr
+ };
+ return &tt;
+}
+
+inline const flatbuffers::TypeTable *ProgramBinaryTypeTable() {
+ static const flatbuffers::TypeCode type_codes[] = {
+ { flatbuffers::ET_STRING, 0, -1 },
+ { flatbuffers::ET_STRING, 0, -1 },
+ { flatbuffers::ET_SEQUENCE, 0, 0 },
+ { flatbuffers::ET_UCHAR, 1, -1 }
+ };
+ static const flatbuffers::TypeFunction type_refs[] = {
+ mindspore::schema::TuneParamTypeTable
+ };
+ static const flatbuffers::TypeTable tt = {
+ flatbuffers::ST_TABLE, 4, type_codes, type_refs, nullptr, nullptr, nullptr
+ };
+ return &tt;
+}
+
+inline const flatbuffers::TypeTable *GpuCacheTypeTable() {
+ static const flatbuffers::TypeCode type_codes[] = {
+ { flatbuffers::ET_STRING, 0, -1 },
+ { flatbuffers::ET_STRING, 0, -1 },
+ { flatbuffers::ET_SEQUENCE, 1, 0 }
+ };
+ static const flatbuffers::TypeFunction type_refs[] = {
+ mindspore::schema::ProgramBinaryTypeTable
+ };
+ static const flatbuffers::TypeTable tt = {
+ flatbuffers::ST_TABLE, 3, type_codes, type_refs, nullptr, nullptr, nullptr
+ };
+ return &tt;
+}
+
+inline const mindspore::schema::GpuCache *GetGpuCache(const void *buf) {
+ return flatbuffers::GetRoot(buf);
+}
+
+inline const mindspore::schema::GpuCache *GetSizePrefixedGpuCache(const void *buf) {
+ return flatbuffers::GetSizePrefixedRoot(buf);
+}
+
+inline GpuCache *GetMutableGpuCache(void *buf) {
+ return flatbuffers::GetMutableRoot(buf);
+}
+
+inline bool VerifyGpuCacheBuffer(
+ flatbuffers::Verifier &verifier) {
+ return verifier.VerifyBuffer(nullptr);
+}
+
+inline bool VerifySizePrefixedGpuCacheBuffer(
+ flatbuffers::Verifier &verifier) {
+ return verifier.VerifySizePrefixedBuffer(nullptr);
+}
+
+inline void FinishGpuCacheBuffer(
+ flatbuffers::FlatBufferBuilder &fbb,
+ flatbuffers::Offset root) {
+ fbb.Finish(root);
+}
+
+inline void FinishSizePrefixedGpuCacheBuffer(
+ flatbuffers::FlatBufferBuilder &fbb,
+ flatbuffers::Offset root) {
+ fbb.FinishSizePrefixed(root);
+}
+
+inline std::unique_ptr UnPackGpuCache(
+ const void *buf,
+ const flatbuffers::resolver_function_t *res = nullptr) {
+ return std::unique_ptr(GetGpuCache(buf)->UnPack(res));
+}
+
+inline std::unique_ptr UnPackSizePrefixedGpuCache(
+ const void *buf,
+ const flatbuffers::resolver_function_t *res = nullptr) {
+ return std::unique_ptr(GetSizePrefixedGpuCache(buf)->UnPack(res));
+}
+
+} // namespace schema
+} // namespace mindspore
+
+#endif // FLATBUFFERS_GENERATED_GPUCACHE_MINDSPORE_SCHEMA_H_
diff --git a/mindspore/lite/schema/inner/model_generated.h b/mindspore/lite/schema/inner/model_generated.h
new file mode 100644
index 0000000000000000000000000000000000000000..da08954a0231df3fa4ee6c3615cc2d2a2c1de643
--- /dev/null
+++ b/mindspore/lite/schema/inner/model_generated.h
@@ -0,0 +1,3325 @@
+/**
+ * Copyright 2022 Huawei Technologies Co., Ltd
+ *
+ * Licensed under the Apache License, Version 2.0 (the "License");
+ * you may not use this file except in compliance with the License.
+ * You may obtain a copy of the License at
+ *
+ * http://www.apache.org/licenses/LICENSE-2.0
+ *
+ * Unless required by applicable law or agreed to in writing, software
+ * distributed under the License is distributed on an "AS IS" BASIS,
+ * WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied.
+ * See the License for the specific language governing permissions and
+ * limitations under the License.
+ */
+// automatically generated by the FlatBuffers compiler, do not modify
+
+
+#ifndef FLATBUFFERS_GENERATED_MODEL_MINDSPORE_SCHEMA_H_
+#define FLATBUFFERS_GENERATED_MODEL_MINDSPORE_SCHEMA_H_
+
+#include "flatbuffers/flatbuffers.h"
+
+#include "ops_types_generated.h"
+#include "ops_generated.h"
+
+namespace mindspore {
+namespace schema {
+
+struct QuantParam;
+struct QuantParamBuilder;
+struct QuantParamT;
+
+struct ExternalData;
+struct ExternalDataBuilder;
+struct ExternalDataT;
+
+struct Tensor;
+struct TensorBuilder;
+struct TensorT;
+
+struct Primitive;
+struct PrimitiveBuilder;
+struct PrimitiveT;
+
+struct CNode;
+struct CNodeBuilder;
+struct CNodeT;
+
+struct SubGraph;
+struct SubGraphBuilder;
+struct SubGraphT;
+
+struct MetaGraph;
+struct MetaGraphBuilder;
+struct MetaGraphT;
+
+inline const flatbuffers::TypeTable *QuantParamTypeTable();
+
+inline const flatbuffers::TypeTable *ExternalDataTypeTable();
+
+inline const flatbuffers::TypeTable *TensorTypeTable();
+
+inline const flatbuffers::TypeTable *PrimitiveTypeTable();
+
+inline const flatbuffers::TypeTable *CNodeTypeTable();
+
+inline const flatbuffers::TypeTable *SubGraphTypeTable();
+
+inline const flatbuffers::TypeTable *MetaGraphTypeTable();
+
+enum WeightQunatCompressType : int32_t {
+ WeightQunatCompressType_NONE = 0,
+ WeightQunatCompressType_INDEXING = 1,
+ WeightQunatCompressType_SPARSE = 2,
+ WeightQunatCompressType_FSE = 3,
+ WeightQunatCompressType_MIN = WeightQunatCompressType_NONE,
+ WeightQunatCompressType_MAX = WeightQunatCompressType_FSE
+};
+
+inline const WeightQunatCompressType (&EnumValuesWeightQunatCompressType())[4] {
+ static const WeightQunatCompressType values[] = {
+ WeightQunatCompressType_NONE,
+ WeightQunatCompressType_INDEXING,
+ WeightQunatCompressType_SPARSE,
+ WeightQunatCompressType_FSE
+ };
+ return values;
+}
+
+inline const char * const *EnumNamesWeightQunatCompressType() {
+ static const char * const names[5] = {
+ "NONE",
+ "INDEXING",
+ "SPARSE",
+ "FSE",
+ nullptr
+ };
+ return names;
+}
+
+inline const char *EnumNameWeightQunatCompressType(WeightQunatCompressType e) {
+ if (flatbuffers::IsOutRange(e, WeightQunatCompressType_NONE, WeightQunatCompressType_FSE)) return "";
+ const size_t index = static_cast(e);
+ return EnumNamesWeightQunatCompressType()[index];
+}
+
+enum QuantType : int32_t {
+ QuantType_QUANT_NONE = 0,
+ QuantType_AwareTraining = 1,
+ QuantType_WeightQuant = 2,
+ QuantType_PostTraining = 3,
+ QuantType_QUANT_WEIGHT = 4,
+ QuantType_QUANT_ALL = 5,
+ QuantType_MIN = QuantType_QUANT_NONE,
+ QuantType_MAX = QuantType_QUANT_ALL
+};
+
+inline const QuantType (&EnumValuesQuantType())[6] {
+ static const QuantType values[] = {
+ QuantType_QUANT_NONE,
+ QuantType_AwareTraining,
+ QuantType_WeightQuant,
+ QuantType_PostTraining,
+ QuantType_QUANT_WEIGHT,
+ QuantType_QUANT_ALL
+ };
+ return values;
+}
+
+inline const char * const *EnumNamesQuantType() {
+ static const char * const names[7] = {
+ "QUANT_NONE",
+ "AwareTraining",
+ "WeightQuant",
+ "PostTraining",
+ "QUANT_WEIGHT",
+ "QUANT_ALL",
+ nullptr
+ };
+ return names;
+}
+
+inline const char *EnumNameQuantType(QuantType e) {
+ if (flatbuffers::IsOutRange(e, QuantType_QUANT_NONE, QuantType_QUANT_ALL)) return "";
+ const size_t index = static_cast(e);
+ return EnumNamesQuantType()[index];
+}
+
+struct QuantParamT : public flatbuffers::NativeTable {
+ typedef QuantParam TableType;
+ double scale = 1.0;
+ int32_t zeroPoint = 0;
+ double min = 0.0;
+ double max = 0.0;
+ bool narrowRange = true;
+ int32_t numBits = 8;
+ bool inited = false;
+ float varCorr = 1.0f;
+ float meanCorr = 0.0f;
+ int32_t dstDtype = 32;
+ int32_t roundType = 1;
+ int32_t multiplier = 1;
+};
+
+struct QuantParam FLATBUFFERS_FINAL_CLASS : private flatbuffers::Table {
+ typedef QuantParamT NativeTableType;
+ typedef QuantParamBuilder Builder;
+ static const flatbuffers::TypeTable *MiniReflectTypeTable() {
+ return QuantParamTypeTable();
+ }
+ enum FlatBuffersVTableOffset FLATBUFFERS_VTABLE_UNDERLYING_TYPE {
+ VT_SCALE = 4,
+ VT_ZEROPOINT = 6,
+ VT_MIN = 8,
+ VT_MAX = 10,
+ VT_NARROWRANGE = 12,
+ VT_NUMBITS = 14,
+ VT_INITED = 16,
+ VT_VARCORR = 18,
+ VT_MEANCORR = 20,
+ VT_DSTDTYPE = 22,
+ VT_ROUNDTYPE = 24,
+ VT_MULTIPLIER = 26
+ };
+ double scale() const {
+ return GetField(VT_SCALE, 1.0);
+ }
+ bool mutate_scale(double _scale) {
+ return SetField(VT_SCALE, _scale, 1.0);
+ }
+ int32_t zeroPoint() const {
+ return GetField(VT_ZEROPOINT, 0);
+ }
+ bool mutate_zeroPoint(int32_t _zeroPoint) {
+ return SetField(VT_ZEROPOINT, _zeroPoint, 0);
+ }
+ double min() const {
+ return GetField(VT_MIN, 0.0);
+ }
+ bool mutate_min(double _min) {
+ return SetField(VT_MIN, _min, 0.0);
+ }
+ double max() const {
+ return GetField(VT_MAX, 0.0);
+ }
+ bool mutate_max(double _max) {
+ return SetField(VT_MAX, _max, 0.0);
+ }
+ bool narrowRange() const {
+ return GetField(VT_NARROWRANGE, 1) != 0;
+ }
+ bool mutate_narrowRange(bool _narrowRange) {
+ return SetField(VT_NARROWRANGE, static_cast(_narrowRange), 1);
+ }
+ int32_t numBits() const {
+ return GetField(VT_NUMBITS, 8);
+ }
+ bool mutate_numBits(int32_t _numBits) {
+ return SetField(VT_NUMBITS, _numBits, 8);
+ }
+ bool inited() const {
+ return GetField(VT_INITED, 0) != 0;
+ }
+ bool mutate_inited(bool _inited) {
+ return SetField(VT_INITED, static_cast(_inited), 0);
+ }
+ float varCorr() const {
+ return GetField(VT_VARCORR, 1.0f);
+ }
+ bool mutate_varCorr(float _varCorr) {
+ return SetField(VT_VARCORR, _varCorr, 1.0f);
+ }
+ float meanCorr() const {
+ return GetField(VT_MEANCORR, 0.0f);
+ }
+ bool mutate_meanCorr(float _meanCorr) {
+ return SetField(VT_MEANCORR, _meanCorr, 0.0f);
+ }
+ int32_t dstDtype() const {
+ return GetField(VT_DSTDTYPE, 32);
+ }
+ bool mutate_dstDtype(int32_t _dstDtype) {
+ return SetField(VT_DSTDTYPE, _dstDtype, 32);
+ }
+ int32_t roundType() const {
+ return GetField(VT_ROUNDTYPE, 1);
+ }
+ bool mutate_roundType(int32_t _roundType) {
+ return SetField(VT_ROUNDTYPE, _roundType, 1);
+ }
+ int32_t multiplier() const {
+ return GetField(VT_MULTIPLIER, 1);
+ }
+ bool mutate_multiplier(int32_t _multiplier) {
+ return SetField(VT_MULTIPLIER, _multiplier, 1);
+ }
+ bool Verify(flatbuffers::Verifier &verifier) const {
+ return VerifyTableStart(verifier) &&
+ VerifyField(verifier, VT_SCALE) &&
+ VerifyField(verifier, VT_ZEROPOINT) &&
+ VerifyField(verifier, VT_MIN) &&
+ VerifyField(verifier, VT_MAX) &&
+ VerifyField(verifier, VT_NARROWRANGE) &&
+ VerifyField(verifier, VT_NUMBITS) &&
+ VerifyField(verifier, VT_INITED) &&
+ VerifyField(verifier, VT_VARCORR) &&
+ VerifyField(verifier, VT_MEANCORR) &&
+ VerifyField(verifier, VT_DSTDTYPE) &&
+ VerifyField(verifier, VT_ROUNDTYPE) &&
+ VerifyField(verifier, VT_MULTIPLIER) &&
+ verifier.EndTable();
+ }
+ QuantParamT *UnPack(const flatbuffers::resolver_function_t *_resolver = nullptr) const;
+ void UnPackTo(QuantParamT *_o, const flatbuffers::resolver_function_t *_resolver = nullptr) const;
+ static flatbuffers::Offset Pack(flatbuffers::FlatBufferBuilder &_fbb, const QuantParamT* _o, const flatbuffers::rehasher_function_t *_rehasher = nullptr);
+};
+
+struct QuantParamBuilder {
+ typedef QuantParam Table;
+ flatbuffers::FlatBufferBuilder &fbb_;
+ flatbuffers::uoffset_t start_;
+ void add_scale(double scale) {
+ fbb_.AddElement(QuantParam::VT_SCALE, scale, 1.0);
+ }
+ void add_zeroPoint(int32_t zeroPoint) {
+ fbb_.AddElement(QuantParam::VT_ZEROPOINT, zeroPoint, 0);
+ }
+ void add_min(double min) {
+ fbb_.AddElement(QuantParam::VT_MIN, min, 0.0);
+ }
+ void add_max(double max) {
+ fbb_.AddElement(QuantParam::VT_MAX, max, 0.0);
+ }
+ void add_narrowRange(bool narrowRange) {
+ fbb_.AddElement(QuantParam::VT_NARROWRANGE, static_cast(narrowRange), 1);
+ }
+ void add_numBits(int32_t numBits) {
+ fbb_.AddElement(QuantParam::VT_NUMBITS, numBits, 8);
+ }
+ void add_inited(bool inited) {
+ fbb_.AddElement(QuantParam::VT_INITED, static_cast(inited), 0);
+ }
+ void add_varCorr(float varCorr) {
+ fbb_.AddElement(QuantParam::VT_VARCORR, varCorr, 1.0f);
+ }
+ void add_meanCorr(float meanCorr) {
+ fbb_.AddElement(QuantParam::VT_MEANCORR, meanCorr, 0.0f);
+ }
+ void add_dstDtype(int32_t dstDtype) {
+ fbb_.AddElement(QuantParam::VT_DSTDTYPE, dstDtype, 32);
+ }
+ void add_roundType(int32_t roundType) {
+ fbb_.AddElement(QuantParam::VT_ROUNDTYPE, roundType, 1);
+ }
+ void add_multiplier(int32_t multiplier) {
+ fbb_.AddElement(QuantParam::VT_MULTIPLIER, multiplier, 1);
+ }
+ explicit QuantParamBuilder(flatbuffers::FlatBufferBuilder &_fbb)
+ : fbb_(_fbb) {
+ start_ = fbb_.StartTable();
+ }
+ flatbuffers::Offset Finish() {
+ const auto end = fbb_.EndTable(start_);
+ auto o = flatbuffers::Offset(end);
+ return o;
+ }
+};
+
+inline flatbuffers::Offset CreateQuantParam(
+ flatbuffers::FlatBufferBuilder &_fbb,
+ double scale = 1.0,
+ int32_t zeroPoint = 0,
+ double min = 0.0,
+ double max = 0.0,
+ bool narrowRange = true,
+ int32_t numBits = 8,
+ bool inited = false,
+ float varCorr = 1.0f,
+ float meanCorr = 0.0f,
+ int32_t dstDtype = 32,
+ int32_t roundType = 1,
+ int32_t multiplier = 1) {
+ QuantParamBuilder builder_(_fbb);
+ builder_.add_max(max);
+ builder_.add_min(min);
+ builder_.add_scale(scale);
+ builder_.add_multiplier(multiplier);
+ builder_.add_roundType(roundType);
+ builder_.add_dstDtype(dstDtype);
+ builder_.add_meanCorr(meanCorr);
+ builder_.add_varCorr(varCorr);
+ builder_.add_numBits(numBits);
+ builder_.add_zeroPoint(zeroPoint);
+ builder_.add_inited(inited);
+ builder_.add_narrowRange(narrowRange);
+ return builder_.Finish();
+}
+
+flatbuffers::Offset CreateQuantParam(flatbuffers::FlatBufferBuilder &_fbb, const QuantParamT *_o, const flatbuffers::rehasher_function_t *_rehasher = nullptr);
+
+struct ExternalDataT : public flatbuffers::NativeTable {
+ typedef ExternalData TableType;
+ std::string checkSum{};
+ std::string location{};
+ int64_t offset = 0;
+ int64_t length = -1LL;
+};
+
+struct ExternalData FLATBUFFERS_FINAL_CLASS : private flatbuffers::Table {
+ typedef ExternalDataT NativeTableType;
+ typedef ExternalDataBuilder Builder;
+ static const flatbuffers::TypeTable *MiniReflectTypeTable() {
+ return ExternalDataTypeTable();
+ }
+ enum FlatBuffersVTableOffset FLATBUFFERS_VTABLE_UNDERLYING_TYPE {
+ VT_CHECKSUM = 4,
+ VT_LOCATION = 6,
+ VT_OFFSET = 8,
+ VT_LENGTH = 10
+ };
+ const flatbuffers::String *checkSum() const {
+ return GetPointer(VT_CHECKSUM);
+ }
+ flatbuffers::String *mutable_checkSum() {
+ return GetPointer(VT_CHECKSUM);
+ }
+ const flatbuffers::String *location() const {
+ return GetPointer(VT_LOCATION);
+ }
+ flatbuffers::String *mutable_location() {
+ return GetPointer(VT_LOCATION);
+ }
+ int64_t offset() const {
+ return GetField