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
2 answers

Tensorflow model for OCR arabic

I am a beginner in Tensorflow and I want to build an OCR model with Tensorflow that detects Arabic words from cursive Arabic fonts (i.e. joint Arabic handwriting). Ideally, the model would be able to detect both Arabic and English. Please see the…
piccolo
  • 2,093
  • 3
  • 24
  • 56
6
votes
3 answers

How to use IP address as a feature in a neural network

Using Keras, I want to build an LSTM neural net to analyze user behavior in my system. One of my features is a string containing the user IP address, that could be IPv4 or IPv6. As I see it I need to embed the address so it can be use as a…
Shlomi Schwartz
  • 8,693
  • 29
  • 109
  • 186
6
votes
1 answer

Access internal forget gate value in lstm node

I have currently created an LSTM network using Keras and have to get the internal forget gate values for each node of the network. I have to get the forget gate/values everytime the predict() function is called. is it possible to do so? If not then…
humble_me
  • 331
  • 3
  • 12
6
votes
2 answers

Where is `_softmax_cross_entropy_with_logits` defined in tensorflow?

I am trying to see how softmax_cross_entropy_with_logits_v2() is implemented. It calls _softmax_cross_entropy_with_logits(). But I don't see where the latter is defined. Does anybody know how to locate its definition? $ ack…
user1424739
  • 11,937
  • 17
  • 63
  • 152
6
votes
1 answer

Is there a standard way to load/process (audio) data dynamically in tensorflow?

I'm building a network using the Nsynth dataset. It has some 22 Gb of data. Right now I'm loading everything into RAM but this presents some (obvious) problems. This is an audio dataset and I want to window the signals and produce more examples…
Andrés Marafioti
  • 819
  • 1
  • 7
  • 23
6
votes
4 answers

Modifying the weights and biases of a restored CNN model in TensorFlow

I have recently started using TensorFlow (TF), and I have come across a problem that I need some help with. Basically, I've restored a pre-trained model, and I need to modify the weights and biases of one of its layers before I retest its accuracy.…
Muhammad
  • 96
  • 1
  • 1
  • 8
6
votes
1 answer

getting ValueError : "Can only tuple-index with a MultiIndex "

I am trying to implement a simple RNN to predict the next integer in an integer sequence. So, I have a data set that is as below: Id Sequence 1 1,0,0,2,24,552,21280,103760,70299264,5792853248,587159944704 2 …
Nimy Alex
  • 155
  • 1
  • 3
  • 13
6
votes
2 answers

AttributeError: 'CrossEntropyLoss' object has no attribute 'backward'

i am trying to train a very basic CNN on CIFAR10 data set and getting the following error : AttributeError: 'CrossEntropyLoss' object has no attribute 'backward' criterion…
Rajat
  • 647
  • 3
  • 10
  • 30
6
votes
1 answer

Why faster-rcnn end to end training only makes approximation?

In faster rcnn (https://arxiv.org/abs/1506.01497), there are two ways to train the network. one way is jointly training rpn and fast rcnn. the other way is to train both rpn and fast rcnn in the end-to-end manner. However, the author said that in…
alec.tu
  • 1,647
  • 2
  • 20
  • 41
6
votes
1 answer

How to add attention layer to seq2seq model on Keras

Based on this article, I wrote this…
Osm
  • 81
  • 4
6
votes
1 answer

Open mha image files in Python (2015 brats challenge dataset)

I want to use deep learning for medical image segmentation as my graduation thesis, the data used is 2015 brats challenge. for example: MHA file but i don't how to open the .mha files by use python.I use the tensorflow framework, so it's more…
hey6775
  • 159
  • 3
  • 14
6
votes
1 answer

NLP - Embeddings selection of `start` and `end` of sentence tokens

Suppose we're training a neural network model to learn the mapping from the following input to output, where the output is Name Entity (NE). Input: EU rejects German call to boycott British lamb . Output: ORG O MISC O O O MISC O O A sliding window…
GabrielChu
  • 6,026
  • 10
  • 27
  • 42
6
votes
0 answers

Training quantized models in TensorFlow

I would like to train a quantized network, i.e. use quantized weights during the forward pass to calculate the loss and then update the underlying full-precision floating point weights during the backward pass. Note that in my case "fake…
stecklin
  • 131
  • 7
6
votes
1 answer

tensorflow neural network multi layer perceptron for regression example

I am trying to write a MLP with TensorFlow (which I just started to learn, so apologies for the code!) for multivariate REGRESSION (no MNIST, please). Here is my MWE, where I chose to use the linnerud dataset from sklearn. (In reality I am using a…
6
votes
2 answers

Using batch norm when restore the model?

I have a little problem that using the batch norm when restore the model in tensorflow. Below is my batch norm which from here: def _batch_normalization(self, input_tensor, is_training, batch_norm_epsilon, decay=0.999): """batch normalization…
Yang
  • 612
  • 1
  • 6
  • 18
1 2 3
99
100