!8679 rename fp32 nnacl

From: @yeyunpeng2020
Reviewed-by: @zhang_xue_tong,@hangangqiang
Signed-off-by: @zhang_xue_tong
This commit is contained in:
mindspore-ci-bot 2020-11-17 14:22:15 +08:00 committed by Gitee
commit 12d92cbdff
297 changed files with 267 additions and 267 deletions

View File

@ -8,12 +8,12 @@ add_compile_definitions(ENABLE_NNACL_INFER_SHAPE)
file(GLOB KERNEL_SRC
${CMAKE_CURRENT_SOURCE_DIR}/../nnacl/arithmetic_common.c
${CMAKE_CURRENT_SOURCE_DIR}/../nnacl/fp32/activation.c
${CMAKE_CURRENT_SOURCE_DIR}/../nnacl/fp32/arithmetic_self.c
${CMAKE_CURRENT_SOURCE_DIR}/../nnacl/fp32/arithmetic.c
${CMAKE_CURRENT_SOURCE_DIR}/../nnacl/fp32/matmul.c
${CMAKE_CURRENT_SOURCE_DIR}/../nnacl/fp32/reduce.c
${CMAKE_CURRENT_SOURCE_DIR}/../nnacl/fp32/arithmetic.c
${CMAKE_CURRENT_SOURCE_DIR}/../nnacl/fp32/activation_fp32.c
${CMAKE_CURRENT_SOURCE_DIR}/../nnacl/fp32/arithmetic_self_fp32.c
${CMAKE_CURRENT_SOURCE_DIR}/../nnacl/fp32/arithmetic_fp32.c
${CMAKE_CURRENT_SOURCE_DIR}/../nnacl/fp32/matmul_fp32.c
${CMAKE_CURRENT_SOURCE_DIR}/../nnacl/fp32/reduce_fp32.c
${CMAKE_CURRENT_SOURCE_DIR}/../nnacl/fp32/arithmetic_fp32.c
${CMAKE_CURRENT_SOURCE_DIR}/src/kernel/fp32/*.cc
${CMAKE_CURRENT_SOURCE_DIR}/src/kernel/common/*.cc
)

View File

@ -18,7 +18,7 @@
#include "internal/src/kernel/common/common_infershape.h"
#include "internal/include/errorcode.h"
#include "internal/include/ms_tensor.h"
#include "nnacl/fp32/activation.h"
#include "nnacl/fp32/activation_fp32.h"
#include "internal/src/lite_log.h"
#include "nnacl/errorcode.h"

View File

@ -20,7 +20,7 @@
#include "internal/include/ms_tensor.h"
#include "internal/include/lite_utils.h"
#include "nnacl/arithmetic_common.h"
#include "nnacl/fp32/arithmetic.h"
#include "nnacl/fp32/arithmetic_fp32.h"
typedef int (*ArithmeticRun)(const float *input0, const float *input1, float *output, const int element_size);
typedef int (*ArithmeticOptRun)(const float *input0, const float *input1, float *output, const int element_size,

View File

@ -19,7 +19,7 @@
#include "internal/include/errorcode.h"
#include "internal/include/ms_tensor.h"
#include "internal/src/lite_log.h"
#include "nnacl/fp32/arithmetic_self.h"
#include "nnacl/fp32/arithmetic_self_fp32.h"
int DoArithmeticSelfInferShape(const TensorPtrVector &in_tensors, const TensorPtrVector &out_tensors,
OpParameter *param) {

View File

@ -21,7 +21,7 @@
#include "internal/src/lite_log.h"
#include "internal/include/errorcode.h"
#include "nnacl/arithmetic_common.h"
#include "nnacl/fp32/arithmetic.h"
#include "nnacl/fp32/arithmetic_fp32.h"
int DoBiasAddInferShape(const TensorPtrVector &in_tensors, const TensorPtrVector &out_tensors, OpParameter *param) {
return DoCommonInferShape(in_tensors, out_tensors);

View File

@ -15,7 +15,7 @@
*/
#include "internal/src/kernel/fp32/matmul.h"
#include "nnacl/fp32/matmul.h"
#include "nnacl/fp32/matmul_fp32.h"
#include "internal/include/errorcode.h"
#include "internal/include/ms_tensor.h"
#include "internal/src/lite_log.h"

View File

@ -20,7 +20,7 @@
#include "internal/src/lite_log.h"
#include "internal/include/errorcode.h"
#include "nnacl/reduce_parameter.h"
#include "nnacl/fp32/reduce.h"
#include "nnacl/fp32/reduce_fp32.h"
#include "nnacl/errorcode.h"
typedef int (*Reducer)(const int outer_size, const int inner_size, const int axis_size, const float *src_data,

View File

@ -19,8 +19,8 @@
#include "internal/include/errorcode.h"
#include "internal/include/ms_tensor.h"
#include "internal/src/lite_log.h"
#include "nnacl/fp32/arithmetic_self.h"
#include "nnacl/fp32/arithmetic.h"
#include "nnacl/fp32/arithmetic_self_fp32.h"
#include "nnacl/fp32/arithmetic_fp32.h"
int DoArithmeticSelfGradInferShape(const TensorPtrVector &in_tensors, const TensorPtrVector &out_tensors,
OpParameter *param) {

View File

@ -14,7 +14,7 @@
* limitations under the License.
*/
#include "nnacl/arg_min_max.h"
#include "nnacl/fp32/arg_min_max.h"
#include "nnacl/fp32/arg_min_max_fp32.h"
#define FLOAT_DATA_TYPE 43

View File

@ -18,7 +18,7 @@
#include <arm_neon.h>
#include "nnacl/op_base.h"
#include "nnacl/fp32/cast.h"
#include "nnacl/fp32/cast_fp32.h"
#ifdef __cplusplus
extern "C" {
#endif

View File

@ -18,7 +18,7 @@
#define MINDSPORE_LITE_NNACL_FP16_CONV_DEPTHWISE_FP16_H_
#include "nnacl/conv_parameter.h"
#include "nnacl/fp32/conv_depthwise.h"
#include "nnacl/fp32/conv_depthwise_fp32.h"
#ifdef __cplusplus
extern "C" {

View File

@ -19,7 +19,7 @@
#ifdef ENABLE_NEON
#include <arm_neon.h>
#endif
#include "nnacl/fp32/pad.h"
#include "nnacl/fp32/pad_fp32.h"
#ifdef __cplusplus
extern "C" {

View File

@ -14,7 +14,7 @@
* limitations under the License.
*/
#include "nnacl/fp32/activation.h"
#include "nnacl/fp32/activation_fp32.h"
#include "nnacl/errorcode.h"
int Fp32Relu(const float *src, int length, float *dst) {

View File

@ -13,7 +13,7 @@
* See the License for the specific language governing permissions and
* limitations under the License.
*/
#include "nnacl/fp32/arg_min_max.h"
#include "nnacl/fp32/arg_min_max_fp32.h"
#include <stdlib.h>
#include <float.h>

View File

@ -16,7 +16,7 @@
#include <string.h>
#include <math.h>
#include "nnacl/fp32/arithmetic_compare.h"
#include "nnacl/fp32/arithmetic_compare_fp32.h"
// equal:
int ElementEqualFp32(const float *input0, const float *input1, uint8_t *output, int element_size) {

View File

@ -14,7 +14,7 @@
* limitations under the License.
*/
#include "nnacl/fp32/arithmetic.h"
#include "nnacl/fp32/arithmetic_fp32.h"
#include <math.h>
#define ACCURACY_DATA 0.00000001

View File

@ -16,7 +16,7 @@
#include <string.h>
#include <math.h>
#include "nnacl/fp32/arithmetic_self.h"
#include "nnacl/fp32/arithmetic_self_fp32.h"
// abs:
int ElementAbs(const float *input, float *output, const int element_size) {

View File

@ -14,7 +14,7 @@
* limitations under the License.
*/
#include "nnacl/fp32/batchnorm.h"
#include "nnacl/fp32/batchnorm_fp32.h"
#include <math.h>
#include "nnacl/batchnorm_parameter.h"
#include "nnacl/op_base.h"

View File

@ -14,7 +14,7 @@
* limitations under the License.
*/
#include "nnacl/fp32/broadcast_to.h"
#include "nnacl/fp32/broadcast_to_fp32.h"
#include <string.h>
#include "nnacl/op_base.h"

View File

@ -14,8 +14,8 @@
* limitations under the License.
*/
#include "nnacl/fp32/cast.h"
#include "nnacl/fp32/common_func.h"
#include "nnacl/fp32/cast_fp32.h"
#include "nnacl/fp32/common_func_fp32.h"
void BoolToFloat32(const bool *input, float *output, int number) {
for (int i = 0; i < number; ++i) {

View File

@ -14,7 +14,7 @@
* limitations under the License.
*/
#include "nnacl/fp32/common_func.h"
#include "nnacl/fp32/common_func_fp32.h"
void PostConvFuncComm(const float *src_ptr_, float *out_ptr, const float *bias_ptr, size_t output_channel,
size_t plane_size, size_t plane_stride, size_t oc_stride, ActType relu_type, int size) {

View File

@ -14,7 +14,7 @@
* limitations under the License.
*/
#include "nnacl/fp32/concat.h"
#include "nnacl/fp32/concat_fp32.h"
#include <string.h>
void Concat(void **input, int input_num, int axis, int **inputs_output_shape, size_t shape_size, void *output,

View File

@ -14,7 +14,7 @@
* limitations under the License.
*/
#include "nnacl/fp32/constant_of_shape.h"
#include "nnacl/fp32/constant_of_shape_fp32.h"
int ConstantOfShape(float *output, int tid, ConstantOfShapeParameter *param) {
int size = param->unit_;

View File

@ -14,8 +14,8 @@
* limitations under the License.
*/
#include "nnacl/fp32/conv_depthwise.h"
#include "nnacl/fp32/common_func.h"
#include "nnacl/fp32/conv_depthwise_fp32.h"
#include "nnacl/fp32/common_func_fp32.h"
#include "nnacl/winograd_transform.h"
#ifdef ENABLE_ARM64
#include <arm_neon.h>

View File

@ -14,11 +14,11 @@
* limitations under the License.
*/
#include "nnacl/fp32/conv.h"
#include "nnacl/fp32/conv_fp32.h"
#include <string.h>
#include "nnacl/fp32/common_func.h"
#include "nnacl/fp32/common_func_fp32.h"
#include "nnacl/winograd_transform.h"
#include "nnacl/fp32/matmul.h"
#include "nnacl/fp32/matmul_fp32.h"
// fp32 conv common
void ConvFp32(const float *input_data, float *packed_input, const float *packed_weight, const float *bias_data,

View File

@ -25,7 +25,7 @@
#include "nnacl/common_func.h"
#include "nnacl/conv_parameter.h"
#include "nnacl/winograd_utils.h"
#include "nnacl/fp32/conv_depthwise.h"
#include "nnacl/fp32/conv_depthwise_fp32.h"
typedef float *TmpBufferAddress;

View File

@ -13,7 +13,7 @@
* See the License for the specific language governing permissions and
* limitations under the License.
*/
#include "nnacl/fp32/crop.h"
#include "nnacl/fp32/crop_fp32.h"
#include <string.h>
#include "nnacl/op_base.h"
#include "nnacl/crop_parameter.h"

View File

@ -14,7 +14,7 @@
* limitations under the License.
*/
#include "nnacl/fp32/deconv.h"
#include "nnacl/fp32/deconv_fp32.h"
void PackDeConvWeightFp32(const float *weight, float *dst, int input_channel, int output_channel, int plane) {
/* ichwoc(nhwc) -> oc4 * h * w * incUP4 * 4 */

View File

@ -21,8 +21,8 @@
#include "nnacl/op_base.h"
#include "nnacl/conv_parameter.h"
#include "nnacl/errorcode.h"
#include "nnacl/fp32/common_func.h"
#include "nnacl/fp32/conv.h"
#include "nnacl/fp32/common_func_fp32.h"
#include "nnacl/fp32/conv_fp32.h"
#include "nnacl/minimal_filtering_generator.h"
#ifdef __cplusplus

View File

@ -14,7 +14,7 @@
* limitations under the License.
*/
#include "nnacl/fp32/deconv_winograd.h"
#include "nnacl/fp32/deconv_winograd_fp32.h"
int PackDeConvWgDataFp32(float *nhwc_weight, DeConvComputeUnit *unit, ConvParameter *conv_param,
DeConvParam *deconv_param) {

View File

@ -21,7 +21,7 @@
#include "nnacl/op_base.h"
#include "nnacl/conv_parameter.h"
#include "nnacl/errorcode.h"
#include "nnacl/fp32/common_func.h"
#include "nnacl/fp32/common_func_fp32.h"
#include "nnacl/minimal_filtering_generator.h"
#ifdef __cplusplus

View File

@ -14,7 +14,7 @@
* limitations under the License.
*/
#include "nnacl/fp32/detection_post_process.h"
#include "nnacl/fp32/detection_post_process_fp32.h"
#include <math.h>
#include "nnacl/errorcode.h"
#include "nnacl/op_base.h"

View File

@ -14,7 +14,7 @@
* limitations under the License.
*/
#include "nnacl/fp32/elu.h"
#include "nnacl/fp32/elu_fp32.h"
#include <math.h>
#include "nnacl/errorcode.h"

View File

@ -14,7 +14,7 @@
* limitations under the License.
*/
#include "nnacl/fp32/embedding_lookup.h"
#include "nnacl/fp32/embedding_lookup_fp32.h"
#include <string.h>
#include "nnacl/errorcode.h"

View File

@ -14,7 +14,7 @@
* limitations under the License.
*/
#include "nnacl/fp32/exp.h"
#include "nnacl/fp32/exp_fp32.h"
#include <math.h>
#include "nnacl/errorcode.h"

View File

@ -14,7 +14,7 @@
* limitations under the License.
*/
#include "nnacl/fp32/expandDims.h"
#include "nnacl/fp32/expandDims_fp32.h"
#include <string.h>
#include "nnacl/errorcode.h"

View File

@ -14,7 +14,7 @@
* limitations under the License.
*/
#include "nnacl/fp32/fill.h"
#include "nnacl/fp32/fill_fp32.h"
int Fill(float *output, int size, float data) {
for (int i = 0; i < size; ++i) {

View File

@ -14,7 +14,7 @@
* limitations under the License.
*/
#include "nnacl/fp32/gatherNd.h"
#include "nnacl/fp32/gatherNd_fp32.h"
#include <string.h>
#include "nnacl/errorcode.h"

View File

@ -14,7 +14,7 @@
* limitations under the License.
*/
#include "nnacl/fp32/gather.h"
#include "nnacl/fp32/gather_fp32.h"
#include <string.h>
#include "nnacl/errorcode.h"

View File

@ -13,7 +13,7 @@
* See the License for the specific language governing permissions and
* limitations under the License.
*/
#include "nnacl/fp32/instance_norm.h"
#include "nnacl/fp32/instance_norm_fp32.h"
#include <math.h>
#include "nnacl/errorcode.h"
#include "nnacl/op_base.h"

View File

@ -13,7 +13,7 @@
* See the License for the specific language governing permissions and
* limitations under the License.
*/
#include "nnacl/fp32/layer_norm.h"
#include "nnacl/fp32/layer_norm_fp32.h"
#include <math.h>
#include "nnacl/errorcode.h"
#include "nnacl/op_base.h"

View File

@ -14,7 +14,7 @@
* limitations under the License.
*/
#include "nnacl/fp32/local_response_norm.h"
#include "nnacl/fp32/local_response_norm_fp32.h"
#include <math.h>
int LocalResponseNorm(float *input_ptr, int out_size, int channel, float *output_ptr,

View File

@ -14,10 +14,10 @@
* limitations under the License.
*/
#include "nnacl/fp32/lstm.h"
#include "nnacl/fp32/lstm_fp32.h"
#include <string.h>
#include "nnacl/fp32/activation.h"
#include "nnacl/fp32/arithmetic.h"
#include "nnacl/fp32/activation_fp32.h"
#include "nnacl/fp32/arithmetic_fp32.h"
void InitGate(float *gate_buffer, const float *bias, LstmParameter *lstm_parm) {
int gate_offest = 0;

View File

@ -14,7 +14,7 @@
* limitations under the License.
*/
#include "nnacl/fp32/matmul.h"
#include "nnacl/fp32/matmul_fp32.h"
void RowMajor2ColMajor(const float *src_ptr, float *dst_ptr, int row, int col) {
for (int r = 0; r < row; ++r) {

View File

@ -14,7 +14,7 @@
* limitations under the License.
*/
#include "nnacl/fp32/one_hot.h"
#include "nnacl/fp32/one_hot_fp32.h"
#include "nnacl/errorcode.h"
int OneHot(const int *indices, float *output, const OneHotParameter *one_hot_param, const int tid,

View File

@ -14,7 +14,7 @@
* limitations under the License.
*/
#include "nnacl/fp32/pad.h"
#include "nnacl/fp32/pad_fp32.h"
#include "nnacl/common_func.h"
void Pad(const float *input_data, float *output_data, const int *input_shape, const int *output_shape,

View File

@ -14,7 +14,7 @@
* limitations under the License.
*/
#include "nnacl/fp32/pooling.h"
#include "nnacl/fp32/pooling_fp32.h"
#include <float.h>
#include "nnacl/errorcode.h"

View File

@ -13,7 +13,7 @@
* See the License for the specific language governing permissions and
* limitations under the License.
*/
#include "nnacl/fp32/prelu.h"
#include "nnacl/fp32/prelu_fp32.h"
#ifdef ENABLE_NEON
#include <arm_neon.h>
#endif

View File

@ -14,7 +14,7 @@
* limitations under the License.
*/
#include "nnacl/fp32/range.h"
#include "nnacl/fp32/range_fp32.h"
void Range(float *output_ptr, int start, int limit, int delta) {
size_t index = 0;

View File

@ -14,6 +14,6 @@
* limitations under the License.
*/
#include "nnacl/fp32/rank.h"
#include "nnacl/fp32/rank_fp32.h"
void Rank(float *output, int rank) { output[0] = (float)(rank); }

View File

@ -14,7 +14,7 @@
* limitations under the License.
*/
#include "nnacl/fp32/reduce.h"
#include "nnacl/fp32/reduce_fp32.h"
#include <float.h>
#include "nnacl/errorcode.h"
#include "nnacl/common_func.h"

View File

@ -14,7 +14,7 @@
* limitations under the License.
*/
#include <math.h>
#include "nnacl/fp32/resize.h"
#include "nnacl/fp32/resize_fp32.h"
#include "nnacl/common_func.h"
#include "nnacl/errorcode.h"
int PrepareResizeBilinear(const int *input_shape, const int *output_shape, bool align_corners, int *y_bottoms,

View File

@ -14,7 +14,7 @@
* limitations under the License.
*/
#include "nnacl/fp32/reverse.h"
#include "nnacl/fp32/reverse_fp32.h"
#include <string.h>
#include "nnacl/op_base.h"
#include "nnacl/errorcode.h"

View File

@ -14,7 +14,7 @@
* limitations under the License.
*/
#include "nnacl/fp32/roi_pooling.h"
#include "nnacl/fp32/roi_pooling_fp32.h"
#include <math.h>
#include <string.h>
#include "nnacl/errorcode.h"

View File

@ -14,7 +14,7 @@
* limitations under the License.
*/
#include "nnacl/fp32/scale.h"
#include "nnacl/fp32/scale_fp32.h"
#ifdef ENABLE_ARM
#include <arm_neon.h>
#endif

View File

@ -14,7 +14,7 @@
* limitations under the License.
*/
#include "nnacl/fp32/slice.h"
#include "nnacl/fp32/slice_fp32.h"
#include <string.h>
#include "nnacl/op_base.h"

View File

@ -14,7 +14,7 @@
* limitations under the License.
*/
#include "nnacl/fp32/softmax.h"
#include "nnacl/fp32/softmax_fp32.h"
#include <math.h>
// output = exp(input) / reduce_sum(exp(input), axis)

View File

@ -13,7 +13,7 @@
* See the License for the specific language governing permissions and
* limitations under the License.
*/
#include "nnacl/fp32/space_to_batch.h"
#include "nnacl/fp32/space_to_batch_fp32.h"
#include "nnacl/arithmetic_common.h"
void DoSpaceToBatchNHWC(const float *input, float *output, const int *block_sizes, const int *in_shape,

View File

@ -13,7 +13,7 @@
* See the License for the specific language governing permissions and
* limitations under the License.
*/
#include "nnacl/fp32/space_to_depth.h"
#include "nnacl/fp32/space_to_depth_fp32.h"
#include "nnacl/arithmetic_common.h"
#include "nnacl/errorcode.h"
#include "nnacl/op_base.h"

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