| /third_party/mindspore/mindspore-src/source/tests/st/ops/cpu/ |
| D | test_dropout_nd_op.py | 27 def check_dropout_nd_by_keep_prob(func_name, input_x, output, output_mask, keep_prob): argument 77 def __init__(self, keep_prob): argument 86 def __init__(self, keep_prob): argument 100 def test_dropout_nd(func_name, data_type, keep_prob): argument
|
| D | test_dropout_grad_op.py | 31 def __init__(self, keep_prob=0.5): argument
|
| /third_party/mindspore/mindspore-src/source/tests/st/ops/gpu/ |
| D | test_dropout_nd_op.py | 27 def check_dropout_nd_by_keep_prob(func_name, input_x, output, output_mask, keep_prob): argument 77 def __init__(self, keep_prob): argument 86 def __init__(self, keep_prob): argument 100 def test_dropout_nd(func_name, data_type, keep_prob): argument
|
| D | test_dropout.py | 26 def __init__(self, keep_prob): argument 66 def __init__(self, keep_prob): argument 115 def __init__(self, keep_prob, use_first_output): argument
|
| /third_party/mindspore/mindspore-src/source/mindspore/core/ops/fusion/ |
| D | bias_dropout_add_fusion.cc | 33 void BiasDropoutAdd::Init(const float keep_prob) { this->set_keep_prob(keep_prob); } in Init() 35 void BiasDropoutAdd::set_keep_prob(const float keep_prob) { in set_keep_prob()
|
| /third_party/mindspore/mindspore-src/source/tests/ut/python/parallel/ |
| D | test_flash_attention_score_info.py | 102 def __init__(self, head_num, keep_prob=0.9, input_layout="BSH", sparse_mode=0, use_mqa=False, argument 183 def test_self_attention_standalone(keep_prob, input_layout, with_real_shift): argument 263 def test_flash_attention_dp(keep_prob, input_layout, with_real_shift): argument 282 def test_flash_attention_auto_parallel(keep_prob, input_layout, use_mqa, with_real_shift): argument 418 def test_flash_attention_dynamic_shape_constraint(keep_prob): argument
|
| /third_party/mindspore/mindspore-src/source/mindspore/core/ops/ |
| D | dropout_nd.cc | 108 void Dropout2D::Init(float keep_prob) { set_keep_prob(keep_prob); } in Init() 110 void Dropout2D::set_keep_prob(float keep_prob) { (void)AddAttr(kKeepProb, api::MakeValue(keep_prob)… in set_keep_prob() 117 void Dropout3D::Init(float keep_prob) { set_keep_prob(keep_prob); } in Init() 119 void Dropout3D::set_keep_prob(float keep_prob) { (void)AddAttr(kKeepProb, api::MakeValue(keep_prob)… in set_keep_prob()
|
| /third_party/mindspore/mindspore-src/source/mindspore/core/ops/grad/ |
| D | dropout_grad.cc | 44 void DropoutGrad::Init(const float keep_prob) { this->set_keep_prob(keep_prob); } in Init() 46 void DropoutGrad::set_keep_prob(const float keep_prob) { in set_keep_prob()
|
| /third_party/mindspore/mindspore-src/source/mindspore/ccsrc/plugin/device/gpu/kernel/cuda_impl/cuda_ops/ |
| D | dropout_impl.cu | 24 float keep_prob) { in DropoutForwardKernel() 40 … void DropoutBackwardKernel(const T *dy, const T *mask, T *dx, size_t num_count, float keep_prob) { in DropoutBackwardKernel() 60 …id FusedDropoutForwardKernel(const T *input, T *mask, T *output, size_t num_count, float keep_prob, in FusedDropoutForwardKernel() 89 __global__ void FusedDropoutForwardOnlyMaskKernel(T *mask, size_t num_count, float keep_prob, uint6… in FusedDropoutForwardOnlyMaskKernel() 112 …l__ void FusedDropoutOnlyOutputKernel(const T *input, T *output, size_t num_count, float keep_prob, in FusedDropoutOnlyOutputKernel()
|
| D | dropout_nd_impl.cu | 68 const float keep_prob, int inner_size, uint offset) { in VectorizedCall() 127 const float keep_prob, uint inner_size, uint num_of_elements) { in DropoutNdVectorized() 142 … const float keep_prob, const size_t num_per_chan, const uint32_t &device_id, in DropoutNDForward()
|
| /third_party/mindspore/mindspore-src/source/tests/st/ops/ |
| D | test_ops_flash_attention_score.py | 30 … actual_seq_kvlen=None, keep_prob=0.9, input_layout='BSH', pre_tokens=65536, argument 63 def fas_forward(q, k, v, drop_mask, atten_mask, pse, scale, keep_prob): argument 77 def fas_backward(dx, q, k, v, softmax_res, drop_mask, pse, scale, keep_prob): argument 94 … attn_mask=None, prefix=None, keep_prob=1.0, scalar_value=1.0, pre_tokens=65536, argument
|
| D | test_dropout3d.py | 31 def __init__(self, keep_prob): argument
|
| /third_party/mindspore/mindspore-src/source/tests/st/ops/graph_kernel/ |
| D | test_dropout.py | 24 def __init__(self, keep_prob): argument
|
| /third_party/mindspore/mindspore-src/source/tests/st/ops/ascend/test_tbe_ops/ |
| D | test_dropout_do_mask.py | 31 def construct(self, x, mask, keep_prob): argument
|
| /third_party/mindspore/mindspore-src/source/mindspore/ccsrc/backend/common/graph_kernel/expanders/ |
| D | gkdropout.cc | 33 auto keep_prob = GetValue<float>(attrs_["keep_prob"]); in Expand() local
|
| /third_party/mindspore/mindspore-src/source/mindspore/ccsrc/plugin/device/ascend/kernel/pyboost/customize/ |
| D | flash_attention_score.cc | 49 …const Int64ImmPtr head_num, const FP32ImmPtr keep_prob, const FP32ImmPtr scale_value, const Int64I… in FlashAttentionScoreAscendCall() 103 …:optional<ValueTuplePtr> &actual_seq_kvlen, const Int64ImmPtr head_num, const FP32ImmPtr keep_prob, in FlashAttentionScoreAscendCustomize()
|
| D | flash_attention_score_grad.cc | 37 …:optional<ValueTuplePtr> &actual_seq_kvlen, const Int64ImmPtr head_num, const FP32ImmPtr keep_prob, in FlashAttentionScoreGradAscendCall() 91 …:optional<ValueTuplePtr> &actual_seq_kvlen, const Int64ImmPtr head_num, const FP32ImmPtr keep_prob, in FlashAttentionScoreGradAscendCustomize()
|
| /third_party/mindspore/mindspore-src/source/mindspore/core/ops/ops_func_impl/ |
| D | dropout_do_mask_ext.cc | 33 auto keep_prob = keep_prob_opt.value()[kIndex0]; in IsKeepProbValid() local
|
| /third_party/mindspore/mindspore-src/source/tests/st/ops/ascend/test_aicpu_ops/ |
| D | test_dropout2d.py | 30 def __init__(self, keep_prob): argument
|
| /third_party/mindspore/mindspore-src/source/tests/st/ge/ge_pass/ |
| D | pass_dropout.py | 23 def __init__(self, keep_prob): argument
|
| /third_party/mindspore/mindspore-src/source/mindspore/ccsrc/plugin/device/ascend/optimizer/ge/ |
| D | dropout_for_ge.cc | 149 auto keep_prob = origin_prim->GetAttr(kKeepProbAttrName); in Process() local 194 auto keep_prob = origin_prim->GetAttr(kKeepProbAttrName); in Process() local
|
| /third_party/mindspore/mindspore-src/source/mindspore/ccsrc/plugin/device/ascend/kernel/opapi/aclnn/ |
| D | flash_attention_score_grad_aclnn_kernel.h | 75 auto keep_prob = inputs[kIndex16]; in DEFINE_GET_WORKSPACE_FOR_RESIZE() local
|
| D | flash_attention_score_aclnn_kernel.cc | 46 auto keep_prob = inputs[kIndex11]; in GetWorkSpaceInfo() local
|
| D | flash_attention_score_grad_aclnn_kernel.cc | 46 auto keep_prob = inputs[kIndex16]; in GetWorkSpaceInfo() local
|
| D | flash_attention_score_aclnn_kernel.h | 75 auto keep_prob = inputs[kIndex11]; in DEFINE_GET_WORKSPACE_FOR_RESIZE() local
|