Home
last modified time | relevance | path

Searched refs:LSTM (Results 1 – 25 of 306) sorted by relevance

12345678910>>...13

/dports/misc/ncnn/ncnn-20211208/tools/pnnx/tests/ncnn/
H A Dtest_nn_LSTM.py23 self.lstm_0_0 = nn.LSTM(input_size=32, hidden_size=16)
24 self.lstm_0_1 = nn.LSTM(input_size=16, hidden_size=16, num_layers=3, bias=False)
25 …self.lstm_0_2 = nn.LSTM(input_size=16, hidden_size=16, num_layers=4, bias=True, bidirectional=True)
26 …self.lstm_0_3 = nn.LSTM(input_size=16, hidden_size=16, num_layers=4, bias=True, bidirectional=True)
27 …self.lstm_0_4 = nn.LSTM(input_size=16, hidden_size=16, num_layers=4, bias=True, bidirectional=True)
29 self.lstm_1_0 = nn.LSTM(input_size=25, hidden_size=16, batch_first=True)
30 … self.lstm_1_1 = nn.LSTM(input_size=16, hidden_size=16, num_layers=3, bias=False, batch_first=True)
31 …self.lstm_1_2 = nn.LSTM(input_size=16, hidden_size=16, num_layers=4, bias=True, batch_first=True, …
32 …self.lstm_1_3 = nn.LSTM(input_size=16, hidden_size=16, num_layers=4, bias=True, batch_first=True, …
33 …self.lstm_1_4 = nn.LSTM(input_size=16, hidden_size=16, num_layers=4, bias=True, batch_first=True, …
/dports/misc/ncnn/ncnn-20211208/tools/pnnx/tests/
H A Dtest_nn_LSTM.py23 self.lstm_0_0 = nn.LSTM(input_size=32, hidden_size=16)
24 self.lstm_0_1 = nn.LSTM(input_size=16, hidden_size=16, num_layers=3, bias=False)
25 …self.lstm_0_2 = nn.LSTM(input_size=16, hidden_size=16, num_layers=4, bias=True, bidirectional=True)
26 …self.lstm_0_3 = nn.LSTM(input_size=16, hidden_size=16, num_layers=4, bias=True, bidirectional=True)
28 self.lstm_1_0 = nn.LSTM(input_size=25, hidden_size=16, batch_first=True)
29 … self.lstm_1_1 = nn.LSTM(input_size=16, hidden_size=16, num_layers=3, bias=False, batch_first=True)
30 …self.lstm_1_2 = nn.LSTM(input_size=16, hidden_size=16, num_layers=4, bias=True, batch_first=True, …
31 …self.lstm_1_3 = nn.LSTM(input_size=16, hidden_size=16, num_layers=4, bias=True, batch_first=True, …
/dports/math/libxsmm/libxsmm-1.16.3/
H A D.test-rnn.yml20 (echo; echo "--- TEST LSTM (NC-CK)"; CHECK=1 ./run_lstmcell.sh nc_ck f32 100 0 256 32 32 32 ) &&
21 (echo; echo "--- TEST LSTM (NC-CK)"; CHECK=1 ./run_lstmcell.sh nc_ck f32 100 3 256 32 32 32 ) &&
22 …(echo; echo "--- TEST LSTM (NC-KCCK)"; CHECK=1 ./run_lstmcell.sh nc_kcck f32 100 0 256 32 32 32 ) …
23 …(echo; echo "--- TEST LSTM (NC-KCCK)"; CHECK=1 ./run_lstmcell.sh nc_kcck f32 100 3 256 32 32 32 ) …
24 …(echo; echo "--- TEST LSTM (NC-CK/BF16)"; CHECK=1 CHECK_SCALE=0.001 ./run_lstmcell.sh nc_ck bf16 1…
25 …(echo; echo "--- TEST LSTM (NC-CK/BF16)"; CHECK=1 CHECK_SCALE=0.001 ./run_lstmcell.sh nc_ck bf16 1…
26 …(echo; echo "--- TEST LSTM (NC-KCCK/BF16)"; CHECK=1 CHECK_SCALE=0.001 ./run_lstmcell.sh nc_kcck bf…
27 …(echo; echo "--- TEST LSTM (NC-KCCK/BF16)"; CHECK=1 CHECK_SCALE=0.001 ./run_lstmcell.sh nc_kcck bf…
/dports/misc/mnn/MNN-1.2.0/tools/converter/source/caffe/
H A DLSTM.cpp11 class LSTM : public OpConverter { class
22 void LSTM::run(MNN::OpT* dstOp, const caffe::LayerParameter& parameters, const caffe::LayerParamete… in run()
70 static OpConverterRegister<LSTM> a("Lstm");
71 static OpConverterRegister<LSTM> _a("OCRLSTM");
72 static OpConverterRegister<LSTM> _sa("OCRLSTMQ");
73 static OpConverterRegister<LSTM> __b("CuDNNLstmForward");
/dports/math/onednn/oneDNN-2.5.1/doc/primitives/
H A Drnn.md48 And here is the equation for LSTM cells:
61 - [LSTM](#LSTM), a four-gate long short-term memory cell,
90 ### LSTM subsection
92 #### LSTM (or Vanilla LSTM) argument
131 #### LSTM with Peephole argument
164 the same as in vanilla LSTM.
171 #### LSTM with Projection (or LSTMP) argument
189 LSTM without peephole is shown):
205 the same as in vanilla LSTM.
343 (1) With LSTM and Peephole LSTM cells, the cell state datatype is f32,
[all …]
/dports/graphics/tesseract/tesseract-5.0.0/src/lstm/
H A Dlstm.cpp101 LSTM::LSTM(const std::string &name, int ni, int ns, int no, bool two_dimensional, NetworkType type) in LSTM() function in tesseract::LSTM
126 LSTM::~LSTM() { in ~LSTM()
146 void LSTM::SetEnableTraining(TrainingState state) { in SetEnableTraining()
202 void LSTM::ConvertToInt() { in ConvertToInt()
215 void LSTM::DebugWeights() { in DebugWeights()
230 bool LSTM::Serialize(TFile *fp) const { in Serialize()
253 bool LSTM::DeSerialize(TFile *fp) { in DeSerialize()
763 const LSTM *lstm = static_cast<const LSTM *>(&other); in CountAlternators()
778 void LSTM::PrintW() { in PrintW()
809 void LSTM::PrintDW() { in PrintDW()
[all …]
/dports/misc/mxnet/incubator-mxnet-1.9.0/3rdparty/mkldnn/doc/primitives/
H A Drnn.md48 And here is the equation for LSTM cells:
61 - [LSTM](#LSTM), a four-gate long short-term memory cell,
90 ### LSTM subsection
92 #### LSTM (or Vanilla LSTM) argument
131 #### LSTM with Peephole argument
164 the same as in vanilla LSTM.
171 #### LSTM with Projection (or LSTMP) argument
189 LSTM without peephole is shown):
205 the same as in vanilla LSTM.
343 (1) With LSTM and Peephole LSTM cells, the cell state datatype is f32,
[all …]
/dports/misc/mxnet/incubator-mxnet-1.9.0/3rdparty/mkldnn/tests/benchdnn/inputs/rnn/
H A Dtest_rnn_gpu10 # RNN, LSTM
24 # RNN, LSTM
30 # LSTM int8
42 # LSTM, GRU
/dports/math/onednn/oneDNN-2.5.1/tests/benchdnn/inputs/rnn/
H A Dtest_rnn_gpu10 # RNN, LSTM
24 # RNN, LSTM
30 # LSTM int8
42 # LSTM, GRU
/dports/math/py-keras/Keras-2.4.3/tests/keras/utils/
H A Dvis_utils_test.py11 from keras.layers import LSTM
26 model.add(LSTM(16, return_sequences=True, input_shape=(2, 3), name='lstm'))
32 inner_lstm = Bidirectional(LSTM(16, name='inner_lstm'), name='bd')(inner_input)
36 lstm = LSTM(16, name='outer_lstm')(inner_encoder)
/dports/misc/frugally-deep/frugally-deep-0.15.13-p0/keras_export/
H A Dgenerate_test_models.py424 lstm = LSTM(
471 lstm3 = LSTM(units=10,
480 lstm4 = LSTM(units=15,
541 lstm_sequences = LSTM(
546 lstm_regular = LSTM(
562 LSTM(
569 LSTM(
585 LSTM(
797 lstm_regular = LSTM(
818 LSTM(
[all …]
/dports/misc/mxnet/incubator-mxnet-1.9.0/julia/examples/char-lstm/
H A Dlstm.jl18 # An explicitly unrolled LSTM with fixed sequence length.
64 #--LSTM-part1
65 function LSTM(n_layer::Int, seq_len::Int, dim_hidden::Int, dim_embed::Int, n_class::Int; function
83 #--/LSTM-part1
85 #--LSTM-part2
94 # stack LSTM cells
114 #--/LSTM-part2
116 #--LSTM-part3
132 #--/LSTM-part3
H A Dtrain.jl26 #--LSTM
27 # define LSTM
28 lstm = LSTM(LSTM_N_LAYER, SEQ_LENGTH, DIM_HIDDEN, DIM_EMBED,
30 #--/LSTM
/dports/misc/py-mxnet/incubator-mxnet-1.9.0/julia/examples/char-lstm/
H A Dlstm.jl18 # An explicitly unrolled LSTM with fixed sequence length.
64 #--LSTM-part1
65 function LSTM(n_layer::Int, seq_len::Int, dim_hidden::Int, dim_embed::Int, n_class::Int; function
83 #--/LSTM-part1
85 #--LSTM-part2
94 # stack LSTM cells
114 #--/LSTM-part2
116 #--LSTM-part3
132 #--/LSTM-part3
H A Dtrain.jl26 #--LSTM
27 # define LSTM
28 lstm = LSTM(LSTM_N_LAYER, SEQ_LENGTH, DIM_HIDDEN, DIM_EMBED,
30 #--/LSTM
/dports/math/py-keras/Keras-2.4.3/docs/
H A Dmkdocs.yml78 - Convolutional LSTM: examples/conv_lstm.md
81 - Bidirectional LSTM: examples/imdb_bidirectional_lstm.md
83 - Sentiment classification CNN-LSTM: examples/imdb_cnn_lstm.md
85 - Sentiment classification LSTM: examples/imdb_lstm.md
88 - Stateful LSTM: examples/lstm_stateful.md
89 - LSTM for text generation: examples/lstm_text_generation.md
/dports/math/py-keras/Keras-2.4.3/docs/templates/getting-started/
H A Dsequential-model-guide.md143 - Character-level text generation with LSTM
258 ### Sequence classification with LSTM:
264 from keras.layers import LSTM
270 model.add(LSTM(128))
310 ### Stacked LSTM for sequence classification
323 from keras.layers import LSTM, Dense
332 model.add(LSTM(32, return_sequences=True,
356 ### Same stacked LSTM model, rendered "stateful"
366 from keras.layers import LSTM, Dense
378 model.add(LSTM(32, return_sequences=True, stateful=True,
[all …]
/dports/misc/mnn/MNN-1.2.0/backupcode/cpubackend/
H A DCPULSTM.hpp20 CPULSTM(Backend *backend, const LSTM *LSTM);
28 const LSTM *mLSTM;
/dports/math/mlpack/mlpack-3.4.2/src/mlpack/methods/ann/layer/
H A Dlstm_impl.hpp22 LSTM<InputDataType, OutputDataType>::LSTM() in LSTM() function in mlpack::ann::LSTM
28 LSTM<InputDataType, OutputDataType>::LSTM( in LSTM() function in mlpack::ann::LSTM
47 void LSTM<InputDataType, OutputDataType>::ResetCell(const size_t size) in ResetCell()
97 void LSTM<InputDataType, OutputDataType>::Reset() in Reset()
165 void LSTM<InputDataType, OutputDataType>::Forward( in Forward()
176 void LSTM<InputDataType, OutputDataType>::Forward(const InputType& input, in Forward()
290 void LSTM<InputDataType, OutputDataType>::Backward( in Backward()
368 void LSTM<InputDataType, OutputDataType>::Gradient( in Gradient()
469 void LSTM<InputDataType, OutputDataType>::serialize( in serialize()
/dports/math/py-keras/Keras-2.4.3/examples/
H A Dmnist_hierarchical_rnn.py41 from keras.layers import LSTM
76 encoded_rows = TimeDistributed(LSTM(row_hidden))(x)
79 encoded_columns = LSTM(col_hidden)(encoded_rows)
/dports/graphics/vapoursynth-waifu2x-ncnn-vulkan/vapoursynth-waifu2x-ncnn-vulkan-r4/deps/ncnn/src/layer/
H A Dlstm.cpp21 LSTM::LSTM() in LSTM() function in ncnn::LSTM
27 int LSTM::load_param(const ParamDict& pd) in load_param()
37 int LSTM::load_model(const ModelBin& mb) in load_model()
168 int LSTM::forward(const Mat& bottom_blob, Mat& top_blob, const Option& opt) const in forward()
233 int LSTM::forward(const std::vector<Mat>& bottom_blobs, std::vector<Mat>& top_blobs, const Option& … in forward()
/dports/graphics/waifu2x-ncnn-vulkan/waifu2x-ncnn-vulkan-20210521/src/ncnn/src/layer/
H A Dlstm.cpp21 LSTM::LSTM() in LSTM() function in ncnn::LSTM
27 int LSTM::load_param(const ParamDict& pd) in load_param()
37 int LSTM::load_model(const ModelBin& mb) in load_model()
168 int LSTM::forward(const Mat& bottom_blob, Mat& top_blob, const Option& opt) const in forward()
233 int LSTM::forward(const std::vector<Mat>& bottom_blobs, std::vector<Mat>& top_blobs, const Option& … in forward()
/dports/benchmarks/vkpeak/vkpeak-20210430/ncnn/src/layer/
H A Dlstm.cpp21 LSTM::LSTM() in LSTM() function in ncnn::LSTM
27 int LSTM::load_param(const ParamDict& pd) in load_param()
37 int LSTM::load_model(const ModelBin& mb) in load_model()
168 int LSTM::forward(const Mat& bottom_blob, Mat& top_blob, const Option& opt) const in forward()
233 int LSTM::forward(const std::vector<Mat>& bottom_blobs, std::vector<Mat>& top_blobs, const Option& … in forward()
/dports/graphics/realsr-ncnn-vulkan/realsr-ncnn-vulkan-20210210/src/ncnn/src/layer/
H A Dlstm.cpp21 LSTM::LSTM() in LSTM() function in ncnn::LSTM
27 int LSTM::load_param(const ParamDict& pd) in load_param()
37 int LSTM::load_model(const ModelBin& mb) in load_model()
168 int LSTM::forward(const Mat& bottom_blob, Mat& top_blob, const Option& opt) const in forward()
233 int LSTM::forward(const std::vector<Mat>& bottom_blobs, std::vector<Mat>& top_blobs, const Option& … in forward()
/dports/misc/frugally-deep/frugally-deep-0.15.13-p0/test/stateful_test/tf_behaivor_scripts/
H A Dtemp_bidi_state_in.py6 from tensorflow.keras.layers import Input, Dense, SimpleRNN, GRU, LSTM, Bidirectional
9 REC = LSTM
22 if REC == LSTM:
63 if REC == LSTM:

12345678910>>...13