.. |
test_abs_op.py
|
add some cpu operator
|
4 years ago |
test_acos_grad_op.py
|
Add Asin, ACos, AsinGrad, ACosGrad for CPU
|
4 years ago |
test_acos_op.py
|
Add Asin, ACos, AsinGrad, ACosGrad for CPU
|
4 years ago |
test_acosh_grad_op.py
|
add sinh, cosh, asinh, acosh, atanh, atan2, asinhgrad, acoshgrad for cpu
|
4 years ago |
test_acosh_op.py
|
add sinh, cosh, asinh, acosh, atanh, atan2, asinhgrad, acoshgrad for cpu
|
4 years ago |
test_adam_op.py
|
add Adam CPU op
|
4 years ago |
test_addn_op.py
|
Fixing some tiny faults about Pylint in my code(ops)
|
5 years ago |
test_apply_adagrad_op.py
|
Fix: ApplyAdagrad output.
|
4 years ago |
test_argmax_op.py
|
fix cpu/gpu argmax op
|
4 years ago |
test_argminwithvalue_op.py
|
add CPU operators: Div/Mod/Minimum/Floor/ArgMinWithValue
|
4 years ago |
test_arithmetic_op.py
|
add floordiv kernel to cpu
|
4 years ago |
test_arithmetic_self_op.py
|
add cpu operators: Reciprocal/LessEqual/MinimumGrad/GatherD/GatherDGrad
|
4 years ago |
test_asin_grad_op.py
|
Add Asin, ACos, AsinGrad, ACosGrad for CPU
|
4 years ago |
test_asin_op.py
|
Add Asin, ACos, AsinGrad, ACosGrad for CPU
|
4 years ago |
test_asinh_grad_op.py
|
add sinh, cosh, asinh, acosh, atanh, atan2, asinhgrad, acoshgrad for cpu
|
4 years ago |
test_asinh_op.py
|
add sinh, cosh, asinh, acosh, atanh, atan2, asinhgrad, acoshgrad for cpu
|
4 years ago |
test_assign_add_op.py
|
add AddN,AssignAdd,Conv2d,BN,Relu6,TensorAdd CPU operator
|
5 years ago |
test_assign_op.py
|
Add assign op for cpu
|
4 years ago |
test_atan2_op.py
|
add sinh, cosh, asinh, acosh, atanh, atan2, asinhgrad, acoshgrad for cpu
|
4 years ago |
test_atan_grad_op.py
|
add sin, cos, tan, atan for cpu
|
4 years ago |
test_atan_op.py
|
add sin, cos, tan, atan for cpu
|
4 years ago |
test_atanh_op.py
|
add sinh, cosh, asinh, acosh, atanh, atan2, asinhgrad, acoshgrad for cpu
|
4 years ago |
test_avgpool_grad_op.py
|
add CPU ops: Sign, NotEqual, Split, AvgPool, AvgPoolGradCpu
|
4 years ago |
test_avgpool_op.py
|
add CPU ops: Sign, NotEqual, Split, AvgPool, AvgPoolGradCpu
|
4 years ago |
test_batch_matmul.py
|
batchmatmul
|
4 years ago |
test_batchdot_op.py
|
Bug fix for ISSUE #I3CN9Q
|
4 years ago |
test_batchnorm_op.py
|
add some cpu operator
|
4 years ago |
test_bias_add.py
|
fix check of input dims for BiasAdd.
|
4 years ago |
test_bias_add_grad.py
|
fix check of input dims for BiasAdd.
|
4 years ago |
test_binary_cross_entropy_op.py
|
add bce cpu ops
|
4 years ago |
test_broadcast_to_op.py
|
add cpu broadcast_to op
|
4 years ago |
test_cache_ops.py
|
add dynamic ops
|
4 years ago |
test_cast_op.py
|
Add full support for cpu cast op
|
4 years ago |
test_concat_op.py
|
add type support for concat, reshape, transpose, tile, squeeze, expandims cpu op
|
4 years ago |
test_conv2d_backprop_filter_op.py
|
Fixing some tiny faults about Pylint in my code(ops)
|
5 years ago |
test_conv2d_backprop_input_op.py
|
Fixing some tiny faults about Pylint in my code(ops)
|
5 years ago |
test_conv2d_op.py
|
fix cpu conv2d padding
|
4 years ago |
test_cos_op.py
|
add sin, cos, tan, atan for cpu
|
4 years ago |
test_cosh_op.py
|
add sinh, cosh, asinh, acosh, atanh, atan2, asinhgrad, acoshgrad for cpu
|
4 years ago |
test_cpu_type.py
|
fix cpu kernel select
|
4 years ago |
test_ctcloss_op.py
|
mod_conv2d_pool_add_ctcloss
|
4 years ago |
test_cumsum_op.py
|
Add CumSum Kerner for CPU
|
4 years ago |
test_dot_op.py
|
Optimize the compile performance in Parser, FG, Manager and Renormalize:
|
4 years ago |
test_dropout_grad_op.py
|
throw exception when tensor has zero in shape
|
4 years ago |
test_dropout_op.py
|
add dropout
|
4 years ago |
test_elu_grad_op.py
|
Add EluGrad for CPU.
|
4 years ago |
test_elu_op.py
|
add elu for cpu
|
4 years ago |
test_embedding_look_up_op.py
|
adapt input to attr between cpu and aicpu embeddinglookup
|
5 years ago |
test_equal_op.py
|
add cpu op equal
|
4 years ago |
test_equalcount_op.py
|
change tensor dtype and shape from function to attr
|
5 years ago |
test_exp_op.py
|
add some cpu operator
|
4 years ago |
test_expm1_op.py
|
expm1 operator
|
4 years ago |
test_gather_d_grad_op.py
|
add cpu operators: Reciprocal/LessEqual/MinimumGrad/GatherD/GatherDGrad
|
4 years ago |
test_gather_d_op.py
|
add cpu operators: Reciprocal/LessEqual/MinimumGrad/GatherD/GatherDGrad
|
4 years ago |
test_gather_op.py
|
Change GatherV2 to Gather r1.1 to master
|
4 years ago |
test_gathernd_op.py
|
add CPU ops: Greater/GreaterEqual/Range/GatherNd for center net
|
4 years ago |
test_gelu_grad_op.py
|
modify Gelu、FastGelu to GeLU and FastGeLU
|
4 years ago |
test_gelu_op.py
|
modify Gelu、FastGelu to GeLU and FastGeLU
|
4 years ago |
test_greater_equal_op.py
|
add CPU ops: Greater/GreaterEqual/Range/GatherNd for center net
|
4 years ago |
test_greater_op.py
|
add CPU ops: Greater/GreaterEqual/Range/GatherNd for center net
|
4 years ago |
test_hsigmoid_op.py
|
add hsigmoid hswis cpu op
|
4 years ago |
test_hswish_op.py
|
add hsigmoid hswis cpu op
|
4 years ago |
test_isfinite_op.py
|
add operator isfinite
|
4 years ago |
test_l1_regularizer_op.py
|
uadate L1Regularizer,upadate test_l1_regularizer_op.py
|
4 years ago |
test_layer_norm_grad_op.py
|
add some CPU operators
|
4 years ago |
test_layer_norm_op.py
|
add some CPU operators
|
4 years ago |
test_less_equal_op.py
|
fix bug of supported data type for LessEqual on CPU
|
4 years ago |
test_less_op.py
|
add some cpu operator
|
4 years ago |
test_log_op.py
|
add some cpu operator
|
4 years ago |
test_logical_op.py
|
Add cpu op LogicalAnd, LogicalOr, LogicalNot
|
4 years ago |
test_logsoftmax_op.py
|
add CPU LogSoftMax
|
4 years ago |
test_lstm_op.py
|
[auto-monad] Support side-effects by auto-monad
|
4 years ago |
test_maximum_grad.py
|
Add MaximumGrad
|
4 years ago |
test_maximum_op.py
|
Add MaximumGrad
|
4 years ago |
test_maxpool_grad_op.py
|
update Pool's attr kernel_size, pad_mode
|
4 years ago |
test_maxpool_op.py
|
fix cpu type excption
|
4 years ago |
test_minimum_grad_op.py
|
add cpu operators: Reciprocal/LessEqual/MinimumGrad/GatherD/GatherDGrad
|
4 years ago |
test_minimum_op.py
|
add CPU operators: Div/Mod/Minimum/Floor/ArgMinWithValue
|
4 years ago |
test_mirror_pad.py
|
cpu_pad_op
|
4 years ago |
test_momentum_op.py
|
mod_SoftmaxCrossEntropyWithLogits
|
4 years ago |
test_mul_op.py
|
support int32 dtype of Mul cpu op
|
4 years ago |
test_neg_op.py
|
add some cpu operator
|
4 years ago |
test_notequal_op.py
|
add CPU ops: Sign, NotEqual, Split, AvgPool, AvgPoolGradCpu
|
4 years ago |
test_one_hot_op.py
|
Fixing some tiny faults about Pylint in my code(ops)
|
5 years ago |
test_oneslike_op.py
|
add CPU OnesLike and ZerosLike
|
4 years ago |
test_pack_op.py
|
modify pack to stack
|
4 years ago |
test_pad.py
|
cpu_pad_op
|
4 years ago |
test_pow_op.py
|
add some cpu operator
|
4 years ago |
test_range_op.py
|
add CPU ops: Greater/GreaterEqual/Range/GatherNd for center net
|
4 years ago |
test_realdiv_op.py
|
add some cpu operator
|
4 years ago |
test_reduce_op.py
|
add reduceany and reduceall to cpu
|
4 years ago |
test_relu6_op.py
|
add some cpu operator
|
4 years ago |
test_relu_grad_op.py
|
add some cpu operator
|
4 years ago |
test_relu_op.py
|
Fixing some tiny faults about Pylint in my code(ops)
|
5 years ago |
test_resize_bilinear_grad_op.py
|
add_resize_ops
|
4 years ago |
test_resize_bilinear_op.py
|
add_resize_ops
|
4 years ago |
test_resize_nearest_neighbor_grad_op.py
|
add_resize_ops
|
4 years ago |
test_resize_nearest_neighbor_op.py
|
add_int64_float64
|
4 years ago |
test_rmsprop.py
|
[add] support RMSProp CPU Kernel
|
4 years ago |
test_scatter_nd_update_op.py
|
thread pool
|
4 years ago |
test_select_op.py
|
Add Select ops for cpu
|
4 years ago |
test_sigmoid_cross_entropy_with_logits_grad_op.py
|
add_cpu_op
|
4 years ago |
test_sigmoid_cross_entropy_with_logits_op.py
|
add_cpu_op
|
4 years ago |
test_sigmoid_op.py
|
add some cpu operator
|
4 years ago |
test_sign_op.py
|
add CPU ops: Sign, NotEqual, Split, AvgPool, AvgPoolGradCpu
|
4 years ago |
test_sin_op.py
|
add sin, cos, tan, atan for cpu
|
4 years ago |
test_sinh_op.py
|
add sinh, cosh, asinh, acosh, atanh, atan2, asinhgrad, acoshgrad for cpu
|
4 years ago |
test_slice_grad_op.py
|
fix slice op bug
|
4 years ago |
test_slice_op.py
|
fix slice op bug
|
4 years ago |
test_smoothl1loss_op.py
|
Refactor some cpu ops
|
4 years ago |
test_softmax_cross_entropy_with_logits_op.py
|
add reduce and softmax_cross_entropy_with_logits
|
5 years ago |
test_softmax_op.py
|
fix softmax
|
4 years ago |
test_softmax_with_cross_entropy_op.py
|
change tensor dtype and shape from function to attr
|
5 years ago |
test_sparse_apply_adam_op.py
|
modify_bug
|
4 years ago |
test_sparse_apply_ftrl_op.py
|
modify_bug
|
4 years ago |
test_sparse_apply_proximal_adagrad_op.py
|
modify_bug
|
4 years ago |
test_sparse_tensor_dense_matmul_op.py
|
support sparse tensor dense matmul fot CPU
|
4 years ago |
test_sparse_to_dense_op.py
|
Add SparseToDense op
|
4 years ago |
test_split_op.py
|
Modify split Kernel for CPU
|
4 years ago |
test_sqrt_op.py
|
add some cpu operator
|
4 years ago |
test_square_op.py
|
add some cpu operator
|
4 years ago |
test_squared_difference_op.py
|
add SquaredDifference operation for cpu
|
4 years ago |
test_squeeze_op.py
|
add type support for concat, reshape, transpose, tile, squeeze, expandims cpu op
|
4 years ago |
test_standard_normal.py
|
fix standard_normal test occasional failure
|
4 years ago |
test_stridedslice_grad_op.py
|
fix cpu StridedSliceGrad
|
5 years ago |
test_stridedslice_op.py
|
optimize performance
|
5 years ago |
test_tan_op.py
|
add sin, cos, tan, atan for cpu
|
4 years ago |
test_tanh_op.py
|
add some cpu operator
|
4 years ago |
test_tensoradd.py
|
Change TensorAdd to Add, from r1.1 to master
|
4 years ago |
test_tile_op.py
|
add type support for concat, reshape, transpose, tile, squeeze, expandims cpu op
|
4 years ago |
test_time_distributed_op.py
|
add pynative and Tensor
|
4 years ago |
test_topk_op.py
|
add CPU TopK
|
4 years ago |
test_transpose_op.py
|
add type support for concat, reshape, transpose, tile, squeeze, expandims cpu op
|
4 years ago |
test_unique_op.py
|
optimize cpu unique
|
4 years ago |
test_unpack_op.py
|
modify pack to stack
|
4 years ago |
test_unsorted_segment_sum.py
|
add CPU unsortedsegmentsum
|
4 years ago |
test_zeroslike_op.py
|
add CPU OnesLike and ZerosLike
|
4 years ago |