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

How does validation_data affect learning in Keras?

validation_data can be passed to model.fit, but how does this parameter affect training, and how to confirm optimized parameters of validation_data? I know validation dataset is used for models to tune optimal parameters. But I cannot imagine the…
jef
  • 3,890
  • 10
  • 42
  • 76
6
votes
1 answer

Big HDF5 dataset, how to efficienly shuffle after each epoch

I'm currently working with a big image dataset (~60GB) to train a CNN (Keras/Tensorflow) for a simple classification task. The images are video frames, and thus highly correlated in time, so I shuffled the data already once when generating the huge…
nkaenzig
  • 684
  • 7
  • 14
6
votes
3 answers

ssh AWS, Jupyter Notebook not showing up on web browser

I am trying to use ssh connecting to AWS "Deep Learning AMI for Amazon Linux", and everything works fine except Jupyter Notebook. This is what I got: ssh -i ~/.ssh/id_rsa ec2-user@yy.yyy.yyy.yy gave me Last login: Wed Oct 4 18:01:23 2017 from…
6
votes
1 answer

Intuition behind Stacking Multiple Conv2D Layers before Dropout in CNN

Background: Tagging TensorFlow since Keras runs on top of it and this is more a general deep learning question. I have been working on the Kaggle Digit Recognizer problem and used Keras to train CNN models for the task. This model below has the…
Nahua Kang
  • 366
  • 1
  • 7
  • 19
6
votes
1 answer

Keras LSTM multiclass classification

I have this code that works for binary classification. I have tested it for keras imdb dataset. model = Sequential() model.add(Embedding(5000, 32, input_length=500)) model.add(LSTM(100, dropout=0.2, recurrent_dropout=0.2)) …
user1670773
  • 967
  • 4
  • 12
  • 23
6
votes
1 answer

What does BasicLSTMCell do?

I am currently studying LSTM. I found a code from a book to predict sin&cos mixed curve. However, I'm stuck in its inference function. import numpy as np import tensorflow as tf import matplotlib.pyplot as plt from sklearn.model_selection import…
soshi shimada
  • 425
  • 1
  • 7
  • 21
6
votes
1 answer

How should I save the model of PyTorch if I want it loadable by OpenCV dnn module

I train a simple classification model by PyTorch and load it by opencv3.3, but it throw exception and say OpenCV Error: The function/feature is not implemented (Unsupported Lua type) in readObject, file …
StereoMatching
  • 4,971
  • 6
  • 38
  • 70
6
votes
2 answers

h2o package: total cluster memory zero

data1.dl.r2 = vector() for (i in 1:100) { if (i==1) { data1.hex = as.h2o(data1) } else { data1.hex = nextdata } data1.dl = h2o.deeplearning …
6
votes
0 answers

Implementing adversarial training in keras

I would like to implement an adversarial network with a classifier whose output is connected to an adversary that has to guess a specific feature of the inputs to the classifier (a nuisance parameter) based on the output of the classifier (a…
aniromi
  • 95
  • 7
6
votes
2 answers

Batch training uses sum of updates? or average of updates?

I have few questions about batch training of neural networks. First, when we update weights using batch training, the amount of change is accumulated gradients for the batch size. In this case, the amount of change is sum of the gradients? or…
Lim
  • 63
  • 3
6
votes
2 answers

Confused about tensor dimensions and batch sizes in pytorch

So I'm very new to PyTorch and Neural Networks in general, and I'm having some problems creating a Neural Network that classifies names by gender. I based this off of the PyTorch tutorial for RNNs that classify names by nationality, but I decided…
6
votes
1 answer

How to make the weights of an RNN cell untrainable in Tensorflow?

I'm trying to make a Tensorflow graph where part of the graph is already pre-trained and running in prediction mode, while the rest trains. I've defined my pre-trained cell like so: rnn_cell = tf.contrib.rnn.BasicLSTMCell(100) state0 =…
6
votes
2 answers

Does resnet have fully connected layers?

In my understanding, fully connected layer(fc in short) is used for predicting. For example, VGG Net used 2 fc layers, which are both 4096 dimension. The last layer for softmax has dimension same with classes num:1000. But for resnet, it used…
David Ding
  • 680
  • 3
  • 9
  • 19
6
votes
2 answers

Keras LSTM: Injecting already-known *future* values into prediction

I've built an LSTM In Keras with the goal of predicting future values of a time-series from a high-dimensional, time-index input. However, there's a unique requirement: for certain time points in the future, we know with certainty what some values…
xenophanes
  • 75
  • 4
6
votes
1 answer

H2O : NullPointerException error while building ensemble model using deep learning grid

I am trying to build a stacked ensemble model to predict merchant churn using R (version 3.3.3) and deep learning in h2o (version 3.10.5.1). The response variable is binary. At the moment I am trying run the code to build a stacked ensemble model…
delpat
  • 63
  • 3
1 2 3
99
100