.. |
test_acos_grad_grad_op.py
|
add grad definition for AsinGrad and ACosGrad
|
2020-12-26 16:03:01 +08:00 |
test_acos_grad_op.py
|
Add supports to ACosGrad and AsinGrad
|
2020-10-28 09:23:20 +08:00 |
test_acos_op.py
|
fix bug that asin/acos not support fp16 on gpu
|
2020-10-28 09:37:24 +08:00 |
test_acosh_grad_grad_op.py
|
add grad definitions for the following operations: ReluGrad, SqrtGrad, AtanGrad, TanhGrad, AsinhGrad, AcoshGrad.
|
2020-12-30 14:57:26 +08:00 |
test_acosh_grad_op.py
|
Add new GPU operators: Asinh, AsinhGrad, Acosh, AcoshGrad, Atan and AtanGrad
|
2020-12-26 11:09:07 +08:00 |
test_acosh_op.py
|
Add new GPU operators: Asinh, AsinhGrad, Acosh, AcoshGrad, Atan and AtanGrad
|
2020-12-26 11:09:07 +08:00 |
test_adagrad_op.py
|
adagrad: support ouput on gpu
|
2021-03-23 18:11:43 +08:00 |
test_adam_fusion.py
|
add security isolate for save_graphs
|
2021-09-14 10:24:12 +08:00 |
test_adam_op.py
|
mod_SoftmaxCrossEntropyWithLogits
|
2020-09-03 17:33:20 +08:00 |
test_adaptive_avg_pool2d_op.py
|
add AdaptiveAvgPool2DGrad op
|
2021-09-02 10:54:33 +08:00 |
test_add_op.py
|
prune less effective GPU testcases to level1
|
2021-08-27 16:11:58 +08:00 |
test_addn_op.py
|
set default context mode to GRAPH_MODE
|
2021-06-09 14:40:49 +08:00 |
test_apply_gradient_descent_op.py
|
add gpu ApplyGradientDescent
|
2021-05-13 13:48:12 -04:00 |
test_argmax_op.py
|
fix cpu/gpu argmax op
|
2021-03-04 16:42:41 +08:00 |
test_argmaxwithvalue_op.py
|
return minimal index for argmaxwithvalue
|
2021-01-25 08:47:32 -05:00 |
test_argminwithvalue_op.py
|
add argminwithvalue oparetor arithmetric
|
2021-07-20 20:01:18 +08:00 |
test_asin_grad_grad_op.py
|
add grad definition for AsinGrad and ACosGrad
|
2020-12-26 16:03:01 +08:00 |
test_asin_grad_op.py
|
Add supports to ACosGrad and AsinGrad
|
2020-10-28 09:23:20 +08:00 |
test_asin_op.py
|
fix bug that asin/acos not support fp16 on gpu
|
2020-10-28 09:37:24 +08:00 |
test_asinh_grad_grad_op.py
|
add grad definitions for the following operations: ReluGrad, SqrtGrad, AtanGrad, TanhGrad, AsinhGrad, AcoshGrad.
|
2020-12-30 14:57:26 +08:00 |
test_asinh_grad_op.py
|
Add new GPU operators: Asinh, AsinhGrad, Acosh, AcoshGrad, Atan and AtanGrad
|
2020-12-26 11:09:07 +08:00 |
test_asinh_op.py
|
Add new GPU operators: Asinh, AsinhGrad, Acosh, AcoshGrad, Atan and AtanGrad
|
2020-12-26 11:09:07 +08:00 |
test_assign_add_op.py
|
clean pylint
|
2020-05-18 16:42:35 +08:00 |
test_assign_op.py
|
add float64 support to assign GPU
|
2021-02-12 16:17:16 -05:00 |
test_atan_grad_grad_op.py
|
add grad definitions for the following operations: ReluGrad, SqrtGrad, AtanGrad, TanhGrad, AsinhGrad, AcoshGrad.
|
2020-12-30 14:57:26 +08:00 |
test_atan_grad_op.py
|
Add new GPU operators: Asinh, AsinhGrad, Acosh, AcoshGrad, Atan and AtanGrad
|
2020-12-26 11:09:07 +08:00 |
test_atan_op.py
|
Add new GPU operators: Asinh, AsinhGrad, Acosh, AcoshGrad, Atan and AtanGrad
|
2020-12-26 11:09:07 +08:00 |
test_batch_matmul.py
|
add float64 support to matmul ops
|
2021-02-17 12:35:55 -05:00 |
test_batchnorm_fold2_op.py
|
set default context mode to GRAPH_MODE
|
2021-06-09 14:40:49 +08:00 |
test_batchnorm_fold_grad_op.py
|
set default context mode to GRAPH_MODE
|
2021-06-09 14:40:49 +08:00 |
test_batchnorm_fold_op.py
|
set default context mode to GRAPH_MODE
|
2021-06-09 14:40:49 +08:00 |
test_batchnorm_op.py
|
batchnorm1d gpu op
|
2021-04-21 11:48:46 -04:00 |
test_batchtospace_op.py
|
st
|
2021-08-30 15:37:07 +08:00 |
test_bce_with_logits_loss.py
|
add gpu BCEWithLogitsLoss kernel
|
2021-04-30 16:46:08 -04:00 |
test_binary_cross_entropy_op.py
|
binary_cross_entropy op supports optional weight input
|
2021-05-20 10:47:12 +08:00 |
test_boundingbox_decode_op.py
|
gpu ops code and test case.
|
2020-07-22 20:15:52 +08:00 |
test_boundingbox_encode_op.py
|
gpu ops code and test case.
|
2020-07-22 20:15:52 +08:00 |
test_broadcast_op.py
|
add float64 registration
|
2021-10-27 11:23:57 +08:00 |
test_broadcast_to_ops.py
|
add general -1 dim behavior for BroadcastTo op
|
2021-03-20 01:42:40 -04:00 |
test_cast_op.py
|
prune less effective GPU testcases to level1
|
2021-08-27 16:11:58 +08:00 |
test_categorical_op.py
|
add categorical
|
2020-08-19 11:21:15 +08:00 |
test_check_valid_op.py
|
prune less effective GPU testcases to level1
|
2021-08-27 16:11:58 +08:00 |
test_clip_grad_norm_op.py
|
add_unify_clip_grad_norm_op_on_gpu
|
2021-12-13 11:40:57 +08:00 |
test_concatv2_op.py
|
prune less effective GPU testcases to level1
|
2021-08-27 16:11:58 +08:00 |
test_conv2d_backprop_filter_op.py
|
set default context mode to GRAPH_MODE
|
2021-06-09 14:40:49 +08:00 |
test_conv2d_backprop_input_op.py
|
set default context mode to GRAPH_MODE
|
2021-06-09 14:40:49 +08:00 |
test_conv2d_depthwiseconv2d.py
|
fix weight_init bug
|
2020-09-17 09:23:34 +08:00 |
test_conv2d_op.py
|
fix conv2d NHWC filter shape and cyclomatics errors
|
2021-01-22 16:46:39 -05:00 |
test_conv3d_op.py
|
conv3d grad gpu op
|
2021-05-07 15:05:00 -04:00 |
test_conv3dtranspose_op.py
|
Support Conv3dTranspose for GPU
|
2021-06-16 22:32:56 +08:00 |
test_correction_mul_grad_op.py
|
set default context mode to GRAPH_MODE
|
2021-06-09 14:40:49 +08:00 |
test_correction_mul_op.py
|
set default context mode to GRAPH_MODE
|
2021-06-09 14:40:49 +08:00 |
test_cos_op.py
|
prune less effective GPU testcases to level1
|
2021-08-27 16:11:58 +08:00 |
test_crop_and_resize.py
|
prune less effective GPU testcases to level1
|
2021-08-27 16:11:58 +08:00 |
test_ctcloss_op.py
|
remove CTCLossV2
|
2020-09-25 16:09:20 +08:00 |
test_cudnn_inplace_fusion.py
|
set default context mode to GRAPH_MODE
|
2021-06-09 14:40:49 +08:00 |
test_cumprod_op.py
|
prune less effective GPU testcases to level1
|
2021-08-27 16:11:58 +08:00 |
test_cumsum_op.py
|
prune less effective GPU testcases to level1
|
2021-08-27 16:11:58 +08:00 |
test_dense.py
|
mod dense
|
2020-12-03 11:32:03 +08:00 |
test_dense_op.py
|
add dynamic shape and testcases to GPU biasadd
|
2021-01-20 09:35:27 -05:00 |
test_depthtospace_op.py
|
prune less effective GPU testcases to level1
|
2021-08-27 16:11:58 +08:00 |
test_determinant_triangle.py
|
modify test example of probability
|
2021-09-08 10:51:02 +08:00 |
test_div_op.py
|
prune less effective GPU testcases to level1
|
2021-08-27 16:11:58 +08:00 |
test_dropout.py
|
set default context mode to GRAPH_MODE
|
2021-06-09 14:40:49 +08:00 |
test_dropout3d.py
|
add dropout3d st.
|
2021-06-01 19:12:59 +08:00 |
test_dtype_op.py
|
prune less effective GPU testcases to level1
|
2021-08-27 16:11:58 +08:00 |
test_dynamic_broadcast_gradient_args.py
|
[DynamicShape][GPU]add dynamic shape support some ops for new network
|
2022-02-28 22:09:20 +08:00 |
test_dynamic_broadcastto_op.py
|
add dynamic kernels
|
2021-12-09 19:42:29 +08:00 |
test_dynamic_ops.py
|
[DynamicShape][GPU]add dynamic shape support some ops for new network
|
2022-02-28 22:09:20 +08:00 |
test_dynamic_shape_op.py
|
prune less effective GPU testcases to level1
|
2021-08-27 16:11:58 +08:00 |
test_dynamic_stitch_op.py
|
change test level
|
2021-10-30 10:19:18 +08:00 |
test_einsum_op.py
|
debug
|
2022-02-25 17:41:25 +08:00 |
test_elu_grad_op.py
|
support ops elu and elugrad on gpu
|
2020-10-21 15:52:15 +08:00 |
test_elu_op.py
|
support ops elu and elugrad on gpu
|
2020-10-21 15:52:15 +08:00 |
test_embedding_lookup_op.py
|
add EmbeddingLookup kernel
|
2021-05-20 14:51:59 -04:00 |
test_equal_op.py
|
add some gpu ops after removing akg
|
2021-05-15 14:30:10 +08:00 |
test_equalcount_op.py
|
clean pylint
|
2020-05-18 16:42:35 +08:00 |
test_erf_op.py
|
Add dtype float16 that erf and erfc should support
|
2020-09-17 09:36:23 -04:00 |
test_erfc_op.py
|
Add dtype float16 that erf and erfc should support
|
2020-09-17 09:36:23 -04:00 |
test_error_on_dynamic_shape_input_op.py
|
Revert "[feat] [assistant] [I3T96T] add new Dataset operator CMUARCTICDataset"
|
2021-08-23 01:46:38 +08:00 |
test_exp_op.py
|
change tensor dtype and shape from function to attr
|
2020-06-12 19:03:23 +08:00 |
test_expand_dims.py
|
prune less effective GPU testcases to level1
|
2021-08-27 16:11:58 +08:00 |
test_expm1_op.py
|
Add expm1 op at GPU back-end
|
2020-10-30 10:06:57 -04:00 |
test_extract_image_patches_op.py
|
add ExtractImagePatches GPU
|
2021-06-03 10:16:28 -04:00 |
test_fake_quant_perchannel.py
|
!21776 set device_id master 0813
|
2021-09-06 03:02:58 +00:00 |
test_fake_quant_perchannel_grad.py
|
!21776 set device_id master 0813
|
2021-09-06 03:02:58 +00:00 |
test_fake_quant_perlayer.py
|
prune less effective GPU testcases to level1
|
2021-08-27 16:11:58 +08:00 |
test_fake_quant_perlayer_grad.py
|
!21776 set device_id master 0813
|
2021-09-06 03:02:58 +00:00 |
test_flatten_grad_op.py
|
fix pylint check issues
|
2020-05-25 15:34:01 +08:00 |
test_flatten_op.py
|
fix all nop node graph execute
|
2020-06-18 15:56:38 +08:00 |
test_float_status_op.py
|
Support int32 as input type for Abs of GPU op, float64 as input type for IsFinite GPU op.
|
2021-11-04 11:40:58 +08:00 |
test_floordiv_op.py
|
broadcast, slice, scatter_nd ops optimizer.
|
2020-08-08 10:30:05 +08:00 |
test_ftrl_op.py
|
mod_SoftmaxCrossEntropyWithLogits
|
2020-09-03 17:33:20 +08:00 |
test_gatherV2_op.py
|
prune less effective GPU testcases to level1
|
2021-08-27 16:11:58 +08:00 |
test_gather_grad_op.py
|
fix some bug in gather and gathergrad op
|
2020-11-23 16:24:45 +08:00 |
test_gather_op.py
|
add gather op on gpu
|
2020-10-30 15:05:36 +08:00 |
test_gathernd_op.py
|
prune less effective GPU testcases to level1
|
2021-08-27 16:11:58 +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_gpu_convert_to_dynamic_shape_grad_op.py
|
add grad for GpuDynamicShape testing op
|
2021-03-03 16:01:55 -05:00 |
test_gpu_convert_to_dynamic_shape_op.py
|
prune less effective GPU testcases to level1
|
2021-08-27 16:11:58 +08:00 |
test_hsigmoid_op.py
|
add fix to hsigmoid grad
|
2021-04-28 22:16:50 -04:00 |
test_hswish_op.py
|
develop hswish and hswish grad gpu operators
|
2021-05-17 09:26:10 +08:00 |
test_identity_op.py
|
prune less effective GPU testcases to level1
|
2021-08-27 16:11:58 +08:00 |
test_in_top_k.py
|
initial commit: fix topk index
|
2021-07-13 15:19:26 -04:00 |
test_index_add_op.py
|
prune less effective GPU testcases to level1
|
2021-08-27 16:11:58 +08:00 |
test_instancenorm2d.py
|
remove use_batch_statistics from InstanceNorm API
|
2021-05-25 11:29:46 -04:00 |
test_iou_op.py
|
add iou ops.
|
2020-07-27 11:12:26 +08:00 |
test_kl_div_op.py
|
remove name arg from gradoperation
|
2020-08-26 11:16:57 +08:00 |
test_l2loss_op.py
|
add support to op L2Loss on gpu
|
2020-11-27 09:34:47 +08:00 |
test_l2normalize_grad_op.py
|
new add l2normalize_grad gpu ops.
|
2020-10-27 17:18:45 +08:00 |
test_l2normalize_op.py
|
add l2normalize gpu kernel.
|
2020-10-24 15:53:51 +08:00 |
test_layer_norm_grad_grad_op.py
|
prune less effective GPU testcases to level1
|
2021-08-27 16:11:58 +08:00 |
test_layer_norm_grad_op.py
|
prune less effective GPU testcases to level1
|
2021-08-27 16:11:58 +08:00 |
test_layer_norm_op.py
|
gpu testcase fix
|
2021-01-28 20:08:39 +08:00 |
test_lessequal_op.py
|
fix LessEqual bug
|
2021-11-14 14:07:15 +08:00 |
test_lin_space.py
|
Initial Commit - GPU LinSpace
|
2020-11-26 02:33:55 -05:00 |
test_local_response_norm_op.py
|
Local Reponse Norm GPU Op
|
2021-05-31 11:31:28 -04:00 |
test_log1p_op.py
|
Add log1p operator at GPU back-end and move erf and erf to the unary_op list
|
2020-10-27 16:22:10 -04:00 |
test_log_op.py
|
change tensor dtype and shape from function to attr
|
2020-06-12 19:03:23 +08:00 |
test_logical_op.py
|
fix pylint check issues
|
2020-05-25 15:34:01 +08:00 |
test_logsoftmax_op.py
|
remove name arg from gradoperation
|
2020-08-26 11:16:57 +08:00 |
test_loss.py
|
prune less effective GPU testcases to level1
|
2021-08-27 16:11:58 +08:00 |
test_lstm_op.py
|
unify GRU and LSTM operaters and change LSTMCell to right version
|
2021-12-08 16:51:51 +08:00 |
test_lu_op.py
|
add cholesky && lu factorization for gpu backend
|
2021-10-20 23:00:39 +08:00 |
test_matmul_op.py
|
fix diff, convolve
|
2021-04-21 15:19:58 +08:00 |
test_matrix_inverse_op.py
|
fix matrix inverse ops st.
|
2021-01-11 10:38:49 +08:00 |
test_maximum_op.py
|
add security isolate for save_graphs
|
2021-09-14 10:24:12 +08:00 |
test_maxpool_gpu_op.py
|
support MaxPool3D(CPU/GPU), AvgPool3D(CPU/GPU) and Conv3D(CPU)
|
2021-05-14 19:30:58 +08:00 |
test_maxpool_grad_gpu_op.py
|
add MaxPoolGradGrad on GPU
|
2022-02-22 09:49:37 +08:00 |
test_maxpool_with_argmax_gpu_op.py
|
update Pool's attr kernel_size, pad_mode
|
2021-01-18 12:10:20 +08:00 |
test_maxpool_with_argmax_grad_gpu_op.py
|
update Pool's attr kernel_size, pad_mode
|
2021-01-18 12:10:20 +08:00 |
test_minimum_op.py
|
add security isolate for save_graphs
|
2021-09-14 10:24:12 +08:00 |
test_mirror_pad.py
|
Reworked mirrorPad
|
2020-10-25 20:27:54 -04:00 |
test_momentum_fusion.py
|
momentum weightdecay fusion
|
2020-12-18 19:08:05 +08:00 |
test_momentum_op.py
|
Revert "[feat] [assistant] [I3T96T] add new Dataset operator CMUARCTICDataset"
|
2021-08-23 01:46:38 +08:00 |
test_mul_op.py
|
prune less effective GPU testcases to level1
|
2021-08-27 16:11:58 +08:00 |
test_multinomial_op.py
|
fix multinomial
|
2020-10-25 17:17:07 +08:00 |
test_neg_op.py
|
prune less effective GPU testcases to level1
|
2021-08-27 16:11:58 +08:00 |
test_nll_loss.py
|
added nll_loss_grad for gpu
|
2021-06-11 15:12:43 -04:00 |
test_nms_with_mask_op.py
|
reduce based nms final pass - speed improv
|
2020-08-28 13:41:09 -04:00 |
test_nn_matmul.py
|
1D*ND
|
2020-10-12 17:21:07 +08:00 |
test_normal.py
|
Add random normal op at MindSpore front-end
|
2020-07-20 23:31:30 -04:00 |
test_one_hot_op.py
|
set default context mode to GRAPH_MODE
|
2021-06-09 14:40:49 +08:00 |
test_oneslike_op.py
|
add gpu oneslike kernel
|
2020-07-18 15:27:07 +08:00 |
test_pack_op.py
|
prune less effective GPU testcases to level1
|
2021-08-27 16:11:58 +08:00 |
test_pad.py
|
pad_CI_Alarm fix
|
2020-12-17 14:47:27 -05:00 |
test_prelu_op.py
|
fix prelu weight grad accuracy error fp16 on GPU
|
2021-07-09 18:15:05 +08:00 |
test_print_op.py
|
add print security
|
2021-09-13 17:45:36 +08:00 |
test_pyfunc_op.py
|
pyfunc primitive register
|
2021-08-10 15:47:07 +08:00 |
test_random_categorical_op.py
|
add support to op RandomCategorical
|
2020-11-11 19:13:13 +08:00 |
test_random_choice_with_mask.py
|
optimize fasterrcnn on gpu. fix randomchoicewithmask, topk kernels
|
2021-02-09 13:57:00 -08:00 |
test_randperm.py
|
prune less effective GPU testcases to level1
|
2021-08-27 16:11:58 +08:00 |
test_range_op.py
|
set default context mode to GRAPH_MODE
|
2021-06-09 14:40:49 +08:00 |
test_realdiv_op.py
|
change tensor dtype and shape from function to attr
|
2020-06-12 19:03:23 +08:00 |
test_reciprocal_grad_op.py
|
add new GPU kernel ReciprocalGrad
|
2021-01-27 17:48:01 -05:00 |
test_reciprocal_op.py
|
change tensor dtype and shape from function to attr
|
2020-06-12 19:03:23 +08:00 |
test_reduce_all_op.py
|
set default context mode to GRAPH_MODE
|
2021-06-09 14:40:49 +08:00 |
test_reduce_any_op.py
|
set default context mode to GRAPH_MODE
|
2021-06-09 14:40:49 +08:00 |
test_reduce_max_grad_op.py
|
add float64 support to reducemax grad
|
2021-03-04 17:58:36 -05:00 |
test_reduce_max_op.py
|
set default context mode to GRAPH_MODE
|
2021-06-09 14:40:49 +08:00 |
test_reduce_mean_op.py
|
fix the negative axis problem of reduce_eliminate
|
2021-11-30 13:11:01 +08:00 |
test_reduce_min_op.py
|
Add fp64 as input type fot GPU op of ReduceMin and ReduceMean.
|
2021-11-08 17:15:32 +08:00 |
test_reduce_prod_op.py
|
Add support float64 as input type for ReduceProd GPU op.
|
2021-11-23 11:44:40 +08:00 |
test_reduce_sum_op.py
|
fix reduce ops axis multiple bug in GPU
|
2021-11-23 16:39:41 +08:00 |
test_relu6_grad_op.py
|
fix pylint check issues
|
2020-05-25 15:34:01 +08:00 |
test_relu6_op.py
|
add dynamic shape support and testcases to ReLU6
|
2021-01-27 17:41:06 -05:00 |
test_relu_grad_grad_op.py
|
prune less effective GPU testcases to level1
|
2021-08-27 16:11:58 +08:00 |
test_relu_op.py
|
ReLU/ReLUGrad int8/32/64 support
|
2020-12-10 14:33:47 -05:00 |
test_relu_v2.py
|
add security isolate for save_graphs
|
2021-09-14 10:24:12 +08:00 |
test_repeat_elements_op.py
|
change repeat_element op to a composite op
|
2020-11-19 15:42:22 -05:00 |
test_reshape_op.py
|
prune less effective GPU testcases to level1
|
2021-08-27 16:11:58 +08:00 |
test_resize_bilinear_grad_op.py
|
modify resizebilineargrad input type
|
2021-09-03 11:23:00 +08:00 |
test_resize_bilinear_op.py
|
modify resizebilinear infer type
|
2021-09-01 09:03:55 +08:00 |
test_resize_nearest_neighbor_grad_op.py
|
fix ResizeNearestNeighbor & add util.cuh to support atomicadd for half
|
2020-07-30 12:31:03 -04:00 |
test_resize_nearest_neighbor_op.py
|
add unit test for resizeNearestNeighbor gpu op
|
2020-08-07 16:54:33 -04:00 |
test_reverse_sequence.py
|
first commit - ReverseSequence - GPU
|
2021-05-31 13:50:52 -04:00 |
test_reverse_v2_op.py
|
array_ops error recti and others
|
2021-09-14 09:12:02 +08:00 |
test_rint_op.py
|
Add rint op kernel for cpu and gpu
|
2021-04-25 17:28:25 +08:00 |
test_rl_buffer_net.py
|
update buffer sample gpu
|
2021-08-16 14:05:51 +08:00 |
test_rl_buffer_op.py
|
update buffer sample gpu
|
2021-08-16 14:05:51 +08:00 |
test_rmsprop.py
|
fix GPU hete
|
2020-09-15 20:36:23 +08:00 |
test_roi_align_grad_op.py
|
roi end mode
|
2020-11-04 13:21:10 -05:00 |
test_roi_align_op.py
|
roi end mode
|
2020-11-04 13:21:10 -05:00 |
test_round_op.py
|
fix round op typos
|
2021-05-06 22:44:21 +08:00 |
test_rsqrt_grad_op.py
|
new add sqrt_grad and rsqrt_grad.
|
2020-09-17 17:13:25 +08:00 |
test_sampled_softmax_loss_op.py
|
set default context mode to GRAPH_MODE
|
2021-06-09 14:40:49 +08:00 |
test_scatter_func_op.py
|
Add scattersub op for gpu
|
2021-07-24 09:21:25 +00:00 |
test_scatter_nd.py
|
First commit - scatter_nd_int64_update
|
2020-12-16 15:19:13 -05:00 |
test_scatter_nd_func_op.py
|
while inplace op for cpu backend
|
2021-12-06 17:41:40 +08:00 |
test_select_op.py
|
functional select support x or y is a scalar
|
2022-01-05 10:12:44 +08:00 |
test_sequence_mask_op.py
|
Rewrite sequence_mask as a composite op
|
2021-02-05 18:01:08 -05:00 |
test_sgd_op.py
|
mod_SoftmaxCrossEntropyWithLogits
|
2020-09-03 17:33:20 +08:00 |
test_sigmoid_cross_entropy_with_logits_grad_op.py
|
add float64 support to SigmoidCrossEntropyWithLogits and Grad
|
2021-03-31 11:42:25 -04:00 |
test_sigmoid_cross_entropy_with_logits_op.py
|
add float64 support to SigmoidCrossEntropyWithLogits and Grad
|
2021-03-31 11:42:25 -04:00 |
test_sigmoid_grad_grad_op.py
|
handle mem leak in pynative mode
|
2020-12-23 17:10:58 +08:00 |
test_sigmoid_grad_op.py
|
add Sigmoid and SigmoidGrad operation of GPU
|
2020-06-18 15:42:58 +08:00 |
test_sigmoid_op.py
|
add Sigmoid and SigmoidGrad operation of GPU
|
2020-06-18 15:42:58 +08:00 |
test_sign_op.py
|
Add sign op kernel for gpu
|
2021-05-07 09:25:34 +08:00 |
test_sin_op.py
|
prune less effective GPU testcases to level1
|
2021-08-27 16:11:58 +08:00 |
test_slice.py
|
!18472 Implement UNet3d on GPU
|
2021-06-25 09:51:46 +00:00 |
test_slice_grad.py
|
set default context mode to GRAPH_MODE
|
2021-06-09 14:40:49 +08:00 |
test_smoothl1loss_op.py
|
add security isolate for save_graphs
|
2021-09-14 10:24:12 +08:00 |
test_softmax_cross_entropy_with_logits_op.py
|
Fixing some tiny faults about Pylint in my code(ops)
|
2020-05-25 21:27:45 +08:00 |
test_softmax_op.py
|
remove name arg from gradoperation
|
2020-08-26 11:16:57 +08:00 |
test_softplus_grad_op.py
|
new add softplus and softplus grad gpu ops.
|
2020-10-29 15:13:55 +08:00 |
test_softplus_op.py
|
new add softplus and softplus grad gpu ops.
|
2020-10-29 15:13:55 +08:00 |
test_sort.py
|
InTopK gpu kernel initial commit
|
2021-05-19 12:00:35 -04:00 |
test_spacetobatch_op.py
|
st
|
2021-08-30 15:37:07 +08:00 |
test_spacetodepth_op.py
|
prune less effective GPU testcases to level1
|
2021-08-27 16:11:58 +08:00 |
test_sparse_apply_ftrl_op.py
|
add return to sparseapplyftrl gpu
|
2020-12-29 16:18:43 -05:00 |
test_sparse_apply_proximal_adagrad_op.py
|
add testcase for input update in adagrad and move resetresource
|
2020-12-14 15:18:23 -05:00 |
test_sparse_gather_v2_op.py
|
fix dynamic shape and add testcase for SparseGatherV2 GPU
|
2020-11-27 12:45:29 -05:00 |
test_sparse_softmax_cross_entropy_with_logits_op.py
|
mod_SoftmaxCrossEntropyWithLogits
|
2020-09-03 17:33:20 +08:00 |
test_split.py
|
prune less effective GPU testcases to level1
|
2021-08-27 16:11:58 +08:00 |
test_sqrt_grad_grad_op.py
|
add grad definitions for the following operations: ReluGrad, SqrtGrad, AtanGrad, TanhGrad, AsinhGrad, AcoshGrad.
|
2020-12-30 14:57:26 +08:00 |
test_sqrt_grad_op.py
|
new add sqrt_grad and rsqrt_grad.
|
2020-09-17 17:13:25 +08:00 |
test_sqrt_op.py
|
prune less effective GPU testcases to level1
|
2021-08-27 16:11:58 +08:00 |
test_square_op.py
|
Update Square Op to support Dynamic Shape
|
2020-11-26 12:49:15 -05:00 |
test_squared_difference_op.py
|
Add SquareDifference kernel for GPU
|
2020-12-28 16:47:52 +08:00 |
test_squeeze_op.py
|
prune less effective GPU testcases to level1
|
2021-08-27 16:11:58 +08:00 |
test_standard_normal.py
|
Add test cases for uniform ops on GPU
|
2020-08-26 12:02:27 -04:00 |
test_stridedslice_grad_op.py
|
Add float64 support to slice ops
|
2021-02-10 11:51:38 -05:00 |
test_stridedslice_op.py
|
prune less effective GPU testcases to level1
|
2021-08-27 16:11:58 +08:00 |
test_sub_op.py
|
prune less effective GPU testcases to level1
|
2021-08-27 16:11:58 +08:00 |
test_tanh_grad_grad_op.py
|
add grad definitions for the following operations: ReluGrad, SqrtGrad, AtanGrad, TanhGrad, AsinhGrad, AcoshGrad.
|
2020-12-30 14:57:26 +08:00 |
test_tanh_op.py
|
remove name arg from gradoperation
|
2020-08-26 11:16:57 +08:00 |
test_tensor_array.py
|
update tensorarry stack for static usage
|
2022-02-14 09:14:35 +08:00 |
test_tensor_scatter_add.py
|
add gpu op cumprod, tensor_scatter_add
|
2021-05-25 16:49:51 +08:00 |
test_tensor_scatter_max.py
|
prune less effective GPU testcases to level1
|
2021-08-27 16:11:58 +08:00 |
test_tensor_scatter_min.py
|
prune less effective GPU testcases to level1
|
2021-08-27 16:11:58 +08:00 |
test_tensor_scatter_sub.py
|
prune less effective GPU testcases to level1
|
2021-08-27 16:11:58 +08:00 |
test_tensor_scatter_update.py
|
add tensor scatter update support different type inputs
|
2021-04-13 14:35:47 -04:00 |
test_tensordot_op.py
|
offline st testcases for cuda-11.1
|
2021-05-25 14:43:32 +08:00 |
test_tile_op.py
|
prune less effective GPU testcases to level1
|
2021-08-27 16:11:58 +08:00 |
test_time_distributed_op.py
|
add timedistributed and bugfix cpu ops assign and maximum
|
2020-12-29 17:40:21 +08:00 |
test_topk_op.py
|
optimize fasterrcnn on gpu. fix randomchoicewithmask, topk kernels
|
2021-02-09 13:57:00 -08:00 |
test_transpose_op.py
|
set default context mode to GRAPH_MODE
|
2021-06-09 14:40:49 +08:00 |
test_uniform_candidate_sampler_op.py
|
add int64 support to UniformCandidateSampler GPU
|
2020-12-10 11:08:33 -05:00 |
test_uniform_int.py
|
Add test cases for uniform ops on GPU
|
2020-08-26 12:02:27 -04:00 |
test_uniform_real.py
|
Add test cases for uniform ops on GPU
|
2020-08-26 12:02:27 -04:00 |
test_unique_op.py
|
unique op int64 support
|
2020-12-02 12:08:07 -05:00 |
test_unpack_op.py
|
prune less effective GPU testcases to level1
|
2021-08-27 16:11:58 +08:00 |
test_unsorted_segment_max.py
|
range check - UortedSegmin/max num_seg tensors
|
2020-12-16 13:12:04 -05:00 |
test_unsorted_segment_min.py
|
updated to test files + DynamicOpCheckFix
|
2020-12-02 13:44:46 -05:00 |
test_unsorted_segment_sum.py
|
set default context mode to GRAPH_MODE
|
2021-06-09 14:40:49 +08:00 |
test_zeroslike_op.py
|
prune less effective GPU testcases to level1
|
2021-08-27 16:11:58 +08:00 |