/aosp_15_r20/external/tensorflow/tensorflow/python/keras/layers/ |
H A D | recurrent.py | 1314 dropout=0., argument 1539 dropout=0., argument 1639 def dropout(self): member in SimpleRNN 1754 dropout=0., argument 2077 dropout=0., argument 2185 def dropout(self): member in GRU 2318 dropout=0., argument 2576 dropout=0., argument 2751 dropout=0., argument 2862 def dropout(self): member in LSTM
|
H A D | recurrent_v2.py | 192 dropout=0., argument 361 dropout=0., argument 932 dropout=0., argument 1086 dropout=0., argument
|
H A D | convolutional_recurrent.py | 508 dropout=0., argument 845 def __init__(self, 986 def dropout(self): member in ConvLSTM2D
|
H A D | dense_attention.py | 76 def __init__(self, causal=False, dropout=0.0, argument
|
/aosp_15_r20/external/pytorch/aten/src/ATen/native/vulkan/ops/ |
H A D | Gru.cpp | 48 double dropout, in gru_input() 191 double dropout, in GruPackedContext() 266 double dropout, in create_gru_context()
|
H A D | Lstm.cpp | 57 double dropout, in lstm_input() 233 double dropout, in LstmPackedContext() 308 double dropout, in create_lstm_context()
|
/aosp_15_r20/external/pytorch/benchmarks/functional_autograd_benchmark/ |
H A D | torchaudio_models.py | 399 def __init__(self, d_model, dropout=0.1, max_len=5000): argument 431 def __init__(self, ntoken, ninp, nhead, nhid, nlayers, dropout=0.5): argument 568 def __init__(self, dropout=0.0): argument
|
/aosp_15_r20/external/pytorch/test/onnx/model_defs/ |
H A D | lstm_flattening_result.py | 12 def __init__(self, input_size, hidden_size, layers, bidirect, dropout, batch_first): argument 31 def __init__(self, input_size, hidden_size, layers, bidirect, dropout, batch_first): argument
|
H A D | word_language_model.py | 21 dropout=0.5, argument
|
/aosp_15_r20/external/pytorch/test/nn/ |
H A D | test_dropout.py | 187 def _test_dropoutNd_no_batch(self, dropout, input): argument 197 def _test_dropoutNd_channel_zero(self, dropout, input): argument
|
/aosp_15_r20/external/pytorch/torch/_decomp/ |
H A D | decompositions.py | 1175 def dropout(input: Tensor, p: float, train: Optional[bool]): function 3137 dropout, argument 3181 dropout, argument 3212 dropout, argument 3244 dropout, argument 3279 dropout, argument 3467 dropout, argument 3502 dropout, argument 3553 dropout, argument 3582 dropout, argument
|
/aosp_15_r20/external/pytorch/aten/src/ATen/native/cudnn/ |
H A D | RNN.cpp | 86 double dropout, in _cudnn_rnn_backward() 97 double dropout, in _cudnn_init_dropout_state() 126 double dropout; member 491 DropoutDescriptorParams dropout; member 2104 double dropout, in _cudnn_rnn_backward() 2200 double dropout, in _cudnn_init_dropout_state()
|
/aosp_15_r20/external/tensorflow/tensorflow/python/keras/layers/legacy_rnn/ |
H A D | rnn_cell_wrapper_impl.py | 228 def dropout(i, do_dropout, v): function 240 def dropout(i, do_dropout, v, n): function
|
/aosp_15_r20/external/pytorch/benchmarks/fastrnns/ |
H A D | custom_lstms.py | 41 dropout=False, argument 77 dropout=False, argument
|
/aosp_15_r20/external/tensorflow/tensorflow/python/layers/ |
H A D | core.py | 26 dropout = core.dropout variable
|
/aosp_15_r20/external/pytorch/torch/csrc/api/include/torch/nn/modules/ |
H A D | transformerlayer.h | 67 Dropout dropout = nullptr; variable
|
/aosp_15_r20/external/pytorch/torch/backends/cudnn/ |
H A D | rnn.py | 45 def init_dropout_state(dropout, train, dropout_seed, dropout_state): argument
|
/aosp_15_r20/external/pytorch/aten/src/ATen/cudnn/ |
H A D | AutocastRNN.cpp | 33 double dropout, in _cudnn_rnn_cast_reflatten()
|
/aosp_15_r20/external/pytorch/torch/csrc/api/include/torch/nn/functional/ |
H A D | dropout.h | 14 inline Tensor dropout(Tensor input, double p, bool training, bool inplace) { in dropout() function
|
/aosp_15_r20/external/pytorch/test/onnx/ |
H A D | test_models_onnxruntime.py | 399 def __init__(self, ninp, nhead, nhid, dropout, nlayers): argument
|
/aosp_15_r20/external/tensorflow/tensorflow/python/keras/legacy_tf_layers/ |
H A D | core.py | 232 def dropout(inputs, function
|
/aosp_15_r20/external/pytorch/torch/nested/_internal/ |
H A D | sdpa.py | 264 def _select_sdp_backend(query, key, value, attn_mask, dropout, is_causal): argument
|
/aosp_15_r20/external/pytorch/scripts/release_notes/ |
H A D | classifier.py | 61 dropout: float = 0.1 variable in CategoryConfig
|
/aosp_15_r20/external/pytorch/aten/src/ATen/native/ |
H A D | Dropout.cpp | 132 Tensor dropout(const Tensor& input, double p, bool train) { in dropout() function
|
/aosp_15_r20/external/pytorch/torch/onnx/ |
H A D | symbolic_opset12.py | 104 def dropout(g: jit_utils.GraphContext, input, p, train): function
|