Questions tagged [deep-learning]

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). This tag should be used for questions about implementation of deep learning architectures. General machine learning questions should be tagged "machine learning". Including a tag for the relevant software library (e.g., "keras", "tensorflow","pytorch","fast.ai" etc) is helpful.

Deep Learning is a branch of aimed at building to learn complex functions using special neural network architectures with many layers (hence the term "deep").

Deep neural network architectures allow for more complex tasks to be learned because, in addition to these neural networks having more layers to perform transformations, the larger number of layers and more complex architectures of the neural network allow a hierarchical organization of functionality to emerge.

Deep Learning was introduced into machine learning research with the intention of moving machine learning closer to artificial intelligence. A significant impact of deep learning lies in feature learning, mitigating much of the effort going into manual feature engineering in non-deep learning neural networks.

NOTE: If you want to use this tag for a question not directly concerning implementation, then consider posting on Cross Validated, Data Science, or Artificial Intelligence instead; otherwise your question is probably off-topic. Please choose one site only and do not cross-post to more than one - see Is cross-posting a question on multiple Stack Exchange sites permitted if the question is on-topic for each site? (tl;dr: no).

Resources

Papers

Books

Videos

Stack Exchange Sites

Other StackExchange sites with Deep Learning tag:

27406 questions
6
votes
1 answer

super(type, obj): obj must be an instance or subtype of type in Keras

I implement the following to build tiny yolo v2 from scratch using Keras with Tensorflow backend My code was working fine in Keras 2.1.5 But when i updated to Keras 2.1.6 i ran in to an error ""kernel_constraint=None, TypeError: super(type, obj):…
Peetah
  • 63
  • 1
  • 6
6
votes
4 answers

Vectorize Sequences explanation

Studying Deep Learning with Python, I can't comprehend the following simple batch of code which encodes the integer sequences into a binary matrix. def vectorize_sequences(sequences, dimension=10000): # Create an all-zero matrix of shape…
Stavros Niafas
  • 126
  • 1
  • 9
6
votes
1 answer

Change the input size in Keras

I have trained a fully convolutional neural network with Keras. I have used the Functional API and have defined the input layer as Input(shape=(128,128,3)), corresponding to the size of the images in my training set. However, I want to use the…
Nathan Hubens
  • 171
  • 2
  • 13
6
votes
5 answers

Extremely poor prediction: LSTM time-series

I tried to implement LSTM model for time-series prediction. Below is my trial code. This code runs without error. You can also try it without dependency. import numpy as np, pandas as pd, matplotlib.pyplot as plt from sklearn.preprocessing import…
Roman
  • 3,007
  • 8
  • 26
  • 54
6
votes
1 answer

Difference between `tf.reshape(a, [m, n])` and `tf.transpose(tf.reshape(a, [n, m]))`?

Actually, I'm doing the homework "Art Generation with Neural Style Transfer" of deeplearning.ai on coursera. In the function compute_layer_style_cost(a_S, a_G): a_S = tf.reshape(a_S, [n_H*n_W, n_C]) a_G = tf.reshape(a_G, [n_H*n_W, n_C]) GS =…
xinyue Liu
  • 157
  • 2
  • 8
6
votes
1 answer

transform the image/mask pairs into tfrecord

With respect to the data format given by Carvana Image Masking Challenge, how can we transform it to the tfrecord format that can be feed into the Deeplab V3 model, which can support VOC and Cityscape, which usually have mask annotation files in…
user288609
  • 12,465
  • 26
  • 85
  • 127
6
votes
3 answers

Running through a dataloader in Pytorch using Google Colab

I am trying to use Pytorch to run classification on a dataset of images of cats and dogs. In my code I am so far downloading the data and going into the folder train which has two folders in it called "cats" and "dogs." I am then trying to load this…
Christopher Ell
  • 1,878
  • 3
  • 16
  • 25
6
votes
1 answer

Variable size input for LSTM in Pytorch

I am using features of variable length videos to train one layer LSTM. Video sizes are changing from 10 to 35 frames. I am using batch size of 1. I have the following code: lstm_model = LSTMModel(4096, 4096, 1, 64) for step, (video_features, label)…
yns
  • 440
  • 2
  • 8
  • 28
6
votes
3 answers

Keras Top 5 predictions

How can I retrieve the top 5 predictions from model.predict() in Keras? It only gives only 1 prediction. Is there any way to do so? I don't want it as an evaluation metric. I just need the top 5 predictions.
Aprameyo Roy
  • 1,749
  • 1
  • 9
  • 8
6
votes
1 answer

How is the output h_n of an RNN (nn.LSTM, nn.GRU, etc.) in PyTorch structured?

The docs say h_n of shape (num_layers * num_directions, batch, hidden_size): tensor containing the hidden state for t = seq_len Now, the batch and hidden_size dimensions are pretty much self-explanatory. The first dimension remains a mystery,…
the-bass
  • 705
  • 1
  • 6
  • 20
6
votes
1 answer

Spark deep learning Import error

I am trying to replicate a deep learning project from https://medium.com/linagora-engineering/making-image-classification-simple-with-spark-deep-learning-f654a8b876b8 . I am working on spark version 1.6.3. I have installed keras and tensorflow. But…
Seeker90
  • 785
  • 4
  • 17
  • 37
6
votes
1 answer

Deep Learning implementation in Tensorflow or Keras give drastic different results

Context: I'm using a fully convolutional network to perform image segmentation. Typically, the input is an RGB image shape = [512, 256] and the target is a 2 channels binary mask defining the annotated regions (2nd channel is the opposite of the…
Jav
  • 1,445
  • 1
  • 18
  • 47
6
votes
2 answers

Keras gets None gradient error when connecting models

I’m trying to implement a Visual Storytelling model using Keras with a hierarchical RNN model, basically Neural Image Captioner style but over a sequence of photos with a bidirectional RNN on top of the decoder RNNs. I implemented and tested the…
starkshang
  • 8,228
  • 6
  • 41
  • 52
6
votes
1 answer

Neural Networks - Difference between deep autoencoder and stacked autoencoder

Disclaimer: I also posted this question on CrossValidated but it is not receiving any attention. If this is not the place for it I will gladly remove it. As I understand it, the only difference between them is the way the two networks are trained.…
6
votes
1 answer

What is actually num_unit in LSTM cell circuit?

I tried very hard to search everywhere, but I couldn't find what num_units in TensorFlow actually is. I tried to relate my question to this question, but I couldn't get clear explanation there. In TensorFlow, when creating an LSTM-based RNN, we use…
Aaditya Ura
  • 12,007
  • 7
  • 50
  • 88