mindspore/tests/st/ops/cpu
mindspore-ci-bot a24c3cbfc5 !15709 add AdamWeightDecay CPU op and optimize with SIMD Intrinsics
From: @zhaosida_hw
Reviewed-by: @kisnwang,@zhoufeng54
Signed-off-by: @zhoufeng54
2021-04-27 16:48:55 +08:00
..
test_abs_op.py add some cpu operator 2020-10-29 14:17:03 +08:00
test_acos_grad_op.py Add Asin, ACos, AsinGrad, ACosGrad for CPU 2021-01-30 11:11:59 +08:00
test_acos_op.py Add Asin, ACos, AsinGrad, ACosGrad for CPU 2021-01-30 11:11:59 +08:00
test_acosh_grad_op.py add sinh, cosh, asinh, acosh, atanh, atan2, asinhgrad, acoshgrad for cpu 2021-02-25 10:07:21 +08:00
test_acosh_op.py add sinh, cosh, asinh, acosh, atanh, atan2, asinhgrad, acoshgrad for cpu 2021-02-25 10:07:21 +08:00
test_adam_op.py add Adam CPU op 2020-11-04 09:29:17 +08:00
test_adam_weight_decay_op.py add AdamWeightDecay CPU op and optimize with SIMD intinsics 2021-04-26 19:35:06 +08:00
test_addn_op.py Fixing some tiny faults about Pylint in my code(ops) 2020-05-29 12:01:04 +08:00
test_apply_adagrad_op.py Fix: ApplyAdagrad output. 2021-03-02 10:41:16 +08:00
test_argmax_op.py fix cpu/gpu argmax op 2021-03-04 16:42:41 +08:00
test_argminwithvalue_op.py add CPU operators: Div/Mod/Minimum/Floor/ArgMinWithValue 2020-12-26 10:05:12 +08:00
test_arithmetic_op.py Add floormod op for cpu and gpu 2021-04-23 13:50:16 +08:00
test_arithmetic_self_op.py Add rint op kernel for cpu and gpu 2021-04-25 17:28:25 +08:00
test_asin_grad_op.py Add Asin, ACos, AsinGrad, ACosGrad for CPU 2021-01-30 11:11:59 +08:00
test_asin_op.py Add Asin, ACos, AsinGrad, ACosGrad for CPU 2021-01-30 11:11:59 +08:00
test_asinh_grad_op.py add sinh, cosh, asinh, acosh, atanh, atan2, asinhgrad, acoshgrad for cpu 2021-02-25 10:07:21 +08:00
test_asinh_op.py add sinh, cosh, asinh, acosh, atanh, atan2, asinhgrad, acoshgrad for cpu 2021-02-25 10:07:21 +08:00
test_assign_add_op.py add AddN,AssignAdd,Conv2d,BN,Relu6,TensorAdd CPU operator 2020-08-20 20:05:04 +08:00
test_assign_op.py Add assign op for cpu 2020-12-05 10:52:07 +08:00
test_atan2_op.py add sinh, cosh, asinh, acosh, atanh, atan2, asinhgrad, acoshgrad for cpu 2021-02-25 10:07:21 +08:00
test_atan_grad_op.py add sin, cos, tan, atan for cpu 2021-02-20 14:19:17 +08:00
test_atan_op.py add sin, cos, tan, atan for cpu 2021-02-20 14:19:17 +08:00
test_atanh_op.py add sinh, cosh, asinh, acosh, atanh, atan2, asinhgrad, acoshgrad for cpu 2021-02-25 10:07:21 +08:00
test_avgpool_grad_op.py add CPU ops: Sign, NotEqual, Split, AvgPool, AvgPoolGradCpu 2020-12-19 16:25:38 +08:00
test_avgpool_op.py add CPU ops: Sign, NotEqual, Split, AvgPool, AvgPoolGradCpu 2020-12-19 16:25:38 +08:00
test_batch_matmul.py batchmatmul 2020-12-28 10:28:12 +08:00
test_batchdot_op.py Bug fix for ISSUE #I3CN9Q 2021-03-24 17:12:05 +08:00
test_batchnorm_op.py add some cpu operator 2020-10-29 14:17:03 +08:00
test_bias_add.py fix check of input dims for BiasAdd. 2021-03-16 10:58:31 +08:00
test_bias_add_grad.py fix check of input dims for BiasAdd. 2021-03-16 10:58:31 +08:00
test_binary_cross_entropy_op.py add bce cpu ops 2021-01-27 15:48:19 +08:00
test_broadcast_to_op.py convert the implementation of BroadCastTo, ReluGrad, ReLU6Grad CPU operators to nnacl 2021-04-22 15:36:26 +08:00
test_cache_ops.py fix codedex and bot 2021-04-09 15:01:11 +08:00
test_cast_op.py Add full support for cpu cast op 2020-12-25 17:10:50 +08:00
test_concat_op.py add type support for concat, reshape, transpose, tile, squeeze, expandims cpu op 2021-01-06 13:11:46 +08:00
test_conv2d_backprop_filter_op.py Fixing some tiny faults about Pylint in my code(ops) 2020-05-28 09:52:42 +08:00
test_conv2d_backprop_input_op.py Fixing some tiny faults about Pylint in my code(ops) 2020-05-29 12:01:04 +08:00
test_conv2d_op.py fix cpu conv2d padding 2020-10-14 10:34:46 +08:00
test_cos_op.py add sin, cos, tan, atan for cpu 2021-02-20 14:19:17 +08:00
test_cosh_op.py add sinh, cosh, asinh, acosh, atanh, atan2, asinhgrad, acoshgrad for cpu 2021-02-25 10:07:21 +08:00
test_cpu_type.py fix cpu kernel select 2020-10-30 10:30:13 +08:00
test_ctcloss_op.py mod_conv2d_pool_add_ctcloss 2021-01-26 10:30:10 +08:00
test_cumsum_op.py Add CumSum Kerner for CPU 2020-12-25 16:30:11 +08:00
test_dot_op.py Optimize the compile performance in Parser, FG, Manager and Renormalize: 2021-03-04 16:01:54 +08:00
test_dropout_grad_op.py throw exception when tensor has zero in shape 2021-03-16 10:39:48 +08:00
test_dropout_op.py add dropout 2020-12-04 11:25:10 +08:00
test_elu_grad_op.py Add EluGrad for CPU. 2021-01-26 15:54:26 +08:00
test_elu_op.py add elu for cpu 2021-01-19 16:58:07 +08:00
test_embedding_look_up_op.py adapt input to attr between cpu and aicpu embeddinglookup 2020-08-11 17:21:49 +08:00
test_equal_op.py add cpu op equal 2020-11-06 12:15:03 +08:00
test_equalcount_op.py change tensor dtype and shape from function to attr 2020-06-12 19:03:23 +08:00
test_exp_op.py add some cpu operator 2020-10-29 14:17:03 +08:00
test_expm1_op.py expm1 operator 2020-12-15 20:28:07 +08:00
test_gather_d_grad_op.py add cpu operators: Reciprocal/LessEqual/MinimumGrad/GatherD/GatherDGrad 2020-12-30 08:10:18 +08:00
test_gather_d_op.py add cpu operators: Reciprocal/LessEqual/MinimumGrad/GatherD/GatherDGrad 2020-12-30 08:10:18 +08:00
test_gather_op.py Change GatherV2 to Gather r1.1 to master 2021-01-30 14:13:47 +08:00
test_gathernd_op.py add CPU ops: Greater/GreaterEqual/Range/GatherNd for center net 2020-12-29 20:07:54 +08:00
test_gelu_grad_op.py modify Gelu、FastGelu to GeLU and FastGeLU 2021-02-05 17:19:52 +08:00
test_gelu_op.py modify Gelu、FastGelu to GeLU and FastGeLU 2021-02-05 17:19:52 +08:00
test_greater_equal_op.py add CPU ops: Greater/GreaterEqual/Range/GatherNd for center net 2020-12-29 20:07:54 +08:00
test_greater_op.py add CPU ops: Greater/GreaterEqual/Range/GatherNd for center net 2020-12-29 20:07:54 +08:00
test_hsigmoid_op.py add hsigmoid hswis cpu op 2021-01-14 14:30:07 +08:00
test_hswish_op.py add hsigmoid hswis cpu op 2021-01-14 14:30:07 +08:00
test_iou_op.py add CPU IOU 2021-04-17 17:34:25 +08:00
test_isfinite_op.py add operator isfinite 2020-12-04 17:25:49 +08:00
test_l1_regularizer_op.py uadate L1Regularizer,upadate test_l1_regularizer_op.py 2020-12-25 18:53:10 +08:00
test_l2normalize_grad_op.py Add L2NormalizeGradCPUKernel 2021-04-12 11:41:40 +08:00
test_l2normalize_op.py fix l2normalize ops parallel problem 2021-04-15 13:37:26 +08:00
test_layer_norm_grad_op.py add some CPU operators 2021-01-15 17:07:39 +08:00
test_layer_norm_op.py add some CPU operators 2021-01-15 17:07:39 +08:00
test_less_equal_op.py fix bug of supported data type for LessEqual on CPU 2021-01-08 13:06:37 +08:00
test_less_op.py add some cpu operator 2020-10-29 14:17:03 +08:00
test_log_op.py add some cpu operator 2020-10-29 14:17:03 +08:00
test_logical_op.py Add cpu op LogicalAnd, LogicalOr, LogicalNot 2021-01-19 14:14:26 +08:00
test_logsoftmax_op.py add CPU LogSoftMax 2021-03-20 14:35:45 +08:00
test_lstm_op.py [auto-monad] Support side-effects by auto-monad 2021-02-08 09:01:15 +08:00
test_maximum_grad.py Add MaximumGrad 2020-12-09 00:08:00 +08:00
test_maximum_op.py Add MaximumGrad 2020-12-09 00:08:00 +08:00
test_maxpool_grad_op.py update Pool's attr kernel_size, pad_mode 2021-01-18 12:10:20 +08:00
test_maxpool_op.py fix cpu type excption 2020-10-23 15:42:11 +08:00
test_minimum_grad_op.py fix code review alarms 2021-04-13 14:56:47 +08:00
test_minimum_op.py fix code review alarms 2021-04-13 14:56:47 +08:00
test_mirror_pad.py cpu_pad_op 2021-03-08 16:18:45 +08:00
test_momentum_op.py mod_SoftmaxCrossEntropyWithLogits 2020-09-03 17:33:20 +08:00
test_mul_op.py support int32 dtype of Mul cpu op 2020-12-15 19:38:28 +08:00
test_neg_op.py add some cpu operator 2020-10-29 14:17:03 +08:00
test_norm_op.py Completion of test cases 2021-04-08 10:51:50 +08:00
test_notequal_op.py add CPU ops: Sign, NotEqual, Split, AvgPool, AvgPoolGradCpu 2020-12-19 16:25:38 +08:00
test_one_hot_op.py Fixing some tiny faults about Pylint in my code(ops) 2020-05-25 21:27:45 +08:00
test_oneslike_op.py add CPU OnesLike and ZerosLike 2020-12-09 15:41:21 +08:00
test_pack_op.py modify pack to stack 2021-02-04 18:54:31 +08:00
test_pad.py cpu_pad_op 2021-03-08 16:18:45 +08:00
test_pow_op.py add some cpu operator 2020-10-29 14:17:03 +08:00
test_range_op.py add CPU ops: Greater/GreaterEqual/Range/GatherNd for center net 2020-12-29 20:07:54 +08:00
test_realdiv_op.py add some cpu operator 2020-10-29 14:17:03 +08:00
test_reduce_op.py add reduceany and reduceall to cpu 2021-02-05 14:57:14 +08:00
test_relu6_grad_op.py convert the implementation of BroadCastTo, ReluGrad, ReLU6Grad CPU operators to nnacl 2021-04-22 15:36:26 +08:00
test_relu6_op.py add some cpu operator 2020-10-29 14:17:03 +08:00
test_relu_grad_op.py convert the implementation of BroadCastTo, ReluGrad, ReLU6Grad CPU operators to nnacl 2021-04-22 15:36:26 +08:00
test_relu_op.py Fixing some tiny faults about Pylint in my code(ops) 2020-05-25 21:27:45 +08:00
test_resize_bilinear_grad_op.py add_resize_ops 2020-12-19 01:06:27 +08:00
test_resize_bilinear_op.py add_resize_ops 2020-12-19 01:06:27 +08:00
test_resize_nearest_neighbor_grad_op.py add_resize_ops 2020-12-19 01:06:27 +08:00
test_resize_nearest_neighbor_op.py add_int64_float64 2021-02-26 19:36:24 +08:00
test_rmsprop.py [add] support RMSProp CPU Kernel 2020-12-07 09:33:28 +08:00
test_scatter_arithmetic_op.py add cpu operations: ScatterAdd ScatterSub ScatterMul ScatterDiv ScatterMax ScatterMin ScatterUpdate 2021-04-16 16:46:36 +08:00
test_scatter_nd_update_op.py thread pool 2020-10-12 09:12:16 +08:00
test_select_op.py Add Select ops for cpu 2020-12-04 10:22:33 +08:00
test_sgd_op.py added SGD operation in CPU 2021-04-14 15:19:10 +08:00
test_sigmoid_cross_entropy_with_logits_grad_op.py add_cpu_op 2020-10-30 13:07:35 +08:00
test_sigmoid_cross_entropy_with_logits_op.py add_cpu_op 2020-10-30 13:07:35 +08:00
test_sigmoid_op.py add some cpu operator 2020-10-29 14:17:03 +08:00
test_sign_op.py add CPU ops: Sign, NotEqual, Split, AvgPool, AvgPoolGradCpu 2020-12-19 16:25:38 +08:00
test_sin_op.py add sin, cos, tan, atan for cpu 2021-02-20 14:19:17 +08:00
test_sinh_op.py add sinh, cosh, asinh, acosh, atanh, atan2, asinhgrad, acoshgrad for cpu 2021-02-25 10:07:21 +08:00
test_slice_grad_op.py fix slice op bug 2021-03-24 14:40:56 +08:00
test_slice_op.py fix slice op bug 2021-03-24 14:40:56 +08:00
test_smoothl1loss_op.py Refactor some cpu ops 2021-03-16 20:44:55 +08:00
test_softmax_cross_entropy_with_logits_op.py add reduce and softmax_cross_entropy_with_logits 2020-06-19 21:37:43 +08:00
test_softmax_op.py fix softmax 2020-09-27 09:53:27 +08:00
test_softmax_with_cross_entropy_op.py change tensor dtype and shape from function to attr 2020-06-12 19:03:23 +08:00
test_sparse_apply_adam_op.py modify_bug 2020-09-09 18:20:32 +08:00
test_sparse_apply_ftrl_op.py modify_bug 2020-09-09 18:20:32 +08:00
test_sparse_apply_proximal_adagrad_op.py modify_bug 2020-09-09 18:20:32 +08:00
test_sparse_tensor_dense_matmul_op.py support sparse tensor dense matmul fot CPU 2021-03-31 16:49:10 +08:00
test_sparse_to_dense_op.py Add SparseToDense op 2021-03-25 14:24:45 +08:00
test_split_op.py Modify split Kernel for CPU 2020-12-31 11:01:46 +08:00
test_sqrt_op.py add some cpu operator 2020-10-29 14:17:03 +08:00
test_square_op.py add some cpu operator 2020-10-29 14:17:03 +08:00
test_squared_difference_op.py add SquaredDifference operation for cpu 2020-12-28 14:50:12 +08:00
test_squeeze_op.py add type support for concat, reshape, transpose, tile, squeeze, expandims cpu op 2021-01-06 13:11:46 +08:00
test_standard_normal.py fix standard_normal test occasional failure 2020-12-10 11:23:08 +08:00
test_stridedslice_grad_op.py fix cpu StridedSliceGrad 2020-06-02 19:20:15 +08:00
test_stridedslice_op.py optimize performance 2020-06-04 16:20:51 +08:00
test_tan_op.py add sin, cos, tan, atan for cpu 2021-02-20 14:19:17 +08:00
test_tanh_op.py add some cpu operator 2020-10-29 14:17:03 +08:00
test_tensoradd.py Change TensorAdd to Add, from r1.1 to master 2021-02-01 17:53:52 +08:00
test_tile_op.py add type support for concat, reshape, transpose, tile, squeeze, expandims cpu op 2021-01-06 13:11:46 +08:00
test_time_distributed_op.py add pynative and Tensor 2021-01-03 21:54:15 +08:00
test_topk_op.py add CPU TopK 2020-12-28 17:34:52 +08:00
test_transpose_op.py add type support for concat, reshape, transpose, tile, squeeze, expandims cpu op 2021-01-06 13:11:46 +08:00
test_unique_op.py cpu unique kernel support fp16 2021-04-20 11:40:13 +08:00
test_unpack_op.py modify pack to stack 2021-02-04 18:54:31 +08:00
test_unsorted_segment_sum.py add CPU unsortedsegmentsum 2020-12-17 17:10:12 +08:00
test_zeroslike_op.py add CPU OnesLike and ZerosLike 2020-12-09 15:41:21 +08:00