You can not select more than 25 topics Topics must start with a letter or number, can include dashes ('-') and can be up to 35 characters long.
mindspore/tests/st/ops/gpu
TFBunny 4de6b25d23
add float64 support to SigmoidCrossEntropyWithLogits and Grad
4 years ago
..
test_acos_grad_grad_op.py add grad definition for AsinGrad and ACosGrad 4 years ago
test_acos_grad_op.py Add supports to ACosGrad and AsinGrad 4 years ago
test_acos_op.py fix bug that asin/acos not support fp16 on gpu 4 years ago
test_acosh_grad_grad_op.py add grad definitions for the following operations: ReluGrad, SqrtGrad, AtanGrad, TanhGrad, AsinhGrad, AcoshGrad. 4 years ago
test_acosh_grad_op.py Add new GPU operators: Asinh, AsinhGrad, Acosh, AcoshGrad, Atan and AtanGrad 4 years ago
test_acosh_op.py Add new GPU operators: Asinh, AsinhGrad, Acosh, AcoshGrad, Atan and AtanGrad 4 years ago
test_adagrad_op.py adagrad: support ouput on gpu 4 years ago
test_adam_fusion.py gpu testcase fix 4 years ago
test_adam_op.py mod_SoftmaxCrossEntropyWithLogits 4 years ago
test_add_op.py throw exception when tensor has zero in shape 4 years ago
test_addn_op.py add float64 to Addn gpu 4 years ago
test_argmax_op.py fix cpu/gpu argmax op 4 years ago
test_argmaxwithvalue_op.py return minimal index for argmaxwithvalue 4 years ago
test_asin_grad_grad_op.py add grad definition for AsinGrad and ACosGrad 4 years ago
test_asin_grad_op.py Add supports to ACosGrad and AsinGrad 4 years ago
test_asin_op.py fix bug that asin/acos not support fp16 on gpu 4 years ago
test_asinh_grad_grad_op.py add grad definitions for the following operations: ReluGrad, SqrtGrad, AtanGrad, TanhGrad, AsinhGrad, AcoshGrad. 4 years ago
test_asinh_grad_op.py Add new GPU operators: Asinh, AsinhGrad, Acosh, AcoshGrad, Atan and AtanGrad 4 years ago
test_asinh_op.py Add new GPU operators: Asinh, AsinhGrad, Acosh, AcoshGrad, Atan and AtanGrad 4 years ago
test_assign_add_op.py clean pylint 5 years ago
test_assign_op.py add float64 support to assign GPU 4 years ago
test_atan_grad_grad_op.py add grad definitions for the following operations: ReluGrad, SqrtGrad, AtanGrad, TanhGrad, AsinhGrad, AcoshGrad. 4 years ago
test_atan_grad_op.py Add new GPU operators: Asinh, AsinhGrad, Acosh, AcoshGrad, Atan and AtanGrad 4 years ago
test_atan_op.py Add new GPU operators: Asinh, AsinhGrad, Acosh, AcoshGrad, Atan and AtanGrad 4 years ago
test_batch_matmul.py add float64 support to matmul ops 4 years ago
test_batchnorm_fold2_op.py remove _quant_ops.py from __init__.py 5 years ago
test_batchnorm_fold_grad_op.py remove _quant_ops.py from __init__.py 5 years ago
test_batchnorm_fold_op.py fix GPU hete 4 years ago
test_batchnorm_op.py BatchNormGrad infer gpu kernel 4 years ago
test_binary_cross_entropy_op.py remove name arg from gradoperation 5 years ago
test_boundingbox_decode_op.py gpu ops code and test case. 5 years ago
test_boundingbox_encode_op.py gpu ops code and test case. 5 years ago
test_broadcast_op.py DinNoNan gpu kernel supports int8/uint8 4 years ago
test_broadcast_to_ops.py add general -1 dim behavior for BroadcastTo op 4 years ago
test_cast_op.py changed cast to round to zero if casting from float to integral 4 years ago
test_categorical_op.py add categorical 5 years ago
test_check_valid_op.py type support for faster rcnn gpu kernels 5 years ago
test_cholesky_op.py Add Cholesky op at GPU back-end 4 years ago
test_concatv2_op.py add float64 support to concat GPU 4 years ago
test_conv2d_backprop_filter_op.py fix pylint check issues 5 years ago
test_conv2d_backprop_input_op.py fix pylint check issues 5 years ago
test_conv2d_depthwiseconv2d.py fix weight_init bug 4 years ago
test_conv2d_op.py fix conv2d NHWC filter shape and cyclomatics errors 4 years ago
test_correction_mul_grad_op.py remove _quant_ops.py from __init__.py 5 years ago
test_correction_mul_op.py remove _quant_ops.py from __init__.py 5 years ago
test_cos_op.py initial commit 4 years ago
test_ctcloss_op.py remove CTCLossV2 4 years ago
test_cudnn_inplace_fusion.py Change TensorAdd to Add, from r1.1 to master 4 years ago
test_cumsum_op.py initial commit 4 years ago
test_dense.py mod dense 4 years ago
test_dense_op.py add dynamic shape and testcases to GPU biasadd 4 years ago
test_determinant_triangle.py Add calculation of triangle matrix determinant op at GPU back-end 4 years ago
test_div_op.py intitial commit 4 years ago
test_dropout.py add dynamic shape support and testcases to GPU Dropout 4 years ago
test_dtype_op.py add testcases to DType dynamic shape 4 years ago
test_dynamic_shape_op.py int64 support and typo fix 4 years ago
test_elu_grad_op.py support ops elu and elugrad on gpu 4 years ago
test_elu_op.py support ops elu and elugrad on gpu 4 years ago
test_equal_op.py equal op gpu kernel 4 years ago
test_equalcount_op.py clean pylint 5 years ago
test_erf_op.py Add dtype float16 that erf and erfc should support 4 years ago
test_erfc_op.py Add dtype float16 that erf and erfc should support 4 years ago
test_error_on_dynamic_shape_input_op.py initial commit for gpu dynamic shape testing op 4 years ago
test_exp_op.py change tensor dtype and shape from function to attr 5 years ago
test_expand_dims.py ExpandDims dynamic shape 4 years ago
test_expm1_op.py Add expm1 op at GPU back-end 4 years ago
test_fake_quant_perchannel.py add fake quant test case for gpu 5 years ago
test_fake_quant_perchannel_grad.py add fake quant test case for gpu 5 years ago
test_fake_quant_perlayer.py add fake quant test case for gpu 5 years ago
test_fake_quant_perlayer_grad.py add fake quant test case for gpu 5 years ago
test_flatten_grad_op.py fix pylint check issues 5 years ago
test_flatten_op.py fix all nop node graph execute 5 years ago
test_float_status_op.py refine data copy in multi-graph 5 years ago
test_floordiv_op.py broadcast, slice, scatter_nd ops optimizer. 5 years ago
test_ftrl_op.py mod_SoftmaxCrossEntropyWithLogits 4 years ago
test_gatherV2_op.py add indexaddgrad ops support and testcases 4 years ago
test_gather_grad_op.py fix some bug in gather and gathergrad op 4 years ago
test_gather_op.py add gather op on gpu 4 years ago
test_gathernd_op.py add float64 support to GatherNd 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_gpu_convert_to_dynamic_shape_grad_op.py add grad for GpuDynamicShape testing op 4 years ago
test_gpu_convert_to_dynamic_shape_op.py intitial commit 4 years ago
test_index_add_op.py change index_add op input_x to type Parameter 4 years ago
test_instancenorm2d.py add new op instancenorm2d 4 years ago
test_iou_op.py add iou ops. 5 years ago
test_kl_div_op.py remove name arg from gradoperation 5 years ago
test_l2loss_op.py add support to op L2Loss on gpu 4 years ago
test_l2normalize_grad_op.py new add l2normalize_grad gpu ops. 4 years ago
test_l2normalize_op.py add l2normalize gpu kernel. 4 years ago
test_layer_norm_grad_grad_op.py BUGFIX: Correct the calculation of the output 'd_x' of the operator LayernormGradGrad 4 years ago
test_layer_norm_grad_op.py gpu layernorm 5 years ago
test_layer_norm_op.py gpu testcase fix 4 years ago
test_lessequal_op.py int16 uint8 bool supported akg ops 5 years ago
test_lin_space.py Initial Commit - GPU LinSpace 4 years ago
test_log1p_op.py Add log1p operator at GPU back-end and move erf and erf to the unary_op list 4 years ago
test_log_op.py change tensor dtype and shape from function to attr 5 years ago
test_logical_op.py fix pylint check issues 5 years ago
test_logsoftmax_op.py remove name arg from gradoperation 5 years ago
test_loss.py initial commit 4 years ago
test_lstm_op.py remove name arg from gradoperation 5 years ago
test_matmul_op.py move matmul from numpy to ops 4 years ago
test_matrix_inverse_op.py fix matrix inverse ops st. 4 years ago
test_maximum_op.py remove name arg from gradoperation 5 years ago
test_maxpool_gpu_op.py clean pylint 5 years ago
test_maxpool_grad_gpu_op.py update Pool's attr kernel_size, pad_mode 4 years ago
test_maxpool_with_argmax_gpu_op.py update Pool's attr kernel_size, pad_mode 4 years ago
test_maxpool_with_argmax_grad_gpu_op.py update Pool's attr kernel_size, pad_mode 4 years ago
test_minimum_op.py remove name arg from gradoperation 5 years ago
test_mirror_pad.py Reworked mirrorPad 4 years ago
test_momentum_fusion.py momentum weightdecay fusion 4 years ago
test_momentum_op.py mod_SoftmaxCrossEntropyWithLogits 4 years ago
test_mul_op.py intitial commit 4 years ago
test_multinomial_op.py fix multinomial 4 years ago
test_neg_op.py initial commit 4 years ago
test_nms_with_mask_op.py reduce based nms final pass - speed improv 5 years ago
test_nn_matmul.py 1D*ND 4 years ago
test_normal.py Add random normal op at MindSpore front-end 5 years ago
test_one_hot_op.py initial commit 4 years ago
test_oneslike_op.py add gpu oneslike kernel 5 years ago
test_pack_op.py modify pack to stack 4 years ago
test_pad.py pad_CI_Alarm fix 4 years ago
test_print_op.py support string in GPU print 4 years ago
test_random_categorical_op.py add support to op RandomCategorical 4 years ago
test_random_choice_with_mask.py optimize fasterrcnn on gpu. fix randomchoicewithmask, topk kernels 4 years ago
test_range_op.py added validation 4 years ago
test_realdiv_op.py change tensor dtype and shape from function to attr 5 years ago
test_reciprocal_grad_op.py add new GPU kernel ReciprocalGrad 4 years ago
test_reciprocal_op.py change tensor dtype and shape from function to attr 5 years ago
test_reduce_all_op.py support scalar input for cell 4 years ago
test_reduce_any_op.py support scalar input for cell 4 years ago
test_reduce_max_grad_op.py add float64 support to reducemax grad 4 years ago
test_reduce_max_op.py !12605 Fix GPU ReduceMax/Sum float64 type failure 4 years ago
test_reduce_mean_op.py support scalar input for cell 4 years ago
test_reduce_min_op.py support scalar input for cell 4 years ago
test_reduce_sum_op.py !12605 Fix GPU ReduceMax/Sum float64 type failure 4 years ago
test_relu6_grad_op.py fix pylint check issues 5 years ago
test_relu6_op.py add dynamic shape support and testcases to ReLU6 4 years ago
test_relu_grad_grad_op.py add grad definitions for the following operations: ReluGrad, SqrtGrad, AtanGrad, TanhGrad, AsinhGrad, AcoshGrad. 4 years ago
test_relu_op.py ReLU/ReLUGrad int8/32/64 support 4 years ago
test_relu_v2.py Change TensorAdd to Add, from r1.1 to master 4 years ago
test_repeat_elements_op.py change repeat_element op to a composite op 4 years ago
test_reshape_op.py added type support for reshape gpu kernel 5 years ago
test_resize_nearest_neighbor_grad_op.py fix ResizeNearestNeighbor & add util.cuh to support atomicadd for half 5 years ago
test_resize_nearest_neighbor_op.py add unit test for resizeNearestNeighbor gpu op 5 years ago
test_rmsprop.py fix GPU hete 4 years ago
test_roi_align_grad_op.py roi end mode 4 years ago
test_roi_align_op.py roi end mode 4 years ago
test_rsqrt_grad_op.py new add sqrt_grad and rsqrt_grad. 4 years ago
test_sampled_softmax_loss_op.py validate SampledSoftmaxLoss args 4 years ago
test_scatter_add_op.py add additional type support to ScatterAdd 4 years ago
test_scatter_nd.py First commit - scatter_nd_int64_update 4 years ago
test_scatter_update_op.py update input for ScatterUpdate/Add, fix doc text and fix dynamic shape 4 years ago
test_select_op.py Fixing some tiny faults about Pylint in my code(ops) 5 years ago
test_sequence_mask_op.py Rewrite sequence_mask as a composite op 4 years ago
test_sgd_op.py mod_SoftmaxCrossEntropyWithLogits 4 years ago
test_sigmoid_cross_entropy_with_logits_grad_op.py add float64 support to SigmoidCrossEntropyWithLogits and Grad 4 years ago
test_sigmoid_cross_entropy_with_logits_op.py add float64 support to SigmoidCrossEntropyWithLogits and Grad 4 years ago
test_sigmoid_grad_grad_op.py handle mem leak in pynative mode 4 years ago
test_sigmoid_grad_op.py add Sigmoid and SigmoidGrad operation of GPU 5 years ago
test_sigmoid_op.py add Sigmoid and SigmoidGrad operation of GPU 5 years ago
test_sin_op.py initial commit 4 years ago
test_slice.py Add float64 support to slice ops 4 years ago
test_slice_grad.py Add float64 support to slice ops 4 years ago
test_smoothl1loss_op.py remove name arg from gradoperation 5 years ago
test_softmax_cross_entropy_with_logits_op.py Fixing some tiny faults about Pylint in my code(ops) 5 years ago
test_softmax_op.py remove name arg from gradoperation 5 years ago
test_softplus_grad_op.py new add softplus and softplus grad gpu ops. 4 years ago
test_softplus_op.py new add softplus and softplus grad gpu ops. 4 years ago
test_sparse_apply_ftrl_op.py add return to sparseapplyftrl gpu 4 years ago
test_sparse_apply_proximal_adagrad_op.py add testcase for input update in adagrad and move resetresource 4 years ago
test_sparse_gather_v2_op.py fix dynamic shape and add testcase for SparseGatherV2 GPU 4 years ago
test_sparse_softmax_cross_entropy_with_logits_op.py mod_SoftmaxCrossEntropyWithLogits 4 years ago
test_split.py initial commit 4 years ago
test_sqrt_grad_grad_op.py add grad definitions for the following operations: ReluGrad, SqrtGrad, AtanGrad, TanhGrad, AsinhGrad, AcoshGrad. 4 years ago
test_sqrt_grad_op.py new add sqrt_grad and rsqrt_grad. 4 years ago
test_sqrt_op.py initial commit 4 years ago
test_square_op.py Update Square Op to support Dynamic Shape 4 years ago
test_squared_difference_op.py Add SquareDifference kernel for GPU 4 years ago
test_squeeze_op.py add uint16, uint32, int8, int64, float64 type support to gpu Squeeze op 4 years ago
test_standard_normal.py Add test cases for uniform ops on GPU 5 years ago
test_stridedslice_grad_op.py Add float64 support to slice ops 4 years ago
test_stridedslice_op.py Add float64 support to slice ops 4 years ago
test_sub_op.py add dynamic shape testcases for Sub 4 years ago
test_tanh_grad_grad_op.py add grad definitions for the following operations: ReluGrad, SqrtGrad, AtanGrad, TanhGrad, AsinhGrad, AcoshGrad. 4 years ago
test_tanh_op.py remove name arg from gradoperation 5 years ago
test_tensor_scatter_update.py tensor_scatter_update new op quick initial commit 4 years ago
test_tensordot_op.py update matmul implementation for GPU 4 years ago
test_tile_op.py initial commit 4 years ago
test_time_distributed_op.py add timedistributed and bugfix cpu ops assign and maximum 4 years ago
test_topk_op.py optimize fasterrcnn on gpu. fix randomchoicewithmask, topk kernels 4 years ago
test_transpose_op.py add int64 support to transpose GPU 4 years ago
test_uniform_candidate_sampler_op.py add int64 support to UniformCandidateSampler GPU 4 years ago
test_uniform_int.py Add test cases for uniform ops on GPU 5 years ago
test_uniform_real.py Add test cases for uniform ops on GPU 5 years ago
test_unique_op.py unique op int64 support 4 years ago
test_unpack_op.py modify pack to stack 4 years ago
test_unsorted_segment_max.py range check - UortedSegmin/max num_seg tensors 4 years ago
test_unsorted_segment_min.py updated to test files + DynamicOpCheckFix 4 years ago
test_unsorted_segment_sum.py updated to test files + DynamicOpCheckFix 4 years ago
test_zeroslike_op.py removed zeroslike from math/unary_op_gpu_kernel and added float64 support 4 years ago