Top "Deep-learning" questions

Deep Learning is an area of machine learning whose goal is to learn complex functions using special neural network architectures that are "deep" (consist of many layers).

How to implement a deep bidirectional LSTM with Keras?

I am trying to implement a LSTM based speech recognizer. So far I could set up bidirectional LSTM (i think …

deep-learning keras lstm
Tensorflow Slim: TypeError: Expected int32, got list containing Tensors of type '_Message' instead

I am following this tutorial for learning TensorFlow Slim but upon running the following code for Inception: import numpy as …

python machine-learning tensorflow computer-vision deep-learning
What is the purpose of tf.global_variables_initializer?

I would like to understand what tf.global_variables_initializer does in a bit more detail. A sparse description is …

tensorflow deep-learning
How can I use a pre-trained neural network with grayscale images?

I have a dataset containing grayscale images and I want to train a state-of-the-art CNN on them. I'd very much …

python tensorflow machine-learning keras deep-learning
RuntimeError: Input type (torch.FloatTensor) and weight type (torch.cuda.FloatTensor) should be the same

I am trying to train the following CNN as follows, but I keep getting the same error regarding .cuda() and …

python python-3.x machine-learning deep-learning pytorch
What does Keras.io.preprocessing.sequence.pad_sequences do?

The Keras documentation could be improved here. After reading through this, I still do not understand what this does exactly: …

python deep-learning keras
why do we "pack" the sequences in pytorch?

I was trying to replicate How to use packing for variable-length sequence inputs for rnn but I guess I first …

deep-learning pytorch recurrent-neural-network tensor zero-padding
How to import pre-downloaded MNIST dataset from a specific directory or folder?

I have downloaded the MNIST dataset from LeCun site. What I want is to write the Python code in order …

python tensorflow machine-learning deep-learning mnist
PyTorch memory model: "torch.from_numpy()" vs "torch.Tensor()"

I'm trying to have an in-depth understanding of how PyTorch Tensor memory model works. # input numpy array In [91]: arr = np.…

python numpy multidimensional-array deep-learning pytorch
What's the difference between torch.stack() and torch.cat() functions?

OpenAI's REINFORCE and actor-critic example for reinforcement learning has the following code: REINFORCE: policy_loss = torch.cat(policy_loss).sum() …

python machine-learning deep-learning pytorch